diff --git a/requirements.txt b/requirements.txt index aac9ac59..9785669e 100644 --- a/requirements.txt +++ b/requirements.txt @@ -8,14 +8,9 @@ astroquery scipy scikit-learn healpy -pytables pyyaml>=5.1 openorb spiceypy -matplotlib -seaborn -plotly -ipykernel pytest pytest-cov pre-commit diff --git a/thor/__init__.py b/thor/__init__.py index 240f6672..0d4f9033 100644 --- a/thor/__init__.py +++ b/thor/__init__.py @@ -1,7 +1,6 @@ from .version import __version__ from .config import * from .constants import * -from .testing import * from .orbits import * from .backend import * from .utils import * @@ -9,7 +8,6 @@ from .projections import * from .orbit import * from .cell import * -from .plotting import * from .data_processing import * from .orbit_selection import * from .filter_orbits import * diff --git a/thor/backend/__init__.py b/thor/backend/__init__.py index 79d45379..62186cae 100644 --- a/thor/backend/__init__.py +++ b/thor/backend/__init__.py @@ -1,4 +1,3 @@ from .backend import * from .findorb import * -from .mjolnir import * from .pyoorb import * diff --git a/thor/backend/mjolnir.py b/thor/backend/mjolnir.py deleted file mode 100644 index 5e02cf11..00000000 --- a/thor/backend/mjolnir.py +++ /dev/null @@ -1,192 +0,0 @@ -import os -import subprocess -import warnings - -import numpy as np -import pandas as pd -from astropy.time import Time - -from ..constants import Constants as c -from ..observatories import getObserverState -from ..orbits import generateEphemerisUniversal, propagateUniversal, shiftOrbitsOrigin -from ..utils import _checkTime -from .backend import Backend - -MU = c.MU -MJOLNIR_CONFIG = { - "origin": "heliocenter", - "light_time": True, - "lt_tol": 1e-10, - "stellar_aberration": False, - "mu": MU, - "max_iter": 1000, - "tol": 1e-16, -} - - -class MJOLNIR(Backend): - def __init__(self, **kwargs): - # Make sure only the correct kwargs - # are passed to the constructor - allowed_kwargs = MJOLNIR_CONFIG.keys() - for k in kwargs: - if k not in allowed_kwargs: - raise ValueError() - - # If an allowed kwarg is missing, add the - # default - for k in allowed_kwargs: - if k not in kwargs: - kwargs[k] = MJOLNIR_CONFIG[k] - - super().__init__(name="Mjolnir", **kwargs) - return - - def _propagateOrbits(self, orbits, t1): - """ """ - # All propagations in THOR should be done with times in the TDB time scale - t0_tdb = orbits.epochs.tdb.mjd - t1_tdb = t1.tdb.mjd - - if self.origin == "barycenter": - # Shift orbits to barycenter - orbits_ = shiftOrbitsOrigin( - orbits.cartesian, - orbits.epochs, - origin_in="heliocenter", - origin_out="barycenter", - ) - - elif self.origin == "heliocenter": - orbits_ = orbits.cartesian - - else: - err = "origin should be one of {'heliocenter', 'barycenter'}" - raise ValueError(err) - - propagated = propagateUniversal( - orbits_, t0_tdb, t1_tdb, mu=self.mu, max_iter=self.max_iter, tol=self.tol - ) - - if self.origin == "barycenter": - t1_tdb_stacked = Time(propagated[:, 1], scale="tdb", format="mjd") - propagated[:, 2:] = shiftOrbitsOrigin( - propagated[:, 2:], - t1_tdb_stacked, - origin_in="barycenter", - origin_out="heliocenter", - ) - - propagated = pd.DataFrame( - propagated, - columns=[ - "orbit_id", - "mjd_tdb", - "x", - "y", - "z", - "vx", - "vy", - "vz", - ], - ) - propagated["orbit_id"] = propagated["orbit_id"].astype(int) - - if orbits.ids is not None: - propagated["orbit_id"] = orbits.ids[propagated["orbit_id"].values] - - return propagated - - def _generateEphemeris(self, orbits, observers): - - observer_states_list = [] - for observatory_code, observation_times in observers.items(): - # Check that the observation times are astropy time objects - _checkTime( - observation_times, - "observation_times for observatory {}".format(observatory_code), - ) - - # Get the observer state for observation times and append to list - observer_states = getObserverState([observatory_code], observation_times) - observer_states_list.append(observer_states) - - # Concatenate the dataframes - observer_states = pd.concat(observer_states_list, ignore_index=True) - - ephemeris_dfs = [] - for observatory_code in observer_states["observatory_code"].unique(): - - observer_selected = observer_states[ - observer_states["observatory_code"].isin([observatory_code]) - ] - observation_times = observers[observatory_code] - - # Grab observer state vectors - cols = ["obs_x", "obs_y", "obs_z"] - velocity_cols = ["obs_vx", "obs_vy", "obs_vz"] - if set(velocity_cols).intersection(set(observer_selected.columns)) == set( - velocity_cols - ): - observer_selected = observer_selected[cols + velocity_cols].values - else: - observer_selected = observer_selected[cols].values - - # Generate ephemeris for each orbit - ephemeris = generateEphemerisUniversal( - orbits.cartesian, - orbits.epochs, - observer_selected, - observation_times, - light_time=self.light_time, - lt_tol=self.lt_tol, - stellar_aberration=self.stellar_aberration, - mu=self.mu, - max_iter=self.max_iter, - tol=self.tol, - ) - - ephemeris["observatory_code"] = [ - observatory_code for i in range(len(ephemeris)) - ] - ephemeris_dfs.append(ephemeris) - - # Concatenate data frames, reset index and then keep only the columns - # we care about - ephemeris = pd.concat(ephemeris_dfs) - ephemeris.sort_values( - by=["orbit_id", "observatory_code", "mjd_utc"], - inplace=True, - ignore_index=True, - ) - - ephemeris = ephemeris[ - [ - "orbit_id", - "observatory_code", - "mjd_utc", - "RA_deg", - "Dec_deg", - "vRAcosDec", - "vDec", - "r_au", - "delta_au", - "light_time", - "obj_x", - "obj_y", - "obj_z", - "obj_vx", - "obj_vy", - "obj_vz", - "obs_x", - "obs_y", - "obs_z", - "obs_vx", - "obs_vy", - "obs_vz", - ] - ] - - if orbits.ids is not None: - ephemeris["orbit_id"] = orbits.ids[ephemeris["orbit_id"].values] - return ephemeris diff --git a/thor/data/__init__.py b/thor/data/__init__.py deleted file mode 100644 index e69de29b..00000000 diff --git a/thor/main.py b/thor/main.py index 5b1cfb34..d37fdc4f 100644 --- a/thor/main.py +++ b/thor/main.py @@ -22,7 +22,6 @@ from .cell import Cell from .clusters import filter_clusters_by_length, find_clusters from .config import Config, Configuration -from .observatories import getObserverState from .orbit import TestOrbit from .orbits import ( Orbits, diff --git a/thor/observatories/__init__.py b/thor/observatories/__init__.py deleted file mode 100644 index 869b2519..00000000 --- a/thor/observatories/__init__.py +++ /dev/null @@ -1 +0,0 @@ -from .state import * diff --git a/thor/observatories/state.py b/thor/observatories/state.py deleted file mode 100644 index c395fdfb..00000000 --- a/thor/observatories/state.py +++ /dev/null @@ -1,174 +0,0 @@ -import numpy as np -import pandas as pd -import spiceypy as sp - -from ..constants import Constants as c -from ..orbits import getPerturberState -from ..utils import _checkTime, readMPCObservatoryCodes, setupSPICE - -__all__ = ["getObserverState"] - -R_EARTH = c.R_EARTH -OMEGA_EARTH = 2 * np.pi / 0.997269675925926 - - -def getObserverState( - observatory_codes, observation_times, frame="ecliptic", origin="heliocenter" -): - """ - Find the heliocentric or barycentric ecliptic or equatorial J2000 state vectors for different observers or observatories at - the desired epochs. Currently only supports ground-based observers. - - The Earth body-fixed frame used for calculations is the standard ITRF93, which takes into account: - - precession (IAU-1976) - - nutation (IAU-1980 with IERS corrections) - - polar motion - This frame is retrieved through SPICE. - - Parameters - ---------- - observatory_codes : list or `~numpy.ndarray` - MPC observatory codes. - observation_times : `~astropy.time.core.Time` - Epochs for which to find the observatory locations. - frame : {'equatorial', 'ecliptic'} - Return observer state in the equatorial or ecliptic J2000 frames. - origin : {'barycenter', 'heliocenter'} - Return observer state with heliocentric or barycentric origin. - - Returns - ------- - `~pandas.DataFrame` - Pandas DataFrame with a column of observatory codes, MJDs (in UTC), and the J2000 - postion vector in three columns (obs_x, obs_y, obs_z) and J2000 - velocity in three columns (obs_vx, obs_vy, obs_vg). - """ - if type(observatory_codes) not in [list, np.ndarray]: - err = "observatory_codes should be a list or `~numpy.ndarray`." - raise TypeError(err) - - if frame == "ecliptic": - frame_spice = "ECLIPJ2000" - elif frame == "equatorial": - frame_spice = "J2000" - else: - err = "frame should be one of {'equatorial', 'ecliptic'}" - raise ValueError(err) - - setupSPICE() - - # Check that times is an astropy time object - _checkTime(observation_times, "observation_times") - - observatories = readMPCObservatoryCodes() - positions = {} - - for code in observatory_codes: - if np.any( - observatories[observatories.index == code][["longitude_deg", "cos", "sin"]] - .isna() - .values - == True - ): - err = ( - "{} is missing information on Earth-based geodetic coordinates. The MPC Obs Code\n" - "file may be missing this information or the observer is a space-based observatory.\n" - "Space observatories are currently not supported.\n" - ) - raise ValueError(err.format(code)) - - # Get observer location on Earth - longitude = observatories[observatories.index == code]["longitude_deg"].values[ - 0 - ] - sin_phi = observatories[observatories.index == code]["sin"].values[0] - cos_phi = observatories[observatories.index == code]["cos"].values[0] - sin_longitude = np.sin(np.radians(longitude)) - cos_longitude = np.cos(np.radians(longitude)) - - # Calculate pointing vector from geocenter to observatory - o_hat_ITRF93 = np.array( - [cos_longitude * cos_phi, sin_longitude * cos_phi, sin_phi] - ) - - # Multiply pointing vector with Earth radius to get actual vector - o_vec_ITRF93 = np.dot(R_EARTH, o_hat_ITRF93) - - # Grab earth state vector - state = getPerturberState( - "earth", observation_times, frame=frame, origin=origin - ) - - # Convert MJD epochs in TDB to ET in TDB - epochs_tdb = observation_times.tdb - epochs_et = np.array( - [sp.str2et("JD {:.16f} TDB".format(i)) for i in epochs_tdb.jd] - ) - - # Grab rotaton matrices from ITRF93 to ecliptic J2000 - # The ITRF93 high accuracy Earth rotation model takes into account: - # Precession: 1976 IAU model from Lieske. - # Nutation: 1980 IAU model, with IERS corrections due to Herring et al. - # True sidereal time using accurate values of TAI-UT1 - # Polar motion - rotation_matrices = np.array( - [sp.pxform("ITRF93", frame_spice, i) for i in epochs_et] - ) - - # Add o_vec + r_geo to get r_obs - r_obs = np.array( - [rg + rm @ o_vec_ITRF93 for rg, rm in zip(state[:, :3], rotation_matrices)] - ) - - # Calculate velocity - v_obs = np.array( - [ - vg - + rm - @ (-OMEGA_EARTH * R_EARTH * np.cross(o_hat_ITRF93, np.array([0, 0, 1]))) - for vg, rm in zip(state[:, 3:], rotation_matrices) - ] - ) - - # Create table of mjds and positions - table = np.empty((len(observation_times), 7)) - table[:, 0] = observation_times.utc.mjd - table[:, 1:4] = r_obs - table[:, 4:] = v_obs - - # Add to dictionary - positions[code] = table - - # Process dictionary into a clean pandas DataFrame - dfs = [] - for code, table in positions.items(): - dfi = pd.DataFrame( - table, - columns=[ - "mjd_utc", - "obs_x", - "obs_y", - "obs_z", - "obs_vx", - "obs_vy", - "obs_vz", - ], - ) - dfi["observatory_code"] = [code for i in range(len(dfi))] - dfs.append(dfi) - - df = pd.concat(dfs) - df = df[ - [ - "observatory_code", - "mjd_utc", - "obs_x", - "obs_y", - "obs_z", - "obs_vx", - "obs_vy", - "obs_vz", - ] - ] - df.reset_index(inplace=True, drop=True) - return df diff --git a/thor/observatories/tests/__init__.py b/thor/observatories/tests/__init__.py deleted file mode 100644 index e69de29b..00000000 diff --git a/thor/observatories/tests/test_state.py b/thor/observatories/tests/test_state.py deleted file mode 100644 index b5cc103c..00000000 --- a/thor/observatories/tests/test_state.py +++ /dev/null @@ -1,140 +0,0 @@ -import os - -import pandas as pd -import pytest -from astropy import units as u -from astropy.time import Time - -from thor.utils.spice import getSPICEKernels - -from ...testing import testOrbits -from ...utils import KERNELS_DE440, getMPCObservatoryCodes, getSPICEKernels, setupSPICE -from ..state import getObserverState - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def test_getObserverState_heliocentric(): - """ - Read the test dataset for heliocentric state vectors of each observatory at each observation time. - Use THOR to find heliocentric state vectors of each observatory at each observation time. - Compare the resulting state vectors and test how well they agree with the ones pulled from Horizons. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - # Make sure the latest version of the MPC observatory codes - # has been downloaded - getMPCObservatoryCodes() - - # Read observatory states from test data file - observer_states_df = pd.read_csv( - os.path.join(DATA_DIR, "observer_states.csv"), index_col=False - ) - - origin = "heliocenter" - for observatory_code in observer_states_df["observatory_code"].unique(): - observatory_mask = observer_states_df["observatory_code"].isin( - [observatory_code] - ) - - times = Time( - observer_states_df[observatory_mask]["mjd_utc"].values, - scale="utc", - format="mjd", - ) - observer_states = observer_states_df[observatory_mask][ - ["x", "y", "z", "vx", "vy", "vz"] - ].values - - observer_states_thor = getObserverState( - [observatory_code], - times, - origin=origin, - ) - observer_states_thor = observer_states_thor[ - ["obs_x", "obs_y", "obs_z", "obs_vx", "obs_vy", "obs_vz"] - ].values - - # Test that each state agrees with Horizons - # to within the tolerances below - testOrbits( - observer_states_thor, - observer_states, - position_tol=(20 * u.m), - velocity_tol=(1 * u.cm / u.s), - magnitude=True, - ) - return - - -def test_getObserverState_barycentric(): - """ - Read the test dataset for barycentric state vectors of each observatory at each observation time. - Use THOR to find barycentric state vectors of each observatory at each observation time. - Compare the resulting state vectors and test how well they agree with the ones pulled from Horizons. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - # Make sure the latest version of the MPC observatory codes - # has been downloaded - getMPCObservatoryCodes() - - # Read observatory states from test data file - observer_states_df = pd.read_csv( - os.path.join(DATA_DIR, "observer_states_barycentric.csv"), index_col=False - ) - - origin = "barycenter" - for observatory_code in observer_states_df["observatory_code"].unique(): - observatory_mask = observer_states_df["observatory_code"].isin( - [observatory_code] - ) - - times = Time( - observer_states_df[observatory_mask]["mjd_utc"].values, - scale="utc", - format="mjd", - ) - observer_states = observer_states_df[observatory_mask][ - ["x", "y", "z", "vx", "vy", "vz"] - ].values - - observer_states_thor = getObserverState( - [observatory_code], - times, - origin=origin, - ) - observer_states_thor = observer_states_thor[ - ["obs_x", "obs_y", "obs_z", "obs_vx", "obs_vy", "obs_vz"] - ].values - - # Test that each state agrees with Horizons - # to within the tolerances below - testOrbits( - observer_states_thor, - observer_states, - position_tol=(20 * u.m), - velocity_tol=(1 * u.cm / u.s), - magnitude=True, - ) - return - - -def test_getObserverState_raises(): - - times = Time([59000], scale="utc", format="mjd") - - with pytest.raises(ValueError): - # Raise error for incorrect frame - observer_states = getObserverState(["500"], times, frame="eccliptic") - - # Raise error for incorrect origin - observer_states = getObserverState(["500"], times, origin="heeliocenter") - - with pytest.raises(TypeError): - # Raise error for non-astropy time - observer_states = getObserverState(["500"], times.tdb.mjd) diff --git a/thor/orbits/__init__.py b/thor/orbits/__init__.py index 80d18f56..1edb7891 100644 --- a/thor/orbits/__init__.py +++ b/thor/orbits/__init__.py @@ -1,22 +1,12 @@ -from .kepler import * -from .state import * from .orbits import * -from .stumpff import * -from .chi import * -from .lagrange import * from .state_transition import * -from .universal_propagate import * -from .aberrations import * -from .universal_ephemeris import * from .propagate import * from .ephemeris import * from .iterators import * from .gauss import * from .gibbs import * from .herrick_gibbs import * -from .lambert import * from .residuals import * from .attribution import * from .iod import * from .od import * -from .tisserand import * diff --git a/thor/orbits/aberrations.py b/thor/orbits/aberrations.py deleted file mode 100644 index 89714de1..00000000 --- a/thor/orbits/aberrations.py +++ /dev/null @@ -1,141 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as c -from .universal_propagate import propagateUniversal - -__all__ = ["addLightTime", "addStellarAberration"] - -MU = c.MU -C = c.C - - -@jit( - ["Tuple((f8[:,:], f8[:]))(f8[:,:], f8[:], f8[:,:], f8, f8, i8, f8)"], - nopython=True, - cache=True, -) -def addLightTime( - orbits, t0, observer_positions, lt_tol=1e-10, mu=MU, max_iter=1000, tol=1e-15 -): - """ - When generating ephemeris, orbits need to be backwards propagated to the time - at which the light emitted or relflected from the object towards the observer. - - Light time correction must be added to orbits in expressed in an inertial frame (ie, orbits - must be barycentric) - - Parameters - ---------- - orbits : `~numpy.ndarray` (N, 6) - Barycentric orbits in cartesian elements to correct for light time delay. - t0 : `~numpy.ndarray` (N) - Epoch at which orbits are defined. - observer_positions : `numpy.ndarray` (N, 3) - Location of the observer in barycentric cartesian elements at the time of observation. - lt_tol : float, optional - Calculate aberration to within this value in time (units of days.) - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - AU**3 / d**2. - max_iter : int, optional - Maximum number of iterations over which to converge for propagation. - tol : float, optional - Numerical tolerance to which to compute universal anomaly during propagation using the Newtown-Raphson - method. - - Returns - ------- - corrected_orbits : `~numpy.ndarray` (N, 6) - Orbits adjusted for light travel time. - lt : `~numpy.ndarray` (N) - Light time correction (t0 - corrected_t0). - """ - corrected_orbits = np.zeros((len(orbits), 6)) - lts = np.zeros(len(orbits)) - num_orbits = len(orbits) - for i in range(num_orbits): - - # Set up running variables - orbit_i = orbits[i : i + 1, :] - observer_position_i = observer_positions[i : i + 1, :] - t0_i = t0[i : i + 1] - dlt = 1e30 - lt_i = 1e30 - - while dlt > lt_tol: - # Calculate topocentric distance - rho = np.linalg.norm(orbit_i[:, :3] - observer_position_i) - - # Calculate initial guess of light time - lt = rho / C - - # Calculate difference between previous light time correction - # and current guess - dlt = np.abs(lt - lt_i) - - # Propagate backwards to new epoch - orbit = propagateUniversal( - orbits[i : i + 1, :], - t0[i : i + 1], - t0[i : i + 1] - lt, - mu=mu, - max_iter=max_iter, - tol=tol, - ) - - # Update running variables - t0_i = orbit[:, 1] - orbit_i = orbit[:, 2:] - lt_i = lt - - corrected_orbits[i, :] = orbit[0, 2:] - lts[i] = lt - - return corrected_orbits, lts - - -@jit(["f8[:,:](f8[:,:], f8[:,:])"], nopython=True, cache=True) -def addStellarAberration(orbits, observer_states): - """ - The motion of the observer in an inertial frame will cause an object - to appear in a different location than its true geometric location. This - aberration is typically applied after light time corrections have been added. - - The velocity of the input orbits are unmodified only the position - vector is modified with stellar aberration. - - Parameters - ---------- - orbits : `~numpy.ndarray` (N, 6) - Orbits in barycentric cartesian elements. - observer_states : `~numpy.ndarray` (N, 6) - Observer states in barycentric cartesian elements. - - Returns - ------- - rho_aberrated : `~numpy.ndarray` (N, 3) - The topocentric position vector for each orbit with - added stellar aberration. - - References - ---------- - [1] Urban, S. E; Seidelmann, P. K. (2013) Explanatory Supplement to the Astronomical Almanac. 3rd ed., - University Science Books. ISBN-13: 978-1891389856 - """ - topo_states = orbits - observer_states - rho_aberrated = topo_states[:, :3].copy() - for i in range(len(orbits)): - v_obs = observer_states[i, 3:] - beta = v_obs / C - gamma_inv = np.sqrt(1 - np.linalg.norm(beta) ** 2) - delta = np.linalg.norm(topo_states[i, :3]) - - # Equation 7.40 in Urban & Seidelmann (2013) [1] - rho = topo_states[i, :3] / delta - rho_aberrated[i, :] = ( - gamma_inv * rho + beta + np.dot(rho, beta) * beta / (1 + gamma_inv) - ) / (1 + np.dot(rho, beta)) - rho_aberrated[i, :] *= delta - - return rho_aberrated diff --git a/thor/orbits/chi.py b/thor/orbits/chi.py deleted file mode 100644 index 9df8e374..00000000 --- a/thor/orbits/chi.py +++ /dev/null @@ -1,90 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as c -from .stumpff import calcStumpff - -__all__ = [ - "calcChi", -] - -MU = c.MU - - -@jit(["UniTuple(f8, 7)(f8[:], f8[:], f8, f8, i8, f8)"], nopython=True, cache=True) -def calcChi(r, v, dt, mu=MU, max_iter=100, tol=1e-16): - """ - Calculate universal anomaly chi using Newton-Raphson. - - Parameters - ---------- - r : `~numpy.ndarray` (3) - Position vector in au. - v : `~numpy.ndarray` (3) - Velocity vector in au per day. - dt : float - Time from epoch to which calculate chi in units of decimal days. - mu : float - Gravitational parameter (GM) of the attracting body in units of - au**3 / d**2. - max_iter : int - Maximum number of iterations over which to converge. If number of iterations is - exceeded, will return the value of the universal anomaly at the last iteration. - tol : float - Numerical tolerance to which to compute chi using the Newtown-Raphson - method. - - Returns - ------- - chi : float - Universal anomaly. - c0, c1, c2, c3, c4, c5 : 6 x float - First six Stumpff functions. - - References - ---------- - [1] Curtis, H. D. (2014). Orbital Mechanics for Engineering Students. 3rd ed., - Elsevier Ltd. ISBN-13: 978-0080977478 - """ - r = np.ascontiguousarray(r) - v = np.ascontiguousarray(v) - - v_mag = np.linalg.norm(v) - r_mag = np.linalg.norm(r) - rv_mag = np.dot(r, v) / r_mag - sqrt_mu = np.sqrt(mu) - - # Equations 3.48 and 3.50 in Curtis (2014) [1] - alpha = -(v_mag**2) / mu + 2 / r_mag - - # Equation 3.66 in Curtis (2014) [1] - chi = sqrt_mu * np.abs(alpha) * dt - - ratio = 1e10 - iterations = 0 - while np.abs(ratio) > tol: - chi2 = chi**2 - psi = alpha * chi2 - c0, c1, c2, c3, c4, c5 = calcStumpff(psi) - - # Newton-Raphson - # Equation 3.65 in Curtis (2014) [1] - f = ( - r_mag * rv_mag / sqrt_mu * chi2 * c2 - + (1 - alpha * r_mag) * chi**3 * c3 - + r_mag * chi - - sqrt_mu * dt - ) - fp = ( - r_mag * rv_mag / sqrt_mu * chi * (1 - alpha * chi2 * c3) - + (1 - alpha * r_mag) * chi2 * c2 - + r_mag - ) - - ratio = f / fp - chi -= ratio - iterations += 1 - if iterations >= max_iter: - break - - return chi, c0, c1, c2, c3, c4, c5 diff --git a/thor/orbits/ephemeris.py b/thor/orbits/ephemeris.py index 728d105b..d600e371 100644 --- a/thor/orbits/ephemeris.py +++ b/thor/orbits/ephemeris.py @@ -1,6 +1,6 @@ import warnings -from ..backend import FINDORB, MJOLNIR, PYOORB, Backend +from ..backend import FINDORB, PYOORB, Backend __all__ = ["generateEphemeris"] @@ -8,7 +8,7 @@ def generateEphemeris( orbits, observers, - backend="MJOLNIR", + backend="PYOORB", backend_kwargs={}, test_orbit=None, chunk_size=1, @@ -30,7 +30,7 @@ def generateEphemeris( The expected data frame columns are obs_x, obs_y, obs_y and optionally the velocity columns obs_vx, obs_vy, obs_vz. If no velocities are not correctly given, then sky-plane velocities will all be zero. (See: `~thor.observatories.getObserverState`) - backend : {'MJOLNIR', 'PYOORB'}, optional + backend : {'PYOORB'}, optional Which backend to use. backend_kwargs : dict, optional Settings and additional parameters to pass to selected @@ -48,10 +48,7 @@ def generateEphemeris( ephemeris : `~pandas.DataFrame` (N x M, 21) or (N x M, 18) A DataFrame containing the generated ephemeris. """ - if backend == "MJOLNIR": - backend = MJOLNIR(**backend_kwargs) - - elif backend == "PYOORB": + if backend == "PYOORB": backend = PYOORB(**backend_kwargs) elif backend == "FINDORB": diff --git a/thor/orbits/iod.py b/thor/orbits/iod.py index 07c473c7..9eb6340b 100644 --- a/thor/orbits/iod.py +++ b/thor/orbits/iod.py @@ -18,7 +18,7 @@ import pandas as pd from astropy.time import Time -from ..backend import MJOLNIR, PYOORB +from ..backend import PYOORB from ..utils import ( _checkParallel, _initWorker, @@ -290,20 +290,14 @@ def iod( format="mjd", ) - if backend == "MJOLNIR": - backend_kwargs["light_time"] = light_time - - backend = MJOLNIR(**backend_kwargs) - # observers = observations[[obs_code_col, time_col, obs_x_col, obs_y_col, obs_z_col]] - - elif backend == "PYOORB": + if backend == "PYOORB": if light_time == False: err = "PYOORB does not support turning light time correction off." raise ValueError(err) backend = PYOORB(**backend_kwargs) else: - err = "backend should be one of 'MJOLNIR' or 'PYOORB'" + err = "backend should be 'PYOORB'" raise ValueError(err) chi2_sol = 1e10 diff --git a/thor/orbits/iterators.py b/thor/orbits/iterators.py index c6f1063d..d4e8b074 100644 --- a/thor/orbits/iterators.py +++ b/thor/orbits/iterators.py @@ -1,7 +1,7 @@ import numpy as np +from adam_core import dynamics from ..constants import Constants as c -from .lagrange import applyLagrangeCoeffs, calcLagrangeCoeffs from .state_transition import calcStateTransitionMatrix __all__ = ["iterateStateTransition"] @@ -100,10 +100,10 @@ def iterateStateTransition( # differential equation: # d\chi / dt = \sqrt{mu} / r # and the corresponding state vector - lagrange_coeffs, stumpff_coeffs, chi = calcLagrangeCoeffs( + lagrange_coeffs, stumpff_coeffs, chi = dynamics.calc_lagrange_coefficients( r, v, dt, mu=mu, max_iter=max_iter, tol=tol ) - r_new, v_new = applyLagrangeCoeffs(r, v, *lagrange_coeffs) + r_new, v_new = dynamics.apply_lagrange_coefficients(r, v, *lagrange_coeffs) # Calculate the state transition matrix STM = calcStateTransitionMatrix( diff --git a/thor/orbits/kepler.py b/thor/orbits/kepler.py deleted file mode 100644 index efd24a6a..00000000 --- a/thor/orbits/kepler.py +++ /dev/null @@ -1,324 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as c - -__all__ = [ - "_convertCartesianToKeplerian", - "_convertKeplerianToCartesian", - "convertOrbitalElements", -] - -MU = c.MU -Z_AXIS = np.array([0.0, 0.0, 1.0]) - - -@jit(["f8[:,:](f8[:,:], f8)"], nopython=True, cache=True) -def _convertCartesianToKeplerian(elements_cart, mu=MU): - """ - Convert cartesian orbital elements to Keplerian orbital elements. - - Keplerian orbital elements are returned in an array with the following elements: - a : semi-major axis [au] - e : eccentricity - i : inclination [degrees] - Omega : longitude of the ascending node [degrees] - omega : argument of periapsis [degrees] - M0 : mean anomaly [degrees] - - Parameters - ---------- - elements_cart : `~numpy.ndarray` (N, 6) - Cartesian elements in units of au and au per day. - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - au**3 / d**2. - - Returns - ------- - elements_kepler : `~numpy.ndarray (N, 8) - Keplerian elements with angles in degrees and semi-major axis and pericenter distance - in au. - - """ - elements_kepler = [] - for i in range(len(elements_cart)): - r = np.ascontiguousarray(elements_cart[i, 0:3]) - v = np.ascontiguousarray(elements_cart[i, 3:6]) - v_mag = np.linalg.norm(v) - r_mag = np.linalg.norm(r) - - sme = v_mag**2 / 2 - mu / r_mag - - h = np.cross(r, v) - h_mag = np.linalg.norm(h) - - n = np.cross(Z_AXIS, h) - n_mag = np.linalg.norm(n) - - e_vec = ((v_mag**2 - mu / r_mag) * r - (np.dot(r, v)) * v) / mu - e = np.linalg.norm(e_vec) - - if e != 0.0: - a = mu / (-2 * sme) - p = a * (1 - e**2) - q = a * (1 - e) - else: - a = np.inf - p = h_mag**2 / mu - q = a - - i_deg = np.degrees(np.arccos(h[2] / h_mag)) - - ascNode_deg = np.degrees(np.arccos(n[0] / n_mag)) - if n[1] < 0: - ascNode_deg = 360.0 - ascNode_deg - - argPeri_deg = np.degrees(np.arccos(np.dot(n, e_vec) / (n_mag * e))) - if e_vec[2] < 0: - argPeri_deg = 360.0 - argPeri_deg - - trueAnom_deg = np.degrees(np.arccos(np.dot(e_vec, r) / (e * r_mag))) - if np.dot(r, v) < 0: - trueAnom_deg = 360.0 - trueAnom_deg - trueAnom_rad = np.radians(trueAnom_deg) - - if e < 1.0: - eccentricAnom_rad = np.arctan2( - np.sqrt(1 - e**2) * np.sin(trueAnom_rad), e + np.cos(trueAnom_rad) - ) - meanAnom_deg = np.degrees(eccentricAnom_rad - e * np.sin(eccentricAnom_rad)) - if meanAnom_deg < 0: - meanAnom_deg += 360.0 - elif e == 1.0: - raise ValueError("Parabolic orbits not yet implemented!") - parabolicAnom_rad = np.arctan(trueAnom_rad / 2) - meanAnom_deg = np.degrees(parabolicAnom_rad + parabolicAnom_rad**3 / 3) - else: - hyperbolicAnom_rad = np.arcsinh( - np.sin(trueAnom_rad) - * np.sqrt(e**2 - 1) - / (1 + e * np.cos(trueAnom_rad)) - ) - meanAnom_deg = np.degrees( - e * np.sinh(hyperbolicAnom_rad) - hyperbolicAnom_rad - ) - - elements_kepler.append( - [a, q, e, i_deg, ascNode_deg, argPeri_deg, meanAnom_deg, trueAnom_deg] - ) - - return np.array(elements_kepler) - - -@jit(["f8[:,:](f8[:,:], f8, i8, f8)"], nopython=True, cache=True) -def _convertKeplerianToCartesian(elements_kepler, mu=MU, max_iter=100, tol=1e-15): - """ - Convert Keplerian orbital elements to cartesian orbital elements. - - Keplerian orbital elements should have following elements: - a : semi-major axis [au] - e : eccentricity [degrees] - i : inclination [degrees] - Omega : longitude of the ascending node [degrees] - omega : argument of periapsis [degrees] - M0 : mean anomaly [degrees] - - Parameters - ---------- - elements_kepler : `~numpy.ndarray` (N, 6) - Keplerian elements with angles in degrees and semi-major - axis in au. - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - au**3 / d**2. - max_iter : int, optional - Maximum number of iterations over which to converge. If number of iterations is - exceeded, will use the value of the relevant anomaly at the last iteration. - tol : float, optional - Numerical tolerance to which to compute anomalies using the Newtown-Raphson - method. - - Returns - ------- - elements_cart : `~numpy.ndarray (N, 6) - Cartesian elements in units of au and au per day. - """ - elements_cart = [] - for i in range(len(elements_kepler)): - a = elements_kepler[i, 0] - e = elements_kepler[i, 1] - p = a * (1 - e**2) - - i_deg = elements_kepler[i, 2] - i_rad = np.radians(i_deg) - - ascNode_deg = elements_kepler[i, 3] - ascNode_rad = np.radians(ascNode_deg) - - argPeri_deg = elements_kepler[i, 4] - argPeri_rad = np.radians(argPeri_deg) - - meanAnom_deg = elements_kepler[i, 5] - meanAnom_rad = np.radians(meanAnom_deg) - - if e < 1.0: - iterations = 0 - ratio = 1e10 - eccentricAnom_rad = meanAnom_rad - - while np.abs(ratio) > tol: - f = eccentricAnom_rad - e * np.sin(eccentricAnom_rad) - meanAnom_rad - fp = 1 - e * np.cos(eccentricAnom_rad) - ratio = f / fp - eccentricAnom_rad -= ratio - iterations += 1 - if iterations >= max_iter: - break - - trueAnom_rad = 2 * np.arctan2( - np.sqrt(1 + e) * np.sin(eccentricAnom_rad / 2), - np.sqrt(1 - e) * np.cos(eccentricAnom_rad / 2), - ) - - elif e == 1.0: - raise ValueError("Parabolic orbits not yet implemented!") - - else: - iterations = 0 - ratio = 1e10 - hyperbolicAnom_rad = meanAnom_rad / (e - 1) - - while np.abs(ratio) > tol: - f = meanAnom_rad - e * np.sinh(hyperbolicAnom_rad) + hyperbolicAnom_rad - fp = e * np.cosh(hyperbolicAnom_rad) - 1 - ratio = f / fp - hyperbolicAnom_rad += ratio - iterations += 1 - if iterations >= max_iter: - break - - trueAnom_rad = 2 * np.arctan( - np.sqrt(e + 1) - * np.sinh(hyperbolicAnom_rad / 2) - / (np.sqrt(e - 1) * np.cosh(hyperbolicAnom_rad / 2)) - ) - - r_PQW = np.array( - [ - p * np.cos(trueAnom_rad) / (1 + e * np.cos(trueAnom_rad)), - p * np.sin(trueAnom_rad) / (1 + e * np.cos(trueAnom_rad)), - 0, - ] - ) - - v_PQW = np.array( - [ - -np.sqrt(mu / p) * np.sin(trueAnom_rad), - np.sqrt(mu / p) * (e + np.cos(trueAnom_rad)), - 0, - ] - ) - - cos_ascNode = np.cos(ascNode_rad) - sin_ascNode = np.sin(ascNode_rad) - cos_argPeri = np.cos(argPeri_rad) - sin_argPeri = np.sin(argPeri_rad) - cos_i = np.cos(i_rad) - sin_i = np.sin(i_rad) - - P1 = np.array( - [ - [cos_argPeri, -sin_argPeri, 0.0], - [sin_argPeri, cos_argPeri, 0.0], - [0.0, 0.0, 1.0], - ] - ) - - P2 = np.array( - [ - [1.0, 0.0, 0.0], - [0.0, cos_i, -sin_i], - [0.0, sin_i, cos_i], - ] - ) - - P3 = np.array( - [ - [cos_ascNode, -sin_ascNode, 0.0], - [sin_ascNode, cos_ascNode, 0.0], - [0.0, 0.0, 1.0], - ] - ) - - rotation_matrix = P3 @ P2 @ P1 - r = rotation_matrix @ r_PQW - v = rotation_matrix @ v_PQW - - elements_cart.append([r[0], r[1], r[2], v[0], v[1], v[2]]) - - return np.array(elements_cart) - - -def convertOrbitalElements(orbits, type_in, type_out, mu=MU, max_iter=1000, tol=1e-15): - """ - Convert orbital elements from type_in to type_out. - - Parameters - ---------- - orbits : `~numpy.ndarray` (6) or (N, 6) - Array or orbits. - If 'cartesian': - x : x-position [au] - y : y-position [au] - z : z-position [au] - vx : x-velocity [au per day] - vy : y-velocity [au per day] - vz : z-velocity [au per day] - If 'keplerian': - a : semi-major axis [au] - e : eccentricity - i : inclination [degrees] - Omega : longitude of the ascending node [degrees] - omega : argument of periapsis [degrees] - M0 : mean anomaly [degrees] - type_in : str - Type of orbital elements to convert from (keplerian or cartesian). - type_out : str - Type of orbital elements to convert to (keplerian or cartesian). - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - au**3 / d**2. - max_iter : int, optional - Maximum number of iterations over which to converge. If number of iterations is - exceeded, will use the value of the relevant anomaly at the last iteration. - tol : float, optional - Numerical tolerance to which to compute anomalies using the Newtown-Raphson - method. - - Returns - ------- - orbits : `~numpy.ndarray` (N, 6) - Array of orbits in type_out elements. - """ - # Check that type_in is not type_out - if type_in == type_out: - raise ValueError("type_in cannot be equal to type_out.") - - # If a single orbit was passed, reshape the array - if orbits.shape == (6,): - orbits.reshape(1, -1) - - # If there are not enough or too many elements, raise error - if orbits.shape[1] != 6: - raise ValueError("Please ensure orbits have 6 quantities!") - - if type_in == "cartesian" and type_out == "keplerian": - return _convertCartesianToKeplerian(orbits, mu=mu)[:, [0, 2, 3, 4, 5, 6]] - elif type_in == "keplerian" and type_out == "cartesian": - return _convertKeplerianToCartesian(orbits, mu=mu, tol=tol, max_iter=max_iter) - else: - raise ValueError( - "Conversion from {} to {} not supported!".format(type_in, type_out) - ) - return diff --git a/thor/orbits/lagrange.py b/thor/orbits/lagrange.py deleted file mode 100644 index 661c10b6..00000000 --- a/thor/orbits/lagrange.py +++ /dev/null @@ -1,121 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as C -from .chi import calcChi - -__all__ = [ - "calcLagrangeCoeffs", - "applyLagrangeCoeffs", -] - -MU = C.MU - - -@jit( - "Tuple((UniTuple(f8, 4), UniTuple(f8, 6), f8))(f8[:], f8[:], f8, f8, f8, f8)", - nopython=True, - cache=True, -) -def calcLagrangeCoeffs(r, v, dt, mu=MU, max_iter=100, tol=1e-16): - """ - Calculate the exact Lagrange coefficients given an initial state defined at t0, - and the change in time from t0 to t1 (dt = t1 - t0). - - Parameters - ---------- - r : `~numpy.ndarray` (3) - Position vector in au. - v : `~numpy.ndarray` (3) - Velocity vector in au per day. - dt : float - Time from epoch to which calculate chi in units of decimal days. - mu : float - Gravitational parameter (GM) of the attracting body in units of - au**3 / d**2. - max_iter : int - Maximum number of iterations over which to converge. If number of iterations is - exceeded, will return the value of the universal anomaly at the last iteration. - tol : float - Numerical tolerance to which to compute chi using the Newtown-Raphson - method. - - Returns - ------- - lagrange_coeffs : (float x 4) - f : float - Langrange f coefficient. - g : float - Langrange g coefficient. - f_dot : float - Time deriviative of the Langrange f coefficient. - g_dot : float - Time deriviative of the Langrange g coefficient. - stumpff_coeffs : (float x 6) - First six Stumpff functions (c0, c1, c2, c3, c4, c5) - chi : float - Universal anomaly. - - References - ---------- - [1] Curtis, H. D. (2014). Orbital Mechanics for Engineering Students. 3rd ed., - Elsevier Ltd. ISBN-13: 978-0080977478 - """ - sqrt_mu = np.sqrt(mu) - chi, c0, c1, c2, c3, c4, c5 = calcChi(r, v, dt, mu=mu, max_iter=max_iter, tol=tol) - stumpff_coeffs = (c0, c1, c2, c3, c4, c5) - chi2 = chi**2 - - r_mag = np.linalg.norm(r) - v_mag = np.linalg.norm(v) - - # Equations 3.48 and 3.50 in Curtis (2014) [1] - alpha = -(v_mag**2) / mu + 2 / r_mag - - # Equations 3.69a and 3.69b in Curtis (2014) [1] - f = 1 - chi**2 / r_mag * c2 - g = dt - 1 / sqrt_mu * chi**3 * c3 - - r_new = f * r + g * v - r_new_mag = np.linalg.norm(r_new) - - # Equations 3.69c and 3.69d in Curtis (2014) [1] - f_dot = sqrt_mu / (r_mag * r_new_mag) * (alpha * chi**3 * c3 - chi) - g_dot = 1 - chi2 / r_new_mag * c2 - - lagrange_coeffs = (f, g, f_dot, g_dot) - - return lagrange_coeffs, stumpff_coeffs, chi - - -@jit("UniTuple(f8[:], 2)(f8[:], f8[:], f8, f8, f8, f8)", nopython=True, cache=True) -def applyLagrangeCoeffs(r, v, f, g, f_dot, g_dot): - """ - Apply the Lagrange coefficients to r and v. - - Parameters - ---------- - r : `~numpy.ndarray` (3) - Position vector in au. - v : `~numpy.ndarray` (3) - Velocity vector in au per day. - f : float - Langrange f coefficient. - g : float - Langrange g coefficient. - f_dot : float - Time deriviative of the Langrange f coefficient. - g_dot : float - Time deriviative of the Langrange g coefficient. - - Returns - ------- - r_new : `~numpy.ndarray` (3) - New position vector in au propagated with the Lagrange coefficients. - v_new : `~numpy.ndarray` (3) - New velocity vector in au per day propagated with the Lagrange coefficients. - """ - r_new = f * r + g * v - v_new = f_dot * r + g_dot * v - - return r_new, v_new diff --git a/thor/orbits/lambert.py b/thor/orbits/lambert.py deleted file mode 100644 index aada83a3..00000000 --- a/thor/orbits/lambert.py +++ /dev/null @@ -1,103 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as c -from .stumpff import calcStumpff - -MU = c.MU - -__all__ = ["calcLambert"] - - -@jit( - ["UniTuple(f8[:], 2)(f8[:], f8, f8[:], f8, f8, f8, f8)"], nopython=True, cache=True -) -def calcLambert(r0, t0, r1, t1, mu=MU, max_iter=1000, dt_tol=1e-12): - """ - Solve the Lambert problem using the universal variable formulation and - Newton-Raphson. Given two position vectors and their corresponding - times calculate the velocity vectors at both times. - - Parameters - ---------- - r0 : `~numpy.ndarray` (3) - Cartesian position vector of the target at t0 in units of AU. - t0 : float - Time at which r0 is true in units of decimal days. - r1 : `~numpy.ndarray` (3) - Cartesian position vector of the target at t1. - t1 : float - Time at which r1 is true in units of decimal days. - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - AU**3 / d**2. - max_iter : int - Maximum number of iterations to reach convergence. - dt_tol : float - Tolerance up to which to iterate the time of flight. - - Returns - ------- - v0 : `~numpy.ndarray` (3) - Velocity of the target at t0 in units of AU per day. - v1 : `~numpy.ndarray` (3) - Velocity of the target at t1 in units of AU per day. - """ - dt = t1 - t0 - r0_mag = np.linalg.norm(r0) - r1_mag = np.linalg.norm(r1) - - delta_nu = np.arccos(np.dot(r0, r1) / (r0_mag * r1_mag)) - A = np.sqrt(r0_mag * r1_mag * (1 + np.cos(delta_nu))) - sqrt_mu = np.sqrt(mu) - - psi_iter = 0 - iterations = 0 - converged = False - while not converged: - c0, c1, c2, c3, c4, c5 = calcStumpff(psi_iter) - - y = r0_mag + r1_mag - A * (1 - psi_iter * c3) / np.sqrt(c2) - - while y < 0 and A > 0: - psi_iter += 1e-8 - y = r0_mag + r1_mag - A * (1 - psi_iter * c3) / np.sqrt(c2) - - chi = np.sqrt(y / c2) - - dt_iter = (chi**3 * c3 + A * np.sqrt(y)) / sqrt_mu - - if np.abs(dt_iter - dt) < dt_tol: - converged = True - - if np.abs(psi_iter) > 1e-8: - c2p = (1 - psi_iter * c3 - 2 * c2) / (2 * psi_iter) - c3p = (c2 - 3 * c3) / (2 * psi_iter) - dtp = ( - chi**3 * (c3p - 3 / 2 * (c3 * c2p / c2)) - + 1 / 8 * A * ((3 * c3 * np.sqrt(y)) / c2 + A / chi) - ) / sqrt_mu - - else: - c2 = 1 / 2 - y0 = r0_mag + r1_mag - A / np.sqrt(c2) - dtp = np.sqrt(2) / 40 * y0 ** (3 / 2) + A / 8 * ( - np.sqrt(y0) + A * np.sqrt(1 / 2 / y0) - ) - - ratio = (dt_iter - dt) / dtp - psi_iter -= ratio - - iterations += 1 - - if iterations >= max_iter: - break - - f = 1 - y / r0_mag - g_dot = 1 - y / r1_mag - g = A * np.sqrt(y / mu) - - v0 = (r1 - f * r0) / g - v1 = (g_dot * r1 - r0) / g - - return v0, v1 diff --git a/thor/orbits/laplace.py b/thor/orbits/laplace.py deleted file mode 100644 index e69de29b..00000000 diff --git a/thor/orbits/od.py b/thor/orbits/od.py index 7c015e8d..052ada66 100644 --- a/thor/orbits/od.py +++ b/thor/orbits/od.py @@ -19,7 +19,7 @@ from astropy.time import Time from scipy.linalg import solve -from ..backend import MJOLNIR, PYOORB +from ..backend import PYOORB from ..utils import ( _checkParallel, _initWorker, @@ -112,14 +112,10 @@ def od( backend="PYOORB", backend_kwargs={}, ): - if backend == "MJOLNIR": - backend = MJOLNIR(**backend_kwargs) - - elif backend == "PYOORB": + if backend == "PYOORB": backend = PYOORB(**backend_kwargs) - else: - err = "backend should be one of 'MJOLNIR' or 'PYOORB'" + err = "backend should be 'PYOORB'" raise ValueError(err) if method not in ["central", "finite"]: diff --git a/thor/orbits/orbits.py b/thor/orbits/orbits.py index a91c17c0..3c63be70 100644 --- a/thor/orbits/orbits.py +++ b/thor/orbits/orbits.py @@ -8,7 +8,6 @@ from astropy.time import Time from ..utils import _checkTime, getHorizonsVectors -from .kepler import convertOrbitalElements CARTESIAN_COLS = ["x", "y", "z", "vx", "vy", "vz"] CARTESIAN_UNITS = [u.au, u.au, u.au, u.au / u.d, u.au / u.d, u.au / u.d] @@ -288,27 +287,13 @@ def epochs(self): @property def cartesian(self): if not isinstance(self._cartesian, np.ndarray): - logger.debug( - "Cartesian elements are not defined. Converting Keplerian elements to Cartesian." - ) - self._cartesian = convertOrbitalElements( - self._keplerian, - "keplerian", - "cartesian", - ) + logger.debug("Cartesian elements are not defined.") return self._cartesian @property def keplerian(self): if not isinstance(self._keplerian, np.ndarray): - logger.debug( - "Keplerian elements are not defined. Converting Cartesian elements to Keplerian." - ) - self._keplerian = convertOrbitalElements( - self._cartesian, - "cartesian", - "keplerian", - ) + logger.debug("Keplerian elements are not defined.") return self._keplerian @property diff --git a/thor/orbits/propagate.py b/thor/orbits/propagate.py index b0f9b846..f82eb57a 100644 --- a/thor/orbits/propagate.py +++ b/thor/orbits/propagate.py @@ -1,6 +1,6 @@ import warnings -from ..backend import FINDORB, MJOLNIR, PYOORB, Backend +from ..backend import FINDORB, PYOORB, Backend from ..utils import _checkTime __all__ = ["propagateOrbits"] @@ -9,7 +9,7 @@ def propagateOrbits( orbits, t1, - backend="MJOLNIR", + backend="PYOORB", backend_kwargs={}, chunk_size=1, num_jobs=1, @@ -28,7 +28,7 @@ def propagateOrbits( expressed in heliocentric keplerian, cometary or cartesian elements. t1 : `~astropy.time.core.Time` (M) Epochs to which to propagate each orbit. - backend : {'MJOLNIR', 'PYOORB', 'FINDORB'}, optional + backend : {'PYOORB', 'FINDORB'}, optional Which backend to use. backend_kwargs : dict, optional Settings and additional parameters to pass to selected @@ -49,10 +49,7 @@ def propagateOrbits( # Check that t1 is an astropy.time objects _checkTime(t1, "t1") - if backend == "MJOLNIR": - backend = MJOLNIR(**backend_kwargs) - - elif backend == "PYOORB": + if backend == "PYOORB": backend = PYOORB(**backend_kwargs) elif backend == "FINDORB": @@ -67,7 +64,7 @@ def propagateOrbits( ) else: - err = "backend should be one of 'MJOLNIR', 'PYOORB', 'FINDORB'" + err = "backend should be one of 'PYOORB', 'FINDORB'" raise ValueError(err) propagated = backend.propagateOrbits( diff --git a/thor/orbits/state.py b/thor/orbits/state.py deleted file mode 100644 index 509a828a..00000000 --- a/thor/orbits/state.py +++ /dev/null @@ -1,135 +0,0 @@ -import numpy as np -import spiceypy as sp - -from ..constants import KM_P_AU, S_P_DAY -from ..utils import _checkTime, setupSPICE - -NAIF_MAPPING = { - "solar system barycenter": 0, - "mercury barycenter": 1, - "venus barycenter": 2, - "earth barycenter": 3, - "mars barycenter": 4, - "jupiter barycenter": 5, - "saturn barycenter": 6, - "uranus barycenter": 7, - "neptune barycenter": 8, - "pluto barycenter": 9, - "sun": 10, - "mercury": 199, - "venus": 299, - "earth": 399, - "moon": 301, -} - -__all__ = ["getPerturberState", "shiftOrbitsOrigin"] - - -def getPerturberState(body_name, times, frame="ecliptic", origin="heliocenter"): - """ - Query the JPL ephemeris files loaded in SPICE for the state vectors of desired perturbers. - - Major bodies and dynamical centers available: - 'solar system barycenter', 'sun', - 'mercury', 'venus', 'earth', - 'mars', 'jupiter', 'saturn', - 'uranus', 'neptune' - - Parameters - ---------- - body_name : str - Name of major body. - times : `~astropy.time.core.Time` (N) - Times at which to get state vectors. - frame : {'equatorial', 'ecliptic'} - Return perturber state in the equatorial or ecliptic J2000 frames. - origin : {'barycenter', 'heliocenter'} - Return perturber state with heliocentric or barycentric origin. - - Returns - ------- - states : `~numpy.ndarray` (N, 6) - Heliocentric ecliptic J2000 state vector with postion in AU - and velocity in AU per day. - """ - if origin == "barycenter": - center = 0 # Solar System Barycenter - elif origin == "heliocenter": - center = 10 # Heliocenter - else: - err = "origin should be one of 'heliocenter' or 'barycenter'" - raise ValueError(err) - - if frame == "ecliptic": - frame_spice = "ECLIPJ2000" - elif frame == "equatorial": - frame_spice = "J2000" - else: - err = "frame should be one of {'equatorial', 'ecliptic'}" - raise ValueError(err) - - # Make sure SPICE is ready to roll - setupSPICE() - - # Check that times is an astropy time object - _checkTime(times, "times") - - # Convert MJD epochs in TDB to ET in TDB - epochs_tdb = times.tdb - epochs_et = np.array([sp.str2et("JD {:.16f} TDB".format(i)) for i in epochs_tdb.jd]) - - # Get position of the body in heliocentric ecliptic J2000 coordinates - states = [] - for epoch in epochs_et: - state, lt = sp.spkez( - NAIF_MAPPING[body_name.lower()], epoch, frame_spice, "NONE", center - ) - states.append(state) - states = np.vstack(states) - - # Convert to AU and AU per day - states = states / KM_P_AU - states[:, 3:] = states[:, 3:] * S_P_DAY - return states - - -def shiftOrbitsOrigin(orbits, t0, origin_in="heliocenter", origin_out="barycenter"): - """ - Shift the origin of the given orbits. Orbits should be expressed in - ecliptic J2000 cartesian coordinates. - - Parameters - ---------- - orbits : `~numpy.ndarray` (N, 6) - Orbits to shift to a different coordinate frame. - t0 : `~astropy.time.core.Time` (N) - Epoch at which orbits are defined. - origin_in : {'heliocenter', 'barycenter'} - Origin of the input orbits. - origin_out : {'heliocenter', 'barycenter'} - Desired origin of the output orbits. - - Returns - ------- - orbits_shifted : `~numpy.ndarray` (N, 6) - Orbits shifted to the desired output origin. - """ - _checkTime(t0, "t0") - - orbits_shifted = orbits.copy() - bary_to_helio = getPerturberState("sun", t0, origin="barycenter") - helio_to_bary = getPerturberState( - "solar system barycenter", t0, origin="heliocenter" - ) - - if origin_in == origin_out: - return orbits_shifted - elif origin_in == "heliocenter" and origin_out == "barycenter": - orbits_shifted += bary_to_helio - elif origin_in == "barycenter" and origin_out == "heliocenter": - orbits_shifted += helio_to_bary - else: - err = "origin_in and origin_out should be one of {'heliocenter', 'barycenter'}" - raise ValueError(err) - - return orbits_shifted diff --git a/thor/orbits/state_transition.py b/thor/orbits/state_transition.py index 55ae4930..494ffcc8 100644 --- a/thor/orbits/state_transition.py +++ b/thor/orbits/state_transition.py @@ -1,19 +1,13 @@ import numpy as np -from numba import jit +from adam_core import dynamics from ..constants import Constants as c -from .lagrange import applyLagrangeCoeffs, calcLagrangeCoeffs __all__ = ["calcMMatrix", "calcStateTransitionMatrix"] MU = c.MU -@jit( - "f8[:,:](f8[:], f8[:], UniTuple(f8, 4), UniTuple(f8, 6), f8, f8, f8)", - nopython=True, - cache=True, -) def calcMMatrix(r0, r1, lagrange_coeffs, stumpff_coeffs, chi, alpha, mu=MU): """ Calculate the M matrix proposed by S. W. Shepperd in 1985. @@ -115,7 +109,6 @@ def calcMMatrix(r0, r1, lagrange_coeffs, stumpff_coeffs, chi, alpha, mu=MU): return M -@jit("f8[:,:](f8[:], f8, f8, i8, f8)", nopython=True, cache=True) def calcStateTransitionMatrix( orbit, dt, mu=0.0002959122082855911, max_iter=100, tol=1e-15 ): @@ -160,11 +153,11 @@ def calcStateTransitionMatrix( # Here alpha is defined as 1 / a where a is the semi-major axis of the orbit alpha = -(v0_mag**2) / mu + 2 / r0_mag - lagrange_coeffs, stumpff_coeffs, chi = calcLagrangeCoeffs( + lagrange_coeffs, stumpff_coeffs, chi = dynamics.calc_lagrange_coefficients( r0, v0, dt, mu=mu, max_iter=max_iter, tol=tol ) f, g, f_dot, g_dot = lagrange_coeffs - r1, v1 = applyLagrangeCoeffs(r0, v0, *lagrange_coeffs) + r1, v1 = dynamics.apply_lagrange_coefficients(r0, v0, *lagrange_coeffs) M = calcMMatrix(r0, r1, lagrange_coeffs, stumpff_coeffs, chi, alpha, mu=mu) # Construct the 3 x 2 state matrices with the position vector diff --git a/thor/orbits/stumpff.py b/thor/orbits/stumpff.py deleted file mode 100644 index 1add0468..00000000 --- a/thor/orbits/stumpff.py +++ /dev/null @@ -1,85 +0,0 @@ -import numpy as np -from numba import jit - -__all__ = ["calcStumpff"] - - -@jit("UniTuple(f8, 6)(f8)", nopython=True, cache=True) -def calcStumpff(psi): - """ - Calculate the first 6 Stumpff functions for variable psi. - - .. math:: - - \Psi = \alpha \chi^2 - - \frac{d\chi}{dt} = \frac{1}{r} - - \alpha = \frac{\mu}{a} - - c_0(\Psi) = \begin{cases} - \cos{\sqrt{\Psi}} & \text{ if } \Psi > 0 \\ - \cosh{\sqrt{-\Psi}} & \text{ if } \Psi < 0 \\ - 1 & \text{ if } \Psi= 0 - \end{cases} - - c_1(\Psi) = \begin{cases} - \frac{\sin{\sqrt{\Psi}}{\sqrt{\Psi}} & \text{ if } \Psi > 0 \\ - \frac{\sinh{\sqrt{-\Psi}}{\sqrt{-\Psi}} & \text{ if } \Psi < 0 \\ - 1 & \text{ if } \Psi= 0 - \end{cases} - - \Psi c_{n+2} = \frac{1}{k!} - c_n(\Psi) - - Parameters - ---------- - psi : float - Dimensionless parameter at which to evaluate the Stumpff functions (equivalent to alpha * chi**2). - - Returns - ------- - c0, c1, c2, c3, c4, c5 : 6 x float - First six Stumpff functions. - - References - ---------- - [1] Danby, J. M. A. (1992). Fundamentals of Celestial Mechanics. 2nd ed., - William-Bell, Inc. ISBN-13: 978-0943396200 - Notes: of particular interest is Danby's fantastic chapter on universal variables (6.9) - """ - if psi > 0.0: - # Equation 6.9.15 in Danby (1992) [1] - sqrt_psi = np.sqrt(psi) - c0 = np.cos(sqrt_psi) - c1 = np.sin(sqrt_psi) / sqrt_psi - - # Equation 6.9.16 in Danby (1992) [1] - # states the recursion relation for higher - # order Stumpff functions - c2 = (1.0 - c0) / psi - c3 = (1.0 - c1) / psi - c4 = (1 / 2.0 - c2) / psi - c5 = (1 / 6.0 - c3) / psi - elif psi < 0.0: - # Equation 6.9.15 in Danby (1992) [1] - sqrt_npsi = np.sqrt(-psi) - c0 = np.cosh(sqrt_npsi) - c1 = np.sinh(sqrt_npsi) / sqrt_npsi - - # Equation 6.9.16 in Danby (1992) [1] - # states the recursion relation for higher - # order Stumpff functions - c2 = (1.0 - c0) / psi - c3 = (1.0 - c1) / psi - c4 = (1 / 2.0 - c2) / psi - c5 = (1 / 6.0 - c3) / psi - else: - # Equation 6.9.14 in Danby (1992) [1] - c0 = 1.0 - c1 = 1.0 - c2 = 1 / 2.0 - c3 = 1 / 6.0 - c4 = 1 / 24.0 - c5 = 1 / 120.0 - - return c0, c1, c2, c3, c4, c5 diff --git a/thor/orbits/tests/test_ephemeris.py b/thor/orbits/tests/test_ephemeris.py deleted file mode 100644 index f6066c27..00000000 --- a/thor/orbits/tests/test_ephemeris.py +++ /dev/null @@ -1,79 +0,0 @@ -import os - -import pandas as pd -from astropy import units as u -from astropy.time import Time - -from ...testing import testEphemeris -from ..ephemeris import generateEphemeris -from ..orbits import Orbits - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def test_generateEphemeris(): - """ - Read the test data set for initial state vectors of each target at t0, and read the test data set - for ephemerides for each target as observed by each observatory at t1. Use PYOORB backend to - generate ephemerides for each target as observed by each observatory at t1 using the initial state vectors. - Compare the resulting ephemerides and test how well they agree with the ones pulled from Horizons. - """ - # Read vectors from test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - - # Read ephemerides from test data - ephemeris_df = pd.read_csv(os.path.join(DATA_DIR, "ephemeris.csv")) - - # Limit vectors and ephemerides to elliptical orbits only - elliptical_vectors = (~vectors_df["orbit_class"].str.contains("Hyperbolic")) & ( - ~vectors_df["orbit_class"].str.contains("Parabolic") - ) - vectors_df = vectors_df[elliptical_vectors] - - elliptical_ephemeris = ephemeris_df["targetname"].isin( - vectors_df["targetname"].unique() - ) - ephemeris_df = ephemeris_df[elliptical_ephemeris] - - # Get the target names - targets = vectors_df["targetname"].unique() - - # Get the initial epochs - t0 = Time(vectors_df["mjd_tdb"].values, scale="tdb", format="mjd") - - # Pull state vectors - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - - # Create orbits class - orbits = Orbits(vectors, t0, ids=targets) - - # Construct observers' dictionary - observers = {} - for observatory_code in ephemeris_df["observatory_code"].unique(): - observers[observatory_code] = Time( - ephemeris_df[ephemeris_df["observatory_code"].isin([observatory_code])][ - "mjd_utc" - ].unique(), - scale="utc", - format="mjd", - ) - ephemeris = ephemeris_df[["RA", "DEC"]].values - - # Use PYOORB to generate ephemeris for each target observed by - # each observer - ephemeris_pyoorb = generateEphemeris( - orbits, - observers, - backend="PYOORB", - ) - ephemeris_pyoorb = ephemeris_pyoorb[["RA_deg", "Dec_deg"]].values - - # pyoorb's ephemerides agree with Horizons' ephemerides - # to within the tolerance below. - testEphemeris( - ephemeris_pyoorb, ephemeris, angle_tol=(10 * u.milliarcsecond), magnitude=True - ) - - return diff --git a/thor/orbits/tests/test_gauss.py b/thor/orbits/tests/test_gauss.py deleted file mode 100644 index 2059f62f..00000000 --- a/thor/orbits/tests/test_gauss.py +++ /dev/null @@ -1,112 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy import units as u -from astropy.time import Time - -from ...constants import Constants as c -from ...testing import testOrbits -from ...utils import KERNELS_DE430, getSPICEKernels, setupSPICE -from ..gauss import gaussIOD - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def selectBestIOD(iod_orbits, true_orbit): - """ - Helper function that selects the best preliminary orbit - by selecting the orbit closes in position to the - true orbit. - - This is intended to only used for testing. - - Parameters - ---------- - iod_orbits : `~numpy.ndarray` (N, 6) - Cartesian preliminary orbits from IOD functions. - true_orbit : `~numpy.ndarray` (1, 6) - True cartesian orbit. - - Returns - ------- - best_iod_orbit : `~numpy.ndarray` (1, 6) - The orbit closest in position to the true orbit. - """ - delta_state = iod_orbits - true_orbit - delta_position = np.linalg.norm(delta_state[:, :3], axis=1) - nearest_iod = np.argmin(delta_position) - - return iod_orbits[nearest_iod : nearest_iod + 1] - - -def test_gaussIOD(): - - getSPICEKernels(KERNELS_DE430) - setupSPICE(KERNELS_DE430, force=True) - - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - ephemeris_df = pd.read_csv(os.path.join(DATA_DIR, "ephemeris.csv")) - observer_states_df = pd.read_csv( - os.path.join(DATA_DIR, "observer_states.csv"), index_col=False - ) - - targets = ephemeris_df["targetname"].unique() - observatories = ephemeris_df["observatory_code"].unique() - - for target in targets: - for observatory in ["500"]: - for selected_obs in [[23, 29, 35]]: - - ephemeris_mask = (ephemeris_df["targetname"].isin([target])) & ( - ephemeris_df["observatory_code"].isin([observatory]) - ) - ephemeris = ephemeris_df[ephemeris_mask] - - coords = ephemeris[["RA", "DEC"]].values - observation_times = Time( - ephemeris["mjd_utc"].values, format="mjd", scale="utc" - ) - - vectors_mask = vectors_df["targetname"].isin([target]) - vectors = vectors_df[vectors_mask] - vectors = vectors[["x", "y", "z", "vx", "vy", "vz"]].values - - observer_states_mask = observer_states_df["observatory_code"].isin( - [observatory] - ) - observer_states = observer_states_df[observer_states_mask] - observer_states = observer_states[ - ["x", "y", "z", "vx", "vy", "vz"] - ].values - - states = ephemeris[["x", "y", "z", "vx", "vy", "vz"]].values - - # Run IOD - iod_orbits = gaussIOD( - coords[selected_obs, :], - observation_times.utc.mjd[selected_obs], - observer_states[selected_obs, :3], - velocity_method="gibbs", - light_time=True, - max_iter=100, - iterate=False, - ) - - # Select the best IOD orbit - best_iod_orbit = selectBestIOD( - iod_orbits.cartesian, states[selected_obs[1] : selected_obs[1] + 1] - ) - - # Test that the resulting orbit is within the tolerances of the - # true state below - testOrbits( - best_iod_orbit, - states[selected_obs[1] : selected_obs[1] + 1], - position_tol=(1000 * u.km), - velocity_tol=(1 * u.mm / u.s), - raise_error=False, - ) - return diff --git a/thor/orbits/tests/test_iod.py b/thor/orbits/tests/test_iod.py deleted file mode 100644 index 2cafcc17..00000000 --- a/thor/orbits/tests/test_iod.py +++ /dev/null @@ -1,14 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy.time import Time - -from ...data_processing import preprocessObservations -from ..ephemeris import generateEphemeris -from ..iod import initialOrbitDetermination -from ..orbits import Orbits - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) diff --git a/thor/orbits/tests/test_kepler.py b/thor/orbits/tests/test_kepler.py deleted file mode 100644 index 3c3b89b2..00000000 --- a/thor/orbits/tests/test_kepler.py +++ /dev/null @@ -1,143 +0,0 @@ -import os -import warnings - -import pandas as pd -from astropy import units as u - -from ...constants import DE44X as c -from ...testing import testOrbits -from ...utils import KERNELS_DE440, getSPICEKernels, setupSPICE -from ..kepler import convertOrbitalElements - -MU = c.MU -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def test_convertOrbitalElements_elliptical(): - """ - Read the test dataset for cartesian and keplerian states for each elliptical orbit target at each T0. - Using THOR convert the cartesian states to keplerian states, and convert the keplerian states - to cartesian states. Then compare how well the converted states agree to the ones pulled from - Horizons. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - # Read vectors and elements from test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - elements_df = pd.read_csv(os.path.join(DATA_DIR, "elements.csv")) - - # Limit vectors and elements to elliptical orbits only - elliptical_vectors = (~vectors_df["orbit_class"].str.contains("Hyperbolic")) & ( - ~vectors_df["orbit_class"].str.contains("Parabolic") - ) - elliptical_elements = (~elements_df["orbit_class"].str.contains("Hyperbolic")) & ( - ~elements_df["orbit_class"].str.contains("Parabolic") - ) - vectors_df = vectors_df[elliptical_vectors] - elements_df = elements_df[elliptical_elements] - - # Pull state vectors and elements - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - elements = elements_df[["a", "e", "incl", "Omega", "w", "M"]].values - - # Convert the keplerian states to cartesian states using THOR - orbits_cartesian_converted = convertOrbitalElements( - elements, "keplerian", "cartesian", mu=MU - ) - - # Convert the cartesian states to keplerian states using THOR - orbits_keplerian_converted = convertOrbitalElements( - vectors, "cartesian", "keplerian", mu=MU - ) - - # Conversion of cartesian orbits to keplerian orbits - # is within this tolerance of Horizons - testOrbits( - orbits_keplerian_converted, - elements, - orbit_type="keplerian", - position_tol=(1 * u.cm), - angle_tol=(10 * u.nanoarcsecond), - unitless_tol=(1e-12 * u.dimensionless_unscaled), - ) - - # Conversion of keplerian orbits to cartesian orbits - # is within this tolerance of Horizons - testOrbits( - orbits_cartesian_converted, - vectors, - orbit_type="cartesian", - position_tol=(1 * u.cm), - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - ) - - return - - -def test_convertOrbitalElements_parabolilic(): - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - warnings.warn("Need to implement and test parabolic conversions!!!") - return - - -def test_convertOrbitalElements_hyperbolic(): - """ - Read the test dataset for cartesian and keplerian states for each hyperbolic orbit target at each T0. - Using THOR convert the cartesian states to keplerian states, and convert the keplerian states - to cartesian states. Then compare how well the converted states agree to the ones pulled from - Horizons. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - # Read vectors and elements from test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - elements_df = pd.read_csv(os.path.join(DATA_DIR, "elements.csv")) - - # Limit vectors and elements to elliptical orbits only - hyperbolic_vectors = vectors_df["orbit_class"].str.contains("Hyperbolic") - hyperbolic_elements = elements_df["orbit_class"].str.contains("Hyperbolic") - vectors_df = vectors_df[hyperbolic_vectors] - elements_df = elements_df[hyperbolic_elements] - - # Pull state vectors and elements - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - elements = elements_df[["a", "e", "incl", "Omega", "w", "M"]].values - - # Convert the keplerian states to cartesian states using THOR - orbits_cartesian_converted = convertOrbitalElements( - elements, "keplerian", "cartesian", mu=MU - ) - - # Convert the cartesian states to keplerian states using THOR - orbits_keplerian_converted = convertOrbitalElements( - vectors, "cartesian", "keplerian", mu=MU - ) - - # Conversion of cartesian orbits to keplerian orbits - # is within this tolerance of Horizons - testOrbits( - orbits_keplerian_converted, - elements, - orbit_type="keplerian", - position_tol=(1 * u.cm), - angle_tol=(10 * u.nanoarcsecond), - unitless_tol=(1e-12 * u.dimensionless_unscaled), - ) - - # Conversion of keplerian orbits to cartesian orbits - # is within this tolerance of Horizons - testOrbits( - orbits_cartesian_converted, - vectors, - orbit_type="cartesian", - position_tol=(1 * u.cm), - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - ) - return diff --git a/thor/orbits/tests/test_lagrange.py b/thor/orbits/tests/test_lagrange.py deleted file mode 100644 index c04a6b1b..00000000 --- a/thor/orbits/tests/test_lagrange.py +++ /dev/null @@ -1,34 +0,0 @@ -import numpy as np - -from ...constants import Constants as c -from ..lagrange import applyLagrangeCoeffs, calcLagrangeCoeffs - -MU = c.MU - - -def test_calcLangrangeCoeffs_zerodt(): - r = np.array([1.0, 0.0, 0.0]) - v = np.array([0.0002, 0.0002, 0.0]) - dt = 0.0 - - lagrange_coeffs, stumpff_coeffs, chi = calcLagrangeCoeffs( - r, v, dt, mu=MU, max_iter=100, tol=1e-16 - ) - f, g, f_dot, g_dot = lagrange_coeffs - assert f == 1.0 - assert g == 0.0 - assert f_dot == 0.0 - assert g_dot == 1.0 - return - - -def test_applyLagrangeCoeffs_zerodt(): - r0 = np.array([1.0, 0.0, 0.0]) - v0 = np.array([0.0002, 0.0002, 0.0]) - - f, g, f_dot, g_dot = (1.0, 0.0, 0.0, 1.0) - - r1, v1 = applyLagrangeCoeffs(r0, v0, f, g, f_dot, g_dot) - np.testing.assert_array_equal(r0, r1) - np.testing.assert_array_equal(v0, v1) - return diff --git a/thor/orbits/tests/test_lambert.py b/thor/orbits/tests/test_lambert.py deleted file mode 100644 index d912d5bc..00000000 --- a/thor/orbits/tests/test_lambert.py +++ /dev/null @@ -1,91 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy import units as u -from astropy.time import Time - -from ...constants import Constants as c -from ...testing import testOrbits -from ..lambert import calcLambert -from ..orbits import Orbits -from ..propagate import propagateOrbits - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - -MU = c.MU -DT = np.array([0, 5]) - - -def test_calcLambert(): - - # Read vectors from the test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - - # Limit vectors and elements to elliptical orbits only - elliptical_vectors = (~vectors_df["orbit_class"].str.contains("Hyperbolic")) & ( - ~vectors_df["orbit_class"].str.contains("Parabolic") - ) - vectors_df = vectors_df[elliptical_vectors] - - # Get the target names - targets = vectors_df["targetname"].unique() - - # Get the initial epochs - t0 = Time(vectors_df["mjd_tdb"].values, scale="tdb", format="mjd") - - # Set propagation epochs - t1 = t0[0] + DT - - # Pull state vectors - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - - # Create orbits class - orbits = Orbits(vectors, t0, ids=targets) - - # Propagate the state at T0 to all T1 using MJOLNIR 2-body - states_df = propagateOrbits(orbits, t1, backend="MJOLNIR", num_jobs=1, chunk_size=1) - - for target in targets: - - states_mask = states_df["orbit_id"].isin([target]) - states = states_df[states_mask] - states = states[["x", "y", "z", "vx", "vy", "vz"]].values - - for selected_obs in [[0, 1]]: - - r0 = states[selected_obs[0], :3] - r1 = states[selected_obs[1], :3] - - v0, v1 = calcLambert( - r0, - t1[selected_obs[0]].utc.mjd, - r1, - t1[selected_obs[1]].utc.mjd, - mu=MU, - max_iter=1000, - dt_tol=1e-12, - ) - lambert_state0 = np.concatenate([r0, v0]) - lambert_state1 = np.concatenate([r1, v1]) - - # Test that the resulting orbit is within the tolerances of the - # true state below - testOrbits( - lambert_state0.reshape(1, -1), - states[selected_obs[0] : selected_obs[0] + 1], - position_tol=(1e-10 * u.mm), - velocity_tol=(1 * u.m / u.s), - raise_error=False, - ) - testOrbits( - lambert_state1.reshape(1, -1), - states[selected_obs[1] : selected_obs[1] + 1], - position_tol=(1e-10 * u.mm), - velocity_tol=(1 * u.m / u.s), - raise_error=False, - ) - - return diff --git a/thor/orbits/tests/test_propagate.py b/thor/orbits/tests/test_propagate.py deleted file mode 100644 index b99daa27..00000000 --- a/thor/orbits/tests/test_propagate.py +++ /dev/null @@ -1,68 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy import units as u -from astropy.time import Time - -from ...testing import testOrbits -from ..orbits import Orbits -from ..propagate import propagateOrbits - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) -DT = np.arange(-1000, 1000, 5) - - -def test_propagateOrbits(): - """ - Read the test dataset for the initial state vectors of each target at t0, then propagate - those states to all t1 using THOR's 2-body propagator and OORB's 2-body propagator (via pyoorb). - Compare the resulting states and test how well they agree. - """ - # Read vectors and elements from test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - - # Get the target names - targets = vectors_df["targetname"].unique() - - # Get the initial epochs - t0 = Time(vectors_df["mjd_tdb"].values, scale="tdb", format="mjd") - - # Set propagation epochs - t1 = t0[0] + DT - - # Pull state vectors - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - - # Create orbits class - orbits = Orbits(vectors, t0, ids=targets) - - # Propagate the state at T0 to all T1 using MJOLNIR 2-body - states_mjolnir = propagateOrbits( - orbits, t1, backend="MJOLNIR", backend_kwargs={}, num_jobs=1, chunk_size=1 - ) - states_mjolnir = states_mjolnir[["x", "y", "z", "vx", "vy", "vz"]].values - - # Propagate the state at T0 to all T1 using PYOORB 2-body - states_pyoorb = propagateOrbits( - orbits, - t1, - backend="PYOORB", - backend_kwargs={"dynamical_model": "2"}, - num_jobs=1, - chunk_size=1, - ) - states_pyoorb = states_pyoorb[["x", "y", "z", "vx", "vy", "vz"]].values - - # Test that the propagated states agree to within the tolerances below - testOrbits( - states_mjolnir, - states_pyoorb, - orbit_type="cartesian", - position_tol=200 * u.m, - velocity_tol=(1 * u.cm / u.s), - magnitude=True, - ) - return diff --git a/thor/orbits/tests/test_state.py b/thor/orbits/tests/test_state.py deleted file mode 100644 index d34d4e99..00000000 --- a/thor/orbits/tests/test_state.py +++ /dev/null @@ -1,100 +0,0 @@ -import os - -import numpy as np -import pandas as pd -import pytest -from astropy import units as u -from astropy.time import Time - -from ...testing import testOrbits -from ...utils import KERNELS_DE440, getSPICEKernels, setupSPICE -from ..state import shiftOrbitsOrigin - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def test_shiftOrbitsOrigin(): - """ - Read test data set for initial for initial state vectors of each target at t0 in the heliocentric - and barycentric frames, use THOR to shift each vector to a different origin and compare. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - # Read vectors from test data set - vectors_heliocentric_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - vectors_barycentric_df = pd.read_csv( - os.path.join(DATA_DIR, "vectors_barycentric.csv") - ) - vectors_heliocentric = vectors_heliocentric_df[ - ["x", "y", "z", "vx", "vy", "vz"] - ].values - vectors_barycentric = vectors_barycentric_df[ - ["x", "y", "z", "vx", "vy", "vz"] - ].values - - # Get the initial epochs - t0 = Time(vectors_heliocentric_df["mjd_tdb"].values, scale="tdb", format="mjd") - - # Shift origin of heliocentric vectors to barycenter - thor_barycentric_vectors = shiftOrbitsOrigin( - vectors_heliocentric, t0, origin_in="heliocenter", origin_out="barycenter" - ) - - # Test that THOR barycentric states agree with - # Horizons' barycentric states to within the - # tolerances below - testOrbits( - thor_barycentric_vectors, - vectors_barycentric, - orbit_type="cartesian", - position_tol=(1 * u.cm), - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - ) - - # Shift origin of heliocentric vectors to barycenter - thor_heliocentric_vectors = shiftOrbitsOrigin( - vectors_barycentric, t0, origin_in="barycenter", origin_out="heliocenter" - ) - - # Test that THOR heliocentric states agree with - # Horizons' heliocentric states to within the - # tolerances below - testOrbits( - thor_heliocentric_vectors, - vectors_heliocentric, - orbit_type="cartesian", - position_tol=(1 * u.cm), - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - ) - - return - - -def test_shiftOrbitsOrigin_raise(): - - with pytest.raises(ValueError): - - t1 = Time(np.arange(54000, 64000, 1), scale="tdb", format="mjd") - - # Raise error for incorrect origin_in - thor_helio_to_bary = shiftOrbitsOrigin( - np.zeros((len(t1), 6), dtype=float), - t1, - origin_in="baarycenter", - origin_out="heliocenter", - ) - - # Raise error for incorrect origin_out - thor_helio_to_bary = shiftOrbitsOrigin( - np.zeros((len(t1), 6), dtype=float), - t1, - origin_in="barycenter", - origin_out="heeliocenter", - ) - - return diff --git a/thor/orbits/tests/test_state_transition.py b/thor/orbits/tests/test_state_transition.py deleted file mode 100644 index 1234129c..00000000 --- a/thor/orbits/tests/test_state_transition.py +++ /dev/null @@ -1,28 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy.time import Time - -from ...constants import Constants as c -from ..state_transition import calcStateTransitionMatrix -from ..universal_propagate import propagateUniversal - -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) -DT = np.array([100.0]) -MU = c.MU - - -def test_calcStateTransitionMatrix_zerodt(): - - orbit = np.array([1.0, 0.0, 0.0, 0.0002, 0.0002, 0.0]) - dt = 0.0 - - phi = calcStateTransitionMatrix(orbit, dt, mu=MU, max_iter=100, tol=1e-15) - - # When dt = 0, the state transition matrix should be the - # the identity matrix (6, 6) - np.testing.assert_array_equal(np.identity(6), phi) - return diff --git a/thor/orbits/tests/test_tisserand.py b/thor/orbits/tests/test_tisserand.py deleted file mode 100644 index ce2cad81..00000000 --- a/thor/orbits/tests/test_tisserand.py +++ /dev/null @@ -1,42 +0,0 @@ -import numpy as np -import pytest - -from ..tisserand import calcTisserandParameter - -# From JPL's SBDB (2021-07-23) https://ssd.jpl.nasa.gov/sbdb.cgi -DAMOCLES = (11.85176279503047, 0.8658394058630634, 61.58514385448225) -CERES = (2.765655253487926, 0.07839201989374402, 10.58819557618916) -BIELA = (3.53465808340135, 0.751299, 13.2164) - - -def test_calcTisserandParameter_damocloids(): - - Tp = calcTisserandParameter(*DAMOCLES, third_body="jupiter") - - # Damocles has a published T_jupiter of 1.158 - np.testing.assert_allclose(np.round(Tp, 3), 1.158) - return - - -def test_calcTisserandParameter_asteroids(): - - Tp = calcTisserandParameter(*CERES, third_body="jupiter") - - # Ceres has a published T_jupiter of 3.310 - np.testing.assert_allclose(np.round(Tp, 3), 3.310) - return - - -def test_calcTisserandParameter_jupiterfamilycomets(): - - Tp = calcTisserandParameter(*BIELA, third_body="jupiter") - - # 3D/Biela has a published T_jupiter of 2.531 - np.testing.assert_allclose(np.round(Tp, 3), 2.531) - return - - -def test_calcTisserandParameter_raise(): - # Not a valid planet name - with pytest.raises(ValueError): - Tp = calcTisserandParameter(*CERES, third_body="") diff --git a/thor/orbits/tests/test_universal.py b/thor/orbits/tests/test_universal.py deleted file mode 100644 index 9cadab8a..00000000 --- a/thor/orbits/tests/test_universal.py +++ /dev/null @@ -1,68 +0,0 @@ -import os - -import numpy as np -import pandas as pd -import spiceypy as sp -from astropy import units as u -from astropy.time import Time - -from ...constants import Constants as c -from ...testing import testOrbits -from ...utils import KERNELS_DE430, getSPICEKernels, setupSPICE -from ..universal_propagate import propagateUniversal - -MU = c.MU -DT = np.arange(-1000, 1000, 5) -DATA_DIR = os.path.join( - os.path.dirname(os.path.abspath(__file__)), "../../testing/data" -) - - -def test_propagateUniversal(): - """ - Read the test dataset for the initial state vectors of each target at t1, then propagate - those states to all t1 using THOR's 2-body propagator and SPICE's 2-body propagator (via spiceypy). - Compare the resulting states and test how well they agree. - """ - getSPICEKernels(KERNELS_DE430) - setupSPICE(KERNELS_DE430, force=True) - - # Read vectors from test data set - vectors_df = pd.read_csv(os.path.join(DATA_DIR, "vectors.csv")) - - # Get the target names - targets = vectors_df["targetname"].unique() - - # Get the initial epochs - t0 = Time(vectors_df["mjd_tdb"].values, scale="tdb", format="mjd") - - # Set propagation epochs - t1 = t0[0] + DT - - # Pull state vectors - vectors = vectors_df[["x", "y", "z", "vx", "vy", "vz"]].values - - # Propagate initial states to each T1 using SPICE - states_spice = [] - for i, target in enumerate(targets): - for dt in DT: - states_spice.append(sp.prop2b(MU, list(vectors[i, :]), dt)) - states_spice = np.array(states_spice) - - # Repeat but now using THOR's universal 2-body propagator - states_thor = propagateUniversal( - vectors, t0.tdb.mjd, t1.tdb.mjd, mu=MU, max_iter=1000, tol=1e-15 - ) - - # Test 2-body propagation using THOR is - # is within this tolerance of SPICE 2-body - # propagation - testOrbits( - states_thor[:, 2:], - states_spice, - orbit_type="cartesian", - position_tol=1 * u.cm, - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - ) - return diff --git a/thor/orbits/tisserand.py b/thor/orbits/tisserand.py deleted file mode 100644 index 22bd86ef..00000000 --- a/thor/orbits/tisserand.py +++ /dev/null @@ -1,67 +0,0 @@ -import numpy as np - -__all__ = ["calcTisserandParameter"] - -# This code generates the dictionary of semi-major axes for the -# third body needed for the Tisserand parameter -# -# -# from astropy.time import Time -# from thor.utils import getHorizonsElements -# -# ids = ["199", "299", "399", "499", "599", "699", "799", "899"] -# elements = getHorizonsElements(ids, times, id_type="majorbody") -# -# MAJOR_BODIES = {} -# for i, r in elements[["targetname", "a"]].iterrows(): -# body_name = r["targetname"].split(" ")[0].lower() -# MAJOR_BODIES[body_name] = r["a"] -# - -MAJOR_BODIES = { - "mercury": 0.3870970330236769, - "venus": 0.723341974974844, - "earth": 0.9997889954736553, - "mars": 1.523803685638066, - "jupiter": 5.203719697535582, - "saturn": 9.579110220472034, - "uranus": 19.18646168457971, - "neptune": 30.22486701698071, -} - - -def calcTisserandParameter(a, e, i, third_body="jupiter"): - """ - Calculate Tisserand's parameter used to identify potential comets. - For example, objects with Tisserand parameter's with respect to Jupiter greater than 3 are - typically asteroids, whereas Jupiter family comets may have Tisserand's parameter - between 2 and 3. Damocloids have Jupiter Tisserand's parameter of less than 2. - - Parameters - ---------- - a : float or `~numpy.ndarray` (N) - Semi-major axis in au. - e : float or `~numpy.ndarray` (N) - Eccentricity. - i : float or `~numpy.ndarray` (N) - Inclination in degrees. - third_body : str - Name of planet with respect to which Tisserand's parameter - should be calculated. - - Returns - ------- - Tp : float or `~numpy.ndarray` (N) - Tisserand's parameter. - """ - i_rad = np.radians(i) - - major_bodies = MAJOR_BODIES.keys() - if third_body not in major_bodies: - err = f"third_body should be one of {','.join(major_bodies)}" - raise ValueError(err) - - ap = MAJOR_BODIES[third_body] - Tp = ap / a + 2 * np.cos(i_rad) * np.sqrt(a / ap * (1 - e**2)) - - return Tp diff --git a/thor/orbits/universal_ephemeris.py b/thor/orbits/universal_ephemeris.py deleted file mode 100644 index 794e5442..00000000 --- a/thor/orbits/universal_ephemeris.py +++ /dev/null @@ -1,236 +0,0 @@ -import numpy as np -import pandas as pd -from astropy.time import Time -from numba import jit - -from ..constants import Constants as c -from ..coordinates import transformCoordinates -from ..utils import _checkTime -from .aberrations import addLightTime, addStellarAberration -from .state import shiftOrbitsOrigin -from .universal_propagate import propagateUniversal - -__all__ = ["generateEphemerisUniversal"] - -MU = c.MU - - -def generateEphemerisUniversal( - orbits, - t0, - observer_states, - observation_times, - light_time=True, - lt_tol=1e-10, - stellar_aberration=False, - mu=MU, - max_iter=1000, - tol=1e-15, -): - """ - Generate ephemeris for orbits relative to the location of the observer. - - Parameters - ---------- - orbits : `~numpy.ndarray` (N, 6) - Orbits for which to generate ephemeris. Orbits should be in heliocentric ecliptic cartesian elements. - t0 : `~astropy.time.core.Time` (N) - Epoch at which orbits are defined. - observer_states : `~numpy.ndarray` (M, 6) or (M, 3) - State of the observer (optionally, including velocities) at the time of observations. - observation_times : `~astropy.time.core.Time` (M) - Observation times at which the observer state vectors are true. - light_time : bool, optional - Correct orbits for light travel time. - lt_tol : float, optional - Calculate aberration to within this value in time (units of days.) - stellar_aberration : bool, optional - Correct for stellar aberration. - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - AU**3 / d**2. - max_iter : int, optional - Maximum number of iterations over which to converge for propagation. - tol : float, optional - Numerical tolerance to which to compute universal anomaly during propagation using the Newtown-Raphson - method. - - Returns - ------- - ephemeris : `~pandas.DataFrame` (M * N, 21) - Ephemerides for the each orbit at the desired observation times. - orbit_id : - Index (ID) of orbits in the input orbits array. - mjd_utc : - Time of observation in UTC. - RA_deg : - Heliocentric J2000 equatorial Right Ascension in degrees. - Dec_deg : - Heliocentric J2000 equatorial Declination in degrees. - vRAcosDec : - Heliocentric J2000 equatorial velocity in Right Ascension in degrees per day. - vDec : - Heliocentric J2000 equatorial velocity in Declination in degrees per day. - r_au : - Heliocentric distance to object. - delta_au : - Topocentric distance to object. - light_time : - Light time travel time. - obj_x : - x-position of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obj_y : - y-position of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obj_z : - z-position of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obj_vx : - x-velocity of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obj_vy : - y-velocity of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obj_vz : - z-velocity of the object at the time of light emission/reflection (if the orbit - was adjusted for planetary aberration.) - obs_x : - x-position of the observer at the time of observation. - obs_y : - y-position of the observer at the time of observation. - obs_z : - z-position of the observer at the time of observation. - obs_vx : - x-velocity of the observer at the time of observation. - obs_vy : - y-velocity of the observer at the time of observation. - obs_vz : - z-velocity of the observer at the time of observation. - """ - # Check that t0 is an astropy.time object - _checkTime(t0, "t0") - _checkTime(observation_times, "observation_times") - - # Propagate orbits to observer states - propagated_orbits_helio = propagateUniversal( - orbits, t0.tdb.mjd, observation_times.tdb.mjd, mu=mu, max_iter=max_iter, tol=tol - ) - - # Stack observation times and observer states (so we can add/subtract arrays later instead of looping) - observation_times_stacked = Time( - np.hstack([observation_times.utc.mjd for i in range(len(orbits))]), - scale="utc", - format="mjd", - ) - observer_states_stacked_ = np.vstack([observer_states for i in range(len(orbits))]) - - # Check observer_states to see if velocities have been passed - if observer_states_stacked_.shape[1] == 3: - observer_states_stacked_helio = np.zeros((len(observer_states_stacked_), 6)) - observer_states_stacked_helio[:, :3] = observer_states_stacked_ - elif observer_states_stacked_.shape[1] == 6: - observer_states_stacked_helio = observer_states_stacked_ - else: - err = "observer_states should have shape (M, 3) or (M, 6).\n" - raise ValueError(err) - - # Shift states to the barycenter - propagated_orbits_bary = propagated_orbits_helio.copy() - propagated_orbits_bary[:, 2:] = shiftOrbitsOrigin( - propagated_orbits_helio[:, 2:], - observation_times_stacked, - origin_in="heliocenter", - origin_out="barycenter", - ) - observer_states_stacked_bary = shiftOrbitsOrigin( - observer_states_stacked_helio, - observation_times_stacked, - origin_in="heliocenter", - origin_out="barycenter", - ) - - # Add light time correction - lt = np.zeros(len(propagated_orbits_helio)) - if light_time is True: - - propagated_orbits_bary_lt, lt = addLightTime( - propagated_orbits_bary[:, 2:], - observation_times_stacked.utc.mjd, - observer_states_stacked_bary[:, :3], - lt_tol=lt_tol, - mu=mu, - max_iter=max_iter, - tol=tol, - ) - propagated_orbits_bary[:, 2:] = propagated_orbits_bary_lt - - # Calculate topocentric to target barycentric states [ICRF] - delta_state_bary = propagated_orbits_bary[:, 2:] - observer_states_stacked_bary - - if stellar_aberration is True: - delta_state_bary[:, :3] = addStellarAberration( - propagated_orbits_bary[:, 2:], observer_states_stacked_bary - ) - - # Convert topocentric to target state to spherical coordinates - # including velocities - state_spherical = transformCoordinates( - delta_state_bary, - "ecliptic", - "equatorial", - representation_in="cartesian", - representation_out="spherical", - ) - - # Output results - ephemeris = np.zeros((len(orbits) * len(observation_times), 21)) - ephemeris[:, 0] = propagated_orbits_helio[:, 0] - ephemeris[:, 1] = observation_times_stacked.utc.mjd - ephemeris[:, 2] = state_spherical[:, 1] - ephemeris[:, 3] = state_spherical[:, 2] - if observer_states_stacked_.shape[1] == 6: - ephemeris[:, 4] = state_spherical[:, 4] * np.cos( - np.radians(state_spherical[:, 5]) - ) - ephemeris[:, 5] = state_spherical[:, 5] - else: - ephemeris[:, 4] = np.zeros(len(state_spherical), dtype=float) - ephemeris[:, 5] = np.zeros(len(state_spherical), dtype=float) - ephemeris[:, 6] = np.linalg.norm(propagated_orbits_helio[:, 2:5], axis=1) - ephemeris[:, 7] = np.linalg.norm(delta_state_bary[:, :3], axis=1) - ephemeris[:, 8] = lt - ephemeris[:, 9:15] = propagated_orbits_helio[:, 2:] - ephemeris[:, 15:] = observer_states_stacked_helio - - # Make a dataframe with the results - ephemeris = pd.DataFrame( - ephemeris, - columns=[ - "orbit_id", - "mjd_utc", - "RA_deg", - "Dec_deg", - "vRAcosDec", - "vDec", - "r_au", - "delta_au", - "light_time", - "obj_x", - "obj_y", - "obj_z", - "obj_vx", - "obj_vy", - "obj_vz", - "obs_x", - "obs_y", - "obs_z", - "obs_vx", - "obs_vy", - "obs_vz", - ], - ) - ephemeris["orbit_id"] = ephemeris["orbit_id"].astype(int) - ephemeris.sort_values(by=["orbit_id", "mjd_utc"], inplace=True) - ephemeris.reset_index(inplace=True, drop=True) - return ephemeris diff --git a/thor/orbits/universal_propagate.py b/thor/orbits/universal_propagate.py deleted file mode 100644 index 70ed02c8..00000000 --- a/thor/orbits/universal_propagate.py +++ /dev/null @@ -1,64 +0,0 @@ -import numpy as np -from numba import jit - -from ..constants import Constants as c -from .lagrange import applyLagrangeCoeffs, calcLagrangeCoeffs - -__all__ = [ - "propagateUniversal", -] - -MU = c.MU - - -@jit(["f8[:,:](f8[:,:], f8[:], f8[:], f8, i8, f8)"], nopython=True, cache=True) -def propagateUniversal(orbits, t0, t1, mu=MU, max_iter=100, tol=1e-14): - """ - Propagate orbits using the universal anomaly formalism. - - Parameters - ---------- - orbits : `~numpy.ndarray` (N, 6) - Orbital state vectors (X_0) with position in units of AU and velocity in units of AU per day. - t0 : `~numpy.ndarray` (N) - Epoch in MJD at which orbits are defined. - t1 : `~numpy.ndarray` (M) - Epochs to which to propagate each orbit. If a single epoch is given, all orbits are propagated to this - epoch. If multiple epochs are given, then will propagate each orbit to that epoch. - mu : float, optional - Gravitational parameter (GM) of the attracting body in units of - AU**3 / d**2. - max_iter : int, optional - Maximum number of iterations over which to converge. If number of iterations is - exceeded, will return the value of the universal anomaly at the last iteration. - tol : float, optional - Numerical tolerance to which to compute universal anomaly using the Newtown-Raphson - method. - - Returns - ------- - orbits : `~numpy.ndarray` (N*M, 8) - Orbits propagated to each MJD with position in units of AU and velocity in units of AU per day. - The first two columns are the orbit ID (a zero-based integer value assigned to each unique input orbit) - and the MJD of each propagated state. - """ - new_orbits = [] - num_orbits = orbits.shape[0] - - for i in range(num_orbits): - for j, t in enumerate(t1): - - r = np.ascontiguousarray(orbits[i, 0:3]) - v = np.ascontiguousarray(orbits[i, 3:6]) - dt = t - t0[i] - - lagrange_coeffs, stumpff_coeffs, chi = calcLagrangeCoeffs( - r, v, dt, mu=mu, max_iter=max_iter, tol=tol - ) - r_new, v_new = applyLagrangeCoeffs(r, v, *lagrange_coeffs) - - new_orbits.append( - [i, t, r_new[0], r_new[1], r_new[2], v_new[0], v_new[1], v_new[2]] - ) - - return np.array(new_orbits) diff --git a/thor/plotting/__init__.py b/thor/plotting/__init__.py deleted file mode 100644 index 12a2aad6..00000000 --- a/thor/plotting/__init__.py +++ /dev/null @@ -1,8 +0,0 @@ -from .helpers import * - -# from .observations import * -# from .objects import * -from .orbits import * - -# from .contour import * -from .projections import * diff --git a/thor/plotting/contour.py b/thor/plotting/contour.py deleted file mode 100644 index c3cbd1fd..00000000 --- a/thor/plotting/contour.py +++ /dev/null @@ -1,281 +0,0 @@ -import matplotlib.pyplot as plt -import numpy as np -from scipy.stats import binned_statistic_2d - -__all__ = ["plotBinnedContour", "plotScatterContour"] - - -def plotBinnedContour( - dataframe, - x_column, - y_column, - z_column, - statistic="median", - log_statistic=False, - plot_counts=False, - log_counts=False, - count_levels=10, - bins=100, - mask=None, - x_label=None, - y_label=None, - z_label=None, - contour_kwargs={"colors": "red", "linewidths": 1}, - imshow_kwargs={"aspect": "auto"}, -): - """ - Plots a binned 2D histogram with optional contours. - - Parameters - ---------- - dataframe : `~pandas.DataFrame` - DataFrame containing relevant quantities to be plotted. - x_column : str - Name of column containing desired x values. - y_column : str - Name of column containing desired y values. - z_column : str - Name of column containing desired z values. - statistic : str, optional - The statistic to compute on values of z for bins in x and y. - Uses scipy.stats.binned_statistic_2d. - [Default = 'median'] - log_statistic : bool, optional - Plot the log base 10 of the calculated statistic. - [Defaults = False] - plot_counts : bool, optional - Plot contours of the counts in each bin of x and y. - [Default = False] - log_counts : bool, optional - Make contours the log of the counts. - [Default = False] - count_levels : int, optional - Plot this may contour levels. - [Default = 10] - bins : int, optional - The number of bins in x and y to calculate the - statistic. The total number of bins is bins*bins. - [Default = 100] - mask : {None, `~pandas.Series`}, optional - A mask on dataframe that cuts the data to be plotted. - [Default = None] - x_label : {None, str}, optional - If None, will set the x-axis label to x_column, if not None use - this label instead. - [Default = None] - y_label : {None, str}, optional - If None, will set the y-axis label to y_column, if not None use - this label instead. - [Default = None] - z_label : {None, str}, optional - If None, will set the colorbar label to z_column, if not None use - this label instead. - [Default = None] - contour_kwargs : dict, optional - Dictionary of additional keyword arguments to pass to ax.contour. - [Default = {'colors': 'red', 'linewidths': 1}] - imshow_kwargs : dict, optional - Dictionary of additional keyword arguments to pass to ax.imshow. - [Default = {'aspect' : 'auto'}] - - Returns - ------- - fig : `~matplotlib.figure.Figure` - The matplotlib figure object. - ax : `~matplotlib.axes._subplots.AxesSubplot` - The matplotlib axes object. - """ - - try: - if mask.dtype == bool: - dataframe = dataframe[mask] - except: - dataframe = dataframe - - X = binned_statistic_2d( - dataframe[x_column].values, - dataframe[y_column].values, - dataframe[z_column].values, - statistic=statistic, - bins=bins, - ) - - if log_statistic == True: - stat = np.log10(X.statistic.T) - else: - stat = X.statistic.T - - fig, ax = plt.subplots(1, 1, dpi=600) - cm = ax.imshow( - stat, - origin="lower", - extent=[X.x_edge[0], X.x_edge[-1], X.y_edge[0], X.y_edge[-1]], - **imshow_kwargs - ) - cb = fig.colorbar(cm) - - if z_label == None: - cb.set_label("{} {}".format(statistic, z_column)) - else: - cb.set_label(z_label) - - if plot_counts == True: - N = binned_statistic_2d( - dataframe[x_column].values, - dataframe[y_column].values, - dataframe[z_column].values, - statistic="count", - bins=bins, - ) - if log_counts == True: - counts = np.log10(N.statistic.T) - else: - counts = N.statistic.T - - cs = ax.contour( - counts, - count_levels, - origin="lower", - extent=[N.x_edge[0], N.x_edge[-1], N.y_edge[0], N.y_edge[-1]], - **contour_kwargs - ) - plt.clabel(cs, inline=1, fontsize=5) - - if x_label == None: - ax.set_x_label(x_column) - else: - ax.set_x_label(x_label) - - if y_label == None: - ax.set_y_label(y_column) - else: - ax.set_y_label(y_label) - - return fig, ax - - -def plotScatterContour( - dataframe, - x_column, - y_column, - z_column, - plot_counts=False, - log_counts=False, - count_levels=10, - bins=100, - mask=None, - x_label=None, - y_label=None, - z_label=None, - contour_kwargs={"colors": "red", "linewidths": 1}, - scatterKwargs={"s": 0.1}, -): - """ - Plots a scatter plot with optional contours. - - Parameters - ---------- - dataframe : `~pandas.DataFrame` - DataFrame containing relevant quantities to be plotted. - x_column : str - Name of column containing desired x values. - y_column : str - Name of column containing desired y values. - z_column : str - Name of column containing desired z values. - plot_counts : bool, optional - Plot contours of the counts in each bin of x and y. - [Default = False] - log_counts : bool, optional - Make contours the log of the counts. - [Default = False] - count_levels : int, optional - Plot this may contour levels. - [Default = 10] - bins : int, optional - The number of bins in x and y to calculate the - statistic. The total number of bins is bins*bins. - [Default = 100] - mask : {None, `~pandas.Series`}, optional - A mask on dataframe that cuts the data to be plotted. - [Default = None] - x_label : {None, str}, optional - If None, will set the x-axis label to x_column, if not None use - this label instead. - [Default = None] - y_label : {None, str}, optional - If None, will set the y-axis label to y_column, if not None use - this label instead. - [Default = None] - z_label : {None, str}, optional - If None, will set the colorbar label to z_column, if not None use - this label instead. - [Default = None] - contour_kwargs : dict, optional - Dictionary of additional keyword arguments to pass to ax.contour. - [Default = {'colors': 'red', 'linewidths': 1}] - scatterKwargs : dict, optional - Dictionary of additional keyword arguments to pass to ax.scatter. - [Default = {'s': 0.1}] - - Returns - ------- - fig : `~matplotlib.figure.Figure` - The matplotlib figure object. - ax : `~matplotlib.axes._subplots.AxesSubplot` - The matplotlib axes object. - """ - - try: - if mask.dtype == bool: - dataframe = dataframe[mask] - except: - dataframe = dataframe - - fig, ax = plt.subplots(1, 1, dpi=600) - cm = ax.scatter( - dataframe[x_column].values, - dataframe[y_column].values, - c=dataframe[z_column].values, - **scatterKwargs - ) - cb = fig.colorbar(cm) - - if z_label == None: - cb.set_label(z_column) - else: - cb.set_label(z_label) - - if plot_counts == True: - N = binned_statistic_2d( - dataframe[x_column].values, - dataframe[y_column].values, - dataframe[z_column].values, - statistic="count", - bins=bins, - ) - if log_counts == True: - counts = np.log10(N.statistic.T) - else: - counts = N.statistic.T - - cs = ax.contour( - counts, - count_levels, - origin="lower", - extent=[N.x_edge[0], N.x_edge[-1], N.y_edge[0], N.y_edge[-1]], - **contour_kwargs - ) - plt.clabel(cs, inline=1, fontsize=5) - - if x_label == None: - ax.set_x_label(x_column) - else: - ax.set_x_label(x_label) - - if y_label == None: - ax.set_y_label(y_column) - else: - ax.set_y_label(y_label) - - return fig, ax diff --git a/thor/plotting/helpers.py b/thor/plotting/helpers.py deleted file mode 100644 index 443744b5..00000000 --- a/thor/plotting/helpers.py +++ /dev/null @@ -1,37 +0,0 @@ -import matplotlib.pyplot as plt - -__all__ = ["_setAxes", "_setPercentage"] - - -def _setAxes(ax, coordinate_system): - """ - Helper function to set axes limits depending on the coordinate system. - - """ - if coordinate_system == "equatorialAngular": - ax.set_xlabel(r"$\alpha$ [deg]") - ax.set_ylabel(r"$\delta$ [deg]") - elif coordinate_system == "eclipticAngular": - ax.set_xlabel(r"$\lambda$ [deg]") - ax.set_ylabel(r"$\beta$ [deg]") - elif coordinate_system == "gnomonic": - ax.set_xlabel(r"$\theta_X$ [deg]") - ax.set_ylabel(r"$\theta_Y$ [deg]") - else: - raise ValueError( - "coordinate_system should be one of: 'equatorialAngular', 'eclipticAngular', 'tangentPlane'" - ) - ax.set_aspect("equal") - return - - -def _setPercentage(limits, percentage): - """ - Helper function which returns the percetange value measured from the lower limit. - For example, _setPercentage([2, 4], 1.0) would return 4 whereas _setPercentage([2, 4], 0.50) - would return 3. - - This is particularly useful for putting text on a plot. - - """ - return (limits[-1] - limits[0]) * percentage + limits[0] diff --git a/thor/plotting/objects.py b/thor/plotting/objects.py deleted file mode 100644 index 7cf52f2b..00000000 --- a/thor/plotting/objects.py +++ /dev/null @@ -1,70 +0,0 @@ -import matplotlib.pyplot as plt -import numpy as np - -from .helpers import _setAxes - -__all__ = ["plotCell"] - - -def plotCell(cell, coordinate_system="equatorial_angular", scatter_kwargs={"s": 0.05}): - """ - Plot cell. Needs cell's observations to be loaded. - - Parameters - ---------- - cell : `~thor.cell.Cell` - THOR cell. - coordinate_system : {'equatorial_angular', 'ecliptic_angular'}, optional - Which coordinate system to use. - [Default = 'equatorial_angular'] - scatter_kwargs : dict, optional - Dictionary of additional keyword arguments to pass to ax.scatter. - [Default = {'s': 0.05}] - - Returns - ------- - fig : `~matplotlib.figure.Figure` - The matplotlib figure object. - ax : `~matplotlib.axes._subplots.AxesSubplot` - The matplotlib axes object. - """ - - fig, ax = plt.subplots(1, 1, dpi=200) - fig.tight_layout() - ax.set_aspect("equal") - - if coordinate_system == "equatorial_angular": - x = (cell.observations["RA_deg"].values,) - y = cell.observations["Dec_deg"].values - elif coordinate_system == "ecliptic_angular": - x = (cell.observations["lon_deg"].values,) - y = cell.observations["lat_deg"].values - else: - raise ValueError( - "coordinate_system should be one of 'equatorial_angular' or 'ecliptic_angular'" - ) - - _setAxes(ax, coordinate_system) - ax.scatter(x, y, **scatter_kwargs) - - if cell.shape == "circle": - cell_p = plt.Circle( - (cell.center[0], cell.center[1]), - np.sqrt(cell.area / np.pi), - color="r", - fill=False, - ) - elif cell.shape == "square": - half_side = np.sqrt(cell.area) / 2 - cell_p = plt.Rectangle( - (cell.center[0] - half_side, cell.center[1] - half_side), - 2 * half_side, - 2 * half_side, - color="r", - fill=False, - ) - else: - raise ValueError("Cell.shape should be one of 'square' or 'circle'") - ax.add_artist(cell_p) - ax.grid() - return fig, ax diff --git a/thor/plotting/observations.py b/thor/plotting/observations.py deleted file mode 100644 index 4ad0363f..00000000 --- a/thor/plotting/observations.py +++ /dev/null @@ -1,186 +0,0 @@ -import matplotlib.pyplot as plt -import pandas as pd -import plotly - -from ..config import Config -from .helpers import _setAxes - -__all__ = ["plotObservations", "plotObservations3D"] - - -def plotObservations( - dataframe, - color_by_object=False, - use_plotly=True, -): - """ - Plot observations in 2D. - - Parameters - ---------- - dataframe : `~pandas.DataFrame` - DataFrame containing relevant quantities to be plotted. - color_by_object : bool, optional - Color each unique object separately. - [Default = False] - use_plotly : bool, optional - Use plotly instead of matplotlib? - [Default = True] - - Returns - ------- - fig : {`~matplotlib.figure.Figure`, `~plotly.figure`} - Returns the matplotlib or plotly figure object depending - on the selected plotting package. - ax : `~matplotlib.axes._subplots.AxesSubplot` - If plotting with matplotlib, also returns the axis object. - """ - if use_plotly is True: - data = [] - if color_by_object is True: - for name in dataframe[column_mapping["name"]].unique(): - obj = dataframe[dataframe[column_mapping["name"]] == name] - if name == "NS": - trace = plotly.graph_objs.Scatter( - x=obj["RA_deg"], - y=obj["Dec_deg"], - name=name, - mode="markers", - marker=dict(size=2), - ) - else: - trace = plotly.graph_objs.Scatter( - x=obj["RA_deg"], - y=obj["Dec_deg"], - name=name, - mode="markers", - marker=dict(size=2), - ) - data.append(trace) - else: - trace = plotly.graph_objs.Scatter( - x=dataframe["RA_deg"], - y=dataframe["Dec_deg"], - mode="markers", - text=dataframe[column_mapping["name"]], - marker=dict(size=2), - ) - data.append(trace) - - layout = dict( - width=1000, - height=1000, - autosize=False, - title="", - scene=dict( - xaxis=dict( - title="RA [deg]", - ), - yaxis=dict( - title="Dec [deg]", - ), - aspectratio=dict(x=1, y=1), - ), - ) - - fig = plotly.graph_objs.Figure(data=data, layout=layout) - plotly.offline.iplot(fig) - - else: - fig, ax = plt.subplots(1, 1, dpi=600) - if color_by_object is True: - a, b = np.unique( - dataframe[column_mapping["name"]].values, return_inverse=True - ) - hex_map = np.array(sns.color_palette("Accent", len(a)).as_hex()) - c = hex_map[b] - ax.text(-0.018, 0.016, "Num Objects: {}".format(len(a)), fontsize=8) - else: - c = "blue" - - dataframe.plot(x="RA_deg", y="Dec_deg", kind="scatter", c=c, s=0.5, ax=ax) - _setAxes(ax, "equatorialAngular") - - if use_plotly is True: - return fig - else: - return fig, ax - - -def plotObservations3D( - dataframe, - color_by_object=False, -): - """ - Plot observations in 3D. - - Parameters - ---------- - dataframe : `~pandas.DataFrame` - DataFrame containing relevant quantities to be plotted. - color_by_object : bool, optional - Color each unique object separately. - [Default = False] - - Returns - ------- - fig : `~plotly.figure` - Returns the plotly figure object. - - """ - data = [] - if color_by_object is True: - for name in dataframe[column_mapping["name"]].unique(): - obj = dataframe[dataframe[column_mapping["name"]] == name] - - if name == "NS": - trace = plotly.graph_objs.Scatter3d( - x=obj["RA_deg"], - y=obj["Dec_deg"], - z=obj["mjd_utc"] - dataframe["mjd_utc"].min(), - name=name, - mode="markers", - marker=dict(size=2), - ) - else: - trace = plotly.graph_objs.Scatter3d( - x=obj["RA_deg"], - y=obj["Dec_deg"], - z=obj["mjd_utc"] - dataframe["mjd_utc"].min(), - name=name, - mode="lines+markers", - marker=dict(size=2, line=dict(width=4)), - ) - data.append(trace) - else: - trace = plotly.graph_objs.Scatter3d( - x=dataframe["RA_deg"], - y=dataframe["Dec_deg"], - z=dataframe["mjd_utc"] - dataframe["mjd_utc"].min(), - mode="markers", - marker=dict(size=2), - ) - data.append(trace) - - layout = dict( - width=800, - height=550, - autosize=False, - title="", - scene=dict( - xaxis=dict( - title="RA [deg]", - ), - yaxis=dict( - title="Dec [deg]", - ), - zaxis=dict( - title="Days [MJD]", - ), - aspectratio=dict(x=1, y=1, z=1), - ), - ) - - fig = plotly.graph_objs.Figure(data=data, layout=layout) - plotly.offline.iplot(fig) - return fig diff --git a/thor/plotting/orbits.py b/thor/plotting/orbits.py deleted file mode 100644 index 88565233..00000000 --- a/thor/plotting/orbits.py +++ /dev/null @@ -1,190 +0,0 @@ -import numpy as np -import plotly - -from ..orbits import getPerturberState, propagateOrbits - -__all__ = ["plotOrbits"] - -PLANET_COLORS = { - "mercury": "#7F4D21", - "venus": "#E7B765", - "earth": "#5B6C8B", - "mars barycenter": "#D84325", - "jupiter barycenter": "#DDB282", - "saturn barycenter": "#E3C299", - "uranus barycenter": "#82B7CE", - "neptune barycenter": "#5A63F4", -} -DTS = np.arange(-60, 1, 5) - - -def addPerturber(perturber, t0, dts, color=None): - - # Set perturber's name - if perturber.find("barycenter"): - name = perturber.split(" ")[0] - name = name.capitalize() - - if not isinstance(color, str): - color = "white" - - perturber_data = [] - if perturber == "sun": - trace = plotly.graph_objs.Scatter3d( - x=[0], - y=[0], - z=[0], - name=name, - mode="markers", - marker=dict(size=4, color=color), - ) - perturber_data.append(trace) - - else: - perturber_state_t0 = getPerturberState(perturber, t0) - trace = plotly.graph_objs.Scatter3d( - x=perturber_state_t0[:, 0], - y=perturber_state_t0[:, 1], - z=perturber_state_t0[:, 2], - name=name, - mode="markers", - marker=dict(size=3, color=color), - hovertemplate="%{text}
" + "x: %{x}
" + "y: %{y}
" + "z: %{z}
", - text=["MJD [TDB]: {:.5f}".format(i) for i in t0.tdb.mjd], - ) - perturber_data.append(trace) - - t1 = t0 + dts - perturber_states = getPerturberState(perturber, t1) - trace = plotly.graph_objs.Scatter3d( - x=perturber_states[:, 0], - y=perturber_states[:, 1], - z=perturber_states[:, 2], - name=name, - mode="markers", - marker=dict(size=1, color=color), - hovertemplate="%{text}
" + "x: %{x}
" + "y: %{y}
" + "z: %{z}
", - text=["MJD [TDB]: {:.5f}".format(i) for i in t1.tdb.mjd], - ) - perturber_data.append(trace) - - return perturber_data - - -def addOrbits(orbits, dts): - - assert len(np.unique(orbits.epochs)) == 1 - - orbit_data = [] - t1 = orbits.epochs[0] + dts - propagated = propagateOrbits(orbits, t1) - - for orbit_id in orbits.ids: - - trace = plotly.graph_objs.Scatter3d( - x=orbits.cartesian[np.where(orbits.ids == orbit_id)[0], 0], - y=orbits.cartesian[np.where(orbits.ids == orbit_id)[0], 1], - z=orbits.cartesian[np.where(orbits.ids == orbit_id)[0], 2], - name=orbit_id, - mode="markers", - marker=dict(size=2, color="white"), - hovertemplate="%{text}
" + "x: %{x}
" + "y: %{y}
" + "z: %{z}
", - text=["MJD [TDB]: {:.5f}".format(i) for i in t1.tdb.mjd], - ) - orbit_data.append(trace) - - propagated_mask = propagated["orbit_id"] == orbit_id - trace = plotly.graph_objs.Scatter3d( - x=propagated[propagated_mask]["x"].values, - y=propagated[propagated_mask]["y"].values, - z=propagated[propagated_mask]["z"].values, - name=orbit_id, - mode="markers", - marker=dict(size=1, color="white"), - hovertemplate="%{text}
" + "x: %{x}
" + "y: %{y}
" + "z: %{z}
", - text=["MJD [TDB]: {:.5f}".format(i) for i in t1.tdb.mjd], - ) - orbit_data.append(trace) - - return orbit_data - - -def plotOrbits( - orbits, - dts=DTS, - inner_planets=True, - outer_planets=True, - limits=None, - grid=True, -): - - if grid: - gridcolor = "rgb(96,96,96)" - zerolinecolor = gridcolor - else: - gridcolor = "rgba(0,0,0,0)" - zerolinecolor = "rgba(0,0,0,0)" - - data = [] - data += addOrbits(orbits, dts) - - if not isinstance(limits, tuple) or not isinstance(limits, list): - if outer_planets: - limits = (-50, 50) - else: - limits = (-5, 5) - - t0 = orbits.epochs[:1] - data += addPerturber("sun", t0, dts, color="#FFD581") - - if inner_planets: - for perturber in ["mercury", "venus", "earth", "mars barycenter"]: - data += addPerturber(perturber, t0, dts, color=PLANET_COLORS[perturber]) - - if outer_planets: - for perturber in [ - "jupiter barycenter", - "saturn barycenter", - "uranus barycenter", - "neptune barycenter", - ]: - data += addPerturber(perturber, t0, dts, color=PLANET_COLORS[perturber]) - - layout = dict( - width=1000, - height=1000, - autosize=False, - title="", - scene=dict( - xaxis=dict( - title="x [au]", - gridcolor=gridcolor, - zerolinecolor=zerolinecolor, - showbackground=False, - range=limits, - ), - yaxis=dict( - title="y [au]", - gridcolor=gridcolor, - zerolinecolor=zerolinecolor, - showbackground=False, - range=limits, - ), - zaxis=dict( - title="z [au]", - gridcolor=gridcolor, - zerolinecolor=zerolinecolor, - showbackground=False, - range=limits, - ), - aspectratio=dict(x=1, y=1, z=1), - ), - font_color="white", - plot_bgcolor="rgb(0,0,0)", - paper_bgcolor="rgba(0,0,0)", - showlegend=False, - ) - - fig = plotly.graph_objs.Figure(data=data, layout=layout) - plotly.offline.iplot(fig) - return fig diff --git a/thor/plotting/projections.py b/thor/plotting/projections.py deleted file mode 100644 index 1dc02dcd..00000000 --- a/thor/plotting/projections.py +++ /dev/null @@ -1,188 +0,0 @@ -import matplotlib.pyplot as plt -import pandas as pd -import plotly - -from .helpers import _setAxes - -__all__ = ["plotProjections", "plotProjections3D"] - - -def plotProjections( - projected_observations, - color_by_object=False, - use_plotly=True, -): - """ - Plot projected observations in 2D. - - Parameters - ---------- - projected_observations : `~pandas.DataFrame` - DataFrame containing projected observations (theta_x, theta_y). - color_by_object : bool, optional - Color each unique object separately. - [Default = False] - use_plotly : bool, optional - Use plotly instead of matplotlib? - [Default = True] - - Returns - ------- - fig : {`~matplotlib.figure.Figure`, `~plotly.figure`} - Returns the matplotlib or plotly figure object depending - on the selected plotting package. - ax : `~matplotlib.axes._subplots.AxesSubplot` - If plotting with matplotlib, also returns the axis object. - """ - if use_plotly is True: - data = [] - if color_by_object is True: - for name in projected_observations["obj_id"].unique(): - obj = projected_observations[projected_observations["obj_id"] == name] - if name == "None": - trace = plotly.graph_objs.Scatter( - x=obj["theta_x_deg"].values, - y=obj["theta_y_deg"].values, - name="Unknown", - mode="markers", - marker=dict(size=2), - ) - else: - trace = plotly.graph_objs.Scatter( - x=obj["theta_x_deg"].values, - y=obj["theta_y_deg"].values, - name=name, - mode="lines+markers", - marker=dict(size=2, line=dict(width=2)), - ) - data.append(trace) - else: - trace = plotly.graph_objs.Scatter( - x=projected_observations["theta_x_deg"].values, - y=projected_observations["theta_y_deg"].values, - mode="markers", - text=projected_observations["obj_id"].values, - marker=dict(size=2), - ) - data.append(trace) - - layout = dict( - width=1000, - height=1000, - autosize=False, - title="", - scene=dict( - xaxis=dict( - title="Theta X [deg]", - ), - yaxis=dict( - title="Theta Y [deg]", - ), - aspectratio=dict(x=1, y=1), - ), - ) - - fig = plotly.graph_objs.Figure(data=data, layout=layout) - plotly.offline.iplot(fig) - - else: - fig, ax = plt.subplots(1, 1, dpi=600) - if color_by_object is True: - a, b = np.unique( - projected_observations["obj_id"].values, return_inverse=True - ) - hex_map = np.array(sns.color_palette("Accent", len(a)).as_hex()) - c = hex_map[b] - ax.text(-0.018, 0.016, "Num Objects: {}".format(len(a)), fontsize=8) - else: - c = "blue" - - dataframe.plot( - x="theta_x_deg", y="theta_y_deg", kind="scatter", c=c, s=0.5, ax=ax - ) - _setAxes(ax, "gnomonic") - - if use_plotly is True: - return fig - else: - return fig, ax - - -def plotProjections3D( - projected_observations, - color_by_object=False, -): - """ - Plot projected observations in 3D. - - Parameters - ---------- - projected_observations : `~pandas.DataFrame` - DataFrame containing projected observations (theta_x, theta_y). - color_by_object : bool, optional - Color each unique object separately. - [Default = False] - - Returns - ------- - fig : `~plotly.figure` - Returns the plotly figure object. - - """ - data = [] - if color_by_object is True: - for name in projected_observations["obj_id"].unique(): - obj = projected_observations[projected_observations["obj_id"] == name] - - if name == "None": - trace = plotly.graph_objs.Scatter3d( - x=obj["theta_x_deg"].values, - y=obj["theta_y_deg"].values, - z=obj["mjd_utc"].values - projected_observations["mjd_utc"].min(), - name="Unknown", - mode="markers", - marker=dict(size=2), - ) - else: - trace = plotly.graph_objs.Scatter3d( - x=obj["theta_x_deg"].values, - y=obj["theta_y_deg"].values, - z=obj["mjd_utc"].values - projected_observations["mjd_utc"].min(), - name=name, - mode="lines+markers", - marker=dict(size=2, line=dict(width=4)), - ) - data.append(trace) - else: - trace = plotly.graph_objs.Scatter3d( - x=projected_observations["theta_x_deg"].values, - y=projected_observations["theta_y_deg"].values, - z=projected_observations["mjd_utc"].values - - projected_observations["mjd_utc"].min(), - mode="markers", - marker=dict(size=2), - ) - data.append(trace) - - layout = dict( - width=1000, - height=1000, - autosize=False, - title="", - scene=dict( - xaxis=dict( - title="Theta X [deg]", - ), - yaxis=dict( - title="Theta Y [deg]", - ), - zaxis=dict( - title="Days [MJD]", - ), - aspectratio=dict(x=1, y=1, z=1), - ), - ) - - fig = plotly.graph_objs.Figure(data=data, layout=layout) - plotly.offline.iplot(fig) - return fig diff --git a/thor/testing/__init__.py b/thor/testing/__init__.py deleted file mode 100644 index 0be9ee9b..00000000 --- a/thor/testing/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ -from .ephemeris_testing import * -from .orbit_testing import * diff --git a/thor/testing/data/create_dataset.py b/thor/testing/data/create_dataset.py deleted file mode 100644 index fb7c42e1..00000000 --- a/thor/testing/data/create_dataset.py +++ /dev/null @@ -1,374 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy.time import Time -from astroquery.jplsbdb import SBDB - -from thor import preprocessObservations -from thor.orbits import Orbits, generateEphemeris -from thor.utils import ( - getHorizonsElements, - getHorizonsEphemeris, - getHorizonsObserverState, - getHorizonsVectors, -) - -TARGETS = [ - # Atira - "2020 AV2", - "163693", - # Aten - "2010 TK7", - "3753", - # Apollo - "54509", - "2063", - # Amor - "1221", - "433", - "3908", - # IMB - "434", - "1876", - "2001", - # MBA - "2", - "6", - "6522", - "202930", - # Jupiter Trojans - "911", - "1143", - "1172", - "3317", - # Centaur - "5145", - "5335", - "49036", - # Trans-Neptunian Objects - "15760", - "15788", - "15789", - # ISOs - "A/2017 U1", -] -T0 = Time([58000], scale="utc", format="mjd") -DTS = np.arange(-30, 30, 1) -OBSERVATORY_CODES = ["500", "I11", "I41", "F51", "703"] -CARTESIAN_COLS = ["x", "y", "z", "vx", "vy", "vz"] -FLOAT_FORMAT = "%.16E" -NOISE_FACTOR = 0.5 -RANDOM_SEED = 1719 -DATA_DIR = os.path.abspath(os.path.dirname(__file__)) - - -def getSBDBClass(obj_ids): - data = {"targetname": [], "orbit_class": []} - for obj_id in obj_ids: - results = SBDB.query(obj_id) - targetname = results["object"]["fullname"] - orbit_class = results["object"]["orbit_class"]["name"] - data["targetname"].append(targetname) - data["orbit_class"].append(orbit_class) - - return pd.DataFrame(data) - - -def createTestDataset( - targets=TARGETS, - t0=T0, - observatory_codes=OBSERVATORY_CODES, - dts=DTS, - out_dir=DATA_DIR, -): - """ - Creates a test data set using data products from JPL Horizons and SBDB. - The following files are created: - vectors.csv : heliocentric cartesian state vectors in units of au and au per day - for each target at t0. - vectors_barycentric.csv : barycentric cartesian state vectors in units of au and au per day - for each target at t0. - elements.csv : keplerian elements in units of au and degrees for each target at t0. - ephemeris.csv : ephemerides for each target as observed by each observer at t0 + dts. - observer_states.csv : heliocentric cartesian state vectors in units of au and au per day - for each observer at t1. - observer_states_barycentric.csv : heliocentric cartesian state vectors in units - of au and au per day for each observer at t1. - observations.csv : Preprocessed observations for the elliptical orbits. - associations.csv : Labels ('truths') for the preprocessed observations. - orbits.csv : Elliptical orbits saved as THOR orbit class. - - Parameters - ---------- - targets : list - Names of targets for which to great data set. - t0 : `~astropy.time.core.Time` - Initial epoch at which to get state vectors and elements for - each target. - observatory_codes : list - MPC observatory codes of observatories for which ephemerides should be generated. - dts : `~numpy.ndarray` (N) - Array of delta times (in units of days) relative to t0 with which ephemerides should be generated. - out_dir : str - Location to save data set. - - Returns - ------- - None - """ - # Set t1 and the observers dictionary - t1 = t0 + dts - observers = {code: t1 for code in observatory_codes} - - # Query JPL's SBDB for orbit class of each target - orbit_classes = getSBDBClass(targets) - - # Get heliocentric state vectors for each target - vectors = getHorizonsVectors(targets, t0, location="@sun") - vectors = vectors.join(orbit_classes[["orbit_class"]]) - vectors["mjd_tdb"] = Time( - vectors["datetime_jd"].values, scale="tdb", format="jd" - ).tdb.mjd - vectors = vectors[["targetname", "mjd_tdb"] + CARTESIAN_COLS + ["orbit_class"]] - if out_dir is not None: - vectors.to_csv( - os.path.join(out_dir, "vectors.csv"), index=False, float_format=FLOAT_FORMAT - ) - - # Get barycentric state vectors for each target - vectors_barycentric = getHorizonsVectors(targets, t0, location="@ssb") - vectors_barycentric = vectors_barycentric.join(orbit_classes[["orbit_class"]]) - vectors_barycentric["mjd_tdb"] = Time( - vectors_barycentric["datetime_jd"].values, scale="tdb", format="jd" - ).tdb.mjd - vectors_barycentric = vectors_barycentric[ - ["targetname", "mjd_tdb"] + CARTESIAN_COLS + ["orbit_class"] - ] - if out_dir is not None: - vectors_barycentric.to_csv( - os.path.join(out_dir, "vectors_barycentric.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - # Get heliocentric elements for each target - elements = getHorizonsElements(targets, t0) - elements = elements.join(orbit_classes[["orbit_class"]]) - elements["mjd_tdb"] = Time( - elements["datetime_jd"].values, scale="tdb", format="jd" - ).tdb.mjd - elements = elements[ - [ - "targetname", - "mjd_tdb", - "e", - "q", - "incl", - "Omega", - "w", - "Tp_jd", - "n", - "M", - "nu", - "a", - "Q", - "P", - "orbit_class", - ] - ] - if out_dir is not None: - elements.to_csv( - os.path.join(out_dir, "elements.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - # Get heliocentric observer states for each observatory - observer_states = getHorizonsObserverState( - observers.keys(), t1, origin="heliocenter" - ) - observer_states["mjd_utc"] = Time( - observer_states["datetime_jd"].values, scale="tdb", format="jd" - ).utc.mjd - observer_states = observer_states[["observatory_code", "mjd_utc"] + CARTESIAN_COLS] - observer_states.sort_values( - by=["observatory_code", "mjd_utc"], inplace=True, ignore_index=True - ) - - if out_dir is not None: - observer_states.to_csv( - os.path.join(out_dir, "observer_states.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - # Get barycentric observer states for each observatory - observer_states_barycentric = getHorizonsObserverState( - observers.keys(), t1, origin="barycenter" - ) - observer_states_barycentric["mjd_utc"] = Time( - observer_states_barycentric["datetime_jd"].values, scale="tdb", format="jd" - ).utc.mjd - observer_states_barycentric = observer_states_barycentric[ - ["observatory_code", "mjd_utc"] + CARTESIAN_COLS - ] - observer_states_barycentric.sort_values( - by=["observatory_code", "mjd_utc"], inplace=True, ignore_index=True - ) - if out_dir is not None: - observer_states_barycentric.to_csv( - os.path.join(out_dir, "observer_states_barycentric.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - # Get aberrated topocentric vectors for each target - vectors_topo_aberrated_dfs = [] - for observatory in observatory_codes: - vectors_topo_aberrated = getHorizonsVectors( - targets, t1, location=observatory, aberrations="apparent" - ) - vectors_topo_aberrated["observatory_code"] = observatory - vectors_topo_aberrated["mjd_utc"] = Time( - vectors_topo_aberrated["datetime_jd"].values, scale="tdb", format="jd" - ).utc.mjd - - vectors_topo_aberrated.sort_values( - by=["targetname", "observatory_code", "mjd_utc"], - inplace=True, - ignore_index=True, - ) - - # Make vectors heliocentric (but now the heliocentric vectors include the aberrations) - for target in vectors_topo_aberrated["targetname"].unique(): - vectors_topo_aberrated.loc[ - vectors_topo_aberrated["targetname"].isin([target]), CARTESIAN_COLS - ] += observer_states[ - observer_states["observatory_code"].isin([observatory]) - ][ - CARTESIAN_COLS - ].values - - vectors_topo_aberrated_dfs.append(vectors_topo_aberrated) - - vectors_topo_aberrated = pd.concat(vectors_topo_aberrated_dfs, ignore_index=True) - vectors_topo_aberrated.sort_values( - by=["targetname", "observatory_code", "mjd_utc"], - inplace=True, - ignore_index=True, - ) - - # Get ephemerides for each target as observed by the observers - ephemeris = getHorizonsEphemeris(targets, observers) - ephemeris = ephemeris[["targetname", "observatory_code", "mjd_utc", "RA", "DEC"]] - ephemeris.sort_values( - by=["targetname", "observatory_code", "mjd_utc"], - inplace=True, - ignore_index=True, - ) - ephemeris = ephemeris.join(vectors_topo_aberrated[CARTESIAN_COLS]) - if out_dir is not None: - ephemeris.to_csv( - os.path.join(out_dir, "ephemeris.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - # Limit vectors and ephemerides to elliptical orbits only - elliptical_vectors = (~vectors["orbit_class"].str.contains("Hyperbolic")) & ( - ~vectors["orbit_class"].str.contains("Parabolic") - ) - vectors = vectors[elliptical_vectors] - - elliptical_ephemeris = ephemeris["targetname"].isin(vectors["targetname"].unique()) - ephemeris_df = ephemeris[elliptical_ephemeris] - - # Get the target names - targets = vectors["targetname"].unique() - - # Get the initial epochs - t0 = Time(vectors["mjd_tdb"].values, scale="tdb", format="mjd") - - # Pull state vectors - vectors = vectors[["x", "y", "z", "vx", "vy", "vz"]].values - - # Create orbits class - orbits = Orbits(vectors, t0, ids=targets) - orbits.to_csv(os.path.join(out_dir, "orbits.csv")) - - # Construct observers' dictionary - observers = {} - for observatory_code in ["I41"]: - observers[observatory_code] = Time( - ephemeris_df[ephemeris_df["observatory_code"].isin([observatory_code])][ - "mjd_utc" - ].unique(), - scale="utc", - format="mjd", - ) - - # Generate ephemerides with PYOORB - ephemeris = generateEphemeris(orbits, observers, backend="PYOORB", num_jobs=1) - observations = ephemeris.sort_values( - by=["mjd_utc", "observatory_code"], - ignore_index=True, - ) - - # Add noise observations - np.random.seed(RANDOM_SEED) - inds = np.arange(0, len(observations)) - inds_selected = np.random.choice( - inds, int(NOISE_FACTOR * len(observations)), replace=False - ) - observations_noise = observations.iloc[sorted(inds_selected)].copy() - observations_noise["orbit_id"] = [ - "u{:08d}".format(i) for i in range(len(observations_noise)) - ] - observations_noise.loc[:, ["RA_deg", "Dec_deg"]] = observations_noise[ - ["RA_deg", "Dec_deg"] - ].values + np.random.normal( - loc=1 / 3600, scale=30 / 3600, size=(len(observations_noise), 2) - ) - - observations = pd.concat([observations, observations_noise]) - observations = observations.sort_values( - by=["mjd_utc", "observatory_code"], - ignore_index=True, - ) - - column_mapping = { - "obs_id": None, - "mjd": "mjd_utc", - "RA_deg": "RA_deg", - "Dec_deg": "Dec_deg", - "RA_sigma_deg": None, - "Dec_sigma_deg": None, - "observatory_code": "observatory_code", - "obj_id": "orbit_id", - } - preprocessed_observations, preprocessed_associations = preprocessObservations( - observations, - column_mapping, - astrometric_errors=[0.1 / 3600, 0.1 / 3600], - mjd_scale="utc", - ) - - if out_dir is not None: - preprocessed_observations.to_csv( - os.path.join(out_dir, "observations.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - preprocessed_associations.to_csv( - os.path.join(out_dir, "associations.csv"), - index=False, - float_format=FLOAT_FORMAT, - ) - - return - - -if __name__ == "__main__": - - createTestDataset(out_dir=os.path.dirname(__file__)) diff --git a/thor/testing/data/elements.csv b/thor/testing/data/elements.csv deleted file mode 100644 index 658016a3..00000000 --- a/thor/testing/data/elements.csv +++ /dev/null @@ -1,28 +0,0 @@ -targetname,mjd_tdb,e,q,incl,Omega,w,Tp_jd,n,M,nu,a,Q,P,orbit_class -(2020 AV2),5.8000000800724141E+04,1.7693999276353101E-01,4.5717041316596557E-01,1.5868651504265710E+01,6.7174876099563896E+00,1.8732909794824249E+02,2.4579998370628441E+06,2.3808615918741940E+00,1.5802680251955850E+00,2.2957559707061970E+00,5.5545210452027027E-01,6.5373379587457492E-01,1.5120576568947510E+02,Atira -163693 Atira (2003 CP20),5.8000000800724141E+04,3.2214939830912409E-01,5.0234222500372161E-01,2.5617816997874211E+01,1.0389914702813280E+02,2.5293240991161480E+02,2.4579475671032481E+06,1.5449183280594689E+00,8.1778239403237023E+01,1.1796621568557850E+02,7.4108103430261119E-01,9.7981984360150087E-01,2.3302202677094681E+02,Atira -(2010 TK7),5.8000000800724141E+04,1.9051189967669990E-01,8.0911680443272982E-01,2.0891507599440601E+01,9.6485827648155549E+01,4.5924628600041601E+01,2.4581365063307830E+06,9.8628617519064088E-01,2.2585962595315181E+02,2.1254865514329180E+02,9.9954132013747699E-01,1.1899658358422240E+00,3.6500562317059251E+02,Aten -3753 Cruithne (1986 TO),5.8000000800724141E+04,5.1485621942042969E-01,4.8404801796478358E-01,1.9805378231697379E+01,1.2623430083072640E+02,4.3831438796122470E+01,2.4581041857896000E+06,9.8895631265794803E-01,2.5746007572281309E+02,2.1196515750666731E+02,9.9774136522274393E-01,1.5114347124807039E+00,3.6402012444053611E+02,Aten -54509 YORP (2000 PH5),5.8000000800724141E+04,2.3021771305484670E-01,7.7457111861911521E-01,1.5993111221946730E+00,2.7828129140752048E+02,2.7886596575644768E+02,2.4579189204728692E+06,9.7648144449744301E-01,7.9661676386516518E+01,1.0605413301190180E+02,1.0062210208719740E+00,1.2378709231248330E+00,3.6867059996749651E+02,Apollo -2063 Bacchus (1977 HB),5.8000000800724141E+04,3.4935963135323861E-01,7.0134619709249446E-01,9.4330794011878556E+00,3.3103359711861827E+01,5.5315270808541399E+01,2.4578720366133340E+06,8.8067752299712643E-01,1.1313552234431390E+02,1.4315484970239879E+02,1.0779321894077889E+00,1.4545181817230839E+00,4.0877618719601941E+02,Apollo -1221 Amor (1932 EA1),5.8000000800724141E+04,4.3559705589150849E-01,1.0831394970824679E+00,1.1879379997621401E+01,1.7134416253039350E+02,2.6652302742965141E+01,2.4579252826589299E+06,3.7073312367000999E-01,2.7885856663928781E+01,6.7895737884921971E+01,1.9190890274205650E+00,2.7550385577586618E+00,9.7104892175870532E+02,Amor -433 Eros (A898 PA),5.8000000800724141E+04,2.2258901037640300E-01,1.1334185995780981E+00,1.0827586517829779E+01,3.0432217137543421E+02,1.7881658745816259E+02,2.4578731864091079E+06,5.5987952373576244E-01,7.1280720942729786E+01,9.6905960793774582E+01,1.4579400274838801E+00,1.7824614553896629E+00,6.4299547445122050E+02,Amor -3908 Nyx (1980 PA),5.8000000800724141E+04,4.5952209458107052E-01,1.0416064698292169E+00,2.1857767868006568E+00,2.6125528570195252E+02,1.2660976069088480E+02,2.4581956409383952E+06,3.6839649358898169E-01,2.8811105752356929E+02,2.3578700253382641E+02,1.9271952828892389E+00,2.8127840959492598E+00,9.7720799808059621E+02,Amor -434 Hungaria (A898 RB),5.8000000800724141E+04,7.3478942050873353E-02,1.8013068131127741E+00,2.2509259806686650E+01,1.7532865002950669E+02,1.2396411723409641E+02,2.4579829477199628E+06,3.6358459837442331E-01,6.3820298187639501E+00,7.4115139575426774E+00,1.9441617626047309E+00,2.0870167120966880E+00,9.9014095099063616E+02,Inner Main-belt Asteroid -1876 Napolitania (1970 BA),5.8000000800724141E+04,4.8073570902372832E-02,1.8698777725142790E+00,2.3109588813598819E+01,3.0448227514883638E+02,2.4333880452561851E+02,2.4578730107110962E+06,3.5800518961483618E-01,4.5642113711177373E+01,4.9749724733902497E+01,1.9643091265853589E+00,2.0587404806564380E+00,1.0055720152752810E+03,Inner Main-belt Asteroid -2001 Einstein (1973 EB),5.8000000800724141E+04,9.8555366955174042E-02,1.7430298793706189E+00,2.2682927065174010E+01,3.5708379840173552E+02,2.1774237358283901E+02,2.4575896804151819E+06,3.6656872764046972E-01,1.5059390601686070E+02,1.5559357143445689E+02,1.9335961582944430E+00,2.1241624372182670E+00,9.8208050183999239E+02,Inner Main-belt Asteroid -2 Pallas (A802 FA),5.8000000800724141E+04,2.3059743244354700E-01,2.1336188361154109E+00,3.4837916981807552E+01,1.7308717964120621E+02,3.0999155969783811E+02,2.4583207363360450E+06,2.1343186809798151E-01,2.9165153146507168E+02,2.6517123400315182E+02,2.7730851521480822E+00,3.4125514681807529E+00,1.6867209344517030E+03,Main-belt Asteroid -6 Hebe (A847 NA),5.8000000800724141E+04,2.0280172994241280E-01,1.9331383768861650E+00,1.4737493546624190E+01,1.3864806845283309E+02,2.3986060674501820E+02,2.4582703447397300E+06,2.6101122289574458E-01,2.8956770348905121E+02,2.6630914984870179E+02,2.4249154187784692E+00,2.9166924606707720E+00,1.3792510375839061E+03,Main-belt Asteroid -6522 Aci (1991 NQ),5.8000000800724141E+04,1.9889348403875659E-01,1.9107308921747250E+00,2.2108778408458960E+01,2.9444706630468431E+02,3.1418267005786407E+02,2.4577435857714270E+06,2.6757170271982111E-01,6.8743191843480218E+01,9.1462425040852835E+01,2.3851146559231871E+00,2.8594984196716502E+00,1.3454337523013869E+03,Main-belt Asteroid -202930 Ivezic (1998 SG172),5.8000000800724141E+04,1.3150800898491791E-01,2.3611706261054759E+00,4.5608851091303038E+00,3.4624603034624522E+02,8.0313874679555823E+00,2.4576260471815090E+06,2.1986785676687290E-01,8.2330314715427590E+01,9.7423041295892588E+01,2.7187016697134649E+00,3.0762327133214549E+00,1.6373471106406880E+03,Main-belt Asteroid -911 Agamemnon (A919 FB),5.8000000800724141E+04,6.5645652690099282E-02,4.9296946371643813E+00,2.1762846361177679E+01,3.3800821865394693E+02,8.1036478417609075E+01,2.4597268786291778E+06,8.1328256531188262E-02,2.1959670109777730E+02,2.1509240691061771E+02,5.2760439884048944E+00,5.6223933396454084E+00,4.4265058093547723E+03,Jupiter Trojan -1143 Odysseus (1930 BH),5.8000000800724141E+04,8.9271694100090268E-02,4.7810271814287466E+00,3.1376333276685990E+00,2.2128930159937960E+02,2.3673461672943569E+02,2.4559592173211952E+06,8.1941801368458952E-02,1.6726644541633510E+02,1.6929877710697610E+02,5.2496745192349277E+00,5.7183218570411070E+00,4.3933620446202594E+03,Jupiter Trojan -1172 Aneas (1930 UA),5.8000000800724141E+04,1.0369165506353770E-01,4.6769145211896070E+00,1.6664068512040689E+01,2.4732613768679329E+02,5.0913500474164337E+01,2.4596721868755189E+06,8.2689636914513837E-02,2.2176888544016640E+02,2.1457237138104330E+02,5.2179749832867452E+00,5.7590354453838826E+00,4.3536289846353420E+03,Jupiter Trojan -3317 Paris (1984 KF),5.8000000800724141E+04,1.2657049851732541E-01,4.5616472855233638E+00,2.7864229344904739E+01,1.3589555410766681E+02,1.4994214243864579E+02,2.4595865632576169E+06,8.2577799612616576E-02,2.2902645226158191E+02,2.1915666490776650E+02,5.2226851483489183E+00,5.8837230111744727E+00,4.3595252197177406E+03,Jupiter Trojan -5145 Pholus (1992 AD),5.8000000800724141E+04,5.7098660281190061E-01,8.7487396478673709E+00,2.4674897278430080E+01,1.1935264655686581E+02,3.5512029991186591E+02,2.4485163932158179E+06,1.0702669552789800E-02,1.0150526948436131E+02,1.5107983271228329E+02,2.0392695671532881E+01,3.2036651695198380E+01,3.3636467819952530E+04,Centaur -5335 Damocles (1991 DA),5.8000000800724141E+04,8.6689847921574525E-01,1.5740543552971840E+00,6.1874778985435299E+01,3.1413628098238769E+02,1.9126333098046010E+02,2.4631024944089968E+06,2.4235334166630391E-02,2.3635147998748670E+02,1.8843218036617671E+02,1.1825968223523009E+01,2.2077882091748830E+01,1.4854344385136790E+04,Centaur -49036 Pelion (1998 QM107),5.8000000800724141E+04,1.3726738004550409E-01,1.7177752800203251E+01,9.3483596092882681E+00,1.2694487125706320E+02,1.5201425987513591E+02,2.4488448429763950E+06,1.1093507452966160E-02,1.0156835831100570E+02,1.1630204625679140E+02,1.9910865084838541E+01,2.2643977369473841E+01,3.2451413723415659E+04,Centaur -15760 Albion (1992 QB1),5.8000000800724141E+04,6.5769328778513381E-02,4.0845660922382343E+01,2.1875386229649969E+00,3.5943605211112282E+02,6.0004885718116185E-01,2.4489108572786008E+06,3.4093089938918319E-03,3.0989403411244311E+01,3.5159373191056567E+01,4.3721173132731238E+01,4.6596685343080154E+01,1.0559324503733200E+05,TransNeptunian Object -15788 (1993 SB),5.8000000800724141E+04,3.1661996158419242E-01,2.6731653645943680E+01,1.9385572077980480E+00,3.5485476586191521E+02,7.9433292613724262E+01,2.4599539865432931E+06,4.0286428619199996E-03,3.5213010360733711E+02,3.4411359167430891E+02,3.9116819548771502E+01,5.1501985451599310E+01,8.9360117622446342E+04,TransNeptunian Object -15789 (1993 SC),5.8000000800724141E+04,1.8531483969870591E-01,3.2060102916115717E+01,5.1625559563066474E+00,3.5470163378807138E+02,3.1565831530854592E+02,2.4407302162028020E+06,3.9924677256383883E-03,6.8951053869793313E+01,9.0067843246100935E+01,3.9352751809372563E+01,4.6645400702629402E+01,9.0169795910482047E+04,TransNeptunian Object -1I/'Oumuamua (A/2017 U1),5.8000000800724141E+04,1.1997268775051850E+00,2.5600505473177110E-01,1.2273810825444640E+02,2.4601224839420169E+01,2.4187914044522401E+02,2.4580059973881040E+06,6.7918178787606520E-01,-3.7331820437030658E+00,3.0752063268610527E+02,-1.2817756825198741E+00,9.9999999999999982E+99,9.9999999999999982E+99,Hyperbolic Asteroid diff --git a/thor/testing/data/ephemeris.csv b/thor/testing/data/ephemeris.csv deleted file mode 100644 index 3eb266e6..00000000 --- a/thor/testing/data/ephemeris.csv +++ /dev/null @@ -1,8101 +0,0 @@ -targetname,observatory_code,mjd_utc,RA,DEC,x,y,z,vx,vy,vz -(2010 TK7),500,5.7970000000000000E+04,4.7448024498000002E+01,-2.7568960731000001E+01,9.9701066060679766E-01,-5.3198771602083084E-01,-3.5514667821386636E-01,5.2574457864528242E-03,1.3015345537050409E-02,-2.5551276684164155E-03 -(2010 TK7),500,5.7971000000000000E+04,4.8299325263000000E+01,-2.7900314321000000E+01,1.0021792045077491E+00,-5.1892467896478500E-01,-3.5767019642636277E-01,5.0793326908157091E-03,1.3108978391416677E-02,-2.4916134313983903E-03 -(2010 TK7),500,5.7972000000000000E+04,4.9149450594999998E+01,-2.8232035265000000E+01,1.0071690075276036E+00,-5.0576909816924853E-01,-3.6012992960640361E-01,4.8999996472165073E-03,1.3200435979126205E-02,-2.4275426761793356E-03 -(2010 TK7),500,5.7973000000000000E+04,4.9998340872999997E+01,-2.8564035254000000E+01,1.0119788546061441E+00,-4.9252315676434444E-01,-3.6252532261237869E-01,4.7194567918605948E-03,1.3289702998777356E-02,-2.3629185868737847E-03 -(2010 TK7),500,5.7974000000000000E+04,5.0845933121999998E+01,-2.8896230584000001E+01,1.0166075408144741E+00,-4.7918905336333961E-01,-3.6485582348822881E-01,4.5377142730393680E-03,1.3376763767805616E-02,-2.2977443357888295E-03 -(2010 TK7),500,5.7975000000000000E+04,5.1692159949000001E+01,-2.9228541890999999E+01,1.0210538713696815E+00,-4.6576900246185726E-01,-3.6712088345652577E-01,4.3547822629291131E-03,1.3461602215382795E-02,-2.2320230875929798E-03 -(2010 TK7),500,5.7976000000000000E+04,5.2536948627000001E+01,-2.9560893534000002E+01,1.0253166616668539E+00,-4.5226523484066311E-01,-3.6931995691573755E-01,4.1706709695346978E-03,1.3544201875379433E-02,-2.1657580035428611E-03 -(2010 TK7),500,5.7977000000000000E+04,5.3380220465999997E+01,-2.9893212630000001E+01,1.0293947373261136E+00,-4.3867999797717272E-01,-3.7145250144001496E-01,3.9853906488801433E-03,1.3624545879343896E-02,-2.0989522458037539E-03 -(2010 TK7),500,5.7978000000000000E+04,5.4221890600000002E+01,-3.0225427762999999E+01,1.0332869342542896E+00,-4.2501555646531486E-01,-3.7351797778136786E-01,3.7989516174737111E-03,1.3702616949494572E-02,-2.0316089818751158E-03 -(2010 TK7),500,5.7979000000000000E+04,5.5061868277000002E+01,-3.0557467456000001E+01,1.0369920987225103E+00,-4.1127419243790969E-01,-3.7551584987526704E-01,3.6113642649919665E-03,1.3778397391756778E-02,-1.9637313891009422E-03 -(2010 TK7),500,5.7980000000000000E+04,5.5900057717000003E+01,-3.0889258461000001E+01,1.0405090874580978E+00,-3.9745820599708859E-01,-3.7744558484896235E-01,3.4226390672781647E-03,1.3851869088811549E-02,-1.8953226592998153E-03 -(2010 TK7),500,5.7981000000000000E+04,5.6736359632000003E+01,-3.1220723965000001E+01,1.0438367677528146E+00,-3.8356991564718967E-01,-3.7930665303319860E-01,3.2327865995985840E-03,1.3923013493188509E-02,-1.8263860034948341E-03 -(2010 TK7),500,5.7982000000000000E+04,5.7570673497000001E+01,-3.1551781844000001E+01,1.0469740175869959E+00,-3.6961165873132085E-01,-3.8109852797647786E-01,3.0418175502087957E-03,1.3991811620390362E-02,-1.7569246567623008E-03 -(2010 TK7),500,5.7983000000000000E+04,5.8402900600000002E+01,-3.1882343176999999E+01,1.0499197257687580E+00,-3.5558579186784578E-01,-3.8282068646165229E-01,2.8497427342320395E-03,1.4058244042057990E-02,-1.6869418832007419E-03 -(2010 TK7),500,5.7984000000000000E+04,5.9232947795999998E+01,-3.2212311317000001E+01,1.0526727920849315E+00,-3.4149469138284039E-01,-3.8447260852546283E-01,2.6565731078574718E-03,1.4122290879182311E-02,-1.6164409810230176E-03 -(2010 TK7),500,5.7985000000000000E+04,6.0060731574999998E+01,-3.2541581847000003E+01,1.0552321274582075E+00,-3.2734075373661942E-01,-3.8605377748324915E-01,2.4623197828714380E-03,1.4183931795368882E-02,-1.5454252877775102E-03 -(2010 TK7),500,5.7986000000000000E+04,6.0886181839999999E+01,-3.2870043643000002E+01,1.0575966541052593E+00,-3.1312639594766184E-01,-3.8756367996247282E-01,2.2669940415438062E-03,1.4243145990157257E-02,-1.4738981857059540E-03 -(2010 TK7),500,5.7987000000000000E+04,6.1709244675999997E+01,-3.3197580993000003E+01,1.0597653056947214E+00,-2.9885405602241083E-01,-3.8900180594872918E-01,2.0706073518922830E-03,1.4299912192399782E-02,-1.4018631072462407E-03 -(2010 TK7),500,5.7988000000000000E+04,6.2529883566999999E+01,-3.3524076417000003E+01,1.0617370275105449E+00,-2.8452619339891150E-01,-3.9036764884599179E-01,1.8731713833140548E-03,1.4354208653715242E-02,-1.3293235406789537E-03 -(2010 TK7),500,5.7989000000000000E+04,6.3348078995999998E+01,-3.3849413609999999E+01,1.0635107766295624E+00,-2.7014528941617749E-01,-3.9166070554878313E-01,1.6746980226654282E-03,1.4406013142007089E-02,-1.2562830359442378E-03 -(2010 TK7),500,5.7990000000000000E+04,6.4163826806000003E+01,-3.4173479956999998E+01,1.0650855221233912E+00,-2.5571384780341788E-01,-3.9288047652271896E-01,1.4751993907250061E-03,1.4455302935079690E-02,-1.1827452106076177E-03 -(2010 TK7),500,5.7991000000000000E+04,6.4977135965000002E+01,-3.4496168304000001E+01,1.0664602452884524E+00,-2.4123439519044318E-01,-3.9402646588860296E-01,1.2746878591515355E-03,1.4502054814337372E-02,-1.1087137560147012E-03 -(2010 TK7),500,5.7992000000000000E+04,6.5788026368000004E+01,-3.4817377915999998E+01,1.0676339399044577E+00,-2.2670948162541299E-01,-3.9509818150833981E-01,1.0731760678714727E-03,1.4546245058606130E-02,-1.0341924436140502E-03 -(2010 TK7),500,5.7993000000000000E+04,6.6596527085999995E+01,-3.5137014807000000E+01,1.0686056125174117E+00,-2.1214168109690767E-01,-3.9609513507229194E-01,8.7067694294604668E-04,1.4587849438071749E-02,-9.5918513145906725E-04 -(2010 TK7),500,5.7994000000000000E+04,6.7402675208000005E+01,-3.5454991685000003E+01,1.0693742827431993E+00,-1.9753359205778984E-01,-3.9701684218940159E-01,6.6720371495409582E-04,1.4626843208360697E-02,-8.8369577091203916E-04 -(2010 TK7),500,5.7995000000000000E+04,6.8206515230999997E+01,-3.5771227762000002E+01,1.0699389835891562E+00,-1.8288783794735863E-01,-3.9786282248207622E-01,4.6276993785951317E-04,1.4663201104782647E-02,-8.0772841353291816E-04 -(2010 TK7),500,5.7996000000000000E+04,6.9008098834999998E+01,-3.6085648591999998E+01,1.0702987617919866E+00,-1.6820706771577648E-01,-3.9863259968720199E-01,2.5738950842333925E-04,1.4696897336746055E-02,-7.3128721817647304E-04 -(2010 TK7),500,5.7997000000000000E+04,6.9807484841999994E+01,-3.6398186066000001E+01,1.0704526781718415E+00,-1.5349395634952079E-01,-3.9932570176465398E-01,5.1076686144880222E-05,1.4727905582375493E-02,-6.5437645829421846E-04 -(2010 TK7),500,5.7998000000000000E+04,7.0604739129999999E+01,-3.6708778580999997E+01,1.0703998080028010E+00,-1.3875120540207847E-01,-3.9994166101402329E-01,-1.5615388621405182E-04,1.4756198983344076E-02,-5.7700052946198189E-04 -(2010 TK7),500,5.7999000000000000E+04,7.1399934321000003E+01,-3.7017371375000003E+01,1.0701392414006095E+00,-1.2398154352791452E-01,-4.0048001420039386E-01,-3.6428716155268923E-04,1.4781750139952419E-02,-4.9916395712346409E-04 -(2010 TK7),500,5.8000000000000000E+04,7.2193149066000004E+01,-3.7323916920000002E+01,1.0696700837290052E+00,-1.0918772702638527E-01,-4.0094030268946051E-01,-5.7330766671461961E-04,1.4804531106467875E-02,-4.2087140458510041E-04 -(2010 TK7),500,5.8001000000000000E+04,7.2984466822000002E+01,-3.7628375249000001E+01,1.0689914560266911E+00,-9.4372540390579601E-02,-4.0132207259256125E-01,-7.8319948020934803E-04,1.4824513386758664E-02,-3.4212768123673419E-04 -(2010 TK7),500,5.8002000000000000E+04,7.3773974135000003E+01,-3.7930713994000001E+01,1.0681024954580558E+00,-7.9538796868570516E-02,-4.0162487492134474E-01,-9.9394620926913750E-04,1.4841667930239257E-02,-2.6293775104001624E-04 -(2010 TK7),500,5.8003000000000000E+04,7.4561758573999995E+01,-3.8230907950000002E+01,1.0670023557912336E+00,-6.4689339032850290E-02,-4.0184826575171678E-01,-1.2055309662933906E-03,1.4855965128142468E-02,-1.8330674127165592E-04 -(2010 TK7),500,5.8004000000000000E+04,7.5347906644000005E+01,-3.8528937972999998E+01,1.0656902079070034E+00,-4.9827039357242420E-02,-4.0199180639602788E-01,-1.4179363446453911E-03,1.4867374810169958E-02,-1.0323995153390666E-04 -(2010 TK7),500,5.8005000000000000E+04,7.6132502074000001E+01,-3.8824789187000000E+01,1.0641652403405755E+00,-3.4954800798165792E-02,-4.0205506358236021E-01,-1.6311443938154791E-03,1.4875866241486159E-02,-2.2742863044405283E-05 -(2010 TK7),500,5.8006000000000000E+04,7.6915624942999997E+01,-3.9118448588000000E+01,1.0624266598560077E+00,-2.0075557375900777E-02,-4.0203760964017521E-01,-1.8451365939081590E-03,1.4881408120111775E-02,5.8178851785700808E-05 -(2010 TK7),500,5.8007000000000000E+04,7.7697351913000006E+01,-3.9409902301000002E+01,1.0604736920504820E+00,-5.1922747502745059E-03,-4.0193902269244708E-01,-2.0598938294792177E-03,1.4883968574713080E-02,1.3951931948565533E-04 -(2010 TK7),500,5.8008000000000000E+04,7.8477757681000000E+01,-3.9699132818000002E+01,1.0583055819852043E+00,9.6920492086543242E-03,-4.0175888685534333E-01,-2.2753963626680495E-03,1.4883515162787384E-02,2.2127245534700596E-04 -(2010 TK7),500,5.8009000000000000E+04,7.9256917532000003E+01,-3.9986116508000002E+01,1.0559215948399301E+00,2.4574383857226101E-02,-4.0149679244705494E-01,-2.4916238056267312E-03,1.4880014869256218E-02,3.0343195293600772E-04 -(2010 TK7),500,5.8010000000000000E+04,8.0034910769000007E+01,-4.0270821634999997E+01,1.0533210165905300E+00,3.9451665218013188E-02,-4.0115233620730628E-01,-2.7085550921599377E-03,1.4873434105486354E-02,3.8599127326951365E-04 -(2010 TK7),500,5.8011000000000000E+04,8.0811824759000004E+01,-4.0553207028999999E+01,1.0505031547096926E+00,5.4320795424019880E-02,-4.0072512152855266E-01,-2.9261684485578838E-03,1.4863738708771168E-02,4.6894363365574998E-04 -(2010 TK7),500,5.8012000000000000E+04,8.1587759340000005E+01,-4.0833221489000003E+01,1.0474673388919005E+00,6.9178642164069992E-02,-4.0021475869950485E-01,-3.1444413635296387E-03,1.4850893942318982E-02,5.5228199617427724E-04 -(2010 TK7),500,5.8013000000000000E+04,8.2362831305000000E+01,-4.1110804006999999E+01,1.0442129218026623E+00,8.4022038130550300E-02,-3.9962086516149598E-01,-3.3633505572062236E-03,1.4834864495809681E-02,6.3599905579285714E-04 -(2010 TK7),500,5.8014000000000000E+04,8.3137178618999997E+01,-4.1385884822999998E+01,1.0407392798518633E+00,9.8847780468362845E-02,-3.9894306577849747E-01,-3.5828719491675038E-03,1.4815614486598875E-02,7.2008722811237145E-04 -(2010 TK7),500,5.8015000000000000E+04,8.3910963941999995E+01,-4.1658387253000001E+01,1.0370458139924204E+00,1.1365263022118552E-01,-3.9818099312196514E-01,-3.8029806254344443E-03,1.4793107461665889E-02,8.0453863672245302E-04 -(2010 TK7),500,5.8016000000000000E+04,8.4684377072999993E+01,-4.1928230063000001E+01,1.0331319505467034E+00,1.2843331177477205E-01,-3.9733428777142249E-01,-4.0236508044485531E-03,1.4767306400425943E-02,8.8934510017944421E-04 -(2010 TK7),500,5.8017000000000000E+04,8.5457636082999997E+01,-4.2195330050000003E+01,1.0289971420666661E+00,1.4318651229286805E-01,-3.9640259863127847E-01,-4.2448558020220205E-03,1.4738173718446206E-02,9.7449811858248755E-04 -(2010 TK7),500,5.8018000000000000E+04,8.6230987192000001E+01,-4.2459604421000002E+01,1.0246408682328640E+00,1.5790888115029542E-01,-3.9538558326315265E-01,-4.4665679952964809E-03,1.4705671272190066E-02,1.0599888597652646E-03 -(2010 TK7),500,5.8019000000000000E+04,8.7004703720999998E+01,-4.2720972637999999E+01,1.0200626367984813E+00,1.7259702936216706E-01,-3.9428290823286466E-01,-4.6887587856807543E-03,1.4669760364843113E-02,1.1458081450696146E-03 -(2010 TK7),500,5.8020000000000000E+04,8.7779084603000001E+01,-4.2979357577000002E+01,1.0152619845791182E+00,1.8724752901913688E-01,-3.9309424947069116E-01,-4.9113985608494962E-03,1.4630401753277074E-02,1.2319464347242803E-03 -(2010 TK7),500,5.8021000000000000E+04,8.8554452940999994E+01,-4.3234685996000003E+01,1.0102384784880525E+00,2.0185691273215084E-01,-3.9181929264440074E-01,-5.1344566557872699E-03,1.4587555656202577E-02,1.3183938128093107E-03 -(2010 TK7),500,5.8022000000000000E+04,8.9331154949999998E+01,-4.3486888504000000E+01,1.0049917166157338E+00,2.1642167308792656E-01,-3.9045773354546520E-01,-5.3579013128535434E-03,1.4541181763570945E-02,1.4051399717882425E-03 -(2010 TK7),500,5.8023000000000000E+04,9.0109559458000007E+01,-4.3735899224000001E+01,9.9952132935010218E-01,2.3093826212106472E-01,-3.8900927848888933E-01,-5.5816996409270743E-03,1.4491239247266833E-02,1.4921741966223657E-03 -(2010 TK7),500,5.8024000000000000E+04,9.0890057945999999E+01,-4.3981655373999999E+01,9.9382698053745311E-01,2.4540309080010828E-01,-3.8747364472797163E-01,-5.8058175735620767E-03,1.4437686773159521E-02,1.5794853484382165E-03 -(2010 TK7),500,5.8025000000000000E+04,9.1673065010000002E+01,-4.4224096934999999E+01,9.8790836868235021E-01,2.5981252853052811E-01,-3.8585056088480468E-01,-6.0302198261923280E-03,1.4380482514573282E-02,1.6670618477584026E-03 -(2010 TK7),500,5.8026000000000000E+04,9.2459019030999997E+01,-4.4463166528000002E+01,9.8176522818766243E-01,2.7416290267220145E-01,-3.8413976739772382E-01,-6.2548698523305427E-03,1.4319584167262277E-02,1.7548916572737111E-03 -(2010 TK7),500,5.8027000000000000E+04,9.3248382770000006E+01,-4.4698809523999998E+01,9.7539733063479306E-01,2.8845049807302192E-01,-3.8234101698643908E-01,-6.4797297987802954E-03,1.4254948965969398E-02,1.8429622641613675E-03 -(2010 TK7),500,5.8028000000000000E+04,9.4041643609000005E+01,-4.4930974378999998E+01,9.6880448610536873E-01,3.0267155661818679E-01,-3.8045407513573776E-01,-6.7047604598474619E-03,1.4186533702662870E-02,1.9312606619429960E-03 -(2010 TK7),500,5.8029000000000000E+04,9.4839313101000002E+01,-4.5159613037000000E+01,9.6198654455049837E-01,3.1682227678649910E-01,-3.7847872059982918E-01,-6.9299212304140571E-03,1.4114294746593654E-02,2.0197733318264724E-03 -(2010 TK7),703,5.7970000000000000E+04,4.7446154952000001E+01,-2.7569519004000000E+01,9.9701107438012326E-01,-5.3198818810257631E-01,-3.5514659884802874E-01,5.2574458270036872E-03,1.3015345515413562E-02,-2.5551276828623950E-03 -(2010 TK7),703,5.7971000000000000E+04,4.8297452767000003E+01,-2.7900847420000002E+01,1.0021796234002629E+00,-5.1892514489818020E-01,-3.5767011964555356E-01,5.0793327317075624E-03,1.3108978370242828E-02,-2.4916134459937985E-03 -(2010 TK7),703,5.7972000000000000E+04,4.9147575267000001E+01,-2.8232542883000001E+01,1.0071694314504205E+00,-5.0576955791607503E-01,-3.6012985539780035E-01,4.8999996884477315E-03,1.3200435958421479E-02,-2.4275426909235527E-03 -(2010 TK7),703,5.7973000000000000E+04,4.9996462837999999E+01,-2.8564517092999999E+01,1.0119792834702608E+00,-4.9252361028596114E-01,-3.6252525096280991E-01,4.7194568334287621E-03,1.3289702978547773E-02,-2.3629186017660479E-03 -(2010 TK7),703,5.7974000000000000E+04,5.0844052507000001E+01,-2.8896686354000000E+01,1.0166079745306358E+00,-4.7918950062068694E-01,-3.6485575438418538E-01,4.5377143149394087E-03,1.3376763748056087E-02,-2.2977443508278412E-03 -(2010 TK7),703,5.7975000000000000E+04,5.1690276887000003E+01,-2.9228971308999999E+01,1.0210543098482612E+00,-4.6576944341547288E-01,-3.6712081688415976E-01,4.3547823051588207E-03,1.3461602196119563E-02,-2.2320231027779984E-03 -(2010 TK7),703,5.7976000000000000E+04,5.2535063256999997E+01,-2.9561296326000001E+01,1.0253171048177390E+00,-4.5226566945071445E-01,-3.6931989286084638E-01,4.1706710120912663E-03,1.3544201856608522E-02,-2.1657580188730327E-03 -(2010 TK7),703,5.7977000000000000E+04,5.3378332933000003E+01,-2.9893588526999999E+01,1.0293951850586107E+00,-4.3868042620349390E-01,-3.7145243988801557E-01,3.9853906917592741E-03,1.3624545861070682E-02,-2.0989522612778729E-03 -(2010 TK7),703,5.7978000000000000E+04,5.4220001056999998E+01,-3.0225776503999999E+01,1.0332873864770433E+00,-4.2501597826746301E-01,-3.7351791871726109E-01,3.7989516606730623E-03,1.3702616931725479E-02,-2.0316089974924249E-03 -(2010 TK7),703,5.7979000000000000E+04,5.5059976882999997E+01,-3.0557788786000000E+01,1.0369925553434405E+00,-4.1127460777521296E-01,-3.7551579328360069E-01,3.6113643085094078E-03,1.3778397374498487E-02,-1.9637314048607415E-03 -(2010 TK7),703,5.7980000000000000E+04,5.5898164639000001E+01,-3.0889552132999999E+01,1.0405095483843587E+00,-3.9745861482868927E-01,-3.7744553071379755E-01,3.4226391111080870E-03,1.3851869072068958E-02,-1.8953226752005394E-03 -(2010 TK7),703,5.7981000000000000E+04,5.6734465047000000E+01,-3.1220989737000000E+01,1.0438372328907637E+00,-3.8357031793210605E-01,-3.7930660133808258E-01,3.2327866437391059E-03,1.3923013476968549E-02,-1.8263860195358551E-03 -(2010 TK7),703,5.7982000000000000E+04,5.7568777591000000E+01,-3.1552019482999999E+01,1.0469744868421846E+00,-3.6961205442845835E-01,-3.8109847870444191E-01,3.0418175946564747E-03,1.3991811604699270E-02,-1.7569246729425884E-03 -(2010 TK7),703,5.7983000000000000E+04,5.8401003570000000E+01,-3.1882552455999999E+01,1.0499201990459244E+00,-3.5558618093601507E-01,-3.8282063959522938E-01,2.8497427789831182E-03,1.4058244026901917E-02,-1.6869418995191757E-03 -(2010 TK7),703,5.7984000000000000E+04,5.9231049847999998E+01,-3.2212492017000002E+01,1.0526732692879890E+00,-3.4149507378074828E-01,-3.8447256404674296E-01,2.6565731529086542E-03,1.4122290864567788E-02,-1.6164409974785982E-03 -(2010 TK7),703,5.7985000000000000E+04,6.0058832924999997E+01,-3.2541733757999999E+01,1.0552326084902304E+00,-3.2734112942283977E-01,-3.8605373537396465E-01,2.4623198282180975E-03,1.4183931781301598E-02,-1.5454253043688381E-03 -(2010 TK7),703,5.7986000000000000E+04,6.0884282716000001E+01,-3.2870166564000002E+01,1.0575971388684369E+00,-3.1312676488057811E-01,-3.8756364020411993E-01,2.2669940871833209E-03,1.4243145976644406E-02,-1.4738982024322361E-03 -(2010 TK7),703,5.7987000000000000E+04,6.1707345310999997E+01,-3.3197674732999999E+01,1.0597657940902852E+00,-2.9885441816014535E-01,-3.8900176852270629E-01,2.0706073978217091E-03,1.4299912179448487E-02,-1.4018631241066101E-03 -(2010 TK7),703,5.7988000000000000E+04,6.2527984203999999E+01,-3.3524140795999998E+01,1.0617375194386596E+00,-2.8452654869923633E-01,-3.9036761373374512E-01,1.8731714295282609E-03,1.4354208641331190E-02,-1.3293235576718229E-03 -(2010 TK7),703,5.7989000000000000E+04,6.3346179886000002E+01,-3.3849448455999998E+01,1.0635112719891824E+00,-2.7014563783646139E-01,-3.9166067273194449E-01,1.6746980691595952E-03,1.4406013130196163E-02,-1.2562830530680866E-03 -(2010 TK7),703,5.7990000000000000E+04,6.4161928201999999E+01,-3.4173485110999998E+01,1.0650860208120991E+00,-2.5571418930057449E-01,-3.9288044598322602E-01,1.4751994374975685E-03,1.4455302923850617E-02,-1.1827452278620764E-03 -(2010 TK7),703,5.7991000000000000E+04,6.4975238124000001E+01,-3.4496143615999998E+01,1.0664607472022829E+00,-2.4123472972092352E-01,-3.9402643760879658E-01,1.2746879061962526E-03,1.4502054803695170E-02,-1.1087137733977333E-03 -(2010 TK7),703,5.7992000000000000E+04,6.5786129551000002E+01,-3.4817323244999997E+01,1.0676344449377266E+00,-2.2670980914522831E-01,-3.9509815547103616E-01,1.0731761151855958E-03,1.4546245048558950E-02,-1.0341924611249043E-03 -(2010 TK7),703,5.7993000000000000E+04,6.6594631555000007E+01,-3.5136930022000001E+01,1.0686061205625439E+00,-2.1214200156168100E-01,-3.9609511126084079E-01,8.7067699052477496E-04,1.4587849428626140E-02,-9.5918514909622428E-04 -(2010 TK7),703,5.7994000000000000E+04,6.7400781225000003E+01,-3.5454876663999997E+01,1.0693747936905700E+00,-1.9753390542284310E-01,-3.9701682058772514E-01,6.6720376279377335E-04,1.4626843199524359E-02,-8.8369578867443781E-04 -(2010 TK7),703,5.7995000000000000E+04,6.8204623057999996E+01,-3.5771082388000004E+01,1.0699394973269420E+00,-1.8288814416779883E-01,-3.9786280307470123E-01,4.6276998595430260E-04,1.4663201096561412E-02,-8.0772843141860284E-04 -(2010 TK7),703,5.7996000000000000E+04,6.9006208732999994E+01,-3.6085472756999998E+01,1.0702992782060261E+00,-1.6820736674661110E-01,-3.9863258245928307E-01,2.5738955676888643E-04,1.4696897329147324E-02,-7.3128723618409676E-04 -(2010 TK7),703,5.7997000000000000E+04,6.9805597070000005E+01,-3.6397979667000001E+01,1.0704531971455038E+00,-1.5349424814577542E-01,-3.9932568670199187E-01,5.1076734737070389E-05,1.4727905575407199E-02,-6.5437647642257687E-04 -(2010 TK7),703,5.7998000000000000E+04,7.0602853943000000E+01,-3.6708541521000001E+01,1.0704003294168638E+00,-1.3875148991893402E-01,-3.9994164810307525E-01,-1.5615383738005247E-04,1.4756198977013583E-02,-5.7700054770956502E-04 -(2010 TK7),703,5.7999000000000000E+04,7.1398051972999994E+01,-3.7017103560999999E+01,1.0701397651331417E+00,-1.2398182072084821E-01,-4.0048000342827850E-01,-3.6428711248185502E-04,1.4781750134267168E-02,-4.9916397548871417E-04 -(2010 TK7),703,5.8000000000000000E+04,7.2191269802999997E+01,-3.7323618261999997E+01,1.0696706096552597E+00,-1.0918799685132999E-01,-4.0094029404395282E-01,-5.7330761741259100E-04,1.4804531101434648E-02,-4.2087142306612219E-04 -(2010 TK7),703,5.8001000000000000E+04,7.2982590887000001E+01,-3.7628045659999998E+01,1.0689919840190052E+00,-9.4372802804085693E-02,-4.0132206606207493E-01,-7.8319943068099352E-04,1.4824513382385503E-02,-3.4212769983205777E-04 -(2010 TK7),703,5.8002000000000000E+04,7.3772101763999999E+01,-3.7930353388999997E+01,1.0681030253857666E+00,-7.9539051828005497E-02,-4.0162487049489831E-01,-9.9394615951938717E-04,1.4841667926534298E-02,-2.6293776974816872E-04 -(2010 TK7),703,5.8003000000000000E+04,7.4559889998000003E+01,-3.8230516242000000E+01,1.0670028875206117E+00,-6.4689586496587598E-02,-4.0184826341888086E-01,-1.2055309163283246E-03,1.4855965125112704E-02,-1.8330676009056603E-04 -(2010 TK7),703,5.8004000000000000E+04,7.5346042085999997E+01,-3.8528515075999998E+01,1.0656907413012096E+00,-4.9827279284873821E-02,-4.0199180614685387E-01,-1.4179362944704730E-03,1.4867374807823448E-02,-1.0323997046187074E-04 -(2010 TK7),703,5.8005000000000000E+04,7.6130641753000006E+01,-3.8824335013999999E+01,1.0641657752596432E+00,-3.4955033150718295E-02,-4.0205506540729719E-01,-1.6311443434365190E-03,1.4875866239830771E-02,-2.2742882079561669E-05 -(2010 TK7),703,5.8006000000000000E+04,7.6913769070000001E+01,-3.9117963048000000E+01,1.0624271961568570E+00,-2.0075782116052598E-02,-4.0203761352997991E-01,-1.8451365433312990E-03,1.4881408119155207E-02,5.8178832645384483E-05 -(2010 TK7),703,5.8007000000000000E+04,7.7695500695000007E+01,-3.9409385301999997E+01,1.0604742295869616E+00,-5.1924918425668987E-03,-4.0193902863809383E-01,-2.0598937787096473E-03,1.4883968574464631E-02,1.3951930024156577E-04 -(2010 TK7),703,5.8008000000000000E+04,7.8475911319000005E+01,-3.9698584263999997E+01,1.0583061206081539E+00,9.6918397976349102E-03,-4.0175889484794741E-01,-2.2753963117131972E-03,1.4883515163253345E-02,2.2127243600194717E-04 -(2010 TK7),703,5.8009000000000000E+04,7.9255076222000000E+01,-3.9985536302000000E+01,1.0559221343972616E+00,2.4574182158672492E-02,-4.0149680247781572E-01,-2.4916237544930510E-03,1.4880014870444758E-02,3.0343193349209396E-04 -(2010 TK7),703,5.8010000000000000E+04,8.0033074702999997E+01,-4.0270209676999997E+01,1.0533215569273204E+00,3.9451471260723875E-02,-4.0115234826747892E-01,-2.7085550408527015E-03,1.4873434107407817E-02,3.8599125372794699E-04 -(2010 TK7),703,5.8011000000000000E+04,8.0809994122999996E+01,-4.0552563216000003E+01,1.0505036956682743E+00,5.4320609234274619E-02,-4.0072513560944772E-01,-2.9261683970849763E-03,1.4863738711432017E-02,4.6894361401955453E-04 -(2010 TK7),703,5.8012000000000000E+04,8.1585934312999996E+01,-4.0832545717999999E+01,1.0474678803119553E+00,6.9178463765497591E-02,-4.0021477479251855E-01,-3.1444413118977520E-03,1.4850893945728137E-02,5.5228197644551587E-04 -(2010 TK7),703,5.8013000000000000E+04,8.2361012059999993E+01,-4.1110096173999999E+01,1.0442134635213074E+00,8.4021867544006507E-02,-3.9962088325817074E-01,-3.3633505054224124E-03,1.4834864499975594E-02,6.3599903597383973E-04 -(2010 TK7),703,5.8014000000000000E+04,8.3135365316000005E+01,-4.1385144824000001E+01,1.0407398217037160E+00,9.8847617711843333E-02,-3.9894308587060462E-01,-3.5828718972390795E-03,1.4815614491530080E-02,7.2008720820550460E-04 -(2010 TK7),703,5.8015000000000000E+04,8.3909156732000000E+01,-4.1657614985000002E+01,1.0370463558096581E+00,1.1365247530973124E-01,-3.9818101520160171E-01,-3.8029805733690589E-03,1.4793107467370704E-02,8.0453861673033785E-04 -(2010 TK7),703,5.8016000000000000E+04,8.4682576088999994E+01,-4.1927425423999999E+01,1.0331324921591030E+00,1.2843316472037428E-01,-3.9733431183111817E-01,-4.0236507522534055E-03,1.4767306406914153E-02,8.8934508010414656E-04 -(2010 TK7),703,5.8017000000000000E+04,8.5455841441000004E+01,-4.2194492939000000E+01,1.0289976833016261E+00,1.4318637310438004E-01,-3.9640262466409543E-01,-4.2448557497055846E-03,1.4738173725725412E-02,9.7449809842713663E-04 -(2010 TK7),703,5.8018000000000000E+04,8.6229198986000000E+01,-4.2458734739000001E+01,1.0246414089154323E+00,1.5790874983331826E-01,-3.9538561126277766E-01,-4.4665679428667988E-03,1.4705671280269349E-02,1.0599888395324563E-03 -(2010 TK7),703,5.8019000000000000E+04,8.7002922015999999E+01,-4.2720070288000002E+01,1.0200631767513748E+00,1.7259690591893595E-01,-3.9428293819368121E-01,-4.6887587331467598E-03,1.4669760373729902E-02,1.1458081247627686E-03 -(2010 TK7),703,5.8020000000000000E+04,8.7777309435000006E+01,-4.2978422461000001E+01,1.0152625236227601E+00,1.8724741344838236E-01,-3.9309428138783442E-01,-4.9113985082185879E-03,1.4630401762983398E-02,1.2319464143449059E-03 -(2010 TK7),703,5.8021000000000000E+04,8.8552684310000004E+01,-4.3233718017000001E+01,1.0102390164406050E+00,2.0185680502897127E-01,-3.9181932651379431E-01,-5.1344566030690937E-03,1.4587555666735426E-02,1.3183937923612660E-03 -(2010 TK7),703,5.8022000000000000E+04,8.9329392819000006E+01,-4.3485887564999999E+01,1.0049922532931626E+00,2.1642157324362760E-01,-3.9045776936384580E-01,-5.3579012600572231E-03,1.4541181774939335E-02,1.4051399512746015E-03 -(2010 TK7),703,5.8023000000000000E+04,9.0107803744999998E+01,-4.3734865227000000E+01,9.9952186456624459E-01,2.3093817012300505E-01,-3.8900931625382118E-01,-5.5816995880618404E-03,1.4491239259480398E-02,1.4921741760460609E-03 -(2010 TK7),703,5.8024000000000000E+04,9.0888308519999995E+01,-4.3980588218000001E+01,9.9382751410410575E-01,2.4540300663154171E-01,-3.8747368443785496E-01,-5.8058175206377712E-03,1.4437686786226516E-02,1.5794853278028656E-03 -(2010 TK7),703,5.8025000000000000E+04,9.1671321689999999E+01,-4.4222996518000002E+01,9.8790890040936119E-01,2.5981245217046228E-01,-3.8585060253887832E-01,-6.0302197732184709E-03,1.4380482528504617E-02,1.6670618270666416E-03 -(2010 TK7),703,5.8026000000000000E+04,9.2457281576000000E+01,-4.4462032743999998E+01,9.8176575788304254E-01,2.7416283409523762E-01,-3.8413981099606659E-01,-6.2548697993178373E-03,1.4319584182065092E-02,1.7548916365298913E-03 -(2010 TK7),703,5.8027000000000000E+04,9.3246650876999993E+01,-4.4697642264000002E+01,9.7539785810482582E-01,2.8845043724921809E-01,-3.8234106252996541E-01,-6.4797297457391337E-03,1.4254948981653503E-02,1.8429622433688367E-03 -(2010 TK7),703,5.8028000000000000E+04,9.4039916906000002E+01,-4.4929773529999999E+01,9.6880501115473161E-01,3.0267150351290500E-01,-3.8045412262618933E-01,-6.7047604067884767E-03,1.4186533719238399E-02,1.9312606411050787E-03 -(2010 TK7),703,5.8029000000000000E+04,9.4837591140000001E+01,-4.5158378481000000E+01,9.6198706698238834E-01,3.1682223136026011E-01,-3.7847877003975550E-01,-6.9299211773486179E-03,1.4114294764068697E-02,2.0197733109475016E-03 -(2010 TK7),F51,5.7970000000000000E+04,4.7443350043999999E+01,-2.7569743305999999E+01,9.9701074445493099E-01,-5.3198809142195214E-01,-3.5514683085094084E-01,5.2574458058722434E-03,1.3015345526688888E-02,-2.5551276753347481E-03 -(2010 TK7),F51,5.7971000000000000E+04,4.8294623252999997E+01,-2.7901083105000001E+01,1.0021792913347936E+00,-5.1892505588945281E-01,-3.5767034952388915E-01,5.0793327104912038E-03,1.3108978381229016E-02,-2.4916134384216915E-03 -(2010 TK7),F51,5.7972000000000000E+04,4.9144720878999998E+01,-2.8232789939000000E+01,1.0071690973884035E+00,-5.0576947658930094E-01,-3.6013008312725503E-01,4.8999996671495339E-03,1.3200435969116766E-02,-2.4275426833076418E-03 -(2010 TK7),F51,5.7973000000000000E+04,4.9993583295999997E+01,-2.8564775502000000E+01,1.0119789475568730E+00,-4.9252353664888665E-01,-3.6252547651948530E-01,4.7194568120518688E-03,1.3289702988950899E-02,-2.3629185941072433E-03 -(2010 TK7),F51,5.7974000000000000E+04,5.0841147522999997E+01,-2.8896956089000000E+01,1.0166076369125114E+00,-4.7918943467868635E-01,-3.6485597774463624E-01,4.5377142934865302E-03,1.3376763758167952E-02,-2.2977443431279922E-03 -(2010 TK7),F51,5.7975000000000000E+04,5.1687346161999997E+01,-2.9229252337999998E+01,1.0210539706734909E+00,-4.6576938517148847E-01,-3.6712103802544332E-01,4.3547822836331896E-03,1.3461602205938625E-02,-2.2320230950379268E-03 -(2010 TK7),F51,5.7976000000000000E+04,5.2532106480000003E+01,-2.9561588607000001E+01,1.0253167642358754E+00,-4.5226561890518124E-01,-3.6932011176057777E-01,4.1706709904960086E-03,1.3544201866133782E-02,-2.1657580110937659E-03 -(2010 TK7),F51,5.7977000000000000E+04,5.3375349780999997E+01,-2.9893892013999999E+01,1.0293948432206617E+00,-4.3868038335426668E-01,-3.7145265652442461E-01,3.9853906700972677E-03,1.3624545870302306E-02,-2.0989522534609734E-03 -(2010 TK7),F51,5.7978000000000000E+04,5.4216991194999999E+01,-3.0226091141000001E+01,1.0332870435354566E+00,-4.2501594310972773E-01,-3.7351813306925485E-01,3.7989516389476587E-03,1.3702616940661969E-02,-2.0316089896387519E-03 -(2010 TK7),F51,5.7979000000000000E+04,5.5056939962000001E+01,-3.0558114512000000E+01,1.0369922114520795E+00,-4.1127458030138453E-01,-3.7551600533082946E-01,3.6113642867240878E-03,1.3778397383138109E-02,-1.9637313969710678E-03 -(2010 TK7),F51,5.7980000000000000E+04,5.5895100298000003E+01,-3.0889888877000001E+01,1.0405092036984562E+00,-3.9745859502830527E-01,-3.7744574043672185E-01,3.4226390892655454E-03,1.3851869080412815E-02,-1.8953226672768820E-03 -(2010 TK7),F51,5.7981000000000000E+04,5.6731372911000001E+01,-3.1221337422000001E+01,1.0438368875668587E+00,-3.8357030579170548E-01,-3.7930680871804073E-01,3.2327866218429396E-03,1.3923013485014700E-02,-1.8263860115788977E-03 -(2010 TK7),F51,5.7982000000000000E+04,5.7565657270000003E+01,-3.1552378020999999E+01,1.0469741410380373E+00,-3.6961204993146324E-01,-3.8109868372371314E-01,3.0418175727099945E-03,1.3991811612446975E-02,-1.7569246649535547E-03 -(2010 TK7),F51,5.7983000000000000E+04,5.8397854662999997E+01,-3.1882921751000001E+01,1.0499198529204032E+00,-3.5558618406260623E-01,-3.8282084223708834E-01,2.8497427569896538E-03,1.4058244034350624E-02,-1.6869418914994263E-03 -(2010 TK7),F51,5.7984000000000000E+04,5.9227871940000000E+01,-3.2212871964999998E+01,1.0526729230009351E+00,-3.4149508450772348E-01,-3.8447276429550437E-01,2.6565731308716900E-03,1.4122290871716533E-02,-1.6164409894292861E-03 -(2010 TK7),F51,5.7985000000000000E+04,6.0055625589999998E+01,-3.2542124246000000E+01,1.0552322622022998E+00,-3.2734114772349321E-01,-3.8605393321500903E-01,2.4623198061407116E-03,1.4183931788150580E-02,-1.5454252962916449E-03 -(2010 TK7),F51,5.7986000000000000E+04,6.0881045514999997E+01,-3.2870567469000001E+01,1.0575967927409211E+00,-3.1312679072457217E-01,-3.8756383562390123E-01,2.2669940650693445E-03,1.4243145983192004E-02,-1.4738981943280397E-03 -(2010 TK7),F51,5.7987000000000000E+04,6.1704077796000000E+01,-3.3198085923999997E+01,1.0597654482849304E+00,-2.9885445151341239E-01,-3.8900196150874361E-01,2.0706073756749464E-03,1.4299912185693344E-02,-1.4018631159764083E-03 -(2010 TK7),F51,5.7988000000000000E+04,6.2524685916000003E+01,-3.3524562132000000E+01,1.0617371741174870E+00,-2.8452658952389742E-01,-3.9036780427460260E-01,1.8731714073516835E-03,1.4354208647273792E-02,-1.3293235495173998E-03 -(2010 TK7),F51,5.7989000000000000E+04,6.3342850353999999E+01,-3.3849879792000003E+01,1.0635109273143140E+00,-2.7014568609076633E-01,-3.9166086081720758E-01,1.6746980469562666E-03,1.4406013135836754E-02,-1.2562830448911359E-03 -(2010 TK7),F51,5.7990000000000000E+04,6.4158566946999997E+01,-3.4173926291999997E+01,1.0650856769455961E+00,-2.5571424493886152E-01,-3.9288063160347969E-01,1.4751994152721552E-03,1.4455302929186389E-02,-1.1827452196629543E-03 -(2010 TK7),F51,5.7991000000000000E+04,6.4971844657000005E+01,-3.4496594483000003E+01,1.0664604043059980E+00,-2.4123479269359940E-01,-3.9402662075560874E-01,1.2746878839512317E-03,1.4502054808727519E-02,-1.1087137651786107E-03 -(2010 TK7),F51,5.7992000000000000E+04,6.5782703369999993E+01,-3.4817783632000001E+01,1.0676341031731651E+00,-2.2670987939875317E-01,-3.9509833613694728E-01,1.0731760929251852E-03,1.4546245053286028E-02,-1.0341924528865119E-03 -(2010 TK7),F51,5.7993000000000000E+04,6.6591172147999998E+01,-3.5137399758000001E+01,1.0686057800907283E+00,-2.1214207903857130E-01,-3.9609528943935707E-01,8.7067696825229249E-04,1.4587849433047872E-02,-9.5918514084008014E-04 -(2010 TK7),F51,5.7994000000000000E+04,6.7397288070000002E+01,-3.5455355574000002E+01,1.0693744546719115E+00,-1.9753399006165642E-01,-3.9701699627331599E-01,6.6720374051308217E-04,1.4626843203639635E-02,-8.8369578040156411E-04 -(2010 TK7),F51,5.7995000000000000E+04,6.8201095617999997E+01,-3.5771570294999997E+01,1.0699391599211054E+00,-1.8288823590314368E-01,-3.9786297626279682E-01,4.6276996366807505E-04,1.4663201100371046E-02,-8.0772842313084705E-04 -(2010 TK7),F51,5.7996000000000000E+04,6.9002646460999998E+01,-3.6085969478999999E+01,1.0702989425717968E+00,-1.6820746550914403E-01,-3.9863275314627128E-01,2.5738953448071773E-04,1.4696897332650671E-02,-7.3128722788266300E-04 -(2010 TK7),F51,5.7997000000000000E+04,6.9801999402999996E+01,-3.6398485022000003E+01,1.0704528634406516E+00,-1.5349435386220633E-01,-3.9932585488521394E-01,5.1076712450851512E-05,1.4727905578603257E-02,-6.5437646810849546E-04 -(2010 TK7),F51,5.7998000000000000E+04,7.0599220306999996E+01,-3.6709055325000001E+01,1.0703999977980090E+00,-1.3875160251203769E-01,-3.9994181378082000E-01,-1.5615385966086422E-04,1.4756198979901972E-02,-5.7700053938412822E-04 -(2010 TK7),F51,5.7999000000000000E+04,7.1394381777000007E+01,-3.7017625627999998E+01,1.0701394357556202E+00,-1.2398194010947600E-01,-4.0048016659977487E-01,-3.6428713475386131E-04,1.4781750136847554E-02,-4.9916396715319234E-04 -(2010 TK7),F51,5.8000000000000000E+04,7.2187562443999994E+01,-3.7324148409000003E+01,1.0696702826729880E+00,-1.0918812295043270E-01,-4.0094045470936174E-01,-5.7330763967288704E-04,1.4804531103707323E-02,-4.2087141472204324E-04 -(2010 TK7),F51,5.8001000000000000E+04,7.2978845742999994E+01,-3.7628583702000000E+01,1.0689916595843540E+00,-9.4372935524741991E-02,-4.0132222422248287E-01,-7.8319945292585746E-04,1.4824513384349761E-02,-3.4212769148052709E-04 -(2010 TK7),F51,5.8002000000000000E+04,7.3768318195999996E+01,-3.7930899144000001E+01,1.0681027036494422E+00,-7.9539191077435789E-02,-4.0162502615231338E-01,-9.9394618174523681E-04,1.4841667928189504E-02,-2.6293776139024597E-04 -(2010 TK7),F51,5.8003000000000000E+04,7.4556067350000006E+01,-3.8231069531999999E+01,1.0670025686315456E+00,-6.4689732178200898E-02,-4.0184841657623321E-01,-1.2055309385322639E-03,1.4855965126459158E-02,-1.8330675172777491E-04 -(2010 TK7),F51,5.8004000000000000E+04,7.5342179682999998E+01,-3.8529075724000002E+01,1.0656904254064554E+00,-4.9827431298274522E-02,-4.0199195680800359E-01,-1.4179363166490567E-03,1.4867374808860731E-02,-1.0323996209536057E-04 -(2010 TK7),F51,5.8005000000000000E+04,7.6126738896999996E+01,-3.8824902844000000E+01,1.0641654625042731E+00,-3.4955191391725787E-02,-4.0205521357704871E-01,-1.6311443655864836E-03,1.4875866240558660E-02,-2.2742873710559759E-05 -(2010 TK7),F51,5.8006000000000000E+04,7.6909825045000005E+01,-3.9118537891000003E+01,1.0624268866838531E+00,-2.0075946476711598E-02,-4.0203775921410256E-01,-1.8451365654495221E-03,1.4881408119573662E-02,5.8178841015554566E-05 -(2010 TK7),F51,5.8007000000000000E+04,7.7691514760000004E+01,-3.9409966990000001E+01,1.0604739235371015E+00,-5.1926622111417853E-03,-4.0193917184334960E-01,-2.0598938007919672E-03,1.4883968574572561E-02,1.3951930861206961E-04 -(2010 TK7),F51,5.8008000000000000E+04,7.8471882711000006E+01,-3.9699172632000000E+01,1.0583058181198755E+00,9.6916635366691151E-03,-4.0175903558212039E-01,-2.2753963337577656E-03,1.4883515163051829E-02,2.2127244437106382E-04 -(2010 TK7),F51,5.8009000000000000E+04,7.9251004156999997E+01,-3.9986131186999998E+01,1.0559218356065196E+00,2.4574000124614387E-02,-4.0149694074973885E-01,-2.4916237764965633E-03,1.4880014869933574E-02,3.0343194185857849E-04 -(2010 TK7),F51,5.8010000000000000E+04,8.0028958372999995E+01,-4.0270810920000002E+01,1.0533212619674115E+00,3.9451283576674601E-02,-4.0115248408705756E-01,-2.7085550628104613E-03,1.4873434106585429E-02,3.8599126209119789E-04 -(2010 TK7),F51,5.8011000000000000E+04,8.0805832699000007E+01,-4.0553170661000003E+01,1.0505034046696522E+00,5.4320416027123203E-02,-4.0072526898767419E-01,-2.9261684189951149E-03,1.4863738710299458E-02,4.6894362237784684E-04 -(2010 TK7),F51,5.8012000000000000E+04,8.1581726943999996E+01,-4.0833159211000002E+01,1.0474675934020268E+00,6.9178265165913994E-02,-4.0021490574147284E-01,-3.1444413337566894E-03,1.4850893944284901E-02,5.5228198479778657E-04 -(2010 TK7),F51,5.8013000000000000E+04,8.2356757876000003E+01,-4.1110715565000000E+01,1.0442131808242106E+00,8.4021663686427495E-02,-3.9962101179100873E-01,-3.3633505272270508E-03,1.4834864498221512E-02,6.3599904431892542E-04 -(2010 TK7),F51,5.8014000000000000E+04,8.3131063428000004E+01,-4.1385769967999998E+01,1.0407395433400977E+00,9.8847408734428863E-02,-3.9894321200152849E-01,-3.5828719189863320E-03,1.4815614489464992E-02,7.2008721654224042E-04 -(2010 TK7),F51,5.8015000000000000E+04,8.3904806231999999E+01,-4.1658245739999998E+01,1.0370460818964422E+00,1.1365226135430755E-01,-3.9818113894581736E-01,-3.8029805950560536E-03,1.4793107464994588E-02,8.0453862505749582E-04 -(2010 TK7),F51,5.8016000000000000E+04,8.4678176054000005E+01,-4.1928061657000001E+01,1.0331322228092630E+00,1.2843294593236765E-01,-3.9733443320477740E-01,-4.0236507738763711E-03,1.4767306404226204E-02,8.8934508842088578E-04 -(2010 TK7),F51,5.8017000000000000E+04,8.5451390931000006E+01,-4.2195134523000000E+01,1.0289974186239719E+00,1.4318614963270188E-01,-3.9640274368423190E-01,-4.2448557712623349E-03,1.4738173722726042E-02,9.7449810673205729E-04 -(2010 TK7),F51,5.8018000000000000E+04,8.6224697043999996E+01,-4.2459381557000000E+01,1.0246411490143932E+00,1.5790852183026635E-01,-3.9538572794723476E-01,-4.4665679643543050E-03,1.4705671276958177E-02,1.0599888478245642E-03 -(2010 TK7),F51,5.8019000000000000E+04,8.6998367673000004E+01,-4.2720722234000000E+01,1.0200629217268171E+00,1.7259667354004671E-01,-3.9428305256104251E-01,-4.6887587545633548E-03,1.4669760370107358E-02,1.1458081330407248E-03 -(2010 TK7),F51,5.8020000000000000E+04,8.7772701703999999E+01,-4.2979079441000003E+01,1.0152622735698085E+00,1.8724717685228562E-01,-3.9309439345735508E-01,-4.9113985295592376E-03,1.4630401759047625E-02,1.2319464226083943E-03 -(2010 TK7),F51,5.8021000000000000E+04,8.8548022191000001E+01,-4.3234379953000001E+01,1.0102387714494916E+00,2.0185656437721969E-01,-3.9181943630533667E-01,-5.1344566243327269E-03,1.4587555662487057E-02,1.3183938006088910E-03 -(2010 TK7),F51,5.8022000000000000E+04,8.9324675295999995E+01,-4.3486554394000002E+01,1.0049920134490740E+00,2.1642132870053493E-01,-3.9045787689781725E-01,-5.3579012812413323E-03,1.4541181770377921E-02,1.4051399595054327E-03 -(2010 TK7),F51,5.8023000000000000E+04,9.0103029785999993E+01,-4.3735536904000000E+01,9.9952162994918026E-01,2.3093792185548329E-01,-3.8900942155111273E-01,-5.5816996091637124E-03,1.4491239254605182E-02,1.4921741842593677E-03 -(2010 TK7),F51,5.8024000000000000E+04,9.0883477080000006E+01,-4.3981264717999998E+01,9.9382728478876048E-01,2.4540275480890394E-01,-3.8747378751978467E-01,-5.8058175416558274E-03,1.4437686781037313E-02,1.5794853359976605E-03 -(2010 TK7),F51,5.8025000000000000E+04,9.1666431707000001E+01,-4.4223677838999997E+01,9.8790867646499736E-01,2.5981219696424901E-01,-3.8585070342712996E-01,-6.0302197941491959E-03,1.4380482523000001E-02,1.6670618352424584E-03 -(2010 TK7),F51,5.8026000000000000E+04,9.2452331971999996E+01,-4.4462718907000003E+01,9.8176553937337763E-01,2.7416257567902569E-01,-3.8413990971262890E-01,-6.2548698201609423E-03,1.4319584176245114E-02,1.7548916446856748E-03 -(2010 TK7),F51,5.8027000000000000E+04,9.3241640562000001E+01,-4.4698333316999999E+01,9.7539764508793281E-01,2.8845017579841559E-01,-3.8234115909706978E-01,-6.4797297664923236E-03,1.4254948975517000E-02,1.8429622515040416E-03 -(2010 TK7),F51,5.8028000000000000E+04,9.4034844772000000E+01,-4.4930469549000001E+01,9.6880480368294497E-01,3.0267123920454619E-01,-3.8045421706624455E-01,-6.7047604274493404E-03,1.4186533712783984E-02,1.9312606492192419E-03 -(2010 TK7),F51,5.8029000000000000E+04,9.4832456062999995E+01,-4.5159079573000000E+01,9.6198686510222220E-01,3.1682196437279669E-01,-3.7847886237528217E-01,-6.9299211979166036E-03,1.4114294757295585E-02,2.0197733190399250E-03 -(2010 TK7),I11,5.7970000000000000E+04,4.7449235149000003E+01,-2.7565055281999999E+01,9.9701118016327084E-01,-5.3198808057572911E-01,-3.5514643900643389E-01,5.2574458086779010E-03,1.3015345525191301E-02,-2.5551276763337628E-03 -(2010 TK7),I11,5.7971000000000000E+04,4.8300554497999997E+01,-2.7896381717000001E+01,1.0021797289127357E+00,-5.1892503347977936E-01,-3.5766996046824634E-01,5.0793327129605740E-03,1.3108978379949237E-02,-2.4916134393021096E-03 -(2010 TK7),I11,5.7972000000000000E+04,4.9150698710000000E+01,-2.8228075662999998E+01,1.0071695366097377E+00,-5.0576944261265033E-01,-3.6012969691026414E-01,4.8999996692760863E-03,1.3200435968048331E-02,-2.4275426840676124E-03 -(2010 TK7),I11,5.7973000000000000E+04,4.9999608174000002E+01,-2.8560048812000002E+01,1.0119793881927506E+00,-4.9252349110612892E-01,-3.6252509319036735E-01,4.7194568138295328E-03,1.3289702988086346E-02,-2.3629185947445972E-03 -(2010 TK7),I11,5.7974000000000000E+04,5.0847219926000001E+01,-2.8892217463000001E+01,1.0166080787314886E+00,-4.7918937757519470E-01,-3.6485559735195344E-01,4.5377142949111797E-03,1.3376763757496158E-02,-2.2977443436390955E-03 -(2010 TK7),I11,5.7975000000000000E+04,5.1693466585000003E+01,-2.9224502253000001E+01,1.0210544134415773E+00,-4.6576931651723463E-01,-3.6712066061700954E-01,4.3547822846986732E-03,1.3461602205452328E-02,-2.2320230954208124E-03 -(2010 TK7),I11,5.7976000000000000E+04,5.2538275437000003E+01,-2.9556827542000001E+01,1.0253172077165709E+00,-4.5226553871486869E-01,-3.6931973738335944E-01,4.1706709911967683E-03,1.3544201865824702E-02,-2.1657580113461977E-03 -(2010 TK7),I11,5.7977000000000000E+04,5.3381567803999999E+01,-2.9889120444000000E+01,1.0293952871750107E+00,-4.3868029164744116E-01,-3.7145228522444634E-01,3.9853906704288601E-03,1.3624545870160175E-02,-2.0989522535798987E-03 -(2010 TK7),I11,5.7978000000000000E+04,5.4223258837000003E+01,-3.0221309546000001E+01,1.0332874877221101E+00,-4.2501583991091652E-01,-3.7351776489149680E-01,3.7989516389041085E-03,1.3702616940679048E-02,-2.0316089896222633E-03 -(2010 TK7),I11,5.7979000000000000E+04,5.5063257798000002E+01,-3.0553323369000001E+01,1.0369926556273676E+00,-4.1127446564026632E-01,-3.7551564031912010E-01,3.6113642862992644E-03,1.3778397383306861E-02,-1.9637313968174645E-03 -(2010 TK7),I11,5.7980000000000000E+04,5.5901468921999999E+01,-3.0885088664000001E+01,1.0405096476164881E+00,-3.9745846893987730E-01,-3.7744537863362976E-01,3.4226390884563212E-03,1.3851869080721104E-02,-1.8953226669825619E-03 -(2010 TK7),I11,5.7981000000000000E+04,5.6737792939000002E+01,-3.1216528618000002E+01,1.0438373309796547E+00,-3.8357016831646973E-01,-3.7930645016476294E-01,3.2327866206429889E-03,1.3923013485455084E-02,-1.8263860111423292E-03 -(2010 TK7),I11,5.7982000000000000E+04,5.7572129341000000E+01,-3.1547561106000000E+01,1.0469745836956839E+00,-3.6961190111564635E-01,-3.8109832845995895E-01,3.0418175711143776E-03,1.3991811613009990E-02,-1.7569246643724544E-03 -(2010 TK7),I11,5.7983000000000000E+04,5.8404379433000003E+01,-3.1878097207000000E+01,1.0499202945712587E+00,-3.5558602395837735E-01,-3.8282049030097431E-01,2.8497427549937105E-03,1.4058244035026335E-02,-1.6869418907713564E-03 -(2010 TK7),I11,5.7984000000000000E+04,5.9234450086999999E+01,-3.2208040273999998E+01,1.0526733633918783E+00,-3.4149491317345371E-01,-3.8447241572345520E-01,2.6565731284704129E-03,1.4122290872495507E-02,-1.6164409885521848E-03 -(2010 TK7),I11,5.7985000000000000E+04,6.0062257809000002E+01,-3.2537285889000003E+01,1.0552327010790170E+00,-3.2734096522399037E-01,-3.8605358804167839E-01,2.4623198033305160E-03,1.4183931789021532E-02,-1.5454252952626986E-03 -(2010 TK7),I11,5.7986000000000000E+04,6.0887732518999997E+01,-3.2865722927999997E+01,1.0575972298482395E+00,-3.1312659713134683E-01,-3.8756349388211042E-01,2.2669940618446358E-03,1.4243145984146225E-02,-1.4738981931457183E-03 -(2010 TK7),I11,5.7987000000000000E+04,6.1710820314000003E+01,-3.3193235678000001E+01,1.0597658833671759E+00,-2.9885424690489226E-01,-3.8900162322944287E-01,2.0706073720304164E-03,1.4299912186721588E-02,-1.4018631146390326E-03 -(2010 TK7),I11,5.7988000000000000E+04,6.2531484691000003E+01,-3.3519706655999997E+01,1.0617376069188533E+00,-2.8452637398563008E-01,-3.9036746948684564E-01,1.8731714032846130E-03,1.4354208648363925E-02,-1.3293235480222004E-03 -(2010 TK7),I11,5.7989000000000000E+04,6.3349706146999999E+01,-3.3845019553000000E+01,1.0635113575792388E+00,-2.7014545971556292E-01,-3.9166052954813768E-01,1.6746980424638767E-03,1.4406013136976870E-02,-1.2562830432355698E-03 -(2010 TK7),I11,5.7990000000000000E+04,6.4165480536000004E+01,-3.4169061751000001E+01,1.0650861044191235E+00,-2.5571400782689124E-01,-3.9288030387831796E-01,1.4751994103474938E-03,1.4455302930368960E-02,-1.1827452178464950E-03 -(2010 TK7),I11,5.7991000000000000E+04,6.4978816835000003E+01,-3.4491726088000000E+01,1.0664608287341220E+00,-2.4123454495245400E-01,-3.9402629659763877E-01,1.2746878785936302E-03,1.4502054809938675E-02,-1.1087137631982081E-03 -(2010 TK7),I11,5.7992000000000000E+04,6.5789734949999996E+01,-3.4812911821999997E+01,1.0676345243031578E+00,-2.2670962114343349E-01,-3.9509801556750546E-01,1.0731760871292642E-03,1.4546245054516526E-02,-1.0341924507411991E-03 -(2010 TK7),I11,5.7993000000000000E+04,6.6598263962999994E+01,-3.5132524957000001E+01,1.0686061976714551E+00,-2.1214181039149890E-01,-3.9609497247781522E-01,8.7067696201556001E-04,1.4587849434285755E-02,-9.5918513852790690E-04 -(2010 TK7),I11,5.7994000000000000E+04,6.7404440972000003E+01,-3.5450478191999999E+01,1.0693748684541389E+00,-1.9753371115263899E-01,-3.9701668293706804E-01,6.6720373383161950E-04,1.4626843204874300E-02,-8.8369577792131947E-04 -(2010 TK7),I11,5.7995000000000000E+04,6.8208310483999995E+01,-3.5766690724999997E+01,1.0699395696578053E+00,-1.8288794686933571E-01,-3.9786266656724911E-01,4.6276995654121866E-04,1.4663201101589023E-02,-8.0772842048022460E-04 -(2010 TK7),I11,5.7996000000000000E+04,6.9009924190000007E+01,-3.6081088098000002E+01,1.0702993480184493E+00,-1.6820716649500572E-01,-3.9863244710483564E-01,2.5738952690573889E-04,1.4696897333840449E-02,-7.3128722506038359E-04 -(2010 TK7),I11,5.7997000000000000E+04,6.9809340921000000E+01,-3.6393602186999999E+01,1.0704532643555507E+00,-1.5349404501944058E-01,-3.9932555250930651E-01,5.1076704424503697E-05,1.4727905579753710E-02,-6.5437646511357713E-04 -(2010 TK7),I11,5.7998000000000000E+04,7.0606626564999999E+01,-3.6704171375000001E+01,1.0704003939425581E+00,-1.3875128399952169E-01,-3.9994151507986503E-01,-1.5615386814054211E-04,1.4756198981000942E-02,-5.7700053621530440E-04 -(2010 TK7),I11,5.7999000000000000E+04,7.1401853755000005E+01,-3.7012740880000003E+01,1.0701398268946303E+00,-1.2398161209317399E-01,-4.0047987158121540E-01,-3.6428714368860748E-04,1.4781750137882722E-02,-4.9916396380927485E-04 -(2010 TK7),I11,5.8000000000000000E+04,7.2195101151000003E+01,-3.7319263157999998E+01,1.0696706685749666E+00,-1.0918778560330539E-01,-4.0094016337867400E-01,-5.7330764906300333E-04,1.4804531104665409E-02,-4.2087141120161038E-04 -(2010 TK7),I11,5.8001000000000000E+04,7.2986452220000004E+01,-3.7623698220999998E+01,1.0689920400217801E+00,-9.4372589026626097E-02,-4.0132193658319393E-01,-7.8319946277325900E-04,1.4824513385218693E-02,-3.4212768778282295E-04 -(2010 TK7),I11,5.8002000000000000E+04,7.3775993518000007E+01,-3.7926013683000001E+01,1.0681030783990206E+00,-7.9538835614921310E-02,-4.0162474220602001E-01,-9.9394619205157245E-04,1.4841667928957034E-02,-2.6293775751459828E-04 -(2010 TK7),I11,5.8003000000000000E+04,7.4563812627999994E+01,-3.8226184314999998E+01,1.0670029374744436E+00,-6.4689367944494897E-02,-4.0184813632261995E-01,-1.2055309492971060E-03,1.4855965127111634E-02,-1.8330674767302876E-04 -(2010 TK7),I11,5.8004000000000000E+04,7.5349996063999995E+01,-3.8524190951000001E+01,1.0656907881285103E+00,-4.9827058493079585E-02,-4.0199168024485776E-01,-1.4179363278731894E-03,1.4867374809385369E-02,-1.0323995786091325E-04 -(2010 TK7),I11,5.8005000000000000E+04,7.6134627570999996E+01,-3.8820018691000001E+01,1.0641658188961960E+00,-3.4954810221119709E-02,-4.0205494070026782E-01,-1.6311443772700600E-03,1.4875866240942285E-02,-2.2742869295783330E-05 -(2010 TK7),I11,5.8006000000000000E+04,7.6917787239999996E+01,-3.9113654509000000E+01,1.0624272365414251E+00,-2.0075557153040408E-02,-4.0203749001769079E-01,-1.8451365775920318E-03,1.4881408119802739E-02,5.8178845611291639E-05 -(2010 TK7),I11,5.8007000000000000E+04,7.7699551748999994E+01,-3.9405084504999998E+01,1.0604742666613680E+00,-5.1922649529256015E-03,-4.0193890631940565E-01,-2.0598938133951036E-03,1.4883968574634806E-02,1.3951931338873527E-04 -(2010 TK7),I11,5.8008000000000000E+04,7.8479995809000002E+01,-3.9694291147000001E+01,1.0583061543173649E+00,9.6920685048035859E-03,-4.0175877372081653E-01,-2.2753963468180529E-03,1.4883515162932105E-02,2.2127244932967552E-04 -(2010 TK7),I11,5.8009000000000000E+04,7.9259194722999993E+01,-3.9981250780000003E+01,1.0559221646894796E+00,2.4574412572007320E-02,-4.0149668253929405E-01,-2.4916237900130997E-03,1.4880014869618253E-02,3.0343194699937692E-04 -(2010 TK7),I11,5.8010000000000000E+04,8.0037227810000005E+01,-4.0265931645999999E+01,1.0533215837540841E+00,3.9451703266689203E-02,-4.0115222951370849E-01,-2.7085550767853880E-03,1.4873434106062353E-02,3.8599126741361618E-04 -(2010 TK7),I11,5.8011000000000000E+04,8.0814182450000004E+01,-4.0548292547000003E+01,1.0505037189845725E+00,5.4320842717203721E-02,-4.0072501803564975E-01,-2.9261684334240309E-03,1.4863738709553275E-02,4.6894362788253572E-04 -(2010 TK7),I11,5.8012000000000000E+04,8.1590158497000004E+01,-4.0828282258999998E+01,1.0474679000763534E+00,6.9178698607652203E-02,-4.0021465839298226E-01,-3.1444413486385642E-03,1.4850893943301986E-02,5.5228199048447434E-04 -(2010 TK7),I11,5.8013000000000000E+04,8.2365272755999996E+01,-4.1105839748999998E+01,1.0442134796960869E+00,8.4022103625645300E-02,-3.9962076802623986E-01,-3.3633505425597196E-03,1.4834864496987734E-02,6.3599905018739942E-04 -(2010 TK7),I11,5.8014000000000000E+04,8.3139663200000001E+01,-4.1380895230999997E+01,1.0407398342550358E+00,9.8847854911274069E-02,-3.9894297179866811E-01,-3.5828719347672138E-03,1.4815614487966117E-02,7.2008722259213494E-04 -(2010 TK7),I11,5.8015000000000000E+04,8.3913492497999997E+01,-4.1653371993999997E+01,1.0370463647077188E+00,1.1365271350338471E-01,-3.9818090228109077E-01,-3.8029806112817033E-03,1.4793107463216142E-02,8.0453863128836201E-04 -(2010 TK7),I11,5.8016000000000000E+04,8.4686950453999998E+01,-4.1923188773000000E+01,1.0331324973783196E+00,1.2843340378290755E-01,-3.9733420005250847E-01,-4.0236507905450931E-03,1.4767306402154474E-02,8.8934509483175014E-04 -(2010 TK7),I11,5.8017000000000000E+04,8.5460255140000001E+01,-4.2190262337000000E+01,1.0289976848208040E+00,1.4318661290877122E-01,-3.9640251401691973E-01,-4.2448557883685116E-03,1.4738173720345929E-02,9.7449811332235613E-04 -(2010 TK7),I11,5.8018000000000000E+04,8.6233652776000000E+01,-4.2454509858999998E+01,1.0246414067179328E+00,1.5790899025101310E-01,-3.9538550173564529E-01,-4.4665679818938842E-03,1.4705671274255375E-02,1.0599888545931527E-03 -(2010 TK7),I11,5.8019000000000000E+04,8.7007416677999998E+01,-4.2715850766999999E+01,1.0200631708252696E+00,1.7259714682000424E-01,-3.9428282977430468E-01,-4.6887587725291651E-03,1.4669760367066676E-02,1.1458081399866561E-03 -(2010 TK7),I11,5.8020000000000000E+04,8.7781845774999994E+01,-4.2974207898000003E+01,1.0152625139609663E+00,1.8724765470169377E-01,-3.9309417406306368E-01,-4.9113985479506137E-03,1.4630401755656153E-02,1.2319464297295137E-03 -(2010 TK7),I11,5.8021000000000000E+04,8.8557263160000005E+01,-4.3229507972999997E+01,1.0102390030410044E+00,2.0185704650238157E-01,-3.9181922026965377E-01,-5.1344566431404549E-03,1.4587555658729358E-02,1.3183938079039314E-03 -(2010 TK7),I11,5.8022000000000000E+04,8.9334015038999993E+01,-4.3481681557999998E+01,1.0049922361587049E+00,2.1642181480418593E-01,-3.9045766418557631E-01,-5.3579013004587724E-03,1.4541181766239605E-02,1.4051399669724940E-03 -(2010 TK7),I11,5.8023000000000000E+04,9.0112470224999996E+01,-4.3730662731000002E+01,9.9952184370503772E-01,2.3093841163715692E-01,-3.8900921212592282E-01,-5.5816996287843344E-03,1.4491239250072192E-02,1.4921741918961452E-03 -(2010 TK7),I11,5.8024000000000000E+04,9.0893020183999994E+01,-4.3976388663000002E+01,9.9382748952948929E-01,2.4540324796534912E-01,-3.8747358134413235E-01,-5.8058175616704311E-03,1.4437686776095056E-02,1.5794853438019368E-03 -(2010 TK7),I11,5.8025000000000000E+04,9.1676079494000007E+01,-4.4218799285999999E+01,9.8790887213997403E-01,2.5981269318980088E-01,-3.8585050046249103E-01,-6.0302198145518234E-03,1.4380482517635060E-02,1.6670618432112739E-03 -(2010 TK7),I11,5.8026000000000000E+04,9.2462086510999995E+01,-4.4457837167000001E+01,9.8176572594286582E-01,2.7416307466604262E-01,-3.8413970991957541E-01,-6.2548698409391644E-03,1.4319584170442859E-02,1.7548916528164304E-03 -(2010 TK7),I11,5.8027000000000000E+04,9.3251503975999995E+01,-4.4693447622999997E+01,9.7539782252323493E-01,2.8845067723768630E-01,-3.8234096243538995E-01,-6.4797297876370442E-03,1.4254948969263903E-02,1.8429622597934420E-03 -(2010 TK7),I11,5.8028000000000000E+04,9.4044819239999995E+01,-4.4925579052000003E+01,9.6880497196652493E-01,3.0267174278573611E-01,-3.8045402349506258E-01,-6.7047604489512492E-03,1.4186533706066829E-02,1.9312606576637132E-03 -(2010 TK7),I11,5.8029000000000000E+04,9.4842543824000003E+01,-4.5154183334000003E+01,9.6198702422780891E-01,3.1682246978488993E-01,-3.7847867185318695E-01,-6.9299212197623649E-03,1.4114294750100851E-02,2.0197733276358073E-03 -(2010 TK7),I41,5.7970000000000000E+04,4.7445754858000001E+01,-2.7569684592000002E+01,9.9701103600897245E-01,-5.3198818156316474E-01,-3.5514662872560382E-01,5.2574458253522686E-03,1.3015345516294741E-02,-2.5551276822741247E-03 -(2010 TK7),I41,5.7971000000000000E+04,4.8297049348999998E+01,-2.7901014268000001E+01,1.0021795848127175E+00,-5.1892513929946538E-01,-3.5767014927648033E-01,5.0793327300606541E-03,1.3108978371095665E-02,-2.4916134454060490E-03 -(2010 TK7),I41,5.7972000000000000E+04,4.9147168491000002E+01,-2.8232710976000000E+01,1.0071693926644316E+00,-5.0576955325889361E-01,-3.6012988477865321E-01,4.8999996868057689E-03,1.3200435959246038E-02,-2.4275426903364260E-03 -(2010 TK7),I41,5.7973000000000000E+04,4.9996052667999997E+01,-2.8564686414000001E+01,1.0119792445039724E+00,-4.9252360657083516E-01,-3.6252528009021201E-01,4.7194568317921581E-03,1.3289702979344216E-02,-2.3629186011796762E-03 -(2010 TK7),I41,5.7974000000000000E+04,5.0843638906000002E+01,-2.8896856885999998E+01,1.0166079354023827E+00,-4.7918949784781945E-01,-3.6485578325481388E-01,4.5377143133085154E-03,1.3376763748824818E-02,-2.2977443502424921E-03 -(2010 TK7),I41,5.7975000000000000E+04,5.1689859818000002E+01,-2.9229143033000000E+01,1.0210542705765708E+00,-4.6576944158473332E-01,-3.6712084549475382E-01,4.3547823035340700E-03,1.3461602196860706E-02,-2.2320231021937861E-03 -(2010 TK7),I41,5.7976000000000000E+04,5.2534642679000001E+01,-2.9561469225000000E+01,1.0253170654213264E+00,-4.5226566856163342E-01,-3.6931992120821411E-01,4.1706710104730546E-03,1.3544201857322278E-02,-2.1657580182901054E-03 -(2010 TK7),I41,5.7977000000000000E+04,5.3377908806000001E+01,-2.9893762581000001E+01,1.0293951455563788E+00,-4.3868042625525583E-01,-3.7145246796904030E-01,3.9853906901479910E-03,1.3624545861757384E-02,-2.0989522606964526E-03 -(2010 TK7),I41,5.7978000000000000E+04,5.4219573337999996E+01,-3.0225951692999999E+01,1.0332873468880801E+00,-4.2501597925888607E-01,-3.7351794652891113E-01,3.7989516590690806E-03,1.3702616932385283E-02,-2.0316089969126148E-03 -(2010 TK7),I41,5.7979000000000000E+04,5.5059545526999997E+01,-3.0557965092000000E+01,1.0369925156870115E+00,-4.1127460970475205E-01,-3.7551582082293505E-01,3.6113643069132593E-03,1.3778397375131474E-02,-1.9637314042826818E-03 -(2010 TK7),I41,5.7980000000000000E+04,5.5897729599999998E+01,-3.0889729534000001E+01,1.0405095086799041E+00,-3.9745861769440677E-01,-3.7744555797797719E-01,3.4226391095200596E-03,1.3851869072675617E-02,-1.8953226746244865E-03 -(2010 TK7),I41,5.7981000000000000E+04,5.6734026278000002E+01,-3.1221168211999998E+01,1.0438371931578883E+00,-3.8357032173166306E-01,-3.7930662832437773E-01,3.2327866421596367E-03,1.3923013477548967E-02,-1.8263860189619034E-03 -(2010 TK7),I41,5.7982000000000000E+04,5.7568335042000001E+01,-3.1552199009999999E+01,1.0469744471006455E+00,-3.6961205915909900E-01,-3.8109850541024037E-01,3.0418175930859662E-03,1.3991811605253715E-02,-1.7569246723708957E-03 -(2010 TK7),I41,5.7983000000000000E+04,5.8400557190000001E+01,-3.1882733011999999E+01,1.0499201593156162E+00,-3.5558618659455310E-01,-3.8282066601804432E-01,2.8497427774219850E-03,1.4058244027430649E-02,-1.6869418989499279E-03 -(2010 TK7),I41,5.7984000000000000E+04,5.9230599583999997E+01,-3.2212673578999997E+01,1.0526732295889265E+00,-3.4149508036354193E-01,-3.8447259018421914E-01,2.6565731513572945E-03,1.4122290865071042E-02,-1.6164409969119408E-03 -(2010 TK7),I41,5.7985000000000000E+04,6.0058378724000001E+01,-3.2541916301999997E+01,1.0552325688425259E+00,-3.2734113692578182E-01,-3.8605376122388335E-01,2.4623198266768773E-03,1.4183931781779751E-02,-1.5454253038049977E-03 -(2010 TK7),I41,5.7986000000000000E+04,6.0883824521999998E+01,-3.2870350064999997E+01,1.0575970992922779E+00,-3.1312677329907473E-01,-3.8756366576440116E-01,2.2669940856527371E-03,1.4243145977097608E-02,-1.4738982018713360E-03 -(2010 TK7),I41,5.7987000000000000E+04,6.1706883067000000E+01,-3.3197859166000001E+01,1.0597657546059089E+00,-2.9885442748909474E-01,-3.8900179379141070E-01,2.0706073963021590E-03,1.4299912179876939E-02,-1.4018631235487569E-03 -(2010 TK7),I41,5.7988000000000000E+04,6.2527517852999999E+01,-3.3524326135000003E+01,1.0617374800663266E+00,-2.8452655893302964E-01,-3.9036763870907121E-01,1.8731714280200854E-03,1.4354208641735325E-02,-1.3293235571172517E-03 -(2010 TK7),I41,5.7989000000000000E+04,6.3345709366999998E+01,-3.3849634674999997E+01,1.0635112327491529E+00,-2.7014564896896065E-01,-3.9166069741222931E-01,1.6746980676630597E-03,1.4406013130576380E-02,-1.2562830525169836E-03 -(2010 TK7),I41,5.7990000000000000E+04,6.4161453455000000E+01,-3.4173672183999997E+01,1.0650859817246072E+00,-2.5571420132511619E-01,-3.9288047036694379E-01,1.4751994360132480E-03,1.4455302924206957E-02,-1.1827452273144923E-03 -(2010 TK7),I41,5.7991000000000000E+04,6.4974759087999999E+01,-3.4496331517000002E+01,1.0664607082875157E+00,-2.4123474263031530E-01,-3.9402646169455641E-01,1.2746879047244039E-03,1.4502054804028174E-02,-1.1087137728539426E-03 -(2010 TK7),I41,5.7992000000000000E+04,6.5785646161000003E+01,-3.4817511947000000E+01,1.0676344062158030E+00,-2.2670982293173819E-01,-3.9509817925758400E-01,1.0731761137266716E-03,1.4546245048868763E-02,-1.0341924605849781E-03 -(2010 TK7),I41,5.7993000000000000E+04,6.6594143747000004E+01,-3.5137119497999997E+01,1.0686060820534942E+00,-2.1214201621704723E-01,-3.9609513474705732E-01,8.7067698907912234E-04,1.4587849428913162E-02,-9.5918514856034717E-04 -(2010 TK7),I41,5.7994000000000000E+04,6.7400288932999999E+01,-3.5455066887999998E+01,1.0693747554143163E+00,-1.9753392093826791E-01,-3.9701684377262747E-01,6.6720376136179468E-04,1.4626843199788835E-02,-8.8369578814272100E-04 -(2010 TK7),I41,5.7995000000000000E+04,6.8204126212999995E+01,-3.5771273334999997E+01,1.0699394593032778E+00,-1.8288816053395349E-01,-3.9786282595744288E-01,4.6276998453620346E-04,1.4663201096803833E-02,-8.0772843089125114E-04 -(2010 TK7),I41,5.7996000000000000E+04,6.9005707267000005E+01,-3.6085664399999999E+01,1.0702992404545972E+00,-1.6820738395363377E-01,-3.9863260503915349E-01,2.5738955536497386E-04,1.4696897329368023E-02,-7.3128723566122616E-04 -(2010 TK7),I41,5.7997000000000000E+04,6.9805090910000004E+01,-3.6398171980999997E+01,1.0704531596857880E+00,-1.5349426618328738E-01,-3.9932570897841579E-01,5.1076733347840513E-05,1.4727905575606447E-02,-6.5437647590433181E-04 -(2010 TK7),I41,5.7998000000000000E+04,7.0602343016000006E+01,-3.6708734481999997E+01,1.0704002922681504E+00,-1.3875150877602227E-01,-3.9994167007561343E-01,-1.5615383875431516E-04,1.4756198977191751E-02,-5.7700054719606953E-04 -(2010 TK7),I41,5.7999000000000000E+04,7.1397536203000001E+01,-3.7017297143999997E+01,1.0701397283145129E+00,-1.2398184038607982E-01,-4.0048002509662600E-01,-3.6428711384086342E-04,1.4781750134424614E-02,-4.9916397498009184E-04 -(2010 TK7),I41,5.8000000000000000E+04,7.2190749113999999E+01,-3.7323812445000002E+01,1.0696705731855716E+00,-1.0918801731275660E-01,-4.0094031540793779E-01,-5.7330761875613607E-04,1.4804531101571840E-02,-4.2087142256252682E-04 -(2010 TK7),I41,5.8001000000000000E+04,7.2982065199000004E+01,-3.7628240419000001E+01,1.0689919479168675E+00,-9.4372824049252596E-02,-4.0132208712165790E-01,-7.8319943200869796E-04,1.4824513382502765E-02,-3.4212769933360975E-04 -(2010 TK7),I41,5.8002000000000000E+04,7.3771570994000001E+01,-3.7930548702000003E+01,1.0681029896695269E+00,-7.9539073843947705E-02,-4.0162489125017137E-01,-9.9394616083097343E-04,1.4841667926631968E-02,-2.6293776925495003E-04 -(2010 TK7),I41,5.8003000000000000E+04,7.4559354061999997E+01,-3.8230712089999997E+01,1.0670028522083395E+00,-6.4689609269846321E-02,-4.0184828387006666E-01,-1.2055309176235880E-03,1.4855965125191262E-02,-1.8330675960273344E-04 -(2010 TK7),I41,5.8004000000000000E+04,7.5345500896999994E+01,-3.8528711438000002E+01,1.0656907064106813E+00,-4.9827302801499274E-02,-4.0199182629430585E-01,-1.4179362957491160E-03,1.4867374807883266E-02,-1.0323996997953360E-04 -(2010 TK7),I41,5.8005000000000000E+04,7.6130095220000001E+01,-3.8824531870999998E+01,1.0641657408083294E+00,-3.4955057396274497E-02,-4.0205508525150041E-01,-1.6311443446982675E-03,1.4875866239872240E-02,-2.2742881602841240E-05 -(2010 TK7),I41,5.8006000000000000E+04,7.6913217101000001E+01,-3.9118160381999999E+01,1.0624271621619055E+00,-2.0075807075617402E-02,-4.0203763307155266E-01,-1.8451365445759597E-03,1.4881408119178768E-02,5.8178833116379687E-05 -(2010 TK7),I41,5.8007000000000000E+04,7.7694943193000000E+01,-3.9409583097000002E+01,1.0604741960651849E+00,-5.1925175007399016E-03,-4.0193904787778989E-01,-2.0598937799368661E-03,1.4883968574470600E-02,1.3951930070677418E-04 -(2010 TK7),I41,5.8008000000000000E+04,7.8475348186000005E+01,-3.9698782504999997E+01,1.0583060875760106E+00,9.6918134567313963E-03,-4.0175891378665940E-01,-2.2753963129229478E-03,1.4883515163242305E-02,2.2127243646121364E-04 -(2010 TK7),I41,5.8009000000000000E+04,7.9254507355000001E+01,-3.9985734972000003E+01,1.0559221018708396E+00,2.4574155151391386E-02,-4.0149682111657686E-01,-2.4916237556851222E-03,1.4880014870417107E-02,3.0343193394531600E-04 -(2010 TK7),I41,5.8010000000000000E+04,8.0032499997000002E+01,-4.0270408762999999E+01,1.0533215249223140E+00,3.9451443603890884E-02,-4.0115236660746656E-01,-2.7085550420266635E-03,1.4873434107363838E-02,3.8599125417509441E-04 -(2010 TK7),I41,5.8011000000000000E+04,8.0809413469000006E+01,-4.0552762706000003E+01,1.0505036641999599E+00,5.4320580945190600E-02,-4.0072515365198519E-01,-2.9261683982408603E-03,1.4863738711372278E-02,4.6894361446049229E-04 -(2010 TK7),I41,5.8012000000000000E+04,8.1585347600999995E+01,-4.0832745598999999E+01,1.0474678493951695E+00,6.9178434861924390E-02,-4.0021479253907544E-01,-3.1444413130352553E-03,1.4850893945653046E-02,5.5228197688014173E-04 -(2010 TK7),I41,5.8013000000000000E+04,8.2360419175000004E+01,-4.1110296435999999E+01,1.0442134331704134E+00,8.4021838044180702E-02,-3.9962090071036205E-01,-3.3633505065414314E-03,1.4834864499885587E-02,6.3599903640210176E-04 -(2010 TK7),I41,5.8014000000000000E+04,8.3134766142999993E+01,-4.1385345458000003E+01,1.0407397919325787E+00,9.8847587634455586E-02,-3.9894310303018765E-01,-3.5828718983394693E-03,1.4815614491425601E-02,7.2008720862732267E-04 -(2010 TK7),I41,5.8015000000000000E+04,8.3908551149999994E+01,-4.1657815982999999E+01,1.0370463266316128E+00,1.1365244467391816E-01,-3.9818103207047284E-01,-3.8029805744506568E-03,1.4793107467252226E-02,8.0453861714561785E-04 -(2010 TK7),I41,5.8016000000000000E+04,8.4681963976999995E+01,-4.1927626779000001E+01,1.0331324635869232E+00,1.2843313354572439E-01,-3.9733432841130495E-01,-4.0236507533161041E-03,1.4767306406782038E-02,8.8934508051289913E-04 -(2010 TK7),I41,5.8017000000000000E+04,8.5455222675000002E+01,-4.2194694648000002E+01,1.0289976553475033E+00,1.4318634141089215E-01,-3.9640264095775102E-01,-4.2448557507493165E-03,1.4738173725580188E-02,9.7449809882924217E-04 -(2010 TK7),I41,5.8018000000000000E+04,8.6228573439000002E+01,-4.2458936798000003E+01,1.0246413815909368E+00,1.5790871764140491E-01,-3.9538562727217197E-01,-4.4665679438914540E-03,1.4705671280111451E-02,1.0599888399278746E-03 -(2010 TK7),I41,5.8019000000000000E+04,8.7002289559999994E+01,-4.2720272698000002E+01,1.0200631500674371E+00,1.7259687324940332E-01,-3.9428295392119178E-01,-4.6887587341525212E-03,1.4669760373559841E-02,1.1458081251514590E-03 -(2010 TK7),I41,5.8020000000000000E+04,8.7776669939000001E+01,-4.2978625223999998E+01,1.0152624975896476E+00,1.8724738032239494E-01,-3.9309429683593988E-01,-4.9113985092050462E-03,1.4630401762801455E-02,1.2319464147268928E-03 -(2010 TK7),I41,5.8021000000000000E+04,8.8552037639999995E+01,-4.3233921137999999E+01,1.0102389910678999E+00,2.0185677146804154E-01,-3.9181934168506433E-01,-5.1344566040365013E-03,1.4587555666542143E-02,1.3183937927364981E-03 -(2010 TK7),I41,5.8022000000000000E+04,8.9328738838999996E+01,-4.3486091053999999E+01,1.0049922285897444E+00,2.1642153926958191E-01,-3.9045778426093464E-01,-5.3579012610055722E-03,1.4541181774735141E-02,1.4051399516430588E-03 -(2010 TK7),I41,5.8023000000000000E+04,9.0107142315000004E+01,-4.3735069094000004E+01,9.9952184054026949E-01,2.3093813575796829E-01,-3.8900933087945888E-01,-5.5816995889911656E-03,1.4491239259265690E-02,1.4921741764077731E-03 -(2010 TK7),I41,5.8024000000000000E+04,9.0887639500000006E+01,-4.3980792479000002E+01,9.9382749076299437E-01,2.4540297189790383E-01,-3.8747369879484017E-01,-5.8058175215482729E-03,1.4437686786001748E-02,1.5794853281578410E-03 -(2010 TK7),I41,5.8025000000000000E+04,9.1670644934999999E+01,-4.4223201191999998E+01,9.8790887775978375E-01,2.5981241709084929E-01,-3.8585061663007070E-01,-6.0302197741100121E-03,1.4380482528270115E-02,1.6670618274149131E-03 -(2010 TK7),I41,5.8026000000000000E+04,9.2456596938999994E+01,-4.4462237854000001E+01,9.8176573593089878E-01,2.7416279869249910E-01,-3.8413982482437675E-01,-6.2548698001909150E-03,1.4319584181821322E-02,1.7548916368715084E-03 -(2010 TK7),I41,5.8027000000000000E+04,9.3245958208000005E+01,-4.4697847838000001E+01,9.7539783685524217E-01,2.8845040154637641E-01,-3.8234107609834916E-01,-6.4797297465938025E-03,1.4254948981400813E-02,1.8429622437038421E-03 -(2010 TK7),I41,5.8028000000000000E+04,9.4039216052000000E+01,-4.4929979600999999E+01,9.6880499061204550E-01,3.0267146753313845E-01,-3.8045413593763788E-01,-6.7047604076248182E-03,1.4186533718977136E-02,1.9312606414335339E-03 -(2010 TK7),I41,5.8029000000000000E+04,9.4836881943999998E+01,-4.5158585086000002E+01,9.6198704715013716E-01,3.1682219512687548E-01,-3.7847878309728528E-01,-6.9299211781670457E-03,1.4114294763799216E-02,2.0197733112694858E-03 -(2020 AV2),500,5.7970000000000000E+04,1.2678928717200000E+02,2.4903502642999999E+01,-1.2776744226048353E-01,5.0199561811778171E-01,1.4594851248314741E-01,-2.1778190239750111E-02,-9.4339278908052993E-03,-1.9391740552228707E-03 -(2020 AV2),500,5.7971000000000000E+04,1.2840802511300001E+02,2.4448391396000002E+01,-1.4941809445381682E-01,4.9208797784202585E-01,1.4387051133639070E-01,-2.1511579907619489E-02,-1.0388776518837810E-02,-2.2176074360267424E-03 -(2020 AV2),500,5.7972000000000000E+04,1.3002215762599999E+02,2.3968149722000000E+01,-1.7077813104811590E-01,4.8122422891399330E-01,1.4151293272662357E-01,-2.1196396292579044E-02,-1.1345689874247829E-02,-2.4982388434525243E-03 -(2020 AV2),500,5.7973000000000000E+04,1.3163117608499999E+02,2.3463007686000001E+01,-1.9179820060153108E-01,4.6940340644186040E-01,1.3887386398588783E-01,-2.0831092175746579E-02,-1.2302417740172858E-02,-2.7804844543452118E-03 -(2020 AV2),500,5.7974000000000000E+04,1.3323461106400001E+02,2.2933234598999999E+01,-2.1242744057905005E-01,4.5662689673225543E-01,1.3595200601460200E-01,-2.0414197107345936E-02,-1.3256505923790849E-02,-3.0637003074622635E-03 -(2020 AV2),500,5.7975000000000000E+04,1.3483203319000000E+02,2.2379139541000001E+01,-2.3261356565679225E-01,4.4289864449474914E-01,1.3274673472594034E-01,-1.9944340998971626E-02,-1.4205290092618492E-02,-3.3471797788955280E-03 -(2020 AV2),500,5.7976000000000000E+04,1.3642305357699999E+02,2.1801071909000001E+01,-2.5230298085941272E-01,4.2822536523514587E-01,1.2925816478102178E-01,-1.9420280192190640E-02,-1.5145891643811971E-02,-3.6301515490981145E-03 -(2020 AV2),500,5.7977000000000000E+04,1.3800732387599999E+02,2.1199422003999999E+01,-2.7144092197002589E-01,4.1261676057338759E-01,1.2548721505515006E-01,-1.8840925939518728E-02,-1.6075216093517440E-02,-3.9117782011439464E-03 -(2020 AV2),500,5.7978000000000000E+04,1.3958453599399999E+02,2.0574621630999999E+01,-2.8997162555710532E-01,3.9608573371118594E-01,1.2143567512842866E-01,-1.8205375147759311E-02,-1.6989954511033772E-02,-4.1911556033561795E-03 -(2020 AV2),500,5.7979000000000000E+04,1.4115442153000001E+02,1.9927144720000001E+01,-3.0783853077345735E-01,3.7864860172639769E-01,1.1710627193360904E-01,-1.7512943130836740E-02,-1.7886588549291680E-02,-4.4673132404105679E-03 -(2020 AV2),500,5.7980000000000000E+04,1.4271675098099999E+02,1.9257507946000000E+01,-3.2498451475598034E-01,3.6032530082570624E-01,1.1250273552942255E-01,-1.6763198001035262E-02,-1.8761399633016887E-02,-4.7392156637352054E-03 -(2020 AV2),500,5.7981000000000000E+04,1.4427133276500001E+02,1.8566271317000002E+01,-3.4135216303223515E-01,3.4113958011739198E-01,1.0762986279220940E-01,-1.5955996193864230E-02,-1.9610482856567260E-02,-5.0057652338263295E-03 -(2020 AV2),500,5.7982000000000000E+04,1.4581801214399999E+02,1.7854038722999999E+01,-3.5688407575248626E-01,3.2111917894076791E-01,1.0249357764981072E-01,-1.5091518477425785E-02,-2.0429766106740053E-02,-5.2658063215400789E-03 -(2020 AV2),500,5.7983000000000000E+04,1.4735667012600001E+02,1.7121458373999999E+01,-3.7152320984622345E-01,3.0029598230193699E-01,9.7100986319595559E-02,-1.4170305645750593E-02,-2.1215034858573179E-02,-5.5181311214627018E-03 -(2020 AV2),500,5.7984000000000000E+04,1.4888722246899999E+02,1.6369223105000000E+01,-3.8521325632968140E-01,2.7870614856201437E-01,9.1460425870595302E-02,-1.3193292944388969E-02,-2.1961962988792515E-02,-5.7614872063055161E-03 -(2020 AV2),500,5.7985000000000000E+04,1.5040961889400000E+02,1.5598070468000000E+01,-3.9789905097179334E-01,2.5639020323922213E-01,8.5581504319066956E-02,-1.2161842134345912E-02,-2.2666149808775172E-02,-5.9945869156893964E-03 -(2020 AV2),500,5.7986000000000000E+04,1.5192384254000001E+02,1.4808782579000001E+01,-4.0952701537247738E-01,2.3339309266178021E-01,7.9475130398529409E-02,-1.1077769977812985E-02,-2.3323163335232003E-02,-6.2161186249097234E-03 -(2020 AV2),500,5.7987000000000000E+04,1.5342990963299999E+02,1.4002185672000000E+01,-4.2004562424058001E-01,2.0976419129127333E-01,7.3153531130087296E-02,-9.9433718381759500E-03,-2.3928589593323328E-02,-6.4247598792033208E-03 -(2020 AV2),500,5.7988000000000000E+04,1.5492786920899999E+02,1.3179149366000001E+01,-4.2940589331609191E-01,1.8555725686803193E-01,6.6630255366272442E-02,-8.7614390402846621E-03,-2.4478087487975801E-02,-6.6191923074808961E-03 -(2020 AV2),500,5.7989000000000000E+04,1.5641780274499999E+02,1.2340585608000000E+01,-4.3756188100973648E-01,1.6083032816368664E-01,5.9920161608077845E-02,-7.5352686489092002E-03,-2.4967448492414990E-02,-6.7981181481362070E-03 -(2020 AV2),500,5.7990000000000000E+04,1.5789982355999999E+02,1.1487447315000001E+01,-4.4447119552564107E-01,1.3564556102456499E-01,5.3039388597177439E-02,-6.2686644028401659E-03,-2.5392660101908840E-02,-6.9602781319171476E-03 -(2020 AV2),500,5.7991000000000000E+04,1.5937407596500000E+02,1.0620726663999999E+01,-4.5009549803522619E-01,1.1006899962375694E-01,4.6005307489887091E-02,-4.9659277014923540E-03,-2.5749971699911500E-02,-7.1044703766212185E-03 -(2020 AV2),500,5.7992000000000000E+04,1.6084073423199999E+02,9.7414530100000007E+00,-4.5440099149602697E-01,8.4170281307390071E-02,3.8836454802567789E-02,-3.6318377801469771E-03,-2.6035961205027817E-02,-7.2295698617212247E-03 -(2020 AV2),500,5.7993000000000000E+04,1.6230000146399999E+02,8.8506903959999992E+00,-4.5735888400119218E-01,5.8022275181877025E-02,3.1552445795993901E-02,-2.2716205318991274E-03,-2.6247600630565984E-02,-7.3345479735117958E-03 -(2020 AV2),500,5.7994000000000000E+04,1.6375210849300001E+02,7.9495346419999997E+00,-4.5894581520082922E-01,3.1700656535308458E-02,2.4173868508297648E-02,-8.9090582768373058E-04,-2.6382318517889511E-02,-7.4184915501387116E-03 -(2020 AV2),500,5.7995000000000000E+04,1.6519731285500001E+02,7.0391099930000003E+00,-4.5914423440917851E-01,5.2834212637542510E-03,1.6722159237428355E-02,5.0432636438186434E-04,-2.6438057120728498E-02,-7.4806208171859590E-03 -(2020 AV2),500,5.7996000000000000E+04,1.6663589789400001E+02,6.1205653550000001E+00,-4.5794271954974641E-01,-2.1149653394186674E-02,9.2194608947575238E-03,1.9078102744592993E-03,-2.6413322237130717E-02,-7.5203055938910315E-03 -(2020 AV2),500,5.7997000000000000E+04,1.6806817198499999E+02,5.1950701570000000E+00,-4.5533622712003219E-01,-4.7517593474745157E-02,1.6884662604882198E-03,3.3130677668444801E-03,-2.6307223719915302E-02,-7.5370791716965384E-03 -(2020 AV2),500,5.7998000000000000E+04,1.6949446786999999E+02,4.2638098759999998E+00,-4.5132626486394900E-01,-7.3738848053747363E-02,-5.8477512523281159E-03,4.7134891799035560E-03,-2.6119504947504556E-02,-7.5306493223520560E-03 -(2020 AV2),500,5.7999000000000000E+04,1.7091514205300001E+02,3.3279813219999999E+00,-4.4592098078040998E-01,-9.9731932417684410E-02,-1.3365916220317057E-02,6.1024194344174798E-03,-2.5850559897871172E-02,-7.5009059813772767E-03 -(2020 AV2),500,5.8000000000000000E+04,1.7233057420899999E+02,2.3887877450000001E+00,-4.3913516439558042E-01,-1.2541608174611127E-01,-2.0842735712042863E-02,7.4732469668624176E-03,-2.5501436922181465E-02,-7.4479252705896681E-03 -(2020 AV2),500,5.8001000000000000E+04,1.7374116652300000E+02,1.4474338760000001E+00,-4.3099015877003000E-01,-1.5071190178236141E-01,-2.8255085901754295E-02,8.8194928570133023E-03,-2.5073828835300845E-02,-7.3719696641453428E-03 -(2020 AV2),500,5.8002000000000000E+04,1.7514734288400001E+02,5.0512099799999999E-01,-4.2151368438482140E-01,-1.7554200283687621E-01,-3.5580196901027449E-02,1.0134897465730500E-02,-2.4570049495467927E-02,-7.2734842574869972E-03 -(2020 AV2),500,5.8003000000000000E+04,1.7654954782900001E+02,-4.3695782300000002E-01,-4.1073957869736644E-01,-1.9983160393226934E-01,-4.2795831959574808E-02,1.1413501989843235E-02,-2.3992997597711029E-02,-7.1530892575292883E-03 -(2020 AV2),500,5.8004000000000000E+04,1.7794824517199999E+02,-1.3776222490000001E+00,-3.9870745765132642E-01,-2.2350909487011286E-01,-4.9880457379669466E-02,1.2649722567699452E-02,-2.3346108918490007E-02,-7.0115689647599067E-03 -(2020 AV2),500,5.8005000000000000E+04,1.7934391626600001E+02,-2.3157088149999998E+00,-3.8546230762911082E-01,-2.4650654546078060E-01,-5.6813399829282511E-02,1.3838414916730017E-02,-2.2633298688794677E-02,-6.8498576536261324E-03 -(2020 AV2),500,5.8006000000000000E+04,1.8073705789900001E+02,-3.2500746299999999E+00,-3.7105401814293715E-01,-2.6876015301329198E-01,-6.3574988202639515E-02,1.4974927926878384E-02,-2.1858896112161248E-02,-6.6690228680811280E-03 -(2020 AV2),500,5.8007000000000000E+04,1.8212817987500000E+02,-4.1796005699999998E+00,-3.5553686688942610E-01,-2.9021062132560543E-01,-7.0146677735832066E-02,1.6055145138260816E-02,-2.1027573264982436E-02,-6.4702467282927124E-03 -(2020 AV2),500,5.8008000000000000E+04,1.8351780234899999E+02,-5.1031939440000000E+00,-3.3896896960592171E-01,-3.1080346671133219E-01,-7.6511154703188214E-02,1.7075513561707327E-02,-2.0144270711595982E-02,-6.2548058890027477E-03 -(2020 AV2),500,5.8009000000000000E+04,1.8490645300400001E+02,-6.0197906170000000E+00,-3.2141170744048475E-01,-3.3048924894103271E-01,-8.2652420669962548E-02,1.8033059822595749E-02,-1.9214122137900191E-02,-6.0240507992645655E-03 -(2020 AV2),500,5.8010000000000000E+04,1.8629466412100001E+02,-6.9283565979999997E+00,-3.0292914432730766E-01,-3.4922372721367778E-01,-8.8555855915326456E-02,1.8925394088315659E-02,-1.8242380167691422E-02,-5.7793848898480670E-03 -(2020 AV2),500,5.8011000000000000E+04,1.8768296958700000E+02,-7.8278891110000002E+00,-2.8358744617902965E-01,-3.6696794333540761E-01,-9.4208262245163557E-02,1.9750702653808128E-02,-1.7234345293619054E-02,-5.5222442627925264E-03 -(2020 AV2),500,5.8012000000000000E+04,1.8907190189799999E+02,-8.7174171820000002E+00,-2.6345431266654795E-01,-3.8368823606029290E-01,-9.9597885951740281E-02,2.0507730388693569E-02,-1.6195299554802707E-02,-5.2540783838793386E-03 -(2020 AV2),500,5.8013000000000000E+04,1.9046198916700001E+02,-9.5960017929999992E+00,-2.4259843102272038E-01,-3.9935619201605832E-01,-1.0471442213640100E-01,2.1195754485493712E-02,-1.5130446250497823E-02,-4.9763321899088777E-03 -(2020 AV2),500,5.8014000000000000E+04,1.9185375222799999E+02,-1.0462735657000000E+01,-2.2108895978971099E-01,-4.1394853974821744E-01,-1.0954900197446570E-01,2.1814551088995715E-02,-1.4044856620043809E-02,-4.6904299259471049E-03 -(2020 AV2),500,5.8015000000000000E+04,1.9324770181900001E+02,-1.1316742700000001E+01,-1.9899504881794305E-01,-4.2744699417070892E-01,-1.1409416476706832E-01,2.2364356437838340E-02,-1.2943424066158650E-02,-4.3977609297020034E-03 -(2020 AV2),500,5.8016000000000000E+04,1.9464433587600001E+02,-1.2157177305999999E+01,-1.7638540019291482E-01,-4.3983805912765750E-01,-1.1834381679664231E-01,2.2845824121867964E-02,-1.1830826169728179E-02,-4.0996674864189646E-03 -(2020 AV2),500,5.8017000000000000E+04,1.9604413684799999E+02,-1.2983223389000001E+01,-1.5332787321004693E-01,-4.5111279586322756E-01,-1.2229317908258784E-01,2.3259979966215396E-02,-1.0711494454636830E-02,-3.7974347928274657E-03 -(2020 AV2),500,5.8018000000000000E+04,1.9744756895899999E+02,-1.3794093323000000E+01,-1.2988913506480304E-01,-4.6126656502911351E-01,-1.2593872613782756E-01,2.3608175912246385E-02,-9.5895916179698192E-03,-3.4922829953458667E-03 -(2020 AV2),500,5.8019000000000000E+04,1.9885507531900001E+02,-1.4589026761000000E+01,-1.0613435765535595E-01,-4.7029874946139066E-01,-1.2927811775940917E-01,2.3892044091332471E-02,-8.4689957504899827E-03,-3.1853612081770297E-03 -(2020 AV2),500,5.8020000000000000E+04,2.0026707483199999E+02,-1.5367289363999999E+01,-8.2126959782062192E-02,-4.7821246441341242E-01,-1.3231012576994564E-01,2.4113452095895119E-02,-7.3532909320345105E-03,-2.8777433709686307E-03 -(2020 AV2),500,5.8021000000000000E+04,2.0168395888699999E+02,-1.6128171479999999E+01,-5.7928393133812150E-02,-4.8501426126269009E-01,-1.3503455746618429E-01,2.4274460255069404E-02,-6.2457634960409215E-03,-2.5704257736230002E-03 -(2020 AV2),500,5.8022000000000000E+04,2.0310608787699999E+02,-1.6870986804000001E+01,-3.3597969742001021E-02,-4.9071382998145541E-01,-1.3745217734667778E-01,2.4377281530846798E-02,-5.1494032098200401E-03,-2.2643260560384253E-03 -(2020 AV2),500,5.8023000000000000E+04,2.0453378763100000E+02,-1.7595071077000000E+01,-9.1927280463210970E-03,-4.9532370490625738E-01,-1.3956462849342011E-01,2.4424244472320944E-02,-4.0669086057998488E-03,-1.9602834814206214E-03 -(2020 AV2),500,5.8024000000000000E+04,2.0596734581199999E+02,-1.8299780878000000E+01,1.5232665629076769E-02,-4.9885897758382380E-01,-1.4137435477867416E-01,2.4417759505751972E-02,-3.0006957180979295E-03,-1.6590602818888675E-03 -(2020 AV2),500,5.8025000000000000E+04,2.0740700840500000E+02,-1.8984492556999999E+01,3.9625983608836401E-02,-5.0133701974754930E-01,-1.4288452487107589E-01,2.4360288700050466E-02,-1.9529095192932812E-03,-1.3613438819474564E-03 -(2020 AV2),500,5.8026000000000000E+04,2.0885297633499999E+02,-1.9648601365000001E+01,6.3937474901419211E-02,-5.0277721879957771E-01,-1.4409895882578114E-01,2.4254319031910963E-02,-9.2543740937989227E-04,-1.0677498176815609E-03 -(2020 AV2),500,5.8027000000000000E+04,2.1030540232300001E+02,-2.0291520805000001E+01,8.8119878211849523E-02,-5.0320072755909240E-01,-1.4502205786956957E-01,2.4102339082096975E-02,8.0075824790970529E-05,-7.7882518517855665E-04 -(2020 AV2),500,5.8028000000000000E+04,2.1176438800599999E+02,-2.0912682273000001E+01,1.1212841330080636E-01,-5.0263022949059111E-01,-1.4565873783390834E-01,2.3906819022885162E-02,1.0622120895781399E-03,-4.9505246953964745E-04 -(2020 AV2),500,5.8029000000000000E+04,2.1322998139000001E+02,-2.1511534981000000E+01,1.3592075387788005E-01,-5.0108972015374853E-01,-1.4601436654971389E-01,2.3670193704605106E-02,2.0197635409510608E-03,-2.1685362477412963E-04 -(2020 AV2),703,5.7970000000000000E+04,1.2678781404999999E+02,2.4902852161999999E+01,-1.2776762335101810E-01,5.0199539349547095E-01,1.4594940016109889E-01,-2.1778190215224171E-02,-9.4339279870659116E-03,-1.9391740832139699E-03 -(2020 AV2),703,5.7971000000000000E+04,1.2840656222800001E+02,2.4447742066000000E+01,-1.4941828400298207E-01,4.9208774078149520E-01,1.4387139171888719E-01,-2.1511579877908773E-02,-1.0388776616599971E-02,-2.2176074646138738E-03 -(2020 AV2),703,5.7972000000000000E+04,1.3002070507299999E+02,2.3967500938000001E+01,-1.7077832885556643E-01,4.8122397872816347E-01,1.4151380519074150E-01,-2.1196396257418856E-02,-1.1345689973243178E-02,-2.4982388725691557E-03 -(2020 AV2),703,5.7973000000000000E+04,1.3162973392200001E+02,2.3462358831000000E+01,-1.9179840642001555E-01,4.6940314243098868E-01,1.3887472790329852E-01,-2.0831092134883433E-02,-1.2302417840102780E-02,-2.7804844839156746E-03 -(2020 AV2),703,5.7974000000000000E+04,1.3323317931000000E+02,2.2932585043000000E+01,-2.1242765411125053E-01,4.5662661818682482E-01,1.3595286075244378E-01,-2.0414197060543048E-02,-1.3256506024326729E-02,-3.0637003374010033E-03 -(2020 AV2),703,5.7975000000000000E+04,1.3483061182300000E+02,2.2378488645000001E+01,-2.3261378655225928E-01,4.4289835069877681E-01,1.3274757964784156E-01,-1.9944340946006413E-02,-1.4205290193398270E-02,-3.3471798091080762E-03 -(2020 AV2),703,5.7976000000000000E+04,1.3642164253600001E+02,2.1800419027000000E+01,-2.5230320871164180E-01,4.2822505546992751E-01,1.2925899924827863E-01,-1.9420280132863520E-02,-1.5145891744442200E-02,-3.6301515794800229E-03 -(2020 AV2),703,5.7977000000000000E+04,1.3800592305900000E+02,2.1198766480000000E+01,-2.7144115631372756E-01,4.1261643412168481E-01,1.2548803842807632E-01,-1.8840925873657169E-02,-1.6075216193573529E-02,-3.9117782315808407E-03 -(2020 AV2),703,5.7978000000000000E+04,1.3958314526199999E+02,2.0573962805000001E+01,-2.8997186586573631E-01,3.9608538986185449E-01,1.2143648676788461E-01,-1.8205375075220923E-02,-1.6989954610059761E-02,-4.1911556337242148E-03 -(2020 AV2),703,5.7979000000000000E+04,1.4115304070299999E+02,1.9926481930000001E+01,-3.0783877645708113E-01,3.7864823977944184E-01,1.1710707120271130E-01,-1.7512943051514431E-02,-1.7886588646802370E-02,-4.4673132705767360E-03 -(2020 AV2),703,5.7980000000000000E+04,1.4271537984200000E+02,1.9256840523000001E+01,-3.2498476515949326E-01,3.6032492009777217E-01,1.1250352179543795E-01,-1.6763197914866280E-02,-1.8761399728501764E-02,-4.7392156935567907E-03 -(2020 AV2),703,5.7981000000000000E+04,1.4426997105900000E+02,1.8565598594000001E+01,-3.4135241743408096E-01,3.4113917994761911E-01,1.0763063542862171E-01,-1.5955996100829192E-02,-1.9610482949490499E-02,-5.0057652631531379E-03 -(2020 AV2),703,5.7982000000000000E+04,1.4581665957999999E+02,1.7853360030000001E+01,-3.5688433336388903E-01,3.2111875869700202E-01,1.0249433603855233E-01,-1.5091518377557808E-02,-2.0429766196546868E-02,-5.2658063502143250E-03 -(2020 AV2),703,5.7983000000000000E+04,1.4735532637700001E+02,1.7120773044000000E+01,-3.7152346981101447E-01,3.0029554138724379E-01,9.7101729853425522E-02,-1.4170305539139047E-02,-2.1215034944693460E-02,-5.5181311493204136E-03 -(2020 AV2),703,5.7984000000000000E+04,1.4888588717400000E+02,1.6368530473000000E+01,-3.8521351772482304E-01,2.7870568642138138E-01,9.1461153955608027E-02,-1.3193292831182941E-02,-2.1961963070646566E-02,-5.7614872331782632E-03 -(2020 AV2),703,5.7985000000000000E+04,1.5040829166000000E+02,1.5597369872000000E+01,-3.9789931280859869E-01,2.5638971936642041E-01,8.5582216377319401E-02,-1.2161842014760078E-02,-2.2666149885781535E-02,-5.9945869414053379E-03 -(2020 AV2),703,5.7986000000000000E+04,1.5192252294299999E+02,1.4808073360000000E+01,-4.0952727659862886E-01,2.3339258660624163E-01,7.9475825870777866E-02,-1.1077769852127085E-02,-2.3323163406812189E-02,-6.2161186492965979E-03 -(2020 AV2),703,5.7987000000000000E+04,1.5342859721799999E+02,1.4001467178000000E+01,-4.2004588374294116E-01,2.0976366266491686E-01,7.3154209478605944E-02,-9.9433717067381935E-03,-2.3928589658911252E-02,-6.4247599020902562E-03 -(2020 AV2),703,5.7988000000000000E+04,1.5492656349399999E+02,1.3178420947999999E+01,-4.2940614992433612E-01,1.8555670535193214E-01,6.6630916077739452E-02,-8.7614389035147872E-03,-2.4478087547028408E-02,-6.6191923286999816E-03 -(2020 AV2),703,5.7989000000000000E+04,1.5641650322300001E+02,1.2339846628000000E+01,-4.3756213350081585E-01,1.6082975351447104E-01,5.9920804196503329E-02,-7.5352685072954586E-03,-2.4967448544419232E-02,-6.7981181675259008E-03 -(2020 AV2),703,5.7990000000000000E+04,1.5789852969800000E+02,1.1486697140000000E+01,-4.4447144262907035E-01,1.3564496308043711E-01,5.3040012606812653E-02,-6.2686642569341477E-03,-2.5392660146388780E-02,-6.9602781493260024E-03 -(2020 AV2),703,5.7991000000000000E+04,1.5937278720899999E+02,1.0619964670000000E+01,-4.5009573843916750E-01,1.1006837831004557E-01,4.6005912498063462E-02,-4.9659275519126043E-03,-2.5749971736444013E-02,-7.1044703919079270E-03 -(2020 AV2),703,5.7992000000000000E+04,1.6083945000700001E+02,9.7406785809999992E+00,-4.5440122385412374E-01,8.4169636641542922E-02,3.8837040422417729E-02,-3.6318376275656121E-03,-2.6035961233244177E-02,-7.2295698747603283E-03 -(2020 AV2),703,5.7993000000000000E+04,1.6229872117900001E+02,8.8499029280000006E+00,-4.5735910694011839E-01,5.8021607277725762E-02,3.1553011678998120E-02,-2.2716203770405006E-03,-2.6247600650165695E-02,-7.3345479841939220E-03 -(2020 AV2),703,5.7994000000000000E+04,1.6375083153800000E+02,7.9487335390000000E+00,-4.5894602732846268E-01,3.1699965606560687E-02,2.4174414346615356E-02,-8.9090567131190797E-04,-2.6382318528644037E-02,-7.4184915583744631E-03 -(2020 AV2),703,5.7995000000000000E+04,1.6519603860900000E+02,7.0382946700000000E+00,-4.5914443432330143E-01,5.2827076266075967E-03,1.6722684765974237E-02,5.0432652146901839E-04,-2.6438057122490526E-02,-7.4806208229064820E-03 -(2020 AV2),703,5.7996000000000000E+04,1.6663462572099999E+02,6.1197352389999997E+00,-4.5794290584717745E-01,-2.1150389319443963E-02,9.2199658929766528E-03,1.9078104314453146E-03,-2.6413322229835851E-02,-7.5203055970509119E-03 -(2020 AV2),703,5.7997000000000000E+04,1.6806690124200000E+02,5.1942246839999999E+00,-4.5533639840604756E-01,-4.7518351163128136E-02,1.6889505538028569E-03,3.3130679229055045E-03,-2.6307223703584914E-02,-7.5370791722748709E-03 -(2020 AV2),703,5.7998000000000000E+04,1.6949319790600001E+02,4.2629484959999999E+00,-4.5132641976185872E-01,-7.3739626876047737E-02,-5.8472877914370778E-03,4.7134893342194954E-03,-2.6119504922247874E-02,-7.5306493203525634E-03 -(2020 AV2),703,5.7999000000000000E+04,1.7091387221200000E+02,3.3271034949999998E+00,-4.4592111794114619E-01,-9.9732731642061895E-02,-1.3365473671619259E-02,6.1024195861853568E-03,-2.5850559863883790E-02,-7.5009059768284085E-03 -(2020 AV2),703,5.8000000000000000E+04,1.7232930383199999E+02,2.3878929439999999E+00,-4.3913528250714762E-01,-1.2541690054074828E-01,-2.0842314107265291E-02,7.4732471153076399E-03,-2.5501436879742805E-02,-7.4479252635439915E-03 -(2020 AV2),703,5.8001000000000000E+04,1.7373989495100000E+02,1.4465215830000000E+00,-4.3099025656665579E-01,-1.5071273921920780E-01,-2.8254685224713933E-02,8.8194930014042980E-03,-2.5073828784766418E-02,-7.3719696546793835E-03 -(2020 AV2),703,5.8002000000000000E+04,1.7514606946000001E+02,5.0419071000000004E-01,-4.2151376065569146E-01,-1.7554285789634469E-01,-3.5579817088167764E-02,1.0134897605386571E-02,-2.4570049437264669E-02,-7.2734842456988981E-03 -(2020 AV2),703,5.8003000000000000E+04,1.7654827190000000E+02,-4.3790659900000001E-01,-4.1073963229478405E-01,-1.9983247550886157E-01,-4.2795472900921297E-02,1.1413502124144182E-02,-2.3992997532329193E-02,-7.1530892435365048E-03 -(2020 AV2),703,5.8004000000000000E+04,1.7794696609100001E+02,-1.3785899939999999E+00,-3.9870748749821061E-01,-2.2350998177881901E-01,-4.9880118920165098E-02,1.2649722696093629E-02,-2.3346108846472629E-02,-7.0115689486971462E-03 -(2020 AV2),703,5.8005000000000000E+04,1.7934263339699999E+02,-2.3166960009999999E+00,-3.8546231272573883E-01,-2.4650744644418135E-01,-5.6813081770466546E-02,1.3838415038740243E-02,-2.2633298610726708E-02,-6.8498576356429289E-03 -(2020 AV2),703,5.8006000000000000E+04,1.8073577061600000E+02,-3.2510817159999998E+00,-3.7105399757284263E-01,-2.6876106674922412E-01,-6.3574690304648337E-02,1.4974928042105123E-02,-2.1858896028659699E-02,-6.6690228483382878E-03 -(2020 AV2),703,5.8007000000000000E+04,1.8212688756399999E+02,-4.1806280060000001E+00,-3.5553681982442775E-01,-2.9021154643523395E-01,-7.0146399719680147E-02,1.6055145246384728E-02,-2.1027573176683877E-02,-6.4702467069600502E-03 -(2020 AV2),703,5.8008000000000000E+04,1.8351650441400000E+02,-5.1042421710000001E+00,-3.3896889531022723E-01,-3.1080440176755131E-01,-7.6510896253295352E-02,1.7075513662487326E-02,-2.0144270619149012E-02,-6.2548058662543612E-03 -(2020 AV2),703,5.8009000000000000E+04,1.8490514886599999E+02,-6.0208600670000001E+00,-3.2141160527388657E-01,-3.3049019247702605E-01,-8.2652181436883562E-02,1.8033059915868867E-02,-1.9214122041952070E-02,-6.0240507752775934E-03 -(2020 AV2),703,5.8010000000000000E+04,1.8629335322000000E+02,-6.9294476940000003E+00,-3.0292901374743608E-01,-3.4922467773158672E-01,-8.8555635518648534E-02,1.8925394173994730E-02,-1.8242380068877306E-02,-5.7793848648002074E-03 -(2020 AV2),703,5.8011000000000000E+04,1.8768165138699999E+02,-7.8290022700000002E+00,-2.8358728674271227E-01,-3.6696889931494636E-01,-9.4208060276530642E-02,1.9750702731873931E-02,-1.7234345192558804E-02,-5.5222442368571085E-03 -(2020 AV2),703,5.8012000000000000E+04,1.8907057588600000E+02,-8.7185528120000004E+00,-2.6345412403031332E-01,-3.8368919596720930E-01,-9.9597701977957656E-02,2.0507730459191478E-02,-1.6195299452089213E-02,-5.2540783572254503E-03 -(2020 AV2),703,5.8013000000000000E+04,1.9046065485700001E+02,-9.5971602960000002E+00,-2.4259821294244377E-01,-3.9935715431040075E-01,-1.0471425570257746E-01,2.1195754548526863E-02,-1.5130446146692039E-02,-4.9763321626984120E-03 -(2020 AV2),703,5.8014000000000000E+04,1.9185240916199999E+02,-1.0463917429000000E+01,-2.2108871211952508E-01,-4.1394950289226784E-01,-1.0954885260714059E-01,2.1814551144717684E-02,-1.4044856515670258E-02,-4.6904298983334322E-03 -(2020 AV2),703,5.8015000000000000E+04,1.9324634957000001E+02,-1.1317948132000000E+01,-1.9899477150841993E-01,-4.2744795663654306E-01,-1.1409403197728842E-01,2.2364356486445556E-02,-1.2943423961702762E-02,-4.3977609018283114E-03 -(2020 AV2),703,5.8016000000000000E+04,1.9464297404999999E+02,-1.2158406784000000E+01,-1.7638509328861796E-01,-4.3983901940428349E-01,-1.1834370008294368E-01,2.2845824163593625E-02,-1.1830826065631472E-02,-4.0996674584182448E-03 -(2020 AV2),703,5.8017000000000000E+04,1.9604276508400000E+02,-1.2984477295000000E+01,-1.5332753684651590E-01,-4.5111375246323493E-01,-1.2229307793385313E-01,2.3259980001321061E-02,-1.0711494351298520E-02,-3.7974347648208296E-03 -(2020 AV2),703,5.8018000000000000E+04,1.9744618693400000E+02,-1.3795372035000000E+01,-1.2988876946504702E-01,-4.6126751649482334E-01,-1.2593864003599986E-01,2.3608175941015719E-02,-9.5895915157453507E-03,-3.4922829674427056E-03 -(2020 AV2),703,5.8019000000000000E+04,1.9885368274900000E+02,-1.4590330651000000E+01,-1.0613396312594303E-01,-4.7029969437045205E-01,-1.2927804618206085E-01,2.3892044114064922E-02,-8.4689956496919426E-03,-3.1853611804750323E-03 -(2020 AV2),703,5.8020000000000000E+04,2.0026567147399999E+02,-1.5368618804000000E+01,-8.2126536708859943E-02,-4.7821340138385682E-01,-1.3231006819269062E-01,2.4113452112901470E-02,-7.3532908329299804E-03,-2.8777433435553390E-03 -(2020 AV2),703,5.8021000000000000E+04,2.0168254453899999E+02,-1.6129526836000000E+01,-5.7927941977491848E-02,-4.8501518895741791E-01,-1.3503451336493003E-01,2.4274460266663796E-02,-6.2457633988609110E-03,-2.5704257465731712E-03 -(2020 AV2),703,5.8022000000000000E+04,2.0310466238300000E+02,-1.6872368439999999E+01,-3.3597491033322102E-02,-4.9071474711218449E-01,-1.3745214619971188E-01,2.4377281537343927E-02,-5.1494031147569404E-03,-2.2643260294162347E-03 -(2020 AV2),703,5.8023000000000000E+04,2.0453235087900001E+02,-1.7596479352999999E+01,-9.1922223813050152E-03,-4.9532461023694330E-01,-1.3956460978331814E-01,2.4424244474032498E-02,-4.0669085130088517E-03,-1.9602834552811615E-03 -(2020 AV2),703,5.8024000000000000E+04,2.0596589774000000E+02,-1.8301216150999998E+01,1.5233197594042069E-02,-4.9885986993355957E-01,-1.4137434799405005E-01,2.4417759502981848E-02,-3.0006956277045492E-03,-1.6590602562767554E-03 -(2020 AV2),703,5.8025000000000000E+04,2.0740554899800000E+02,-1.8985955180000001E+01,3.9626541161940532E-02,-5.0133789799299233E-01,-1.4288452950815111E-01,2.4360288693093715E-02,-1.9529094313904989E-03,-1.3613438569000933E-03 -(2020 AV2),703,5.8026000000000000E+04,2.0885150562900000E+02,-1.9650091685000000E+01,6.3938057280328864E-02,-5.0277808187691764E-01,-1.4409897438979105E-01,2.4254319021049783E-02,-9.2543732403893922E-04,-1.0677497932269958E-03 -(2020 AV2),703,5.8027000000000000E+04,2.1030392040300001E+02,-2.0293039165000000E+01,8.8120484608674832E-02,-5.0320157446560665E-01,-1.4502208387600432E-01,2.4102339067600256E-02,8.0075907527722007E-05,-7.7882516133820313E-04 -(2020 AV2),703,5.8028000000000000E+04,2.1176289500999999E+02,-2.0914229008000000E+01,1.1212904286677761E-01,-5.0263105928580121E-01,-1.4565877380958248E-01,2.3906819005007310E-02,1.0622121696859596E-03,-4.9505244632957199E-04 -(2020 AV2),703,5.8029000000000000E+04,2.1322847750800000E+02,-2.1513110421000000E+01,1.3592140572817701E-01,-5.0109053196023290E-01,-1.4601441203368873E-01,2.3670193683584181E-02,2.0197636184217712E-03,-2.1685360220351967E-04 -(2020 AV2),F51,5.7970000000000000E+04,1.2678843473100000E+02,2.4903534296000000E+01,-1.2776883375895964E-01,5.0199460596659029E-01,1.4594940891489838E-01,-2.1778190187114264E-02,-9.4339280973907303E-03,-1.9391741152951310E-03 -(2020 AV2),F51,5.7971000000000000E+04,1.2840719221600000E+02,2.4448415113999999E+01,-1.4941946566317132E-01,4.9208692456254599E-01,1.4387141085946931E-01,-2.1511579844281679E-02,-1.0388776727241910E-02,-2.2176074969686324E-03 -(2020 AV2),F51,5.7972000000000000E+04,1.3002134411399999E+02,2.3968164665000000E+01,-1.7077948059446879E-01,4.8122313494292235E-01,1.4151383487864932E-01,-2.1196396218089296E-02,-1.1345690083974042E-02,-2.4982389051382780E-03 -(2020 AV2),F51,5.7973000000000000E+04,1.3163038176800001E+02,2.3463013014000001E+01,-1.9179952711038528E-01,4.6940227227291476E-01,1.3887476830348797E-01,-2.0831092089671162E-02,-1.2302417950669881E-02,-2.7804845166333873E-03 -(2020 AV2),F51,5.7974000000000000E+04,1.3323383572200001E+02,2.2933229470000001E+01,-2.1242874267715417E-01,4.5662572291755799E-01,1.3595291203370288E-01,-2.0414197009276189E-02,-1.3256506134449621E-02,-3.0637003701952533E-03 -(2020 AV2),F51,5.7975000000000000E+04,1.3483127657300000E+02,2.2379123113999999E+01,-2.3261484197416671E-01,4.4289743164622264E-01,1.3274764198209768E-01,-1.9944340888523232E-02,-1.4205290302773370E-02,-3.3471798418978111E-03 -(2020 AV2),F51,5.7976000000000000E+04,1.3642231540800000E+02,2.1801043345000000E+01,-2.5230423003155289E-01,4.2822411402590976E-01,1.2925907280979265E-01,-1.9420280069016423E-02,-1.5145891852738390E-02,-3.6301516121766890E-03 -(2020 AV2),F51,5.7977000000000000E+04,1.3800660385600000E+02,2.1199380466000001E+01,-2.7144214264029332E-01,4.1261547173914037E-01,1.2548812339252025E-01,-1.8840925803316547E-02,-1.6075216300431898E-02,-3.9117782640878552E-03 -(2020 AV2),F51,5.7978000000000000E+04,1.3958383380199999E+02,2.0574566288000000E+01,-2.8997281637934169E-01,3.9608440805154088E-01,1.2143658331128475E-01,-1.8205374998278470E-02,-1.6989954715095450E-02,-4.1911556659362725E-03 -(2020 AV2),F51,5.7979000000000000E+04,1.4115373682500001E+02,1.9927074747999999E+01,-3.0783969041483761E-01,3.7864724010614437E-01,1.1710717950026513E-01,-1.7512942967887891E-02,-1.7886588749604262E-02,-4.4673133023798032E-03 -(2020 AV2),F51,5.7980000000000000E+04,1.4271608340399999E+02,1.9257422525999999E+01,-3.2498564190012014E-01,3.6032390417594973E-01,1.1250364202019178E-01,-1.6763197824504229E-02,-1.8761399828631078E-02,-4.7392157248298331E-03 -(2020 AV2),F51,5.7981000000000000E+04,1.4427068194399999E+02,1.8566169640999998E+01,-3.4135325638256386E-01,3.4113814943653475E-01,1.0763076775002302E-01,-1.5955996003714841E-02,-1.9610483046486934E-02,-5.0057652937660702E-03 -(2020 AV2),F51,5.7982000000000000E+04,1.4581737769500000E+02,1.7853919991000001E+01,-3.5688513403589639E-01,3.2111771529527211E-01,1.0249448062087502E-01,-1.5091518273714554E-02,-2.0429766289927563E-02,-5.2658063800301337E-03 -(2020 AV2),F51,5.7983000000000000E+04,1.4735605165300001E+02,1.7121321798000000E+01,-3.7152423181697070E-01,3.0029448682683046E-01,9.7101886854087660E-02,-1.4170305428634851E-02,-2.1215035033957386E-02,-5.5181311781954782E-03 -(2020 AV2),F51,5.7984000000000000E+04,1.4888661956999999E+02,1.6369067907000002E+01,-3.8521424077356925E-01,2.7870462246104177E-01,9.1461323523393312E-02,-1.3193292714134594E-02,-2.1961963155278881E-02,-5.7614872609631027E-03 -(2020 AV2),F51,5.7985000000000000E+04,1.5040903116100000E+02,1.5597895884000000E+01,-3.9789999671054310E-01,2.5638864778463577E-01,8.5582398650538807E-02,-1.2161841891338320E-02,-2.2666149965256441E-02,-5.9945869679466001E-03 -(2020 AV2),F51,5.7986000000000000E+04,1.5192326956200000E+02,1.4808587856999999E+01,-4.0952792126829785E-01,2.3339150919367857E-01,7.9476020975374526E-02,-1.1077769722559083E-02,-2.3323163480601761E-02,-6.2161186744371716E-03 -(2020 AV2),F51,5.7987000000000000E+04,1.5342935099799999E+02,1.4001970075999999E+01,-4.2004648920085308E-01,2.0976258121646674E-01,7.3154417526238649E-02,-9.9433715713111107E-03,-2.3928589726490368E-02,-6.4247599256716803E-03 -(2020 AV2),F51,5.7988000000000000E+04,1.5492732450700001E+02,1.3178912172000000E+01,-4.2940671629812543E-01,1.8555562165841677E-01,6.6631137163848164E-02,-8.7614387625789339E-03,-2.4478087607879753E-02,-6.6191923505653965E-03 -(2020 AV2),F51,5.7989000000000000E+04,1.5641727156900001E+02,1.2340326111000000E+01,-4.3756266102552288E-01,1.6082866935411944E-01,5.9921038398367557E-02,-7.5352683612648439E-03,-2.4967448598043337E-02,-6.7981181875210860E-03 -(2020 AV2),F51,5.7990000000000000E+04,1.5789930550700001E+02,1.1487164825000001E+01,-4.4447193164659338E-01,1.3564388021018303E-01,5.3040259981624427E-02,-6.2686641062844484E-03,-2.5392660192315071E-02,-6.9602781673007725E-03 -(2020 AV2),F51,5.7991000000000000E+04,1.5937357064200000E+02,1.0620420506000000E+01,-4.5009618939680751E-01,1.1006729845679708E-01,4.6006173081054536E-02,-4.9659273971841712E-03,-2.5749971774232168E-02,-7.1044704077215222E-03 -(2020 AV2),F51,5.7992000000000000E+04,1.6084024125299999E+02,9.7411225280000000E+00,-4.5440163730223104E-01,8.4168561493476735E-02,3.8837314225069759E-02,-3.6318374693559453E-03,-2.6035961262500702E-02,-7.2295698882806556E-03 -(2020 AV2),F51,5.7993000000000000E+04,1.6229952045499999E+02,8.8503349530000008E+00,-4.5735948352882605E-01,5.8020538475769212E-02,3.1553298687374637E-02,-2.2716202160034931E-03,-2.6247600670546455E-02,-7.3345479953025950E-03 -(2020 AV2),F51,5.7994000000000000E+04,1.6375163909400001E+02,7.9491536180000004E+00,-4.5894636780351061E-01,3.1698904736134847E-02,2.4174714519858424E-02,-8.9090550814964389E-04,-2.6382318539866008E-02,-7.4184915669676709E-03 -(2020 AV2),F51,5.7995000000000000E+04,1.6519685471899999E+02,7.0387027880000002E+00,-4.5914473952098678E-01,5.2816562097767195E-03,1.6722998034994260E-02,5.0432668601173986E-04,-2.6438057124335727E-02,-7.4806208288986957E-03 -(2020 AV2),F51,5.7996000000000000E+04,1.6663545069099999E+02,6.1201313879999999E+00,-4.5794317668846107E-01,-2.1151429831295199E-02,9.2202921593710230E-03,1.9078105965910216E-03,-2.6413322222160279E-02,-7.5203056003756933E-03 -(2020 AV2),F51,5.7997000000000000E+04,1.6806773540300000E+02,5.1946088670000004E+00,-4.5533663588989270E-01,-4.7519379395998818E-02,1.6892896890278075E-03,3.3130680878540692E-03,-2.6307223686323222E-02,-7.5370791728867200E-03 -(2020 AV2),F51,5.7998000000000000E+04,1.6949404161600000E+02,4.2633207219999996E+00,-4.5132662495786624E-01,-7.3740641539281671E-02,-5.8469359466188954E-03,4.7134894981580387E-03,-2.6119504895415594E-02,-7.5306493182286834E-03 -(2020 AV2),F51,5.7999000000000000E+04,1.7091472585599999E+02,3.3274637850000000E+00,-4.4592129198160080E-01,-9.9733731533472814E-02,-1.3365109307404224E-02,6.1024197482998886E-03,-2.5850559827579143E-02,-7.5009059719695348E-03 -(2020 AV2),F51,5.8000000000000000E+04,1.7233016781900000E+02,2.3882413269999998E+00,-4.3913542657856453E-01,-1.2541788455082339E-01,-2.0841937444771575E-02,7.4732472747945011E-03,-2.5501436834146178E-02,-7.4479252559748379E-03 -(2020 AV2),F51,5.8001000000000000E+04,1.7374076971599999E+02,1.4468580980000001E+00,-4.3099037190099243E-01,-1.5071370633432199E-01,-2.8254296515634061E-02,8.8194931574826566E-03,-2.5073828730140552E-02,-7.3719696444477173E-03 -(2020 AV2),F51,5.8002000000000000E+04,1.7514695545900000E+02,5.0451540399999995E-01,-4.2151384852131280E-01,-1.7554380720098228E-01,-3.5579416614121680E-02,1.0134897757309093E-02,-2.4570049373949004E-02,-7.2734842328755168E-03 -(2020 AV2),F51,5.8003000000000000E+04,1.7654916961300000E+02,-4.3759366599999999E-01,-4.1073969398737686E-01,-1.9983340618678644E-01,-4.2795060972504510E-02,1.1413502271206601E-02,-2.3992997460734439E-02,-7.1530892282141989E-03 -(2020 AV2),F51,5.8004000000000000E+04,1.7794787602000000E+02,-1.3782887539999999E+00,-3.9870752433174772E-01,-2.2351089311323091E-01,-4.9879695875718270E-02,1.2649722837644501E-02,-2.3346108767074644E-02,-7.0115689309888140E-03 -(2020 AV2),F51,5.8005000000000000E+04,1.7934355606400001E+02,-2.3164063730000000E+00,-3.8546232602364427E-01,-2.4650833781688916E-01,-5.6812647974600866E-02,1.3838415174189872E-02,-2.2633298524058681E-02,-6.8498576156792741E-03 -(2020 AV2),F51,5.8006000000000000E+04,1.8073670656199999E+02,-3.2508036100000002E+00,-3.7105398865950368E-01,-2.6876193763887257E-01,-6.3574246146538921E-02,1.4974928170930268E-02,-2.1858895935302641E-02,-6.6690228262660106E-03 -(2020 AV2),F51,5.8007000000000000E+04,1.8212783734999999E+02,-4.1803613170000000E+00,-3.5553679001713123E-01,-2.9021239641472041E-01,-7.0145945611182259E-02,1.6055145368135303E-02,-2.1027573077257677E-02,-6.4702466829386638E-03 -(2020 AV2),F51,5.8008000000000000E+04,1.8351746861600000E+02,-5.1039867829999999E+00,-3.3896884591164467E-01,-3.1080523050065456E-01,-7.6510432626904601E-02,1.7075513776786188E-02,-2.0144270514300473E-02,-6.2548058404546603E-03 -(2020 AV2),F51,5.8009000000000000E+04,1.8490612807900001E+02,-6.0206158500000004E+00,-3.2141153756516005E-01,-3.3049099971440488E-01,-8.2651708743585892E-02,1.8033060022416236E-02,-1.9214121932347079E-02,-6.0240507478777012E-03 -(2020 AV2),F51,5.8010000000000000E+04,1.8629434805299999E+02,-6.9292145039999999E+00,-3.0292892898194945E-01,-3.4922546330619686E-01,-8.8555154225684107E-02,1.8925394272568185E-02,-1.8242379955192064E-02,-5.7793848359827364E-03 -(2020 AV2),F51,5.8011000000000000E+04,1.8768266246499999E+02,-7.8287799470000001E+00,-2.8358718614054423E-01,-3.6696966313702739E-01,-9.4207570865105020E-02,1.9750702822323104E-02,-1.7234345075466829E-02,-5.5222442068079197E-03 -(2020 AV2),F51,5.8012000000000000E+04,1.8907160384400001E+02,-8.7183411839999998E+00,-2.6345400877343927E-01,-3.8368993801891288E-01,-9.9597204940922432E-02,2.0507730541438642E-02,-1.6195299332256333E-02,-5.2540783261297965E-03 -(2020 AV2),F51,5.8013000000000000E+04,1.9046170034500000E+02,-9.5969591710000000E+00,-2.4259808417066664E-01,-3.9935787464016631E-01,-1.0471375154211354E-01,2.1195754622561441E-02,-1.5130446024767524E-02,-4.9763321307391712E-03 -(2020 AV2),F51,5.8014000000000000E+04,1.9185347283900001E+02,-1.0463726599999999E+01,-2.2108857092713396E-01,-4.1395020160904045E-01,-1.0954834183246567E-01,2.1814551210591476E-02,-1.4044856392280612E-02,-4.6904298656890867E-03 -(2020 AV2),F51,5.8015000000000000E+04,1.9324743210400001E+02,-1.1317767374000001E+01,-1.9899461894155701E-01,-4.2744863390393284E-01,-1.1409351510242383E-01,2.2364356544266606E-02,-1.2943423837445320E-02,-4.3977608686713255E-03 -(2020 AV2),F51,5.8016000000000000E+04,1.9464407611600001E+02,-1.2158235854000001E+01,-1.7638493034332003E-01,-4.3983967543471808E-01,-1.1834317762456410E-01,2.2845824213521715E-02,-1.1830825941071411E-02,-4.0996674249131398E-03 -(2020 AV2),F51,5.8017000000000000E+04,1.9604388736600001E+02,-1.2984315930999999E+01,-1.5332736446740514E-01,-4.5111438751219757E-01,-1.2229255040925205E-01,2.3259980043559617E-02,-1.0711494226963863E-02,-3.7974347311236214E-03 -(2020 AV2),F51,5.8018000000000000E+04,1.9744733011700001E+02,-1.3795219954000000E+01,-1.2988858854460816E-01,-4.6126813085522894E-01,-1.2593810796119040E-01,2.3608175975806368E-02,-9.5895913921249208E-03,-3.4922829336996464E-03 -(2020 AV2),F51,5.8019000000000000E+04,1.9885484752299999E+02,-1.4590187551000000E+01,-1.0613377450436090E-01,-4.7030028836723020E-01,-1.2927751007002083E-01,2.3892044141681196E-02,-8.4689955272341487E-03,-3.1853611468220700E-03 -(2020 AV2),F51,5.8020000000000000E+04,2.0026685852700001E+02,-1.5368484361000000E+01,-8.2126341174336925E-02,-4.7821397536879118E-01,-1.3230952855176814E-01,2.4113452133645609E-02,-7.3532907120434608E-03,-2.8777433101169246E-03 -(2020 AV2),F51,5.8021000000000000E+04,2.0168375456100000E+02,-1.6129400705999998E+01,-5.7927740267017969E-02,-4.8501574330427566E-01,-1.3503397069740539E-01,2.4274460280855562E-02,-6.2457632799111582E-03,-2.5704257134636171E-03 -(2020 AV2),F51,5.8022000000000000E+04,2.0310589605900000E+02,-1.6872250255000001E+01,-3.3597283833820990E-02,-4.9071528221217270E-01,-1.3745160100051942E-01,2.4377281545318718E-02,-5.1494029980689894E-03,-2.2643259967387399E-03 -(2020 AV2),F51,5.8023000000000000E+04,2.0453360888800000E+02,-1.7596368724000001E+01,-9.1920103311260437E-03,-4.9532512649450344E-01,-1.3956406253892212E-01,2.4424244476137818E-02,-4.0669083988692685E-03,-1.9602834231277526E-03 -(2020 AV2),F51,5.8024000000000000E+04,2.0596718075400000E+02,-1.8301112665000002E+01,1.5233413903396387E-02,-4.9886036776253934E-01,-1.4137379918146881E-01,2.4417759499569383E-02,-3.0006955163604000E-03,-1.6590602247293035E-03 -(2020 AV2),F51,5.8025000000000000E+04,2.0740685767599999E+02,-1.8985858403000002E+01,3.9626761183832904E-02,-5.0133837781317248E-01,-1.4288397959412635E-01,2.4360288684519973E-02,-1.9529093230539682E-03,-1.3613438260297417E-03 -(2020 AV2),F51,5.8026000000000000E+04,2.0885284061900001E+02,-1.9650001157999998E+01,6.3938280510875911E-02,-5.0277854411091127E-01,-1.4409842383009502E-01,2.4254319007666971E-02,-9.2543721888565036E-04,-1.0677497630956882E-03 -(2020 AV2),F51,5.8027000000000000E+04,2.1030528233600000E+02,-2.0292954409000000E+01,8.8120710584403739E-02,-5.0320201953610444E-01,-1.4502153311487334E-01,2.4102339049759273E-02,8.0076009350189131E-05,-7.7882513199903391E-04 -(2020 AV2),F51,5.8028000000000000E+04,2.1176428449900001E+02,-2.0914149519999999E+01,1.1212927116242455E-01,-5.0263148761316456E-01,-1.4565822327928332E-01,2.3906818983052355E-02,1.0622122680628079E-03,-4.9505241782614841E-04 -(2020 AV2),F51,5.8029000000000000E+04,2.1322989514000000E+02,-2.1513035677000001E+01,1.3592163595418594E-01,-5.0109094396039233E-01,-1.4601386215418635E-01,2.3670193657849271E-02,2.0197637132650589E-03,-2.1685357457218866E-04 -(2020 AV2),I11,5.7970000000000000E+04,1.2678788800100000E+02,2.4903982649000000E+01,-1.2776653916703817E-01,5.0199614047312957E-01,1.4594903511186494E-01,-2.1778190272877317E-02,-9.4339277607898512E-03,-1.9391740174159215E-03 -(2020 AV2),I11,5.7971000000000000E+04,1.2840662437600000E+02,2.4448884167999999E+01,-1.4941722040264793E-01,4.9208851671684284E-01,1.4387102101934277E-01,-2.1511579946534541E-02,-1.0388776390800110E-02,-2.2176073985850082E-03 -(2020 AV2),I11,5.7972000000000000E+04,1.3002075559299999E+02,2.3968655437999999E+01,-1.7077728690166172E-01,4.8122478295839499E-01,1.4151342895789570E-01,-2.1196396337230743E-02,-1.1345689748534279E-02,-2.4982388064765555E-03 -(2020 AV2),I11,5.7973000000000000E+04,1.3162977299900001E+02,2.3463526498000000E+01,-1.9179738715551742E-01,4.6940397423994684E-01,1.3887434625251985E-01,-2.0831092226055992E-02,-1.2302417617139920E-02,-2.7804844179387602E-03 -(2020 AV2),I11,5.7974000000000000E+04,1.3323320713499999E+02,2.2933766636000001E+01,-2.1242665855636889E-01,4.5662747680509685E-01,1.3595247379759334E-01,-2.0414197163204837E-02,-1.3256505803804960E-02,-3.0637002717308227E-03 -(2020 AV2),I11,5.7975000000000000E+04,1.3483062859600000E+02,2.2379684905000001E+01,-2.3261281570139414E-01,4.4289923530394426E-01,1.3274718750143066E-01,-1.9944341060236973E-02,-1.4205289976047551E-02,-3.3471797439485066E-03 -(2020 AV2),I11,5.7976000000000000E+04,1.3642164846099999E+02,2.1801630679999999E+01,-2.5230226353025154E-01,4.2822596518701583E-01,1.2925860202166367E-01,-1.9420280258684253E-02,-1.5145891531027149E-02,-3.6301515150462195E-03 -(2020 AV2),I11,5.7977000000000000E+04,1.3800591834400001E+02,2.1199994237999999E+01,-2.7144023773510562E-01,4.1261736802382276E-01,1.2548763623168879E-01,-1.8840926011025071E-02,-1.6075215984889132E-02,-3.9117781680984001E-03 -(2020 AV2),I11,5.7978000000000000E+04,1.3958313011400000E+02,2.0575207362000000E+01,-2.8997097478772405E-01,3.9608634697116918E-01,1.2143607971149126E-01,-1.8205375224022640E-02,-1.6989954406926189E-02,-4.1911555714286139E-03 -(2020 AV2),I11,5.7979000000000000E+04,1.4115301532900000E+02,1.9927743962000001E+01,-3.0783791373870362E-01,3.7864921906821303E-01,1.1710665939571861E-01,-1.7512943211559960E-02,-1.7886588450058867E-02,-4.4673132097116401E-03 -(2020 AV2),I11,5.7980000000000000E+04,1.4271534444700001E+02,1.9258120688999998E+01,-3.2498393161757089E-01,3.6032592048986012E-01,1.1250310534723584E-01,-1.6763198085880240E-02,-1.8761399539001758E-02,-4.7392156343716279E-03 -(2020 AV2),I11,5.7981000000000000E+04,1.4426992584400000E+02,1.8566897534999999E+01,-3.4135161383980406E-01,3.4114020032021253E-01,1.0763021444896387E-01,-1.5955996282449023E-02,-1.9610482768090520E-02,-5.0057652059021761E-03 -(2020 AV2),I11,5.7982000000000000E+04,1.4581660474000000E+02,1.7854678368999998E+01,-3.5688356043939162E-01,3.2111979788270839E-01,1.0249391063797555E-01,-1.5091518569326451E-02,-2.0429766024099041E-02,-5.2658062951532730E-03 -(2020 AV2),I11,5.7983000000000000E+04,1.4735526210000000E+02,1.7122111385000000E+01,-3.7152272822599297E-01,3.0029659817652599E-01,9.7101300143711183E-02,-1.4170305740502306E-02,-2.1215034782034251E-02,-5.5181310967037959E-03 -(2020 AV2),I11,5.7984000000000000E+04,1.4888581364000001E+02,1.6369889399000002E+01,-3.8521280809325675E-01,2.7870675956535718E-01,9.1460720050267952E-02,-1.3193293041487112E-02,-2.1961962918585286E-02,-5.7614871832564335E-03 -(2020 AV2),I11,5.7985000000000000E+04,1.5040820903900001E+02,1.5598749949000000E+01,-3.9789863568557515E-01,2.5639080758007404E-01,8.5581778392089081E-02,-1.2161842233250347E-02,-2.2666149745088328E-02,-5.9945868944204245E-03 -(2020 AV2),I11,5.7986000000000000E+04,1.5192243139499999E+02,1.4809475132999999E+01,-4.0952663247738297E-01,2.3339368857200349E-01,7.9475383924111090E-02,-1.1077770077951061E-02,-2.3323163278203531E-02,-6.2161186054794804E-03 -(2020 AV2),I11,5.7987000000000000E+04,1.5342849688999999E+02,1.4002891174000000E+01,-4.2004527305213823E-01,2.0976477703661867E-01,7.3153763692157189E-02,-9.9433719389478495E-03,-2.3928589543037202E-02,-6.4247598616563118E-03 -(2020 AV2),I11,5.7988000000000000E+04,1.5492645452100001E+02,1.3179867675000001E+01,-4.2940557302566518E-01,1.8555783075911958E-01,6.6630466576838424E-02,-8.7614391410706528E-03,-2.4478087444459808E-02,-6.6191922918445098E-03 -(2020 AV2),I11,5.7989000000000000E+04,1.5641638572500000E+02,1.2341316572000000E+01,-4.3756159068693734E-01,1.6083088856702532E-01,5.9920351110613723E-02,-7.5352687490763352E-03,-2.4967448455633371E-02,-6.7981181344206427E-03 -(2020 AV2),I11,5.7990000000000000E+04,1.5789840378100001E+02,1.1488190768999999E+01,-4.4447093412196714E-01,1.3564610637347857E-01,5.3039556069984353E-02,-6.2686645017500479E-03,-2.5392660071755571E-02,-6.9602781201157414E-03 -(2020 AV2),I11,5.7991000000000000E+04,1.5937265296400000E+02,1.0621482433000001E+01,-4.5009526438892400E-01,1.1006952842907392E-01,4.6005452649371018E-02,-4.9659277985114447E-03,-2.5749971676218029E-02,-7.1044703667054012E-03 -(2020 AV2),I11,5.7992000000000000E+04,1.6083930750700000E+02,9.7422209060000000E+00,-4.5440078433817521E-01,8.4170792167767128E-02,3.8836577406379511E-02,-3.6318378746556350E-03,-2.6035961187551328E-02,-7.2295698536445760E-03 -(2020 AV2),I11,5.7993000000000000E+04,1.6229857048000000E+02,8.8514702229999997E+00,-4.5735870196298933E-01,5.8022766793528968E-02,3.1552545645957088E-02,-2.2716206233019459E-03,-2.6247600618998473E-02,-7.3345479672064914E-03 -(2020 AV2),I11,5.7994000000000000E+04,1.6375067267899999E+02,7.9503261939999996E+00,-4.5894565682201505E-01,3.1701127701058707E-02,2.4173945453076384E-02,-8.9090591541941822E-04,-2.6382318511855005E-02,-7.4184915455180449E-03 -(2020 AV2),I11,5.7995000000000000E+04,1.6519587161100000E+02,7.0399130540000003E+00,-4.5914409814752244E-01,5.2838709012071883E-03,1.6722213174882917E-02,5.0432628082947104E-04,-2.6438057119791740E-02,-7.4806208141431126E-03 -(2020 AV2),I11,5.7996000000000000E+04,1.6663445058600001E+02,6.1213797029999997E+00,-4.5794260379149876E-01,-2.1149226245527231E-02,9.2194917739214875E-03,1.9078101955534192E-03,-2.6413322240798797E-02,-7.5203055923021541E-03 -(2020 AV2),I11,5.7997000000000000E+04,1.6806671795299999E+02,5.1958955580000001E+00,-4.5533613019120456E-01,-4.7517189647466984E-02,1.6884740831450654E-03,3.3130676929858278E-03,-2.6307223727645140E-02,-7.5370791714222908E-03 -(2020 AV2),I11,5.7998000000000000E+04,1.6949300642700001E+02,4.2646460900000003E+00,-4.5132618504227773E-01,-7.3738468247822597E-02,-5.8477664305283299E-03,4.7134891114236025E-03,-2.6119504958713180E-02,-7.5306493232390956E-03 -(2020 AV2),I11,5.7999000000000000E+04,1.7091367248700001E+02,3.3288281020000001E+00,-4.4592091630782960E-01,-9.9731577197120391E-02,-1.3365954289211019E-02,6.1024193715725171E-03,-2.5850559911945060E-02,-7.5009059832608074E-03 -(2020 AV2),I11,5.8000000000000000E+04,1.7232909578600001E+02,2.3896448370000001E+00,-4.3913511349101708E-01,-1.2541575153704340E-01,-2.0842796506805112E-02,7.4732469098296528E-03,-2.5501436938487571E-02,-7.4479252732960978E-03 -(2020 AV2),I11,5.8001000000000000E+04,1.7373967848900000E+02,1.4483010150000000E+00,-4.3099011964232281E-01,-1.5071159687261049E-01,-2.8255169203261810E-02,8.8194928058890690E-03,-2.5073828853194410E-02,-7.3719696674965094E-03 -(2020 AV2),I11,5.8002000000000000E+04,1.7514584446500001E+02,5.0599791599999999E-01,-4.2151365524556395E-01,-1.7554172337693680E-01,-3.5580302436728127E-02,1.0134897420529462E-02,-2.4570049514306146E-02,-7.2734842613022422E-03 -(2020 AV2),I11,5.8003000000000000E+04,1.7654803823699999E+02,-4.3607140200000000E-01,-4.1073955777347337E-01,-1.9983134993774232E-01,-4.2795959404856407E-02,1.1413501950500882E-02,-2.3992997616864287E-02,-7.1530892616282777E-03 -(2020 AV2),I11,5.8004000000000000E+04,1.7794672360499999E+02,-1.3767266100000000E+00,-3.9870744319713625E-01,-2.2350886622545835E-01,-4.9880606359686344E-02,1.2649722534075022E-02,-2.3346108937350958E-02,-7.0115689689661731E-03 -(2020 AV2),I11,5.8005000000000000E+04,1.7934238190900001E+02,-2.3148042480000002E+00,-3.8546229793785958E-01,-2.4650634192433471E-01,-5.6813569921208749E-02,1.3838414888611855E-02,-2.2633298706786729E-02,-6.8498576577701864E-03 -(2020 AV2),I11,5.8006000000000000E+04,1.8073550992899999E+02,-3.2491614329999998E+00,-3.7105401155744133E-01,-2.6875997422337916E-01,-6.3575178938298935E-02,1.4974927903990503E-02,-2.1858896128748362E-02,-6.6690228720023385E-03 -(2020 AV2),I11,5.8007000000000000E+04,1.8212661746100000E+02,-4.1786790480000002E+00,-3.5553686181185651E-01,-2.9021046680762119E-01,-7.0146888604657190E-02,1.6055145120270540E-02,-2.1027573279673691E-02,-6.4702467318423097E-03 -(2020 AV2),I11,5.8008000000000000E+04,1.8351622465400001E+02,-5.1022644090000000E+00,-3.3896896450658331E-01,-3.1080333588563691E-01,-7.6511385155442410E-02,1.7075513548234039E-02,-2.0144270723955603E-02,-6.2548058920438507E-03 -(2020 AV2),I11,5.8009000000000000E+04,1.8490485918900001E+02,-6.0188533890000002E+00,-3.2141170086550908E-01,-3.3048914113151517E-01,-8.2652670120188787E-02,1.8033059813219402E-02,-1.9214122147546944E-02,-6.0240508016753524E-03 -(2020 AV2),I11,5.8010000000000000E+04,1.8629305334599999E+02,-6.9274120029999997E+00,-3.0292913490522411E-01,-3.4922364165682795E-01,-8.8556123745961363E-02,1.8925394082585631E-02,-1.8242380174299900E-02,-5.7793848915232131E-03 -(2020 AV2),I11,5.8011000000000000E+04,1.8768134101400000E+02,-7.8269374840000001E+00,-2.8358743262620656E-01,-3.6696787918972995E-01,-9.4208547810273754E-02,1.9750702651253366E-02,-1.7234345296926940E-02,-5.5222442636411202E-03 -(2020 AV2),I11,5.8012000000000000E+04,1.8907025469100000E+02,-8.7164588639999998E+00,-2.6345429379148577E-01,-3.8368819241593988E-01,-9.9598188580826641E-02,2.0507730388830102E-02,-1.6195299554604629E-02,-5.2540783838275285E-03 -(2020 AV2),I11,5.8013000000000000E+04,1.9046032249900000E+02,-9.5950371319999999E+00,-2.4259840572921831E-01,-3.9935616790454143E-01,-1.0471474113822216E-01,2.1195754487833431E-02,-1.5130446246645560E-02,-4.9763321888986953E-03 -(2020 AV2),I11,5.8014000000000000E+04,1.9185206527700001E+02,-1.0461765008000000E+01,-2.2108892707897598E-01,-4.1394853415204103E-01,-1.0954933664083029E-01,2.1814551093053351E-02,-1.4044856612443889E-02,-4.6904299239362377E-03 -(2020 AV2),I11,5.8015000000000000E+04,1.9324599377600001E+02,-1.1315766425000000E+01,-1.9899500778966606E-01,-4.2744700603283919E-01,-1.1409451437654890E-01,2.2364356443138340E-02,-1.2943424054770069E-02,-4.3977609266626309E-03 -(2020 AV2),I11,5.8016000000000000E+04,1.9464260594500001E+02,-1.2156195774000000E+01,-1.7638535004538491E-01,-4.3983808736072955E-01,-1.1834418061816188E-01,2.2845824127949690E-02,-1.1830826154555558E-02,-4.0996674823377171E-03 -(2020 AV2),I11,5.8017000000000000E+04,1.9604238424799999E+02,-1.2982236974999999E+01,-1.5332781323939693E-01,-4.5111283935837798E-01,-1.2229355637883757E-01,2.3259979972638567E-02,-1.0711494435729052E-02,-3.7974347877031880E-03 -(2020 AV2),I11,5.8018000000000000E+04,1.9744579292800000E+02,-1.3793102406999999E+01,-1.2988906466346295E-01,-4.6126662266439244E-01,-1.2593911616848508E-01,2.3608175918594428E-02,-9.5895915954143790E-03,-3.4922829891889853E-03 -(2020 AV2),I11,5.8019000000000000E+04,1.9885327511599999E+02,-1.4588031728000001E+01,-1.0613427630979100E-01,-4.7029882010966367E-01,-1.2927851978414687E-01,2.3892044097215549E-02,-8.4689957244080995E-03,-3.1853612010082780E-03 -(2020 AV2),I11,5.8020000000000000E+04,2.0026524974000000E+02,-1.5366290605000000E+01,-8.2126867069896914E-02,-4.7821254694971205E-01,-1.3231053905121590E-01,2.4113452100950786E-02,-7.3532909025726123E-03,-2.8777433628191761E-03 -(2020 AV2),I11,5.8021000000000000E+04,2.0168210821400001E+02,-1.6127169388999999E+01,-5.7928288720457966E-02,-4.8501435457097786E-01,-1.3503498127177077E-01,2.4274460258966769E-02,-6.2457634633737817E-03,-2.5704257645302467E-03 -(2020 AV2),I11,5.8022000000000000E+04,2.0310421096400000E+02,-1.6869981777000000E+01,-3.3597853376807985E-02,-4.9071393296079269E-01,-1.3745261095201430E-01,2.4377281533285628E-02,-5.1494031741414273E-03,-2.2643260460464658E-03 -(2020 AV2),I11,5.8023000000000000E+04,2.0453188384600000E+02,-1.7594063512999998E+01,-9.1925995584170028E-03,-4.9532381647635626E-01,-1.3956507118367301E-01,2.4424244473030758E-02,-4.0669085673173296E-03,-1.9602834705799957E-03 -(2020 AV2),I11,5.8024000000000000E+04,2.0596541456200001E+02,-1.8298771174999999E+01,1.5232806335236493E-02,-4.9885909668997969E-01,-1.4137480585060405E-01,2.4417759504493985E-02,-3.0006956770333125E-03,-1.6590602702533422E-03 -(2020 AV2),I11,5.8025000000000000E+04,2.0740504913199999E+02,-1.8983481114000000E+01,3.9626136558102876E-02,-5.0133714536498475E-01,-1.4288498363466595E-01,2.4360288696613944E-02,-1.9529094758740130E-03,-1.3613438695755371E-03 -(2020 AV2),I11,5.8026000000000000E+04,2.0885098852600001E+02,-1.9647588574000000E+01,6.3937640052701639E-02,-5.0277734993719481E-01,-1.4409942460565461E-01,2.4254319026115852E-02,-9.2543736384315817E-04,-1.0677498046328276E-03 -(2020 AV2),I11,5.8027000000000000E+04,2.1030338550400000E+02,-2.0290507055999999E+01,8.8120055463044578E-02,-5.0320086326268720E-01,-1.4502253000620044E-01,2.4102339073788691E-02,8.0075872210670640E-05,-7.7882517151456863E-04 -(2020 AV2),I11,5.8028000000000000E+04,2.1176234175400000E+02,-2.0911667948000002E+01,1.1212860249352807E-01,-5.0263036884554146E-01,-1.4565921568462220E-01,2.3906819011935154E-02,1.0622121386429928E-03,-4.9505245532385149E-04 -(2020 AV2),I11,5.8029000000000000E+04,2.1322790532900001E+02,-2.1510520454000002E+01,1.3592095480242095E-01,-5.0108986228723029E-01,-1.4601484948951288E-01,2.3670193690910162E-02,2.0197635914239089E-03,-2.1685361006907602E-04 -(2020 AV2),I41,5.7970000000000000E+04,1.2678787695900000E+02,2.4902889061000000E+01,-1.2776778768680053E-01,5.0199528516177827E-01,1.4594941346069659E-01,-2.1778190210363008E-02,-9.4339280061448705E-03,-1.9391740887618920E-03 -(2020 AV2),I41,5.7971000000000000E+04,1.2840662651800000E+02,2.4447777625000001E+01,-1.4941844461085985E-01,4.9208762844201526E-01,1.4387140630505538E-01,-2.1511579872103968E-02,-1.0388776635699358E-02,-2.2176074701990259E-03 -(2020 AV2),I41,5.7972000000000000E+04,1.3002077071200000E+02,2.3967535105000000E+01,-1.7077848557581998E-01,4.8122386252380911E-01,1.4151382107643440E-01,-2.1196396250643554E-02,-1.1345689992318849E-02,-2.4982388781798299E-03 -(2020 AV2),I41,5.7973000000000000E+04,1.3162980087800000E+02,2.3462391557000000E+01,-1.9179855909847432E-01,4.6940302251182831E-01,1.3887474510199119E-01,-2.0831092127112531E-02,-1.2302417859106560E-02,-2.7804844895390562E-03 -(2020 AV2),I41,5.7974000000000000E+04,1.3323324754999999E+02,2.2932616282000001E+01,-2.1242780259992800E-01,4.5662649471191574E-01,1.3595287927806637E-01,-2.0414197051753832E-02,-1.3256506043206330E-02,-3.0637003430232703E-03 -(2020 AV2),I41,5.7975000000000000E+04,1.3483068131700000E+02,2.2378518351000000E+01,-2.3261393070998559E-01,4.4289822383595889E-01,1.3274759951469969E-01,-1.9944340936178771E-02,-1.4205290212097668E-02,-3.3471798147139829E-03 -(2020 AV2),I41,5.7976000000000000E+04,1.3642171325300001E+02,2.1800447155000001E+01,-2.5230334840471313E-01,4.2822492539555912E-01,1.2925902047096308E-01,-1.9420280121980781E-02,-1.5145891762901301E-02,-3.6301515850531681E-03 -(2020 AV2),I41,5.7977000000000000E+04,1.3800599497300001E+02,2.1198792988000001E+01,-2.7144129141655726E-01,4.1261630102032298E-01,1.2548806102135723E-01,-1.8840925861706589E-02,-1.6075216211728360E-02,-3.9117782371036365E-03 -(2020 AV2),I41,5.7978000000000000E+04,1.3958321834600000E+02,2.0573987652000000E+01,-2.8997199626149961E-01,3.9608525392587834E-01,1.2143651074659181E-01,-1.8205375062194308E-02,-1.6989954627842700E-02,-4.1911556391778116E-03 -(2020 AV2),I41,5.7979000000000000E+04,1.4115311493300001E+02,1.9926505076000002E+01,-3.0783890203835140E-01,3.7864810120862002E-01,1.1710709658159975E-01,-1.7512943037408954E-02,-1.7886588664142212E-02,-4.4673132759410353E-03 -(2020 AV2),I41,5.7980000000000000E+04,1.4271545519599999E+02,1.9256861931000000E+01,-3.2498488582887897E-01,3.6032477909874439E-01,1.1250354858903569E-01,-1.6763197899685028E-02,-1.8761399745323978E-02,-4.7392156988107954E-03 -(2020 AV2),I41,5.7981000000000000E+04,1.4427004751800001E+02,1.8565618228000002E+01,-3.4135253310483282E-01,3.4113903673332890E-01,1.0763066365106365E-01,-1.5955996084581717E-02,-1.9610482965718268E-02,-5.0057652682747545E-03 -(2020 AV2),I41,5.7982000000000000E+04,1.4581673712800000E+02,1.7853377856000002E+01,-3.5688444396047048E-01,3.2111861348605675E-01,1.0249436570340302E-01,-1.5091518360261185E-02,-2.0429766212100790E-02,-5.2658063551805773E-03 -(2020 AV2),I41,5.7983000000000000E+04,1.4735540499900000E+02,1.7120789030000001E+01,-3.7152357526965796E-01,3.0029539440319020E-01,9.7101760973483192E-02,-1.4170305520818152E-02,-2.1215034959492878E-02,-5.5181311541077109E-03 -(2020 AV2),I41,5.7984000000000000E+04,1.4888596686100001E+02,1.6368544585999999E+01,-3.8521361799402221E-01,2.7870553789192343E-01,9.1461186542701592E-02,-1.3193292811870981E-02,-2.1961963084610178E-02,-5.7614872377625224E-03 -(2020 AV2),I41,5.7985000000000000E+04,1.5040837240400000E+02,1.5597382083999999E+01,-3.9789940784954447E-01,2.5638956952257130E-01,8.5582250442100161E-02,-1.2161841994499590E-02,-2.2666149898827891E-02,-5.9945869457622494E-03 -(2020 AV2),I41,5.7986000000000000E+04,1.5192260474000000E+02,1.4808083642000000E+01,-4.0952736638558551E-01,2.3339243568139723E-01,7.9475861422498961E-02,-1.1077769830969532E-02,-2.3323163418861530E-02,-6.2161186534018704E-03 -(2020 AV2),I41,5.7987000000000000E+04,1.5342868006800001E+02,1.4001475504000000E+01,-4.2004596826353047E-01,2.0976351089388878E-01,7.3154246524906943E-02,-9.9433716847445938E-03,-2.3928589669886220E-02,-6.4247599059199184E-03 -(2020 AV2),I41,5.7988000000000000E+04,1.5492664740000001E+02,1.3178427295000001E+01,-4.2940622917973936E-01,1.8555655296992912E-01,6.6630954624426073E-02,-8.7614388807560097E-03,-2.4478087556854877E-02,-6.6191923322308751E-03 -(2020 AV2),I41,5.7989000000000000E+04,1.5641658819099999E+02,1.2339850971000001E+01,-4.3756220750587194E-01,1.6082960075604374E-01,5.9920844247327569E-02,-7.5352684838519198E-03,-2.4967448553028002E-02,-6.7981181707358783E-03 -(2020 AV2),I41,5.7990000000000000E+04,1.5789861573799999E+02,1.1486699458000000E+01,-4.4447151141227981E-01,1.3564481017838742E-01,5.3040054163251936E-02,-6.2686642328948616E-03,-2.5392660153717262E-02,-6.9602781521942592E-03 -(2020 AV2),I41,5.7991000000000000E+04,1.5937287433600000E+02,1.0619964942999999E+01,-4.5009580204257427E-01,1.1006822549434220E-01,4.6005955559111869E-02,-4.9659275273758081E-03,-2.5749971742436470E-02,-7.1044703944156311E-03 -(2020 AV2),I41,5.7992000000000000E+04,1.6083953823700000E+02,9.7406767910000003E+00,-4.5440128233309462E-01,8.4169484138217843E-02,3.8837084984381015E-02,-3.6318376026368577E-03,-2.6035961237854066E-02,-7.2295698768906885E-03 -(2020 AV2),I41,5.7993000000000000E+04,1.6229881053299999E+02,8.8498990570000000E+00,-4.5735916036301028E-01,5.8021455307791403E-02,3.1553057735305388E-02,-2.2716203518323187E-03,-2.6247600653356018E-02,-7.3345479859328305E-03 -(2020 AV2),I41,5.7994000000000000E+04,1.6375092204200001E+02,7.9487275720000001E+00,-4.5894607577616942E-01,3.1699814384954506E-02,2.4174461887649802E-02,-8.9090564594231179E-04,-2.6382318530388894E-02,-7.4184915597106001E-03 -(2020 AV2),I41,5.7995000000000000E+04,1.6519613029100000E+02,7.0382865929999996E+00,-4.5914447788869983E-01,5.2825573611697818E-03,1.6722733778924189E-02,5.0432654687798499E-04,-2.6438057122775464E-02,-7.4806208238318061E-03 -(2020 AV2),I41,5.7996000000000000E+04,1.6663471861299999E+02,6.1197250399999996E+00,-4.5794294463445917E-01,-2.1150538428920562E-02,9.2200163617167825E-03,1.9078104567689319E-03,-2.6413322228658897E-02,-7.5203055975607298E-03 -(2020 AV2),I41,5.7997000000000000E+04,1.6806699537899999E+02,5.1942123520000001E+00,-4.5533643252995226E-01,-4.7518498925792074E-02,1.6890024588018420E-03,3.3130679480183702E-03,-2.6307223700956894E-02,-7.5370791723680126E-03 -(2020 AV2),I41,5.7998000000000000E+04,1.6949329332700000E+02,4.2629340219999996E+00,-4.5132644934682087E-01,-7.3739773110796658E-02,-5.8472344731772333E-03,4.7134893589973392E-03,-2.6119504918192423E-02,-7.5306493200315520E-03 -(2020 AV2),I41,5.7999000000000000E+04,1.7091396896000001E+02,3.3270868710000001E+00,-4.4592114312035935E-01,-9.9732876178242613E-02,-1.3365418966587694E-02,6.1024196105065077E-03,-2.5850559858437212E-02,-7.5009059760994656E-03 -(2020 AV2),I41,5.8000000000000000E+04,1.7232940195300000E+02,2.3878741639999999E+00,-4.3913530342155405E-01,-1.2541704321875971E-01,-2.0842258045435026E-02,7.4732471390550736E-03,-2.5501436872953538E-02,-7.4479252624169486E-03 -(2020 AV2),I41,5.8001000000000000E+04,1.7373999449400000E+02,1.4465006430000000E+00,-4.3099027336390039E-01,-1.5071287989098017E-01,-2.8254627839496449E-02,8.8194930244673581E-03,-2.5073828776694604E-02,-7.3719696531674879E-03 -(2020 AV2),I41,5.8002000000000000E+04,1.7514617047600001E+02,5.0416760699999996E-01,-4.2151377348902386E-01,-1.7554299642570304E-01,-3.5579758416334872E-02,1.0134897627662611E-02,-2.4570049427980849E-02,-7.2734842438186356E-03 -(2020 AV2),I41,5.8003000000000000E+04,1.7654837444500001E+02,-4.3793186600000000E-01,-4.1073964132195917E-01,-1.9983261177174894E-01,-4.2795412982488505E-02,1.1413502145539402E-02,-2.3992997521913299E-02,-7.1530892413073479E-03 -(2020 AV2),I41,5.8004000000000000E+04,1.7794707022300000E+02,-1.3786174240000000E+00,-3.9870749288037588E-01,-2.2351011566340623E-01,-4.9880057798245912E-02,1.2649722716524434E-02,-2.3346108835012678E-02,-7.0115689461412002E-03 -(2020 AV2),I41,5.8005000000000000E+04,1.7934273917700000E+02,-2.3167255910000000E+00,-3.8546231462633984E-01,-2.4650757785086008E-01,-5.6813019491100583E-02,1.3838415058134716E-02,-2.2633298598317086E-02,-6.8498576327844056E-03 -(2020 AV2),I41,5.8006000000000000E+04,1.8073587810800001E+02,-3.2511134629999998E+00,-3.7105399615657375E-01,-2.6876119559045747E-01,-6.3574626916595586E-02,1.4974928060402671E-02,-2.1858896015399851E-02,-6.6690228452032643E-03 -(2020 AV2),I41,5.8007000000000000E+04,1.8212699683400001E+02,-4.1806619029999998E+00,-3.5553681525621261E-01,-2.9021167263533232E-01,-7.0146335274203775E-02,1.6055145263537334E-02,-2.1027573162676397E-02,-6.4702467035758398E-03 -(2020 AV2),I41,5.8008000000000000E+04,1.8351661553100001E+02,-5.1042782100000004E+00,-3.3896888775427914E-01,-3.1080452526232022E-01,-7.6510830803918711E-02,1.7075513678458488E-02,-2.0144270604498353E-02,-6.2548058626493317E-03 -(2020 AV2),I41,5.8009000000000000E+04,1.8490526190099999E+02,-6.0208982380000000E+00,-3.2141159489281446E-01,-3.3049031321335992E-01,-8.2652115039144242E-02,1.8033059930634567E-02,-1.9214122026762655E-02,-6.0240507714804147E-03 -(2020 AV2),I41,5.8010000000000000E+04,1.8629346824800001E+02,-6.9294879859999998E+00,-3.0292900070145423E-01,-3.4922479566695952E-01,-8.8555568229834153E-02,1.8925394187542448E-02,-1.8242380053252672E-02,-5.7793848608396004E-03 -(2020 AV2),I41,5.8011000000000000E+04,1.8768176848400000E+02,-7.8290446669999998E+00,-2.8358727118891081E-01,-3.6696901441686003E-01,-9.4207992155414810E-02,1.9750702744201657E-02,-1.7234345176599792E-02,-5.5222442327615660E-03 -(2020 AV2),I41,5.8012000000000000E+04,1.8907069512800001E+02,-8.7185973000000008E+00,-2.6345410612202069E-01,-3.8368930821259378E-01,-9.9597633084533801E-02,2.0507730470307781E-02,-1.6195299435892936E-02,-5.2540783530226473E-03 -(2020 AV2),I41,5.8013000000000000E+04,1.9046077632600000E+02,-9.5972068549999996E+00,-2.4259819282868555E-01,-3.9935726368496471E-01,-1.0471418609778896E-01,2.1195754558449329E-02,-1.5130446130351131E-02,-4.9763321584150753E-03 -(2020 AV2),I41,5.8014000000000000E+04,1.9185253293900001E+02,-1.0463966039000001E+01,-2.2108868994456099E-01,-4.1394960938983416E-01,-1.0954878235261711E-01,2.1814551153472146E-02,-1.4044856499272080E-02,-4.6904298939950788E-03 -(2020 AV2),I41,5.8015000000000000E+04,1.9324647573900000E+02,-1.1317998770000001E+01,-1.9899474741136802E-01,-4.2744806025837123E-01,-1.1409396113509040E-01,2.2364356494065048E-02,-1.2943423945328467E-02,-4.3977608974589775E-03 -(2020 AV2),I41,5.8016000000000000E+04,1.9464310269500001E+02,-1.2158459426000000E+01,-1.7638506740315485E-01,-4.3983912015838234E-01,-1.1834362871531436E-01,2.2845824170117466E-02,-1.1830826049355841E-02,-4.0996674540403058E-03 -(2020 AV2),I41,5.8017000000000000E+04,1.9604289629199999E+02,-1.2984531912000000E+01,-1.5332750930067118E-01,-4.5111385036367857E-01,-1.2229300610298459E-01,2.3259980006793503E-02,-1.0711494335189680E-02,-3.7974347604550112E-03 -(2020 AV2),I41,5.8018000000000000E+04,1.9744632079199999E+02,-1.3795428596000001E+01,-1.2988874038106002E-01,-4.6126761156108298E-01,-1.2593856780381574E-01,2.3608175945485029E-02,-9.5895914998646893E-03,-3.4922829631079664E-03 -(2020 AV2),I41,5.8019000000000000E+04,1.9885381934500001E+02,-1.4590389126000000E+01,-1.0613393262018311E-01,-4.7029978662674982E-01,-1.2927797361001778E-01,2.3892044117582542E-02,-8.4689956340938607E-03,-3.1853611761884729E-03 -(2020 AV2),I41,5.8020000000000000E+04,2.0026581089699999E+02,-1.5368679156000001E+01,-8.2126504891818941E-02,-4.7821349085854076E-01,-1.3230999534159643E-01,2.4113452115521378E-02,-7.3532908176624813E-03,-2.8777433393321959E-03 -(2020 AV2),I41,5.8021000000000000E+04,2.0168268687700001E+02,-1.6129589029000002E+01,-5.7927908953817164E-02,-4.8501527568237429E-01,-1.3503444029478301E-01,2.4274460268441010E-02,-6.2457633839649689E-03,-2.5704257424269059E-03 -(2020 AV2),I41,5.8022000000000000E+04,2.0310480772700001E+02,-1.6872432433000000E+01,-3.3597456901924838E-02,-4.9071483112228015E-01,-1.3745207296955647E-01,2.4377281538334149E-02,-5.1494031002677701E-03,-2.2643260253586549E-03 -(2020 AV2),I41,5.8023000000000000E+04,2.0453249931799999E+02,-1.7596545104000000E+01,-9.1921872354829848E-03,-4.9532469156951237E-01,-1.3956453645112230E-01,2.4424244474291711E-02,-4.0669084989557805E-03,-1.9602834513223716E-03 -(2020 AV2),I41,5.8024000000000000E+04,2.0596604936200001E+02,-1.8301283613999999E+01,1.5233233666442247E-02,-4.9885994862793176E-01,-1.4137427461659821E-01,2.4417759502565226E-02,-3.0006956141109195E-03,-1.6590602524252291E-03 -(2020 AV2),I41,5.8025000000000000E+04,2.0740570389100000E+02,-1.8986024307000001E+01,3.9626578078311270E-02,-5.0133797409005987E-01,-1.4288445614095382E-01,2.4360288692055761E-02,-1.9529094182750388E-03,-1.3613438531628640E-03 -(2020 AV2),I41,5.8026000000000000E+04,2.0885166387999999E+02,-1.9650162426000001E+01,6.3938094963112091E-02,-5.0277815541875015E-01,-1.4409890108701323E-01,2.4254319019443069E-02,-9.2543731141455851E-04,-1.0677497896095216E-03 -(2020 AV2),I41,5.8027000000000000E+04,2.1030408209699999E+02,-2.0293111466999999E+01,8.8120522985038363E-02,-5.0320164549510082E-01,-1.4502201069040274E-01,2.4102339065476281E-02,8.0075919649629651E-05,-7.7882515784538924E-04 -(2020 AV2),I41,5.8028000000000000E+04,2.1176306023199999E+02,-2.0914302816999999E+01,1.1212908186849524E-01,-5.0263112784637964E-01,-1.4565870079246793E-01,2.3906819002415265E-02,1.0622121813005196E-03,-4.9505244296440545E-04 -(2020 AV2),I41,5.8029000000000000E+04,2.1322864633800000E+02,-2.1513185678999999E+01,1.3592144529128780E-01,-5.0109059809557244E-01,-1.4601433923489079E-01,2.3670193680570904E-02,2.0197636295268395E-03,-2.1685359896820338E-04 -1143 Odysseus (1930 BH),500,5.7970000000000000E+04,2.5585551279500001E+02,-2.0342200612999999E+01,-4.7616345194213783E-01,-5.6804760318172134E+00,2.1675305882714502E-01,6.8407363308813258E-03,-7.1279688787145856E-04,2.7680153695700400E-04 -1143 Odysseus (1930 BH),500,5.7971000000000000E+04,2.5582567098000001E+02,-2.0342765620000002E+01,-4.6932920381097021E-01,-5.6811828758661367E+00,2.1702989479422230E-01,6.8414891270769818E-03,-7.0373577809312859E-04,2.7645551339060162E-04 -1143 Odysseus (1930 BH),500,5.7972000000000000E+04,2.5579882042000000E+02,-2.0343659089999999E+01,-4.6249429300112288E-01,-5.6818806206153019E+00,2.1730637848194875E-01,6.8422309463024395E-03,-6.9467429689237109E-04,2.7610907483733416E-04 -1143 Odysseus (1930 BH),500,5.7973000000000000E+04,2.5577496851699999E+02,-2.0344880224000001E+01,-4.5565873004400226E-01,-5.6825692666529433E+00,2.1758250940161422E-01,6.8429617902868636E-03,-6.8561245459959966E-04,2.7576222171569309E-04 -1143 Odysseus (1930 BH),500,5.7974000000000000E+04,2.5575412179200001E+02,-2.0346427988999999E+01,-4.4882252587850358E-01,-5.6832488145124964E+00,2.1785828708788738E-01,6.8436816607191182E-03,-6.7655026152551971E-04,2.7541495444709593E-04 -1143 Odysseus (1930 BH),500,5.7975000000000000E+04,2.5573628607600000E+02,-2.0348301141000000E+01,-4.4198569185931991E-01,-5.6839192646686074E+00,2.1813371110456956E-01,6.8443905592461612E-03,-6.6748772796935973E-04,2.7506727345572956E-04 -1143 Odysseus (1930 BH),500,5.7976000000000000E+04,2.5572146670000001E+02,-2.0350498257999998E+01,-4.3514823971490280E-01,-5.6845806175452260E+00,2.1840878104916650E-01,6.8450884874719439E-03,-6.5842486422305023E-04,2.7471917916819860E-04 -1143 Odysseus (1930 BH),500,5.7977000000000000E+04,2.5570966864400000E+02,-2.0353017765000001E+01,-4.2831018145908495E-01,-5.6852328735354369E+00,2.1868349655534466E-01,6.8457754469563748E-03,-6.4936168057595084E-04,2.7437067201308512E-04 -1143 Odysseus (1930 BH),500,5.7978000000000000E+04,2.5570089664700001E+02,-2.0355857954000001E+01,-4.2147152926516840E-01,-5.6858760330310911E+00,2.1895785729289527E-01,6.8464514392145414E-03,-6.4029818732116127E-04,2.7402175242054151E-04 -1143 Odysseus (1930 BH),500,5.7979000000000000E+04,2.5569515525099999E+02,-2.0359017003999998E+01,-4.1463229530902923E-01,-5.6865100964602746E+00,2.1923186296534114E-01,6.8471164657163521E-03,-6.3123439476028137E-04,2.7367242082166986E-04 -1143 Odysseus (1930 BH),500,5.7980000000000000E+04,2.5569244877899999E+02,-2.0362492984999999E+01,-4.0779249158835140E-01,-5.6871350643312129E+00,2.1950551330504905E-01,6.8477705278864581E-03,-6.2217031321060851E-04,2.7332267764792372E-04 -1143 Odysseus (1930 BH),500,5.7981000000000000E+04,2.5569278124200000E+02,-2.0366283859999999E+01,-4.0095212971408123E-01,-5.6877509372829707E+00,2.1977880806548650E-01,6.8484136271048483E-03,-6.1310595301190991E-04,2.7297252333031345E-04 -1143 Odysseus (1930 BH),500,5.7982000000000000E+04,2.5569615615000001E+02,-2.0370387471000001E+01,-3.9411122067671234E-01,-5.6883577161423737E+00,2.2005174700969843E-01,6.8490457647081126E-03,-6.0404132453406069E-04,2.7262195829843460E-04 -1143 Odysseus (1930 BH),500,5.7983000000000000E+04,2.5570257625200000E+02,-2.0374801511000001E+01,-3.8726977460680356E-01,-5.6889554019821755E+00,2.2032432989428519E-01,6.8496669419914700E-03,-5.9497643818857970E-04,2.7227098297974515E-04 -1143 Odysseus (1930 BH),500,5.7984000000000000E+04,2.5571204318100001E+02,-2.0379523486000000E+01,-3.8042780058001446E-01,-5.6895439961680969E+00,2.2059655644964332E-01,6.8502771602122967E-03,-5.8591130443616003E-04,2.7191959779787454E-04 -1143 Odysseus (1930 BH),500,5.7985000000000000E+04,2.5572455706900001E+02,-2.0384550666999999E+01,-3.7358530654232325E-01,-5.6901235003762309E+00,2.2086842635977155E-01,6.8508764205948113E-03,-5.7684593380092838E-04,2.7156780317150474E-04 -1143 Odysseus (1930 BH),500,5.7986000000000000E+04,2.5574011617599999E+02,-2.0389880030000000E+01,-3.6674229942285341E-01,-5.6906939165644417E+00,2.2113993924723577E-01,6.8514647243367883E-03,-5.6778033688380074E-04,2.7121559951264997E-04 -1143 Odysseus (1930 BH),500,5.7987000000000000E+04,2.5575871661100001E+02,-2.0395508213999999E+01,-3.5989878544440013E-01,-5.6912552468952882E+00,2.2141109466885101E-01,6.8520420726183185E-03,-5.5871452437895007E-04,2.7086298722475596E-04 -1143 Odysseus (1930 BH),500,5.7988000000000000E+04,2.5578035221100001E+02,-2.0401431487000000E+01,-3.5305477055760581E-01,-5.6918074936283301E+00,2.2168189212429606E-01,6.8526084666141011E-03,-5.4964850708950040E-04,2.7050996670043660E-04 -1143 Odysseus (1930 BH),500,5.7989000000000000E+04,2.5580501459700000E+02,-2.0407645733999999E+01,-3.4621026087344753E-01,-5.6923506590126847E+00,2.2195233107459178E-01,6.8531639075083816E-03,-5.4058229594657059E-04,2.7015653831892239E-04 -1143 Odysseus (1930 BH),500,5.7990000000000000E+04,2.5583269336199999E+02,-2.0414146473999999E+01,-3.3936526297435821E-01,-5.6928847452085396E+00,2.2222241096404918E-01,6.8537083965148089E-03,-5.3151590202554951E-04,2.6980270244303118E-04 -1143 Odysseus (1930 BH),500,5.7991000000000000E+04,2.5586337635100000E+02,-2.0420928884999999E+01,-3.3251978405579730E-01,-5.6934097542500401E+00,2.2249213123904635E-01,6.8542419349012923E-03,-5.2244933656339122E-04,2.6944845941572496E-04 -1143 Odysseus (1930 BH),500,5.7992000000000000E+04,2.5589704994600001E+02,-2.0427987835000000E+01,-3.2567383191461707E-01,-5.6939256880452671E+00,2.2276149136007128E-01,6.8547645240207462E-03,-5.1338261097254138E-04,2.6909380955619956E-04 -1143 Odysseus (1930 BH),500,5.7993000000000000E+04,2.5593369932799999E+02,-2.0435317922999999E+01,-3.1882741484503208E-01,-5.6944325483988223E+00,2.2303049080661386E-01,6.8552761653484793E-03,-5.0431573685214177E-04,2.6873875315558475E-04 -1143 Odysseus (1930 BH),500,5.7994000000000000E+04,2.5597330868099999E+02,-2.0442913500000000E+01,-3.1198054150493215E-01,-5.6949303370420301E+00,2.2329912907667843E-01,6.8557768605270403E-03,-4.9524872599552953E-04,2.6838329047231419E-04 -1143 Odysseus (1930 BH),500,5.7995000000000000E+04,2.5601586134399997E+02,-2.0450768700000001E+01,-3.0513322079639460E-01,-5.6954190556598174E+00,2.2356740568336983E-01,6.8562666114194495E-03,-4.8618159038943051E-04,2.6802742172724384E-04 -1143 Odysseus (1930 BH),500,5.7996000000000000E+04,2.5606133992200000E+02,-2.0458877456000000E+01,-2.9828546178661541E-01,-5.6958987059082435E+00,2.2383532015062430E-01,6.8567454201690983E-03,-4.7711434220572974E-04,2.6767114709905969E-04 -1143 Odysseus (1930 BH),500,5.7997000000000000E+04,2.5610972637899999E+02,-2.0467233516000000E+01,-2.9143727367763728E-01,-5.6963692894205522E+00,2.2410287200972875E-01,6.8572132892697315E-03,-4.6804699377767101E-04,2.6731446671955471E-04 -1143 Odysseus (1930 BH),500,5.7998000000000000E+04,2.5616100211800000E+02,-2.0475830455000001E+01,-2.8458866582654607E-01,-5.6968308078016276E+00,2.2437006079768720E-01,6.8576702216384487E-03,-4.5897955756249789E-04,2.6695738067025981E-04 -1143 Odysseus (1930 BH),500,5.7999000000000000E+04,2.5621514808199998E+02,-2.0484661694000000E+01,-2.7773964780873783E-01,-5.6972832626125580E+00,2.2463688605828575E-01,6.8581162206928347E-03,-4.4991204608097260E-04,2.6659988898023644E-04 -1143 Odysseus (1930 BH),500,5.8000000000000000E+04,2.5627214487800001E+02,-2.0493720513000000E+01,-2.7089022951405239E-01,-5.6977266553482719E+00,2.2490334734624118E-01,6.8585512904262048E-03,-4.4084447183339801E-04,2.6624199162623519E-04 -1143 Odysseus (1930 BH),500,5.8001000000000000E+04,2.5633197292900002E+02,-2.0503000076999999E+01,-2.6404042125081806E-01,-5.6981609874137416E+00,2.2516944423452084E-01,6.8589754354732935E-03,-4.3177684718605919E-04,2.6588368853588143E-04 -1143 Odysseus (1930 BH),500,5.8002000000000000E+04,2.5639461266600000E+02,-2.0512493460999998E+01,-2.5719023382879846E-01,-5.6985862601059400E+00,2.2543517632383503E-01,6.8593886611577649E-03,-4.2270918422594034E-04,2.6552497959530418E-04 -1143 Odysseus (1930 BH),500,5.8003000000000000E+04,2.5646004472200002E+02,-2.0522193684000001E+01,-2.5033967858109629E-01,-5.6990024746102979E+00,2.2570054325252931E-01,6.8597909735076791E-03,-4.1364149459676910E-04,2.6516586466112806E-04 -1143 Odysseus (1930 BH),500,5.8004000000000000E+04,2.5652825011900001E+02,-2.0532093736000000E+01,-2.4348876729311242E-01,-5.6994096320184831E+00,2.2596554470411193E-01,6.8601823792382669E-03,-4.0457378928804993E-04,2.6480634357922147E-04 -1143 Odysseus (1930 BH),500,5.8005000000000000E+04,2.5659921040799998E+02,-2.0542186611000002E+01,-2.3663751202749483E-01,-5.6998077333693882E+00,2.2623018040968737E-01,6.8605628856620140E-03,-3.9550607843942889E-04,2.6444641620887471E-04 -1143 Odysseus (1930 BH),500,5.8006000000000000E+04,2.5667290772400003E+02,-2.0552465327000000E+01,-2.2978592486506222E-01,-5.7001967797078992E+00,2.2649445014359926E-01,6.8609325005475185E-03,-3.8643837113412974E-04,2.6408608245254817E-04 -1143 Odysseus (1930 BH),500,5.8007000000000000E+04,2.5674932475100002E+02,-2.0562922930999999E+01,-2.2293401760778808E-01,-5.7005767721502174E+00,2.2675835371257866E-01,6.8612912319075715E-03,-3.7737067521700918E-04,2.6372534229004443E-04 -1143 Odysseus (1930 BH),500,5.8008000000000000E+04,2.5682844458599999E+02,-2.0573552498000002E+01,-2.1608180149976586E-01,-5.7009477119429421E+00,2.2702189094033101E-01,6.8616390877182052E-03,-3.6830299717131171E-04,2.6336419581446993E-04 -1143 Odysseus (1930 BH),500,5.8009000000000000E+04,2.5691025052100002E+02,-2.0584347117000000E+01,-2.0922928700592069E-01,-5.7013096005069066E+00,2.2728506165036463E-01,6.8619760755845565E-03,-3.5923534207187025E-04,2.6300264326577883E-04 -1143 Odysseus (1930 BH),500,5.8010000000000000E+04,2.5699472577400002E+02,-2.0595299861000001E+01,-2.0237648366704386E-01,-5.7016624394622006E+00,2.2754786564920723E-01,6.8623022023873281E-03,-3.5016771364925967E-04,2.6264068505923457E-04 -1143 Odysseus (1930 BH),500,5.8011000000000000E+04,2.5708185319500001E+02,-2.0606403758999999E+01,-1.9552340003046964E-01,-5.7020062306349795E+00,2.2781030271136246E-01,6.8626174739392747E-03,-3.4110011444948157E-04,2.6227832180303708E-04 -1143 Odysseus (1930 BH),500,5.8012000000000000E+04,2.5717161496199998E+02,-2.0617651762000001E+01,-1.8867004365643802E-01,-5.7023409760470027E+00,2.2807237256661494E-01,6.8629218946938252E-03,-3.3203254610247868E-04,2.6191555430344612E-04 -1143 Odysseus (1930 BH),500,5.8013000000000000E+04,2.5726399230999999E+02,-2.0629036703000001E+01,-1.8181642120612140E-01,-5.7026666778873158E+00,2.2833407489064370E-01,6.8632154675384357E-03,-3.2296500967524122E-04,2.6155238355499150E-04 -1143 Odysseus (1930 BH),500,5.8014000000000000E+04,2.5735896530500003E+02,-2.0640551272000000E+01,-1.7496253862102495E-01,-5.7029833384651027E+00,2.2859540930055380E-01,6.8634981936995486E-03,-3.1389750607907843E-04,2.6118881071608805E-04 -1143 Odysseus (1930 BH),500,5.8015000000000000E+04,2.5745651270100001E+02,-2.0652187990000002E+01,-1.6810840139061001E-01,-5.7032909601456403E+00,2.2885637535701858E-01,6.8637700727731243E-03,-3.0483003648367965E-04,2.6082483707260491E-04 -1143 Odysseus (1930 BH),500,5.8016000000000000E+04,2.5755661189400001E+02,-2.0663939194000001E+01,-1.6125401487445790E-01,-5.7035895452773282E+00,2.2911697257379621E-01,6.8640311028770173E-03,-2.9576260267170917E-04,2.6046046399515334E-04 -1143 Odysseus (1930 BH),500,5.8017000000000000E+04,2.5765923898099999E+02,-2.0675797040999999E+01,-1.5439938462057512E-01,-5.7038790961229937E+00,2.2937720043317436E-01,6.8642812808796267E-03,-2.8669520735119872E-04,2.6009569289291634E-04 -1143 Odysseus (1930 BH),500,5.8018000000000000E+04,2.5776436890999997E+02,-2.0687753518000001E+01,-1.4754451661284307E-01,-5.7041596148090559E+00,2.2963705840397564E-01,6.8645206027031615E-03,-2.7762785435354181E-04,2.5973052516977524E-04 -1143 Odysseus (1930 BH),500,5.8019000000000000E+04,2.5787197568099998E+02,-2.0699800466999999E+01,-1.4068941740698682E-01,-5.7044311033005481E+00,2.2989654595795722E-01,6.8647490636411564E-03,-2.6856054873775070E-04,2.5936496218694047E-04 -1143 Odysseus (1930 BH),500,5.8020000000000000E+04,2.5798203257099999E+02,-2.0711929608999998E+01,-1.3383409414825609E-01,-5.7046935634016860E+00,2.3015566258156156E-01,6.8649666586642431E-03,-2.5949329679839095E-04,2.5899900523433374E-04 -1143 Odysseus (1930 BH),500,5.8021000000000000E+04,2.5809451233300001E+02,-2.0724132571999998E+01,-1.2697855450030215E-01,-5.7049469967747601E+00,2.3041440778181660E-01,6.8651733826958113E-03,-2.5042610599964113E-04,2.5863265551074233E-04 -1143 Odysseus (1930 BH),500,5.8022000000000000E+04,2.5820938737099999E+02,-2.0736400919000001E+01,-1.2012280653041696E-01,-5.7051914049673753E+00,2.3067278108703132E-01,6.8653692308326495E-03,-2.4135898485310933E-04,2.5826591411373244E-04 -1143 Odysseus (1930 BH),500,5.8023000000000000E+04,2.5832662985899998E+02,-2.0748726164000001E+01,-1.1326685859108898E-01,-5.7054267894392012E+00,2.3093078204405032E-01,6.8655541985081754E-03,-2.3229194276239845E-04,2.5789878203732563E-04 -1143 Odysseus (1930 BH),500,5.8024000000000000E+04,2.5844621183100003E+02,-2.0761099789999999E+01,-1.0641071922959244E-01,-5.7056531515821831E+00,2.3118841021399295E-01,6.8657282816017148E-03,-2.2322498985732908E-04,2.5753126017564413E-04 -1143 Odysseus (1930 BH),500,5.8025000000000000E+04,2.5856810524899998E+02,-2.0773513261000002E+01,-9.9554397141988105E-02,-5.7058704927311785E+00,2.3144566516826931E-01,6.8658914764992886E-03,-2.1415813683028917E-04,2.5716334933072963E-04 -1143 Odysseus (1930 BH),500,5.8026000000000000E+04,2.5869228205600001E+02,-2.0785958032000000E+01,-9.2697901180919140E-02,-5.7060788141639955E+00,2.3170254648626479E-01,6.8660437801142584E-03,-2.0509139478606248E-04,2.5679505022301014E-04 -1143 Odysseus (1930 BH),500,5.8027000000000000E+04,2.5881871424399998E+02,-2.0798425562999999E+01,-8.5841240417851905E-02,-5.7062781170914132E+00,2.3195905375591044E-01,6.8661851898774787E-03,-1.9602477511086736E-04,2.5642636350298582E-04 -1143 Odysseus (1930 BH),500,5.8028000000000000E+04,2.5894737393999998E+02,-2.0810907324999999E+01,-7.8984424253716545E-02,-5.7064684026391435E+00,2.3221518657807666E-01,6.8663157037064174E-03,-1.8695828936320102E-04,2.5605728976309456E-04 -1143 Odysseus (1930 BH),500,5.8029000000000000E+04,2.5907823353600003E+02,-2.0823394823000001E+01,-7.2127462563720601E-02,-5.7066496718258204E+00,2.3247094457514011E-01,6.8664353199619768E-03,-1.7789194919170734E-04,2.5568782954900484E-04 -1143 Odysseus (1930 BH),703,5.7970000000000000E+04,2.5585585941299999E+02,-2.0342526946000000E+01,-4.7615973040919668E-01,-5.6804768091700391E+00,2.1675527918048018E-01,6.8407363309345758E-03,-7.1279688722454028E-04,2.7680153693237846E-04 -1143 Odysseus (1930 BH),703,5.7971000000000000E+04,2.5582601202900000E+02,-2.0343093082999999E+01,-4.6932538021569892E-01,-5.6811836798151276E+00,2.1703210589894809E-01,6.8414891271305865E-03,-7.0373577742167959E-04,2.7645551336515794E-04 -1143 Odysseus (1930 BH),703,5.7972000000000000E+04,2.5579915582600000E+02,-2.0343987635000001E+01,-4.6249036815533806E-01,-5.6818814509012627E+00,2.1730857966016429E-01,6.8422309463577980E-03,-6.9467429619621962E-04,2.7610907481082612E-04 -1143 Odysseus (1930 BH),703,5.7973000000000000E+04,2.5577529821200000E+02,-2.0345209804000000E+01,-4.5565470478099324E-01,-5.6825701229939289E+00,2.1758469997039162E-01,6.8429617903446047E-03,-6.8561245387882032E-04,2.7576222168798062E-04 -1143 Odysseus (1930 BH),703,5.7974000000000000E+04,2.5575444571000000E+02,-2.0346758556000001E+01,-4.4881840105288062E-01,-5.6832496966040704E+00,2.1786046635942188E-01,6.8436816607768177E-03,-6.7655026078158008E-04,2.7541495441864793E-04 -1143 Odysseus (1930 BH),703,5.7975000000000000E+04,2.5573660415600000E+02,-2.0348632648999999E+01,-4.4198146834687668E-01,-5.6839201721841235E+00,2.1813587838636456E-01,6.8443905593048885E-03,-6.6748772720215920E-04,2.7506727342633305E-04 -1143 Odysseus (1930 BH),703,5.7976000000000000E+04,2.5572177888300001E+02,-2.0350830661000000E+01,-4.3514391841248667E-01,-5.6845815501360999E+00,2.1841093564423605E-01,6.8450884875316011E-03,-6.5842486343303981E-04,2.7471917913786289E-04 -1143 Odysseus (1930 BH),703,5.7977000000000000E+04,2.5570997487500000E+02,-2.0353351017000001E+01,-4.2830576328450243E-01,-5.6852338308314172E+00,2.1868563776245392E-01,6.8457754470161751E-03,-6.4936167976393025E-04,2.7437067198198700E-04 -1143 Odysseus (1930 BH),703,5.7978000000000000E+04,2.5570119687600001E+02,-2.0356192009000001E+01,-4.2146701515711837E-01,-5.6858770146405346E+00,2.1895998440685163E-01,6.8464514392746860E-03,-6.4029818648745143E-04,2.7402175238863609E-04 -1143 Odysseus (1930 BH),703,5.7979000000000000E+04,2.5569544942900001E+02,-2.0359351816000000E+01,-4.1462768622707213E-01,-5.6865111019704289E+00,2.1923397527732019E-01,6.8471164657780076E-03,-6.3123439390463075E-04,2.7367242078867184E-04 -1143 Odysseus (1930 BH),703,5.7980000000000000E+04,2.5569273686299999E+02,-2.0362828510000000E+01,-4.0778778851288622E-01,-5.6871360933084931E+00,2.1950761010294223E-01,6.8477705279478655E-03,-6.2217031233441009E-04,2.7332267761425572E-04 -1143 Odysseus (1930 BH),703,5.7981000000000000E+04,2.5569306319000000E+02,-2.0366620052999998E+01,-4.0094733364635604E-01,-5.6877519892732709E+00,2.1978088863426390E-01,6.8484136271669115E-03,-6.1310595211504920E-04,2.7297252329574264E-04 -1143 Odysseus (1930 BH),703,5.7982000000000000E+04,2.5569643192600000E+02,-2.0370724288000002E+01,-3.9410633263881911E-01,-5.6883587906714093E+00,2.2005381063174623E-01,6.8490457647705939E-03,-6.0404132361708066E-04,2.7262195826301751E-04 -1143 Odysseus (1930 BH),703,5.7983000000000000E+04,2.5570284581999999E+02,-2.0375138908000000E+01,-3.8726479564168648E-01,-5.6889564985558554E+00,2.2032637584967202E-01,6.8496669420540258E-03,-5.9497643725211005E-04,2.7227098294356771E-04 -1143 Odysseus (1930 BH),703,5.7984000000000000E+04,2.5571230650999999E+02,-2.0379861421000001E+01,-3.8042273175148011E-01,-5.6895451142729598E+00,2.2059858401634155E-01,6.8502771602753773E-03,-5.8591130348032046E-04,2.7191959776080144E-04 -1143 Odysseus (1930 BH),703,5.7985000000000000E+04,2.5572481413200001E+02,-2.0384889095999998E+01,-3.7358014893495872E-01,-5.6901246394799498E+00,2.2087043481379703E-01,6.8508764206571633E-03,-5.7684593282698003E-04,2.7156780313390331E-04 -1143 Odysseus (1930 BH),703,5.7986000000000000E+04,2.5574036694700001E+02,-2.0390218912999998E+01,-3.6673705414198987E-01,-5.6906950761163912E+00,2.2114192786278819E-01,6.8514647243992522E-03,-5.6778033589159962E-04,2.7121559947426265E-04 -1143 Odysseus (1930 BH),703,5.7987000000000000E+04,2.5575896106700000E+02,-2.0395847507999999E+01,-3.5989345361598601E-01,-5.6912564263271701E+00,2.2141306271847155E-01,6.8520420726817010E-03,-5.5871452336827936E-04,2.7086298718531095E-04 -1143 Odysseus (1930 BH),703,5.7988000000000000E+04,2.5578059033400001E+02,-2.0401771149999998E+01,-3.5304935332809728E-01,-5.6918086923548525E+00,2.2168383887909474E-01,6.8526084666770612E-03,-5.4964850606177042E-04,2.7050996666035446E-04 -1143 Odysseus (1930 BH),703,5.7989000000000000E+04,2.5580524636999999E+02,-2.0407985727000000E+01,-3.4620475940969697E-01,-5.6923518764322445E+00,2.2195425580460301E-01,6.8531639075700103E-03,-5.4058229490295921E-04,2.7015653827852735E-04 -1143 Odysseus (1930 BH),703,5.7990000000000000E+04,2.5583291877200000E+02,-2.0414486757999999E+01,-3.3935967846349535E-01,-5.6928859807039176E+00,2.2222431293866626E-01,6.8537083965773404E-03,-5.3151590096463946E-04,2.6980270240152413E-04 -1143 Odysseus (1930 BH),703,5.7991000000000000E+04,2.5586359538500000E+02,-2.0421269419000001E+01,-3.3251411770508765E-01,-5.6934110071891126E+00,2.2249400972748923E-01,6.8542419349623832E-03,-5.2244933548759032E-04,2.6944845937395200E-04 -1143 Odysseus (1930 BH),703,5.7992000000000000E+04,2.5589726259700001E+02,-2.0428328581999999E+01,-3.2566808495129274E-01,-5.6939269577816791E+00,2.2276334563185690E-01,6.8547645240818796E-03,-5.1338260988095796E-04,2.6909380951360077E-04 -1143 Odysseus (1930 BH),703,5.7993000000000000E+04,2.5593390558999999E+02,-2.0435658842999999E+01,-3.1882158851615849E-01,-5.6944338342726892E+00,2.2303232013203134E-01,6.8552761654091165E-03,-5.0431573574570045E-04,2.6873875311235609E-04 -1143 Odysseus (1930 BH),703,5.7994000000000000E+04,2.5597350854999999E+02,-2.0443254556999999E+01,-3.1197463707726070E-01,-5.6949316383806030E+00,2.2330093272722371E-01,6.8557768605877921E-03,-4.9524872487403948E-04,2.6838329042819600E-04 -1143 Odysseus (1930 BH),703,5.7995000000000000E+04,2.5601605481799999E+02,-2.0451109856999999E+01,-3.0512723955621135E-01,-5.6954203717781642E+00,2.2356918293217320E-01,6.8562666114790251E-03,-4.8618158925454145E-04,2.6802742168276255E-04 -1143 Odysseus (1930 BH),703,5.7996000000000000E+04,2.5606152700299998E+02,-2.0459218676999999E+01,-2.9827940503960126E-01,-5.6959000361099212E+00,2.2383707027287192E-01,6.8567454202275689E-03,-4.7711434105781811E-04,2.6767114705419568E-04 -1143 Odysseus (1930 BH),703,5.7997000000000000E+04,2.5610990706899997E+02,-2.0467574764999998E+01,-2.9143114274871762E-01,-5.6963706329982831E+00,2.2410459428306398E-01,6.8572132893275819E-03,-4.6804699261666222E-04,2.6731446667408544E-04 -1143 Odysseus (1930 BH),703,5.7998000000000000E+04,2.5616117642299997E+02,-2.0476171697000002E+01,-2.8458246205972859E-01,-5.6968321640379829E+00,2.2437175450259453E-01,6.8576702216958333E-03,-4.5897955638863133E-04,2.6695738062409898E-04 -1143 Odysseus (1930 BH),703,5.7999000000000000E+04,2.5621531600899999E+02,-2.0485002894000001E+01,-2.7773337256694530E-01,-5.6972846307806213E+00,2.2463855047847567E-01,6.8581162207495844E-03,-4.4991204489481032E-04,2.6659988893344884E-04 -1143 Odysseus (1930 BH),703,5.8000000000000000E+04,2.5627230643500002E+02,-2.0494061637000001E+01,-2.7088388417894060E-01,-5.6977280347123358E+00,2.2490498176902934E-01,6.8585512904815633E-03,-4.4084447063624799E-04,2.6624199157919724E-04 -1143 Odysseus (1930 BH),703,5.8001000000000000E+04,2.5633212812800002E+02,-2.0503341091999999E+01,-2.6403400722258585E-01,-5.6981623772299610E+00,2.2517104795118353E-01,6.8589754355278202E-03,-4.3177684597767857E-04,2.6588368848829878E-04 -1143 Odysseus (1930 BH),703,5.8002000000000000E+04,2.5639476152100002E+02,-2.0512834334000001E+01,-2.5718375252598047E-01,-5.6985876596229854E+00,2.2543674862996219E-01,6.8593886612116906E-03,-4.2270918300641933E-04,2.6552497954703919E-04 -1143 Odysseus (1930 BH),703,5.8003000000000000E+04,2.5646018724599998E+02,-2.0522534382000000E+01,-2.5033313144035807E-01,-5.6990038830699863E+00,2.2570208344835418E-01,6.8597909735604781E-03,-4.1364149336719017E-04,2.6516586461245887E-04 -1143 Odysseus (1930 BH),703,5.8004000000000000E+04,2.5652838632900000E+02,-2.0532434228000000E+01,-2.4348215576904964E-01,-5.6994110486563949E+00,2.2596705209485679E-01,6.8601823792898082E-03,-4.0457378804899941E-04,2.6480634353022296E-04 -1143 Odysseus (1930 BH),703,5.8005000000000000E+04,2.5659934032199999E+02,-2.0542526866999999E+01,-2.3663083759248194E-01,-5.6998091574154364E+00,2.2623165430597239E-01,6.8605628857124432E-03,-3.9550607719111147E-04,2.6444641615945449E-04 -1143 Odysseus (1930 BH),703,5.8006000000000000E+04,2.5667303136200002E+02,-2.0552805314000000E+01,-2.2977918900911676E-01,-5.7001982103869064E+00,2.2649588986190777E-01,6.8609325005967049E-03,-3.8643836987714911E-04,2.6408608240278329E-04 -1143 Odysseus (1930 BH),703,5.8007000000000000E+04,2.5674944213399999E+02,-2.0563262620000000E+01,-2.2292722183842972E-01,-5.7005782086824643E+00,2.2675975857574671E-01,6.8612912319561542E-03,-3.7737067395077900E-04,2.6372534223950082E-04 -1143 Odysseus (1930 BH),703,5.8008000000000000E+04,2.5682855573699999E+02,-2.0573891860000000E+01,-2.1607494734193211E-01,-5.7009491535447427E+00,2.2702326027808875E-01,6.8616390877651399E-03,-3.6830299589784773E-04,2.6336419576384023E-04 -1143 Odysseus (1930 BH),703,5.8009000000000000E+04,2.5691035546400002E+02,-2.0584686122000001E+01,-2.0922237600188265E-01,-5.7013110463911962E+00,2.2728639479983606E-01,6.8619760756297547E-03,-3.5923534079174146E-04,2.6300264321513781E-04 -1143 Odysseus (1930 BH),703,5.8010000000000000E+04,2.5699482453600001E+02,-2.0595638481000002E+01,-2.0236951737632713E-01,-5.7016638888391471E+00,2.2754916195540986E-01,6.8623022024319243E-03,-3.5016771236096728E-04,2.6264068500774499E-04 -1143 Odysseus (1930 BH),703,5.8011000000000000E+04,2.5708194580100002E+02,-2.0606741966000001E+01,-1.9551638002974325E-01,-5.7020076827126651E+00,2.2781156152762430E-01,6.8626174739823131E-03,-3.4110011315506214E-04,2.6227832175140510E-04 -1143 Odysseus (1930 BH),703,5.8012000000000000E+04,2.5717170144200003E+02,-2.0617989527999999E+01,-1.8866297153938338E-01,-5.7023424300321235E+00,2.2807359325490545E-01,6.8629218947354308E-03,-3.3203254480209179E-04,2.6191555425157090E-04 -1143 Odysseus (1930 BH),703,5.8013000000000000E+04,2.5726407269200001E+02,-2.0629374001999999E+01,-1.8180929858328376E-01,-5.7026681329859388E+00,2.2833525682187952E-01,6.8632154675786561E-03,-3.2296500836921996E-04,2.6155238350283313E-04 -1143 Odysseus (1930 BH),703,5.8014000000000000E+04,2.5735903962100002E+02,-2.0640888078000000E+01,-1.7495536711963600E-01,-5.7029847938834664E+00,2.2859655185485400E-01,6.8634981937384853E-03,-3.1389750476757891E-04,2.6118881066354907E-04 -1143 Odysseus (1930 BH),703,5.8015000000000000E+04,2.5745658098199999E+02,-2.0652524277000001E+01,-1.6810118265437790E-01,-5.7032924150909619E+00,2.2885747792397568E-01,6.8637700728104928E-03,-3.0483003516770107E-04,2.6082483701993665E-04 -1143 Odysseus (1930 BH),703,5.8016000000000000E+04,2.5755667417400002E+02,-2.0664274936999998E+01,-1.6124675056333793E-01,-5.7035909989586413E+00,2.2911803455280252E-01,6.8640311029131663E-03,-2.9576260135083174E-04,2.6046046394201307E-04 -1143 Odysseus (1930 BH),703,5.8017000000000000E+04,2.5765929529400000E+02,-2.0676132214999999E+01,-1.5439207641051089E-01,-5.7038805477519752E+00,2.2937822123381588E-01,6.8642812809143394E-03,-2.8669520602630019E-04,2.6009569283950014E-04 -1143 Odysseus (1930 BH),703,5.8018000000000000E+04,2.5776441928999998E+02,-2.0688088099000002E+01,-1.4753716619549007E-01,-5.7041610636008286E+00,2.2963803744651226E-01,6.8645206027361932E-03,-2.7762785302559018E-04,2.5973052511634468E-04 -1143 Odysseus (1930 BH),703,5.8019000000000000E+04,2.5787202016499998E+02,-2.0700134430999999E+01,-1.4068202648937511E-01,-5.7044325484744842E+00,2.2989748267381294E-01,6.8647490636722383E-03,-2.6856054740789087E-04,2.5936496213382090E-04 -1143 Odysseus (1930 BH),703,5.8020000000000000E+04,2.5798207119400001E+02,-2.0712262933000002E+01,-1.3382666445242197E-01,-5.7046950041821622E+00,2.3015655641383176E-01,6.8649666586943058E-03,-2.5949329546451003E-04,2.5899900518043544E-04 -1143 Odysseus (1930 BH),703,5.8021000000000000E+04,2.5809454513399999E+02,-2.0724465235000000E+01,-1.2697108776293997E-01,-5.7049484323919000E+00,2.3041525818575417E-01,6.8651733827243570E-03,-2.5042610466342180E-04,2.5863265545663560E-04 -1143 Odysseus (1930 BH),703,5.8022000000000000E+04,2.5820941438800003E+02,-2.0736732897000000E+01,-1.2011530450249608E-01,-5.7051928346577547E+00,2.3067358753050513E-01,6.8653692308593929E-03,-2.4135898351582141E-04,2.5826591405980634E-04 -1143 Odysseus (1930 BH),703,5.8023000000000000E+04,2.5832665113000002E+02,-2.0749057436000001E+01,-1.1325932303744790E-01,-5.7054282124465354E+00,2.3093154400800986E-01,6.8655541985334669E-03,-2.3229194142330989E-04,2.5789878198310300E-04 -1143 Odysseus (1930 BH),703,5.8024000000000000E+04,2.5844622739699997E+02,-2.0761430335000000E+01,-1.0640315192854066E-01,-5.7056545671580050E+00,2.3118912719285617E-01,6.8657282816252507E-03,-2.2322498851786929E-04,2.5753126012157442E-04 -1143 Odysseus (1930 BH),703,5.8025000000000000E+04,2.5856811514999998E+02,-2.0773843058000001E+01,-9.9546799884890458E-02,-5.7058719001354836E+00,2.3144633667032460E-01,6.8658914765215252E-03,-2.1415813548911894E-04,2.5716334927607310E-04 -1143 Odysseus (1930 BH),703,5.8026000000000000E+04,2.5869228633400002E+02,-2.0786287062000000E+01,-9.2690275771763586E-02,-5.7060802126658956E+00,2.3170317203402666E-01,6.8660437801346674E-03,-2.0509139344563124E-04,2.5679505016866960E-04 -1143 Odysseus (1930 BH),703,5.8027000000000000E+04,2.5881871293900002E+02,-2.0798753805000000E+01,-8.5833588672813099E-02,-5.7062795059697571E+00,2.3195963288646437E-01,6.8661851898962111E-03,-1.9602477377098776E-04,2.5642636344872427E-04 -1143 Odysseus (1930 BH),703,5.8028000000000000E+04,2.5894736709500000E+02,-2.0811234760000001E+01,-7.8976748000710528E-02,-5.7064697811831149E+00,2.3221571884341102E-01,6.8663157037237047E-03,-1.8695828802309244E-04,2.5605728970841954E-04 -1143 Odysseus (1930 BH),703,5.8029000000000000E+04,2.5907822119299999E+02,-2.0823721430999999E+01,-7.2119763641908863E-02,-5.7066510393355259E+00,2.3247142954247607E-01,6.8664353199774861E-03,-1.7789194785353818E-04,2.5568782949469612E-04 -1143 Odysseus (1930 BH),F51,5.7970000000000000E+04,2.5585598793400001E+02,-2.0342336556999999E+01,-4.7616473200202547E-01,-5.6804756220389354E+00,2.1675547360929179E-01,6.8407363308338100E-03,-7.1279688843790129E-04,2.7680153697854905E-04 -1143 Odysseus (1930 BH),F51,5.7971000000000000E+04,2.5582614607400001E+02,-2.0342903954000001E+01,-4.6933036238399328E-01,-5.6811824931960846E+00,2.1703233449705292E-01,6.8414891270319545E-03,-7.0373577862488032E-04,2.7645551341070625E-04 -1143 Odysseus (1930 BH),F51,5.7972000000000000E+04,2.5579929530600000E+02,-2.0343799795999999E+01,-4.6249532947769656E-01,-5.6818802654080081E+00,2.1730884256694061E-01,6.8422309462614819E-03,-6.9467429739009968E-04,2.7610907485626314E-04 -1143 Odysseus (1930 BH),F51,5.7973000000000000E+04,2.5577544303299999E+02,-2.0345023283000000E+01,-4.5565964384066393E-01,-5.6825689392391032E+00,2.1758499731737285E-01,6.8429617902507458E-03,-6.8561245506358094E-04,2.7576222173354996E-04 -1143 Odysseus (1930 BH),F51,5.7974000000000000E+04,2.5575459577800001E+02,-2.0346573378999999E+01,-4.4882331643801521E-01,-5.6832485151986090E+00,2.1786079827008109E-01,6.8436816606850500E-03,-6.7655026195490020E-04,2.7541495446349753E-04 -1143 Odysseus (1930 BH),F51,5.7975000000000000E+04,2.5573675937700000E+02,-2.0348448842000000E+01,-4.4198635865079205E-01,-5.6839189937366470E+00,2.1813624497591100E-01,6.8443905592154080E-03,-6.6748772836464944E-04,2.7506727347086676E-04 -1143 Odysseus (1930 BH),F51,5.7976000000000000E+04,2.5572193916200001E+02,-2.0350648247999999E+01,-4.3514878223391784E-01,-5.6845803752523301E+00,2.1841133701944043E-01,6.8450884874444173E-03,-6.5842486458429945E-04,2.7471917918206511E-04 -1143 Odysseus (1930 BH),F51,5.7977000000000000E+04,2.5571014011700001E+02,-2.0353170022000000E+01,-4.2831059922784931E-01,-5.6852326601136092E+00,2.1868607402147416E-01,6.8457754469311355E-03,-6.4936168090299999E-04,2.7437067202558190E-04 -1143 Odysseus (1930 BH),F51,5.7978000000000000E+04,2.5570136698300001E+02,-2.0356012454999998E+01,-4.2147182183269172E-01,-5.6858758486869254E+00,2.1896045563904135E-01,6.8464514391918304E-03,-6.4029818761420984E-04,2.7402175243171497E-04 -1143 Odysseus (1930 BH),F51,5.7979000000000000E+04,2.5569562430400001E+02,-2.0359173726000002E+01,-4.1463246225131456E-01,-5.6865099413746849E+00,2.1923448156301373E-01,6.8471164656976466E-03,-6.3123439501979947E-04,2.7367242083167894E-04 -1143 Odysseus (1930 BH),F51,5.7980000000000000E+04,2.5569291640899999E+02,-2.0362651904000000E+01,-4.0779253250859215E-01,-5.6871349386591721E+00,2.1950815151319855E-01,6.8477705278695809E-03,-6.2217031343623011E-04,2.7332267765656416E-04 -1143 Odysseus (1930 BH),F51,5.7981000000000000E+04,2.5569324730899999E+02,-2.0366444951999998E+01,-4.0095204424286091E-01,-5.6877508411532931E+00,2.1978146523057013E-01,6.8484136270909419E-03,-6.1310595320403054E-04,2.7297252333770018E-04 -1143 Odysseus (1930 BH),F51,5.7982000000000000E+04,2.5569662051899999E+02,-2.0370550711000000E+01,-3.9411100847216141E-01,-5.6883576496575143E+00,2.2005442246568060E-01,6.8490457646968985E-03,-6.0404132469274972E-04,2.7262195830455438E-04 -1143 Odysseus (1930 BH),F51,5.7983000000000000E+04,2.5570303878799999E+02,-2.0374966873000002E+01,-3.8726943535473168E-01,-5.6889553652180513E+00,2.2032702296256149E-01,6.8496669419825084E-03,-5.9497643831393082E-04,2.7227098298456697E-04 -1143 Odysseus (1930 BH),F51,5.7984000000000000E+04,2.5571250375599999E+02,-2.0379690946000000E+01,-3.8042733399405826E-01,-5.6895439891739565E+00,2.2059926643890315E-01,6.8502771602062078E-03,-5.8591130452844038E-04,2.7191959780145192E-04 -1143 Odysseus (1930 BH),F51,5.7985000000000000E+04,2.5572501555599999E+02,-2.0384720197000000E+01,-3.7358471236393809E-01,-5.6901235231745764E+00,2.2087115256586509E-01,6.8508764205898985E-03,-5.7684593386004082E-04,2.7156780317374736E-04 -1143 Odysseus (1930 BH),F51,5.7986000000000000E+04,2.5574057245000000E+02,-2.0390051605000000E+01,-3.6674157742138980E-01,-5.6906939691509724E+00,2.2114268095307155E-01,6.8514647243342105E-03,-5.6778033691011996E-04,2.7121559951363285E-04 -1143 Odysseus (1930 BH),F51,5.7987000000000000E+04,2.5575917055100001E+02,-2.0395681806999999E+01,-3.5989793541706017E-01,-5.6912553292389205E+00,2.2141385114441270E-01,6.8520420726192457E-03,-5.5871452437276925E-04,2.7086298722453538E-04 -1143 Odysseus (1930 BH),F51,5.7988000000000000E+04,2.5578080370000001E+02,-2.0401607070000001E+01,-3.5305379232941747E-01,-5.6918076056712383E+00,2.2168466262677217E-01,6.8526084666166477E-03,-5.4964850705079872E-04,2.7050996669893352E-04 -1143 Odysseus (1930 BH),F51,5.7989000000000000E+04,2.5580546351999999E+02,-2.0407823280999999E+01,-3.4620915429730992E-01,-5.6923508006703818E+00,2.2195511484860458E-01,6.8531639075112040E-03,-5.4058229587546948E-04,2.7015653831611436E-04 -1143 Odysseus (1930 BH),F51,5.7990000000000000E+04,2.5583313960699999E+02,-2.0414325957999999E+01,-3.3936402793110332E-01,-5.6928849163699828E+00,2.2222520724194844E-01,6.8537083965212195E-03,-5.3151590192248958E-04,2.6980270243901264E-04 -1143 Odysseus (1930 BH),F51,5.7991000000000000E+04,2.5586381980799999E+02,-2.0421110277000000E+01,-3.3251842045427049E-01,-5.6934099547777777E+00,2.2249493924119440E-01,6.8542419349077906E-03,-5.2244933642840892E-04,2.6944845941043210E-04 -1143 Odysseus (1930 BH),F51,5.7992000000000000E+04,2.5589749051100000E+02,-2.0428171109000001E+01,-3.2567233969173914E-01,-5.6939259177755943E+00,2.2276431029511701E-01,6.8547645240295873E-03,-5.1338261080595068E-04,2.6909380954967765E-04 -1143 Odysseus (1930 BH),F51,5.7993000000000000E+04,2.5593413689700000E+02,-2.0435503050000001E+01,-3.1882579396594413E-01,-5.6944328071419861E+00,2.2303331987174566E-01,6.8552761653588486E-03,-5.0431573665415085E-04,2.6873875314782777E-04 -1143 Odysseus (1930 BH),F51,5.7994000000000000E+04,2.5597374315400000E+02,-2.0443100451999999E+01,-3.1197879196311251E-01,-5.6949306245824278E+00,2.2330196745785183E-01,6.8557768605399293E-03,-4.9524872576634134E-04,2.6838329046332084E-04 -1143 Odysseus (1930 BH),F51,5.7995000000000000E+04,2.5601629262300003E+02,-2.0450957450000001E+01,-3.0513134261379682E-01,-5.6954193717562323E+00,2.2357025255553262E-01,6.8562666114327939E-03,-4.8618159012931914E-04,2.6802742171703282E-04 -1143 Odysseus (1930 BH),F51,5.7996000000000000E+04,2.5606176791299998E+02,-2.0459067975000000E+01,-2.9828345501382902E-01,-5.6958990502940967E+00,2.2383817467794032E-01,6.8567454201829900E-03,-4.7711434191495192E-04,2.6767114708764928E-04 -1143 Odysseus (1930 BH),F51,5.7997000000000000E+04,2.5611015099000002E+02,-2.0467425775999999E+01,-2.9143513839402568E-01,-5.6963696618041766E+00,2.2410573334581235E-01,6.8572132892849771E-03,-4.6804699345645920E-04,2.6731446670693676E-04 -1143 Odysseus (1930 BH),F51,5.7998000000000000E+04,2.5616142325999999E+02,-2.0476024427999999E+01,-2.8458640214036124E-01,-5.6968312078665662E+00,2.2437292808582490E-01,6.8576702216553292E-03,-4.5897955721108108E-04,2.6695738065642512E-04 -1143 Odysseus (1930 BH),F51,5.7999000000000000E+04,2.5621556566900000E+02,-2.0484857351999999E+01,-2.7773725585726272E-01,-5.6972836900178851E+00,2.2463975843167294E-01,6.8581162207110797E-03,-4.4991204569960058E-04,2.6659988896519330E-04 -1143 Odysseus (1930 BH),F51,5.8000000000000000E+04,2.5627255882499998E+02,-2.0493917827000001E+01,-2.7088770946375762E-01,-5.6977271097289170E+00,2.2490622392822415E-01,6.8585512904444750E-03,-4.4084447142248018E-04,2.6624199161005114E-04 -1143 Odysseus (1930 BH),F51,5.8001000000000000E+04,2.5633238315599999E+02,-2.0503199018000000E+01,-2.6403777329751854E-01,-5.6981614683808335E+00,2.2517232413884161E-01,6.8589754354925871E-03,-4.3177684674576902E-04,2.6588368851851251E-04 -1143 Odysseus (1930 BH),F51,5.8002000000000000E+04,2.5639501909400002E+02,-2.0512694002000000E+01,-2.5718745819780464E-01,-5.6985867672471553E+00,2.2543805865491554E-01,6.8593886611785244E-03,-4.2270918375646171E-04,2.6552497957672345E-04 -1143 Odysseus (1930 BH),F51,5.8003000000000000E+04,2.5646044727499998E+02,-2.0522395795000001E+01,-2.5033677552736089E-01,-5.6990030074902167E+00,2.2570342710577201E-01,6.8597909735289338E-03,-4.1364149409852877E-04,2.6516586464139737E-04 -1143 Odysseus (1930 BH),F51,5.8004000000000000E+04,2.5652864872399999E+02,-2.0532297390000000E+01,-2.4348573710138854E-01,-5.6994101901789511E+00,2.2596842916625698E-01,6.8601823792597584E-03,-4.0457378876136013E-04,2.6480634355836733E-04 -1143 Odysseus (1930 BH),F51,5.8005000000000000E+04,2.5659960499300001E+02,-2.0542391778999999E+01,-2.3663435501257934E-01,-5.6998083163298432E+00,2.2623306455922632E-01,6.8605628856840163E-03,-3.9550607788454289E-04,2.6444641618688275E-04 -1143 Odysseus (1930 BH),F51,5.8006000000000000E+04,2.5667329822099998E+02,-2.0552671980000000E+01,-2.2978264137203985E-01,-5.7001973869657219E+00,2.2649733305125033E-01,6.8609325005697715E-03,-3.8643837055139102E-04,2.6408608242944209E-04 -1143 Odysseus (1930 BH),F51,5.8007000000000000E+04,2.5674971109299997E+02,-2.0563131041999998E+01,-2.2293060801224429E-01,-5.7005774031810796E+00,2.2676123444175045E-01,6.8612912319314049E-03,-3.7737067460640733E-04,2.6372534226569596E-04 -1143 Odysseus (1930 BH),F51,5.8008000000000000E+04,2.5682882670999999E+02,-2.0573762038000002E+01,-2.1607826620805271E-01,-5.7009483662011657E+00,2.2702476854758313E-01,6.8616390877414392E-03,-3.6830299653362042E-04,2.6336419578909970E-04 -1143 Odysseus (1930 BH),F51,5.8009000000000000E+04,2.5691062836399999E+02,-2.0584558057999999E+01,-2.0922562645537912E-01,-5.7013102774258630E+00,2.2728793518578319E-01,6.8619760756069422E-03,-3.5923534140748850E-04,2.6300264323942681E-04 -1143 Odysseus (1930 BH),F51,5.8010000000000000E+04,2.5699509927899999E+02,-2.0595512176000000E+01,-2.0237269832624749E-01,-5.7016631384547276E+00,2.2755073415672894E-01,6.8623022024113939E-03,-3.5016771295783011E-04,2.6264068503160931E-04 -1143 Odysseus (1930 BH),F51,5.8011000000000000E+04,2.5708222230299998E+02,-2.0606617418999999E+01,-1.9551949039938232E-01,-5.7020069510938614E+00,2.2781316522902545E-01,6.8626174739628704E-03,-3.4110011373188198E-04,2.6227832177439631E-04 -1143 Odysseus (1930 BH),F51,5.8012000000000000E+04,2.5717197961900001E+02,-2.0617866739000000E+01,-1.8866601026654217E-01,-5.7023417173454858E+00,2.2807522812675371E-01,6.8629218947172240E-03,-3.3203254535893109E-04,2.6191555427375460E-04 -1143 Odysseus (1930 BH),F51,5.8013000000000000E+04,2.5726435246199998E+02,-2.0629252968999999E+01,-1.8181226462052369E-01,-5.7026674393796846E+00,2.2833692252010235E-01,6.8632154675617330E-03,-3.2296500890605095E-04,2.6155238352424336E-04 -1143 Odysseus (1930 BH),F51,5.8014000000000000E+04,2.5735932090300003E+02,-2.0640768800000000E+01,-1.7495825943450782E-01,-5.7029841194872910E+00,2.2859824802093051E-01,6.8634981937230116E-03,-3.1389750528446059E-04,2.6118881068424617E-04 -1143 Odysseus (1930 BH),F51,5.8015000000000000E+04,2.5745686369600003E+02,-2.0652406752000001E+01,-1.6810400022962790E-01,-5.7032917600158877E+00,2.2885920418499958E-01,6.8637700727960087E-03,-3.0483003566420322E-04,2.6082483703977820E-04 -1143 Odysseus (1930 BH),F51,5.8016000000000000E+04,2.5755695823999997E+02,-2.0664159163000001E+01,-1.6124949239715303E-01,-5.7035903632968612E+00,2.2911979052158699E-01,6.8640311029002539E-03,-2.9576260182732905E-04,2.6046046396119087E-04 -1143 Odysseus (1930 BH),F51,5.8017000000000000E+04,2.5765958063400001E+02,-2.0676018189000001E+01,-1.5439474151677501E-01,-5.7038799315767230E+00,2.2938000650901755E-01,6.8642812809026439E-03,-2.8669520648246308E-04,2.6009569285791059E-04 -1143 Odysseus (1930 BH),F51,5.8018000000000000E+04,2.5776470582700000E+02,-2.0687975818999998E+01,-1.4753975360412319E-01,-5.7041604669662824E+00,2.2963985161274050E-01,6.8645206027252333E-03,-2.7762785346105087E-04,2.5973052513385638E-04 -1143 Odysseus (1930 BH),F51,5.8019000000000000E+04,2.5787230782099999E+02,-2.0700023893000001E+01,-1.4068453524664792E-01,-5.7044319714156755E+00,2.2989932530173246E-01,6.8647490636614128E-03,-2.6856054782222957E-04,2.5936496215027990E-04 -1143 Odysseus (1930 BH),F51,5.8020000000000000E+04,2.5798235989500000E+02,-2.0712154133999999E+01,-1.3382909362131290E-01,-5.7046944467149308E+00,2.3015842706023507E-01,6.8649666586855411E-03,-2.5949329585892023E-04,2.5899900519638157E-04 -1143 Odysseus (1930 BH),F51,5.8021000000000000E+04,2.5809483480599999E+02,-2.0724358169999999E+01,-1.2697343642347403E-01,-5.7049478945128733E+00,2.3041715639362562E-01,6.8651733827166236E-03,-2.5042610503717838E-04,2.5863265547178965E-04 -1143 Odysseus (1930 BH),F51,5.8022000000000000E+04,2.5820970495699999E+02,-2.0736627561999999E+01,-1.2011757175213189E-01,-5.7051923163443465E+00,2.3067551282907625E-01,6.8653692308519631E-03,-2.4135898386850804E-04,2.5826591407399806E-04 -1143 Odysseus (1930 BH),F51,5.8023000000000000E+04,2.5832694252300001E+02,-2.0748953827000001E+01,-1.1326150799150692E-01,-5.7054277136569578E+00,2.3093349591281317E-01,6.8655541985271932E-03,-2.3229194175538800E-04,2.5789878199654684E-04 -1143 Odysseus (1930 BH),F51,5.8024000000000000E+04,2.5844651954300002E+02,-2.0761328446000000E+01,-1.0640525372053933E-01,-5.7056540878313138E+00,2.3119110520581598E-01,6.8657282816192815E-03,-2.2322498882882888E-04,2.5753126013408568E-04 -1143 Odysseus (1930 BH),F51,5.8025000000000000E+04,2.5856840797799998E+02,-2.0773742884000001E+01,-9.9548817666954448E-02,-5.7058714401916397E+00,2.3144834027983416E-01,6.8658914765172083E-03,-2.1415813577966084E-04,2.5716334928795851E-04 -1143 Odysseus (1930 BH),F51,5.8026000000000000E+04,2.5869257977400002E+02,-2.0786188597999999E+01,-9.2692208714964419E-02,-5.7060797720058405E+00,2.3170520071505868E-01,6.8660437801303202E-03,-2.0509139371487073E-04,2.5679505017955982E-04 -1143 Odysseus (1930 BH),F51,5.8027000000000000E+04,2.5881900692400001E+02,-2.0798657044999999E+01,-8.5835435967546281E-02,-5.7062790844755034E+00,2.3196168610067927E-01,6.8661851898922403E-03,-1.9602477401913995E-04,2.5642636345873227E-04 -1143 Odysseus (1930 BH),F51,5.8028000000000000E+04,2.5894766155600001E+02,-2.0811139699000002E+01,-7.8978508857081908E-02,-5.7064693787178715E+00,2.3221779603928577E-01,6.8663157037210203E-03,-1.8695828825055980E-04,2.5605728971772173E-04 -1143 Odysseus (1930 BH),F51,5.8029000000000000E+04,2.5907851606399998E+02,-2.0823628062000001E+01,-7.2121437290197155E-02,-5.7066506557437968E+00,2.3247353015543995E-01,6.8664353199745969E-03,-1.7789194805965108E-04,2.5568782950301748E-04 -1143 Odysseus (1930 BH),I11,5.7970000000000000E+04,2.5585561376900000E+02,-2.0342115815000000E+01,-4.7615706622491161E-01,-5.6804774840375734E+00,2.1675422678479883E-01,6.8407363310595192E-03,-7.1279688572183086E-04,2.7680153687511193E-04 -1143 Odysseus (1930 BH),I11,5.7971000000000000E+04,2.5582576402600000E+02,-2.0342681594999998E+01,-4.6932277325917937E-01,-5.6811843435474385E+00,2.1703102882465439E-01,6.8414891272527032E-03,-7.0373577593721946E-04,2.7645551330870391E-04 -1143 Odysseus (1930 BH),I11,5.7972000000000000E+04,2.5579890556999999E+02,-2.0343575793999999E+01,-4.6248781928248950E-01,-5.6818821030920104E+00,2.1730747806312378E-01,6.8422309464763638E-03,-6.9467429472941031E-04,2.7610907475485738E-04 -1143 Odysseus (1930 BH),I11,5.7973000000000000E+04,2.5577504580700000E+02,-2.0344797613000001E+01,-4.5565221483522178E-01,-5.6825707632468383E+00,2.1758357401502415E-01,6.8429617904592639E-03,-6.8561245242941896E-04,2.7576222163234950E-04 -1143 Odysseus (1930 BH),I11,5.7974000000000000E+04,2.5575419126099999E+02,-2.0346346017999998E+01,-4.4881597086494285E-01,-5.6832503245333346E+00,2.1785931621883234E-01,6.8436816608888305E-03,-6.7655025935095016E-04,2.7541495436387339E-04 -1143 Odysseus (1930 BH),I11,5.7975000000000000E+04,2.5573634776500000E+02,-2.0348219767000000E+01,-4.4197909873472541E-01,-5.6839207874147970E+00,2.1813470424242637E-01,6.8443905594136765E-03,-6.6748772578982020E-04,2.7506727337216647E-04 -1143 Odysseus (1930 BH),I11,5.7976000000000000E+04,2.5572152065399999E+02,-2.0350417439000001E+01,-4.3514161018111464E-01,-5.6845821523044693E+00,2.1840973768766458E-01,6.8450884876372050E-03,-6.5842486203909929E-04,2.7471917908431534E-04 -1143 Odysseus (1930 BH),I11,5.7977000000000000E+04,2.5570971491000000E+02,-2.0352937458000000E+01,-4.2830351722576065E-01,-5.6852344195853757E+00,2.1868441619285270E-01,6.8457754471190303E-03,-6.4936167838887046E-04,2.7437067192921308E-04 -1143 Odysseus (1930 BH),I11,5.7978000000000000E+04,2.5570093527500001E+02,-2.0355778118000000E+01,-4.2146483204953011E-01,-5.6858775896399374E+00,2.1895873943274846E-01,6.8464514393746850E-03,-6.4029818513124115E-04,2.7402175233657932E-04 -1143 Odysseus (1930 BH),I11,5.7979000000000000E+04,2.5569518629300001E+02,-2.0358937598000001E+01,-4.1462556683563656E-01,-5.6865116628874253E+00,2.1923270711620860E-01,6.8471164658744001E-03,-6.3123439256674088E-04,2.7367242073707152E-04 -1143 Odysseus (1930 BH),I11,5.7980000000000000E+04,2.5569247229100000E+02,-2.0362413967999998E+01,-4.0778573358891279E-01,-5.6871366398278749E+00,2.1950631898135364E-01,6.8477705280417505E-03,-6.2217031101575830E-04,2.7332267756346800E-04 -1143 Odysseus (1930 BH),I11,5.7981000000000000E+04,2.5569279727899999E+02,-2.0366205191999999E+01,-4.0094534392729386E-01,-5.6877525210927873E+00,2.1977957478785817E-01,6.8484136272576905E-03,-6.1310595081524866E-04,2.7297252324557563E-04 -1143 Odysseus (1930 BH),I11,5.7982000000000000E+04,2.5569616477400001E+02,-2.0370309112000001E+01,-3.9410440884811360E-01,-5.6883593075020897E+00,2.2005247430543406E-01,6.8490457648584082E-03,-6.0404132233627880E-04,2.7262195821349988E-04 -1143 Odysseus (1930 BH),I11,5.7983000000000000E+04,2.5570257752300000E+02,-2.0374723421999999E+01,-3.8726293848867988E-01,-5.6889570001223051E+00,2.2032501729779769E-01,6.8496669421390984E-03,-5.9497643599049944E-04,2.7227098289476001E-04 -1143 Odysseus (1930 BH),I11,5.7984000000000000E+04,2.5571203716200000E+02,-2.0379445629999999E+01,-3.8042094193130882E-01,-5.6895456003136635E+00,2.2059720350288914E-01,6.8502771603573785E-03,-5.8591130223773977E-04,2.7191959771260513E-04 -1143 Odysseus (1930 BH),I11,5.7985000000000000E+04,2.5572454382699999E+02,-2.0384473006000000E+01,-3.7357842712856315E-01,-5.6901251097475454E+00,2.2086903261256513E-01,6.8508764207369701E-03,-5.7684593160399998E-04,2.7156780308655132E-04 -1143 Odysseus (1930 BH),I11,5.7986000000000000E+04,2.5574009577699999E+02,-2.0389802527000001E+01,-3.6673540101607505E-01,-5.6906955303779387E+00,2.2114050425753415E-01,6.8514647244762635E-03,-5.6778033468785939E-04,2.7121559942757967E-04 -1143 Odysseus (1930 BH),I11,5.7987000000000000E+04,2.5575868912400000E+02,-2.0395430831999999E+01,-3.5989186982300114E-01,-5.6912568643644317E+00,2.2141161800297920E-01,6.8520420727552888E-03,-5.5871452218344934E-04,2.7086298713913267E-04 -1143 Odysseus (1930 BH),I11,5.7988000000000000E+04,2.5578031770699999E+02,-2.0401354188999999E+01,-3.5304783950618113E-01,-5.6918091139645233E+00,2.2168237335718866E-01,6.8526084667482178E-03,-5.4964850489643002E-04,2.7050996661492915E-04 -1143 Odysseus (1930 BH),I11,5.7989000000000000E+04,2.5580497314799999E+02,-2.0407568485999999E+01,-3.4620331618258338E-01,-5.6923522814262055E+00,2.2195276979011527E-01,6.8531639076394668E-03,-5.4058229375751089E-04,2.7015653823401223E-04 -1143 Odysseus (1930 BH),I11,5.7990000000000000E+04,2.5583264504100001E+02,-2.0414069241000000E+01,-3.3935830644038412E-01,-5.6928863689094413E+00,2.2222280675539105E-01,6.8537083966432946E-03,-5.3151589983812045E-04,2.6980270235749213E-04 -1143 Odysseus (1930 BH),I11,5.7991000000000000E+04,2.5586332123200000E+02,-2.0420851632000002E+01,-3.3251281748050809E-01,-5.6934113784490528E+00,2.2249248370914565E-01,6.8542419350267458E-03,-5.2244933438096858E-04,2.6944845933082488E-04 -1143 Odysseus (1930 BH),I11,5.7992000000000000E+04,2.5589698810700000E+02,-2.0427910528999998E+01,-3.2566685710499010E-01,-5.6939273119546199E+00,2.2276180012207095E-01,6.8547645241434120E-03,-5.1338260879362982E-04,2.6909380947110254E-04 -1143 Odysseus (1930 BH),I11,5.7993000000000000E+04,2.5593363084500001E+02,-2.0435240530000002E+01,-3.1882043361292223E-01,-5.6944341712330866E+00,2.2303075548431467E-01,6.8552761654682628E-03,-5.0431573467783070E-04,2.6873875307057197E-04 -1143 Odysseus (1930 BH),I11,5.7994000000000000E+04,2.5597323363199999E+02,-2.0442835987999999E+01,-3.1197355566674101E-01,-5.6949319580189002E+00,2.2329934930497258E-01,6.8557768606439902E-03,-4.9524872382536965E-04,2.6838329038700998E-04 -1143 Odysseus (1930 BH),I11,5.7995000000000000E+04,2.5601577980799999E+02,-2.0450691036999999E+01,-3.0512623217276358E-01,-5.6954206740008813E+00,2.2356758110866609E-01,6.8562666115334391E-03,-4.8618158822558155E-04,2.6802742164239017E-04 -1143 Odysseus (1930 BH),I11,5.7996000000000000E+04,2.5606125198000001E+02,-2.0458799611000000E+01,-2.9827847220210668E-01,-5.6959003208397423E+00,2.2383545043125266E-01,6.8567454202801501E-03,-4.7711434004847966E-04,2.6767114701461010E-04 -1143 Odysseus (1930 BH),I11,5.7997000000000000E+04,2.5610963211100000E+02,-2.0467155458000001E+01,-2.9143028496037460E-01,-5.6963709001741130E+00,2.2410295681632825E-01,6.8572132893778672E-03,-4.6804699162672145E-04,2.6731446663520161E-04 -1143 Odysseus (1930 BH),I11,5.7998000000000000E+04,2.5616090160499999E+02,-2.0475752154999999E+01,-2.8458167980788474E-01,-5.6968324136149944E+00,2.2437009981356526E-01,6.8576702217436570E-03,-4.5897955541799804E-04,2.6695738058588406E-04 -1143 Odysseus (1930 BH),I11,5.7999000000000000E+04,2.5621504140700000E+02,-2.0484583121000000E+01,-2.7773266632291860E-01,-5.6972848627302861E+00,2.2463687897977344E-01,6.8581162207950967E-03,-4.4991204394350878E-04,2.6659988889592335E-04 -1143 Odysseus (1930 BH),I11,5.8000000000000000E+04,2.5627203212299997E+02,-2.0493641638000000E+01,-2.7088325439782923E-01,-5.6977282490224290E+00,2.2490329388304045E-01,6.8585512905255568E-03,-4.4084446970447250E-04,2.6624199154246881E-04 -1143 Odysseus (1930 BH),I11,5.8001000000000000E+04,2.5633185417900000E+02,-2.0502920871000001E+01,-2.6403345434305969E-01,-5.6981625739045576E+00,2.2516934411000120E-01,6.8589754355697034E-03,-4.3177684506521055E-04,2.6588368845227838E-04 -1143 Odysseus (1930 BH),I11,5.8002000000000000E+04,2.5639448800399998E+02,-2.0512413896999998E+01,-2.5718327697007692E-01,-5.6985878386824620E+00,2.2543502927530060E-01,6.8593886612511937E-03,-4.2270918211310959E-04,2.6552497951168547E-04 -1143 Odysseus (1930 BH),I11,5.8003000000000000E+04,2.5645991423200002E+02,-2.0522113733000001E+01,-2.5033273361323927E-01,-5.6990040445509944E+00,2.2570034903144007E-01,6.8597909735981788E-03,-4.1364149249313933E-04,2.6516586457783981E-04 -1143 Odysseus (1930 BH),I11,5.8004000000000000E+04,2.5652811388600003E+02,-2.0532013372000002E+01,-2.4348183605879736E-01,-5.6994111926118158E+00,2.2596530307629964E-01,6.8601823793258705E-03,-4.0457378719419013E-04,2.6480634349634972E-04 -1143 Odysseus (1930 BH),I11,5.8005000000000000E+04,2.5659906851599999E+02,-2.0542105806999999E+01,-2.3663059636981776E-01,-5.6998092839143633E+00,2.2622989115558248E-01,6.8605628857466988E-03,-3.9550607635543966E-04,2.6444641612630247E-04 -1143 Odysseus (1930 BH),I11,5.8006000000000000E+04,2.5667276026000002E+02,-2.0552384057000001E+01,-2.2977902662711147E-01,-5.7001983195145991E+00,2.2649411305849582E-01,6.8609325006293125E-03,-3.8643836906059048E-04,2.6408608237035974E-04 -1143 Odysseus (1930 BH),I11,5.8007000000000000E+04,2.5674917180000000E+02,-2.0562841169999999E+01,-2.2292713863228342E-01,-5.7005783005403075E+00,2.2675796860693623E-01,6.8612912319862803E-03,-3.7737067315305947E-04,2.6372534220773088E-04 -1143 Odysseus (1930 BH),I11,5.8008000000000000E+04,2.5682828623299997E+02,-2.0573470221000001E+01,-2.1607494362870738E-01,-5.7009492282501784E+00,2.2702145764015655E-01,6.8616390877941531E-03,-3.6830299511916159E-04,2.6336419573283243E-04 -1143 Odysseus (1930 BH),I11,5.8009000000000000E+04,2.5691008685300000E+02,-2.0584264299000001E+01,-2.0922245208026813E-01,-5.7013111040776590E+00,2.2728457999761179E-01,6.8619760756578191E-03,-3.5923534003204013E-04,2.6300264318489854E-04 -1143 Odysseus (1930 BH),I11,5.8010000000000000E+04,2.5699455687699998E+02,-2.0595216479000001E+01,-2.0236967352640600E-01,-5.7016639296559815E+00,2.2754733550220479E-01,6.8623022024574230E-03,-3.5016771161989688E-04,2.6264068497815110E-04 -1143 Odysseus (1930 BH),I11,5.8011000000000000E+04,2.5708167915500002E+02,-2.0606319790000001E+01,-1.9551661651283248E-01,-5.7020077068250048E+00,2.2780972394518820E-01,6.8626174740066270E-03,-3.4110011243274063E-04,2.6227832172254450E-04 -1143 Odysseus (1930 BH),I11,5.8012000000000000E+04,2.5717143586600002E+02,-2.0617567180999998E+01,-1.8866328859790682E-01,-5.7023424376207625E+00,2.2807174507342318E-01,6.8629218947583899E-03,-3.3203254409840816E-04,2.6191555422342750E-04 -1143 Odysseus (1930 BH),I11,5.8013000000000000E+04,2.5726380824300003E+02,-2.0628951489999999E+01,-1.8180969644064215E-01,-5.7026681242471797E+00,2.2833339857993004E-01,6.8632154676001910E-03,-3.2296500768408051E-04,2.6155238347540173E-04 -1143 Odysseus (1930 BH),I11,5.8014000000000000E+04,2.5735877635300000E+02,-2.0640465404000000E+01,-1.7495584598008196E-01,-5.7029847690289470E+00,2.2859468409932190E-01,6.8634981937584242E-03,-3.1389750410084835E-04,2.6118881063681633E-04 -1143 Odysseus (1930 BH),I11,5.8015000000000000E+04,2.5745631895000002E+02,-2.0652101445000000E+01,-1.6810174270292899E-01,-5.7032923743474617E+00,2.2885560120991108E-01,6.8637700728293276E-03,-3.0483003451931695E-04,2.6082483699391590E-04 -1143 Odysseus (1930 BH),I11,5.8016000000000000E+04,2.5755641343000002E+02,-2.0663851952000002E+01,-1.6124739196565496E-01,-5.7035909425678764E+00,2.2911614944321312E-01,6.8640311029302733E-03,-2.9576260072066915E-04,2.6046046391668389E-04 -1143 Odysseus (1930 BH),I11,5.8017000000000000E+04,2.5765903588999998E+02,-2.0675709080000001E+01,-1.5439279931277605E-01,-5.7038804759703607E+00,2.2937632829940682E-01,6.8642812809300994E-03,-2.8669520541427240E-04,2.6009569281487579E-04 -1143 Odysseus (1930 BH),I11,5.8018000000000000E+04,2.5776416127700003E+02,-2.0687664818999998E+01,-1.4753797072421304E-01,-5.7041609766992760E+00,2.2963613726540671E-01,6.8645206027511032E-03,-2.7762785243161045E-04,2.5973052509242197E-04 -1143 Odysseus (1930 BH),I11,5.8019000000000000E+04,2.5787176359099999E+02,-2.0699711010000001E+01,-1.4068291275126499E-01,-5.7044324467381173E+00,2.2989557583128065E-01,6.8647490636869115E-03,-2.6856054683183778E-04,2.5936496211059881E-04 -1143 Odysseus (1930 BH),I11,5.8020000000000000E+04,2.5798181610799998E+02,-2.0711839373000000E+01,-1.3382763253425800E-01,-5.7046948879100672E+00,2.3015464350200729E-01,6.8649666587067551E-03,-2.5949329490626213E-04,2.5899900515790296E-04 -1143 Odysseus (1930 BH),I11,5.8021000000000000E+04,2.5809429158299997E+02,-2.0724041540000002E+01,-1.2697213773139504E-01,-5.7049483018968363E+00,2.3041333980339082E-01,6.8651733827356440E-03,-2.5042610412286115E-04,2.5863265543479559E-04 -1143 Odysseus (1930 BH),I11,5.8022000000000000E+04,2.5820916241700002E+02,-2.0736309072000001E+01,-1.2011643640398306E-01,-5.7051926902658820E+00,2.3067166428274960E-01,6.8653692308702375E-03,-2.4135898299283004E-04,2.5826591403864543E-04 -1143 Odysseus (1930 BH),I11,5.8023000000000000E+04,2.5832640078399999E+02,-2.0748633482999999E+01,-1.1326053689793802E-01,-5.7054280544971174E+00,2.3092961650615398E-01,6.8655541985430148E-03,-2.3229194091779065E-04,2.5789878196262860E-04 -1143 Odysseus (1930 BH),I11,5.8024000000000000E+04,2.5844597871899998E+02,-2.0761006257999998E+01,-1.0640444775343350E-01,-5.7056543960031005E+00,2.3118719605411583E-01,6.8657282816343328E-03,-2.2322498802965218E-04,2.5753126010176882E-04 -1143 Odysseus (1930 BH),I11,5.8025000000000000E+04,2.5856786818299997E+02,-2.0773418860000000E+01,-9.9548177658854042E-02,-5.7058717161396411E+00,2.3144440251761156E-01,6.8658914765288379E-03,-2.1415813501817274E-04,2.5716334925697743E-04 -1143 Odysseus (1930 BH),I11,5.8026000000000000E+04,2.5869204111800002E+02,-2.0785862745999999E+01,-9.2691735458635294E-02,-5.7060800162058172E+00,2.3170123549571267E-01,6.8660437801418240E-03,-2.0509139299167839E-04,2.5679505015021816E-04 -1143 Odysseus (1930 BH),I11,5.8027000000000000E+04,2.5881846951599999E+02,-2.0798329374000001E+01,-8.5835130215460742E-02,-5.7062792974339649E+00,2.3195769459615326E-01,6.8661851899028022E-03,-1.9602477333395193E-04,2.5642636343092850E-04 -1143 Odysseus (1930 BH),I11,5.8028000000000000E+04,2.5894712550399998E+02,-2.0810810218000000E+01,-7.8978371320871377E-02,-5.7064695609716303E+00,2.3221377943969240E-01,6.8663157037288881E-03,-1.8695828760294936E-04,2.5605728969132450E-04 -1143 Odysseus (1930 BH),I11,5.8029000000000000E+04,2.5907798147300002E+02,-2.0823296781000000E+01,-7.2121468640024333E-02,-5.7066508078595310E+00,2.3246948966867312E-01,6.8664353199826321E-03,-1.7789194744996170E-04,2.5568782947822080E-04 -1143 Odysseus (1930 BH),I41,5.7970000000000000E+04,2.5585588129100000E+02,-2.0342519801000002E+01,-4.7616034793490014E-01,-5.6804766611579822E+00,2.1675533536543520E-01,6.8407363309198679E-03,-7.1279688740163993E-04,2.7680153693912139E-04 -1143 Odysseus (1930 BH),I41,5.7971000000000000E+04,2.5582603456900000E+02,-2.0343086084999999E+01,-4.6932599375354667E-01,-5.6811835322345550E+00,2.1703216652238888E-01,6.8414891271161909E-03,-7.0373577759707921E-04,2.7645551337180649E-04 -1143 Odysseus (1930 BH),I41,5.7972000000000000E+04,2.5579917901499999E+02,-2.0343980788000000E+01,-4.6249097752648483E-01,-5.6818813038306413E+00,2.1730864473149519E-01,6.8422309463437676E-03,-6.9467429637004065E-04,2.7610907481744594E-04 -1143 Odysseus (1930 BH),I41,5.7973000000000000E+04,2.5577532203700000E+02,-2.0345203111000000E+01,-4.5565530980750912E-01,-5.6825699765112709E+00,2.1758476949789829E-01,6.8429617903309646E-03,-6.8561245405108877E-04,2.7576222169460509E-04 -1143 Odysseus (1930 BH),I41,5.7974000000000000E+04,2.5575447015800000E+02,-2.0346752019000000E+01,-4.4881900155777987E-01,-5.6832495507868570E+00,2.1786054035024846E-01,6.8436816607634759E-03,-6.7655026095202013E-04,2.7541495442516464E-04 -1143 Odysseus (1930 BH),I41,5.7975000000000000E+04,2.5573662921200000E+02,-2.0348626271000001E+01,-4.4198206415415520E-01,-5.6839200271092185E+00,2.1813595684648437E-01,6.8443905592918998E-03,-6.6748772737084024E-04,2.7506727343279695E-04 -1143 Odysseus (1930 BH),I41,5.7976000000000000E+04,2.5572180453400000E+02,-2.0350824444000001E+01,-4.3514450934714810E-01,-5.6845814058796797E+00,2.1841101857843409E-01,6.8450884875189610E-03,-6.5842486359990980E-04,2.7471917914427080E-04 -1143 Odysseus (1930 BH),I41,5.7977000000000000E+04,2.5571000110899999E+02,-2.0353344963000001E+01,-4.2830634917259325E-01,-5.6852336874689051E+00,2.1868572517430612E-01,6.8457754470038568E-03,-6.4936167992886949E-04,2.7437067198830362E-04 -1143 Odysseus (1930 BH),I41,5.7978000000000000E+04,2.5570122367799999E+02,-2.0356186121000000E+01,-4.2146759582576176E-01,-5.6858768722465216E+00,2.1896007629870451E-01,6.8464514392626852E-03,-6.4029818665044952E-04,2.7402175239487367E-04 -1143 Odysseus (1930 BH),I41,5.7979000000000000E+04,2.5569547678600000E+02,-2.0359346097000000E+01,-4.1462826150449650E-01,-5.6865109606186079E+00,2.1923407165026365E-01,6.8471164657663928E-03,-6.3123439406579003E-04,2.7367242079488492E-04 -1143 Odysseus (1930 BH),I41,5.7980000000000000E+04,2.5569276476100001E+02,-2.0362822960999999E+01,-4.0778835822845105E-01,-5.6871359530715884E+00,2.1950771095678312E-01,6.8477705279365603E-03,-6.2217031249349984E-04,2.7332267762036926E-04 -1143 Odysseus (1930 BH),I41,5.7981000000000000E+04,2.5569309161499999E+02,-2.0366614677000001E+01,-4.0094789763058092E-01,-5.6877518502229769E+00,2.1978099396748954E-01,6.8484136271559411E-03,-6.1310595227215964E-04,2.7297252330180078E-04 -1143 Odysseus (1930 BH),I41,5.7982000000000000E+04,2.5569646086500001E+02,-2.0370719085000001E+01,-3.9410689072340632E-01,-5.6883586528783132E+00,2.2005392044148689E-01,6.8490457647599669E-03,-6.0404132377213891E-04,2.7262195826900692E-04 -1143 Odysseus (1930 BH),I41,5.7983000000000000E+04,2.5570287525900000E+02,-2.0375133881000000E+01,-3.8726534765953491E-01,-5.6889563620893799E+00,2.2032649013165809E-01,6.8496669420437216E-03,-5.9497643740505021E-04,2.7227098294947498E-04 -1143 Odysseus (1930 BH),I41,5.7984000000000000E+04,2.5571233643500000E+02,-2.0379856572000001E+01,-3.8042327753670424E-01,-5.6895449792012842E+00,2.2059870276485541E-01,6.8502771602654191E-03,-5.8591130363117895E-04,2.7191959776665337E-04 -1143 Odysseus (1930 BH),I41,5.7985000000000000E+04,2.5572484453000001E+02,-2.0384884425999999E+01,-3.7358068832289748E-01,-5.6901245058699477E+00,2.2087055802164349E-01,6.8508764206474809E-03,-5.7684593297559032E-04,2.7156780313964025E-04 -1143 Odysseus (1930 BH),I41,5.7986000000000000E+04,2.5574039780400000E+02,-2.0390214423000000E+01,-3.6673758696921743E-01,-5.6906949440335399E+00,2.2114205552126184E-01,6.8514647243898968E-03,-5.6778033603801896E-04,2.7121559947992783E-04 -1143 Odysseus (1930 BH),I41,5.7987000000000000E+04,2.5575899236999999E+02,-2.0395843201000002E+01,-3.5989397972032333E-01,-5.6912562958355037E+00,2.2141319481733823E-01,6.8520420726727316E-03,-5.5871452351257886E-04,2.7086298719094230E-04 -1143 Odysseus (1930 BH),I41,5.7988000000000000E+04,2.5578062206999999E+02,-2.0401767026000002E+01,-3.5304987254862041E-01,-5.6918085635168589E+00,2.2168397540658211E-01,6.8526084666683858E-03,-5.4964850620378009E-04,2.7050996666589235E-04 -1143 Odysseus (1930 BH),I41,5.7989000000000000E+04,2.5580527852500001E+02,-2.0407981788000001E+01,-3.4620527158676195E-01,-5.6923517493088118E+00,2.2195439674738926E-01,6.8531639075615595E-03,-5.4058229504255068E-04,2.7015653828393193E-04 -1143 Odysseus (1930 BH),I41,5.7990000000000000E+04,2.5583295133199999E+02,-2.0414483004000001E+01,-3.3936018343875396E-01,-5.6928858553542590E+00,2.2222445828186474E-01,6.8537083965692913E-03,-5.3151590110205038E-04,2.6980270240689890E-04 -1143 Odysseus (1930 BH),I41,5.7991000000000000E+04,2.5586362833800001E+02,-2.0421265852000001E+01,-3.3251461532152327E-01,-5.6934108836706940E+00,2.2249415945463188E-01,6.8542419349545457E-03,-5.2244933562251017E-04,2.6944845937918935E-04 -1143 Odysseus (1930 BH),I41,5.7992000000000000E+04,2.5589729592899999E+02,-2.0428325203000000E+01,-3.2566857505324076E-01,-5.6939268361501743E+00,2.2276349972487514E-01,6.8547645240743795E-03,-5.1338261001357931E-04,2.6909380951877757E-04 -1143 Odysseus (1930 BH),I41,5.7993000000000000E+04,2.5593393928899999E+02,-2.0435655653000001E+01,-3.1882207094934722E-01,-5.6944337145819066E+00,2.2303247857122863E-01,6.8552761654019087E-03,-5.0431573587589838E-04,2.6873875311744376E-04 -1143 Odysseus (1930 BH),I41,5.7994000000000000E+04,2.5597354260200001E+02,-2.0443251556000000E+01,-3.1197511168884451E-01,-5.6949315206824487E+00,2.2330109549126229E-01,6.8557768605809373E-03,-4.9524872500187993E-04,2.6838329043322610E-04 -1143 Odysseus (1930 BH),I41,5.7995000000000000E+04,2.5601608921000002E+02,-2.0451107046000001E+01,-3.0512770619480378E-01,-5.6954202561225760E+00,2.2356934999804381E-01,6.8562666114724011E-03,-4.8618158937987870E-04,2.6802742168767680E-04 -1143 Odysseus (1930 BH),I41,5.7996000000000000E+04,2.5606156172300001E+02,-2.0459216056999999E+01,-2.9827986355531722E-01,-5.6958999225448341E+00,2.2383724161587762E-01,6.8567454202211773E-03,-4.7711434118062959E-04,2.6767114705899495E-04 -1143 Odysseus (1930 BH),I41,5.7997000000000000E+04,2.5610994210400003E+02,-2.0467572336000000E+01,-2.9143159299320520E-01,-5.6963705215695768E+00,2.2410476987680514E-01,6.8572132893214739E-03,-4.6804699273698958E-04,2.6731446667879543E-04 -1143 Odysseus (1930 BH),I41,5.7998000000000000E+04,2.5616121176000001E+02,-2.0476169460000001E+01,-2.8458290388620877E-01,-5.6968320547894411E+00,2.2437193431894750E-01,6.8576702216900289E-03,-4.5897955650647110E-04,2.6695738062873210E-04 -1143 Odysseus (1930 BH),I41,5.7999000000000000E+04,2.5621535163700003E+02,-2.0485000849999999E+01,-2.7773380583024831E-01,-5.6972845237539005E+00,2.2463873448758317E-01,6.8581162207440672E-03,-4.4991204501014168E-04,2.6659988893799679E-04 -1143 Odysseus (1930 BH),I41,5.8000000000000000E+04,2.5627234234100001E+02,-2.0494059786000001E+01,-2.7088430873554914E-01,-5.6977279299469190E+00,2.2490516993928450E-01,6.8585512904762438E-03,-4.4084447074894950E-04,2.6624199158362517E-04 -1143 Odysseus (1930 BH),I41,5.8001000000000000E+04,2.5633216429999999E+02,-2.0503339434000001E+01,-2.6403442293067747E-01,-5.6981622747631242E+00,2.2517124024921950E-01,6.8589754355227670E-03,-4.3177684608780922E-04,2.6588368849263542E-04 -1143 Odysseus (1930 BH),I41,5.8002000000000000E+04,2.5639479794599998E+02,-2.0512832870000000E+01,-2.5718415924547278E-01,-5.6985875594897744E+00,2.2543694502065062E-01,6.8593886612069357E-03,-4.2270918311401035E-04,2.6552497955129880E-04 -1143 Odysseus (1930 BH),I41,5.8003000000000000E+04,2.5646022391299999E+02,-2.0522533112000001E+01,-2.5033352903295525E-01,-5.6990037853031827E+00,2.2570228389480176E-01,6.8597909735559504E-03,-4.1364149347215134E-04,2.6516586461661294E-04 -1143 Odysseus (1930 BH),I41,5.8004000000000000E+04,2.5652842322599997E+02,-2.0532433151999999E+01,-2.4348254409828496E-01,-5.6994109532864847E+00,2.2596725655841526E-01,6.8601823792854922E-03,-4.0457378815129258E-04,2.6480634353426822E-04 -1143 Odysseus (1930 BH),I41,5.8005000000000000E+04,2.5659937743699999E+02,-2.0542525984000001E+01,-2.3663121652377272E-01,-5.6998090644705988E+00,2.2623186274624130E-01,6.8605628857083562E-03,-3.9550607729077827E-04,2.6444641616340023E-04 -1143 Odysseus (1930 BH),I41,5.8006000000000000E+04,2.5667306868399999E+02,-2.0552804626000000E+01,-2.2977955840980768E-01,-5.7001981198929794E+00,2.2649610223674532E-01,6.8609325005928312E-03,-3.8643836997414097E-04,2.6408608240662229E-04 -1143 Odysseus (1930 BH),I41,5.8007000000000000E+04,2.5674947965199999E+02,-2.0563262126000001E+01,-2.2292758157784553E-01,-5.7005781206629322E+00,2.2675997484127322E-01,6.8612912319525893E-03,-3.7737067404516877E-04,2.6372534224326804E-04 -1143 Odysseus (1930 BH),I41,5.8008000000000000E+04,2.5682859343899997E+02,-2.0573891560000000E+01,-2.1607529729141617E-01,-5.7009490680207104E+00,2.2702348038868100E-01,6.8616390877617225E-03,-3.6830299598948971E-04,2.6336419576748337E-04 -1143 Odysseus (1930 BH),I41,5.8009000000000000E+04,2.5691039333800001E+02,-2.0584686015999999E+01,-2.0922271603484144E-01,-5.7013109633813768E+00,2.2728661870811864E-01,6.8619760756264596E-03,-3.5923534088064257E-04,2.6300264321865268E-04 -1143 Odysseus (1930 BH),I41,5.8010000000000000E+04,2.5699486257199999E+02,-2.0595638568999998E+01,-2.0236984736827113E-01,-5.7016638083598412E+00,2.2754938961224186E-01,6.8623022024289562E-03,-3.5016771244723854E-04,2.6264068501119221E-04 -1143 Odysseus (1930 BH),I41,5.8011000000000000E+04,2.5708198398899998E+02,-2.0606742249000000E+01,-1.9551669985832387E-01,-5.7020076047777426E+00,2.2781179288207784E-01,6.8626174739794968E-03,-3.4110011323857867E-04,2.6227832175473631E-04 -1143 Odysseus (1930 BH),I41,5.8012000000000000E+04,2.5717173976900000E+02,-2.0617990004999999E+01,-1.8866328108441877E-01,-5.7023423546530099E+00,2.2807382825425737E-01,6.8629218947327923E-03,-3.3203254488287787E-04,2.6191555425479228E-04 -1143 Odysseus (1930 BH),I41,5.8013000000000000E+04,2.5726411115000002E+02,-2.0629374672000001E+01,-1.8180959772679151E-01,-5.7026680601716029E+00,2.2833549541159792E-01,6.8632154675761971E-03,-3.2296500844726170E-04,2.6155238350594984E-04 -1143 Odysseus (1930 BH),I41,5.8014000000000000E+04,2.5735907819699997E+02,-2.0640888941000000E+01,-1.7495565574586580E-01,-5.7029847236404070E+00,2.2859679397860458E-01,6.8634981937362319E-03,-3.1389750484290060E-04,2.6118881066656624E-04 -1143 Odysseus (1930 BH),I41,5.8015000000000000E+04,2.5745661966799997E+02,-2.0652525332000000E+01,-1.6810146064983389E-01,-5.7032923474231909E+00,2.2885772352362918E-01,6.8637700728083773E-03,-3.0483003524023680E-04,2.6082483702283797E-04 -1143 Odysseus (1930 BH),I41,5.8016000000000000E+04,2.5755671295799999E+02,-2.0664276183999998E+01,-1.6124701781680684E-01,-5.7035909338676829E+00,2.2911828356845632E-01,6.8640311029112737E-03,-2.9576260142065089E-04,2.6046046394482414E-04 -1143 Odysseus (1930 BH),I41,5.8017000000000000E+04,2.5765933416700000E+02,-2.0676133654000001E+01,-1.5439233281309317E-01,-5.7038804852368514E+00,2.2937847360381192E-01,6.8642812809126194E-03,-2.8669520609336113E-04,2.6009569284220555E-04 -1143 Odysseus (1930 BH),I41,5.8018000000000000E+04,2.5776445824299998E+02,-2.0688089730000002E+01,-1.4753741164064604E-01,-5.7041610036580712E+00,2.2963829310746275E-01,6.8645206027345765E-03,-2.7762785308985821E-04,2.5973052511893218E-04 -1143 Odysseus (1930 BH),I41,5.8019000000000000E+04,2.5787205918600000E+02,-2.0700136253000000E+01,-1.4068226087295610E-01,-5.7044324910981175E+00,2.2989774156061613E-01,6.8647490636706441E-03,-2.6856054746931049E-04,2.5936496213626979E-04 -1143 Odysseus (1930 BH),I41,5.8020000000000000E+04,2.5798211027600001E+02,-2.0712264945000001E+01,-1.3382688767272088E-01,-5.7046949493637165E+00,2.3015681845969249E-01,6.8649666586930004E-03,-2.5949329552324082E-04,2.5899900518280849E-04 -1143 Odysseus (1930 BH),I41,5.8021000000000000E+04,2.5809458426600003E+02,-2.0724467436000001E+01,-1.2697129972072507E-01,-5.7049483801204142E+00,2.3041552332219617E-01,6.8651733827231973E-03,-2.5042610471935969E-04,2.5863265545890093E-04 -1143 Odysseus (1930 BH),I41,5.8022000000000000E+04,2.5820945356099998E+02,-2.0736735287999998E+01,-1.2011550510106095E-01,-5.7051927849197899E+00,2.3067385568738724E-01,6.8653692308582783E-03,-2.4135898356894905E-04,2.5826591406194742E-04 -1143 Odysseus (1930 BH),I41,5.8023000000000000E+04,2.5832669033500002E+02,-2.0749060016000001E+01,-1.1325951218266406E-01,-5.7054281652261869E+00,2.3093181511353611E-01,6.8655541985325162E-03,-2.3229194147367932E-04,2.5789878198513848E-04 -1143 Odysseus (1930 BH),I41,5.8024000000000000E+04,2.5844626662399997E+02,-2.0761433102000002E+01,-1.0640332952889209E-01,-5.7056545224369115E+00,2.3118940117359937E-01,6.8657282816243434E-03,-2.2322498856542153E-04,2.5753126012349184E-04 -1143 Odysseus (1930 BH),I41,5.8025000000000000E+04,2.5856815439100001E+02,-2.0773846012000000E+01,-9.9546965851525449E-02,-5.7058718578928502E+00,2.3144661345123518E-01,6.8658914765208513E-03,-2.1415813553393032E-04,2.5716334927790134E-04 -1143 Odysseus (1930 BH),I41,5.8026000000000000E+04,2.5869232557999999E+02,-2.0786290203000000E+01,-9.2690430018536385E-02,-5.7060801728785098E+00,2.3170345153845617E-01,6.8660437801339935E-03,-2.0509139348760808E-04,2.5679505017036860E-04 -1143 Odysseus (1930 BH),I41,5.8027000000000000E+04,2.5881875218099998E+02,-2.0798757131999999E+01,-8.5833731116323975E-02,-5.7062794686120082E+00,2.3195991503618374E-01,6.8661851898955944E-03,-1.9602477381018210E-04,2.5642636345031040E-04 -1143 Odysseus (1930 BH),I41,5.8028000000000000E+04,2.5894740632499997E+02,-2.0811238272000001E+01,-7.8976878560353847E-02,-5.7064697462270253E+00,2.3221600355863325E-01,6.8663157037232693E-03,-1.8695828805951817E-04,2.5605728970990517E-04 -1143 Odysseus (1930 BH),I41,5.8029000000000000E+04,2.5907826040300000E+02,-2.0823725128000000E+01,-7.2119882239927269E-02,-5.7066510067507608E+00,2.3247171674187531E-01,6.8664353199770264E-03,-1.7789194788715018E-04,2.5568782949605750E-04 -1172 Aneas (1930 UA),500,5.7970000000000000E+04,1.4499596727599999E+02,-1.0100246580000001E+00,-4.7152420549317027E+00,2.6774271365119748E+00,-1.6113497522285951E+00,-2.9986435353103295E-03,-6.2376441722190208E-03,-1.0848331198703333E-04 -1172 Aneas (1930 UA),500,5.7971000000000000E+04,1.4518871649200000E+02,-1.0722477770000001E+00,-4.7182377896397414E+00,2.6711910317946819E+00,-1.6114549558210332E+00,-2.9909246089118800E-03,-6.2420200008589197E-03,-1.0584586614250718E-04 -1172 Aneas (1930 UA),500,5.7972000000000000E+04,1.4538166210500000E+02,-1.1351540880000000E+00,-4.7212258928129964E+00,2.6649504527529024E+00,-1.6115575176976404E+00,-2.9831990493535392E-03,-6.2463866337559189E-03,-1.0320765487805358E-04 -1172 Aneas (1930 UA),500,5.7973000000000000E+04,1.4557478758500000E+02,-1.1987373530000001E+00,-4.7242063561654994E+00,2.6587054085391228E+00,-1.6116574370814680E+00,-2.9754668623236009E-03,-6.2507440611578088E-03,-1.0056868115135341E-04 -1172 Aneas (1930 UA),500,5.7974000000000000E+04,1.4576807672800001E+02,-1.2629914860000000E+00,-4.7271791716042788E+00,2.6524559080947134E+00,-1.6117547130624146E+00,-2.9677280535605997E-03,-6.2550922732947500E-03,-9.7928947919326964E-05 -1172 Aneas (1930 UA),500,5.7975000000000000E+04,1.4596151355999999E+02,-1.3279105529999999E+00,-4.7301443313041478E+00,2.6462019600179429E+00,-1.6118493445934639E+00,-2.9599826288572804E-03,-6.2594312603827598E-03,-9.5288458139294879E-05 -1172 Aneas (1930 UA),500,5.7976000000000000E+04,1.4615508221100001E+02,-1.3934887629999999E+00,-4.7331018277722325E+00,2.6399435724337499E+00,-1.6119413305021599E+00,-2.9522305940608007E-03,-6.2637610126295915E-03,-9.2647214768987082E-05 -1172 Aneas (1930 UA),500,5.7977000000000000E+04,1.4634876676100001E+02,-1.4597204440000000E+00,-4.7360516538895796E+00,2.6336807528875177E+00,-1.6120306695171234E+00,-2.9444719550734792E-03,-6.2680815202406318E-03,-9.0005220766787504E-05 -1172 Aneas (1930 UA),500,5.7978000000000000E+04,1.4654255107000000E+02,-1.5265999980000000E+00,-4.7389938029243606E+00,2.6274135082753807E+00,-1.6121173603070678E+00,-2.9367067178543392E-03,-6.2723927734247720E-03,-8.7362479092421559E-05 -1172 Aneas (1930 UA),500,5.7979000000000000E+04,1.4673641860600000E+02,-1.5941218509999999E+00,-4.7419282685177011E+00,2.6211418448127639E+00,-1.6122014015294870E+00,-2.9289348884189298E-03,-6.2766947624016897E-03,-8.4718992707246806E-05 -1172 Aneas (1930 UA),500,5.7980000000000000E+04,1.4693035228100001E+02,-1.6622803850000001E+00,-4.7448550446416728E+00,2.6148657680457359E+00,-1.6122827918877969E+00,-2.9211564728405196E-03,-6.2809874774088295E-03,-8.2074764575228840E-05 -1172 Aneas (1930 UA),500,5.7981000000000000E+04,1.4712433428899999E+02,-1.7310698650000000E+00,-4.7477741255265702E+00,2.6085852829121734E+00,-1.6123615301978227E+00,-2.9133714772498487E-03,-6.2852709087094904E-03,-7.9429797663703374E-05 -1172 Aneas (1930 UA),500,5.7982000000000000E+04,1.4731834599900000E+02,-1.8004843580000001E+00,-4.7506855055464952E+00,2.6023003938754545E+00,-1.6124376154637743E+00,-2.9055799078354146E-03,-6.2895450466014698E-03,-7.6784094944906973E-05 -1172 Aneas (1930 UA),500,5.7983000000000000E+04,1.4751236787900001E+02,-1.8705176450000001E+00,-4.7535891790517386E+00,2.5960111051586372E+00,-1.6125110469580024E+00,-2.8977817708420225E-03,-6.2938098814266010E-03,-7.4137659396970252E-05 -1172 Aneas (1930 UA),500,5.7984000000000000E+04,1.4770637951099999E+02,-1.9411631540000001E+00,-4.7564851401494197E+00,2.5897174210912617E+00,-1.6125818242886634E+00,-2.8899770725693795E-03,-6.2980654035810092E-03,-7.1490494005907045E-05 -1172 Aneas (1930 UA),500,5.7985000000000000E+04,1.4790035970400001E+02,-2.0124139080000001E+00,-4.7593733824618996E+00,2.5834193465359570E+00,-1.6126499474304423E+00,-2.8821658193684020E-03,-6.3023116035266398E-03,-6.8842601767434483E-05 -1172 Aneas (1930 UA),500,5.7986000000000000E+04,1.4809428669499999E+02,-2.0842625159999999E+00,-4.7622538989227383E+00,2.5771168873034447E+00,-1.6127154166952709E+00,-2.8743480176357823E-03,-6.3065484718037110E-03,-6.6193985689064775E-05 -1172 Aneas (1930 UA),500,5.7987000000000000E+04,1.4828813844499999E+02,-2.1567012040000000E+00,-4.7651266816785718E+00,2.5708100504322182E+00,-1.6127782326377977E+00,-2.8665236738062583E-03,-6.3107759990445687E-03,-6.3544648792471123E-05 -1172 Aneas (1930 UA),500,5.7988000000000000E+04,1.4848189293999999E+02,-2.2297218850000000E+00,-4.7679917221359469E+00,2.5644988442391674E+00,-1.6128383959173898E+00,-2.8586927943397133E-03,-6.3149941759885805E-03,-6.0894594115639013E-05 -1172 Aneas (1930 UA),500,5.7989000000000000E+04,1.4867552846300001E+02,-2.3033162589999998E+00,-4.7708490111343487E+00,2.5581832781384053E+00,-1.6128959071575004E+00,-2.8508553857066413E-03,-6.3192029934979119E-03,-5.8243824715679406E-05 -1172 Aneas (1930 UA),500,5.7990000000000000E+04,1.4886902379200001E+02,-2.3774759070000000E+00,-4.7736985391820532E+00,2.5518633623098892E+00,-1.6129507668410168E+00,-2.8430114543663548E-03,-6.3234024425738392E-03,-5.5592343671416004E-05 -1172 Aneas (1930 UA),500,5.7991000000000000E+04,1.4906235828600001E+02,-2.4521923750000001E+00,-4.7765402966786885E+00,2.5455391073426625E+00,-1.6130029752600494E+00,-2.8351610067420038E-03,-6.3275925143725809E-03,-5.2940154086638656E-05 -1172 Aneas (1930 UA),500,5.7992000000000000E+04,1.4925551191200000E+02,-2.5274572310000001E+00,-4.7793742740758223E+00,2.5392105239467542E+00,-1.6130525325154428E+00,-2.8273040491884165E-03,-6.3317732002195395E-03,-5.0287259093679577E-05 -1172 Aneas (1930 UA),500,5.7993000000000000E+04,1.4944846519900000E+02,-2.6032620980000001E+00,-4.7822004619608895E+00,2.5328776227778227E+00,-1.6130994385477047E+00,-2.8194405879537233E-03,-6.3359444916211202E-03,-4.7633661857369491E-05 -1172 Aneas (1930 UA),500,5.7994000000000000E+04,1.4964119918399999E+02,-2.6795986740000002E+00,-4.7850188510768223E+00,2.5265404143700483E+00,-1.6131436931793024E+00,-2.8115706291345641E-03,-6.3401063802716404E-03,-4.4979365579674739E-05 -1172 Aneas (1930 UA),500,5.7995000000000000E+04,1.4983369534900001E+02,-2.7564587320000000E+00,-4.7878294323012307E+00,2.5201989091464672E+00,-1.6131852961534241E+00,-2.8036941786223745E-03,-6.3442588580538105E-03,-4.2324373504242207E-05 -1172 Aneas (1930 UA),500,5.7996000000000000E+04,1.5002593557599999E+02,-2.8338341240000000E+00,-4.7906321966072216E+00,2.5138531174733809E+00,-1.6132242471607561E+00,-2.7958112420427813E-03,-6.3484019170293102E-03,-3.9668688921380237E-05 -1172 Aneas (1930 UA),500,5.7997000000000000E+04,1.5021790211800001E+02,-2.9117167839999998E+00,-4.7934271350242925E+00,2.5075030497268962E+00,-1.6132605458507401E+00,-2.7879218246859667E-03,-6.3525355494169801E-03,-3.7012315171852494E-05 -1172 Aneas (1930 UA),500,5.7998000000000000E+04,1.5040957758400000E+02,-2.9900987400000001E+00,-4.7962142386117614E+00,2.5011487163476005E+00,-1.6132941918267005E+00,-2.7800259314341158E-03,-6.3566597475538007E-03,-3.4355255651205343E-05 -1172 Aneas (1930 UA),500,5.7999000000000000E+04,1.5060094493899999E+02,-3.0689721219999999E+00,-4.7989934984549958E+00,2.4947901278604361E+00,-1.6133251846262260E+00,-2.7721235666828912E-03,-6.3607745038358823E-03,-3.1697513811183655E-05 -1172 Aneas (1930 UA),500,5.8000000000000000E+04,1.5079198749099999E+02,-3.1483291869999999E+00,-4.8017649056902130E+00,2.4884272948436328E+00,-1.6133535236902645E+00,-2.7642147342669607E-03,-6.3648798106329084E-03,-2.9039093159927774E-05 -1172 Aneas (1930 UA),500,5.8001000000000000E+04,1.5098268886899999E+02,-3.2281623410000000E+00,-4.8045284515615148E+00,2.4820602278310409E+00,-1.6133792083274276E+00,-2.7562994373929554E-03,-6.3689756601763188E-03,-2.6379997258266847E-05 -1172 Aneas (1930 UA),500,5.8002000000000000E+04,1.5117303296300000E+02,-3.3084641530000001E+00,-4.8072841275044054E+00,2.4756889371497692E+00,-1.6134022376833685E+00,-2.7483776785919680E-03,-6.3730620444133988E-03,-2.3720229712124847E-05 -1172 Aneas (1930 UA),500,5.8003000000000000E+04,1.5136300381699999E+02,-3.3892273679999998E+00,-4.8100319252422228E+00,2.4693134327098036E+00,-1.6134226107275029E+00,-2.7404494597033932E-03,-6.3771389548437918E-03,-2.1059794160380720E-05 -1172 Aneas (1930 UA),500,5.8004000000000000E+04,1.5155258547599999E+02,-3.4704448829999999E+00,-4.8127718368716206E+00,2.4629337237868238E+00,-1.6134403262681549E+00,-2.7325147818918023E-03,-6.3812063823113878E-03,-1.8398694255573721E-05 -1172 Aneas (1930 UA),500,5.8005000000000000E+04,1.5174176178700000E+02,-3.5521097180000001E+00,-4.8155038549100997E+00,2.4565498188535289E+00,-1.6134553830011147E+00,-2.7245736457363998E-03,-6.3852643168074881E-03,-1.5736933640004273E-05 -1172 Aneas (1930 UA),500,5.8006000000000000E+04,1.5193051618100000E+02,-3.6342149500000001E+00,-4.8182279722857286E+00,2.4501617255098171E+00,-1.6134677795867931E+00,-2.7166260513726962E-03,-6.3893127472666525E-03,-1.3074515915802477E-05 -1172 Aneas (1930 UA),500,5.8007000000000000E+04,1.5211883146599999E+02,-3.7167536310000000E+00,-4.8209441822656531E+00,2.4437694505355960E+00,-1.6134775147421583E+00,-2.7086719987045892E-03,-6.3933516613860798E-03,-1.0411444610802447E-05 -1172 Aneas (1930 UA),500,5.8008000000000000E+04,1.5230668964600000E+02,-3.7997186940000001E+00,-4.8236524783366566E+00,2.4373730000568585E+00,-1.6134845873303250E+00,-2.7007114876868338E-03,-6.3973810455017523E-03,-7.7477231430225821E-06 -1172 Aneas (1930 UA),500,5.8009000000000000E+04,1.5249407180700001E+02,-3.8831028630000000E+00,-4.8263528540615557E+00,2.4309723797886043E+00,-1.6134889964343024E+00,-2.6927445186586685E-03,-6.4014008845469823E-03,-5.0833547869369764E-06 -1172 Aneas (1930 UA),500,5.8010000000000000E+04,1.5268095806500000E+02,-3.9668985729999999E+00,-4.8290453029324567E+00,2.4245675953164905E+00,-1.6134907414086577E+00,-2.6847710927000727E-03,-6.4054111621098184E-03,-2.4183426455721367E-06 -1172 Aneas (1930 UA),500,5.8011000000000000E+04,1.5286732758400001E+02,-4.0510978970000000E+00,-4.8317298182345256E+00,2.4181586523886969E+00,-1.6134898219083935E+00,-2.6767912119785848E-03,-6.4094118605964104E-03,2.4731036481736102E-07 -1172 Aneas (1930 UA),500,5.8012000000000000E+04,1.5305315866199999E+02,-4.1356925069999999E+00,-4.8344063929263070E+00,2.4117455572043358E+00,-1.6134862378951684E+00,-2.6688048800371767E-03,-6.4134029614982893E-03,2.9136015227080541E-06 -1172 Aneas (1930 UA),500,5.8013000000000000E+04,1.5323842887999999E+02,-4.2206736530000004E+00,-4.8370750195433123E+00,2.4053283166830166E+00,-1.6134799896184946E+00,-2.6608121020052981E-03,-6.4173844457437214E-03,5.5805282889717851E-06 -1172 Aneas (1930 UA),500,5.8014000000000000E+04,1.5342311530600000E+02,-4.3060321720000001E+00,-4.8397356901370170E+00,2.3989069386873370E+00,-1.6134710775681149E+00,-2.6528128846937098E-03,-6.4213562941041608E-03,8.2480882827519411E-06 -1172 Aneas (1930 UA),500,5.8015000000000000E+04,1.5360719472500000E+02,-4.3917585299999997E+00,-4.8423883962645684E+00,2.3924814321574663E+00,-1.6134595023974516E+00,-2.6448072365648366E-03,-6.4253184876064580E-03,1.0916279244700207E-05 -1172 Aneas (1930 UA),500,5.8016000000000000E+04,1.5379064388800001E+02,-4.4778428809999999E+00,-4.8450331290399555E+00,2.3860518071186663E+00,-1.6134452648267505E+00,-2.6367951675800669E-03,-6.4292710078862406E-03,1.3585098994277278E-05 -1172 Aneas (1930 UA),500,5.8017000000000000E+04,1.5397343972400000E+02,-4.5642751539999997E+00,-4.8476698792410140E+00,2.3796180745531075E+00,-1.6134283655436612E+00,-2.6287766889710996E-03,-6.4332138374981612E-03,1.6254545383394083E-05 -1172 Aneas (1930 UA),500,5.8018000000000000E+04,1.5415555950900000E+02,-4.6510451350000004E+00,-4.8502986374500585E+00,2.3731802461656581E+00,-1.6134088051218878E+00,-2.6207518129357575E-03,-6.4371469601133616E-03,1.8924616252755284E-05 -1172 Aneas (1930 UA),500,5.8019000000000000E+04,1.5433698095899999E+02,-4.7381425400000001E+00,-4.8529193941947657E+00,2.3667383341082426E+00,-1.6133865839727681E+00,-2.6127205523198858E-03,-6.4410703606233820E-03,2.1595309394874472E-05 -1172 Aneas (1930 UA),500,5.8020000000000000E+04,1.5451768226700000E+02,-4.8255570770000000E+00,-4.8555321400615146E+00,2.3602923507273967E+00,-1.6133617023330600E+00,-2.6046829203108129E-03,-6.4449840251476487E-03,2.4266622525549079E-05 -1172 Aneas (1930 UA),500,5.8021000000000000E+04,1.5469764208399999E+02,-4.9132784830000000E+00,-4.8581368657657373E+00,2.3538423083818949E+00,-1.6133341602816023E+00,-2.5966389301600402E-03,-6.4488879409684216E-03,2.6938553264677587E-05 -1172 Aneas (1930 UA),500,5.8022000000000000E+04,1.5487683947700000E+02,-5.0012965420000004E+00,-4.8607335621787460E+00,2.3473882193472186E+00,-1.6133039577719364E+00,-2.5885885949635330E-03,-6.4527820964078789E-03,2.9611099125750870E-05 -1172 Aneas (1930 UA),500,5.8023000000000000E+04,1.5505525387200001E+02,-5.0896010960000000E+00,-4.8633222203217308E+00,2.3409300957959434E+00,-1.6132710946680087E+00,-2.5805319274970770E-03,-6.4566664806740386E-03,3.2284257514060902E-05 -1172 Aneas (1930 UA),500,5.8024000000000000E+04,1.5523286501300001E+02,-5.1781820470000000E+00,-4.8659028313401773E+00,2.3344679498329044E+00,-1.6132355707731965E+00,-2.5724689401073276E-03,-6.4605410836945897E-03,3.4958025730301807E-05 -1172 Aneas (1930 UA),500,5.8025000000000000E+04,1.5540965292800001E+02,-5.2670293590000004E+00,-4.8684753864725314E+00,2.3280017935575432E+00,-1.6131973858466166E+00,-2.5643996446505606E-03,-6.4644058959538314E-03,3.7632400978541306E-05 -1172 Aneas (1930 UA),500,5.8026000000000000E+04,1.5558559791700000E+02,-5.3561330680000001E+00,-4.8710398770240779E+00,2.3215316391288408E+00,-1.6131565396034964E+00,-2.5563240524720792E-03,-6.4682609083423527E-03,4.0307380376677115E-05 -1172 Aneas (1930 UA),500,5.8027000000000000E+04,1.5576068055299999E+02,-5.4454832910000004E+00,-4.8735962943559761E+00,2.3150574988068908E+00,-1.6131130316984652E+00,-2.5482421744162063E-03,-6.4721061120260985E-03,4.2982960968064715E-05 -1172 Aneas (1930 UA),500,5.8028000000000000E+04,1.5593488168299999E+02,-5.5350702549999999E+00,-4.8761446298979934E+00,2.3085793849450593E+00,-1.6130668616927786E+00,-2.5401540208561989E-03,-6.4759414983373217E-03,4.5659139733723986E-05 -1172 Aneas (1930 UA),500,5.8029000000000000E+04,1.5610818241400000E+02,-5.6248843219999998E+00,-4.8786848751899159E+00,2.3020973099110908E+00,-1.6130180290101062E+00,-2.5320596017416935E-03,-6.4797670586856197E-03,4.8335913602057861E-05 -1172 Aneas (1930 UA),703,5.7970000000000000E+04,1.4499570253100001E+02,-1.0102255469999999E+00,-4.7152446972188917E+00,2.6774236139296317E+00,-1.6113483734342482E+00,-2.9986435344749492E-03,-6.2376441726948503E-03,-1.0848331170094405E-04 -1172 Aneas (1930 UA),703,5.7971000000000000E+04,1.4518844958899999E+02,-1.0724486700000000E+00,-4.7182403621166813E+00,2.6711875721041638E+00,-1.6114536145176952E+00,-2.9909246080964003E-03,-6.2420200013226512E-03,-1.0584586586306228E-04 -1172 Aneas (1930 UA),703,5.7972000000000000E+04,1.4538139308999999E+02,-1.1353549839999999E+00,-4.7212283953569560E+00,2.6649470570532965E+00,-1.6115562145781783E+00,-2.9831990485569386E-03,-6.2463866342070181E-03,-1.0320765460553017E-04 -1172 Aneas (1930 UA),703,5.7973000000000000E+04,1.4557451650199999E+02,-1.1989382510000000E+00,-4.7242087886802615E+00,2.6587020779158346E+00,-1.6116561728282712E+00,-2.9754668615455185E-03,-6.2507440615959722E-03,-1.0056868088593248E-04 -1172 Aneas (1930 UA),703,5.7974000000000000E+04,1.4576780362299999E+02,-1.2631923830000000E+00,-4.7271815340199455E+00,2.6524526436189939E+00,-1.6117534883470666E+00,-2.9677280528032698E-03,-6.2550922737207998E-03,-9.7928947660669502E-05 -1172 Aneas (1930 UA),703,5.7975000000000000E+04,1.4596123847999999E+02,-1.3281114490000001E+00,-4.7301466235769754E+00,2.6461987627464199E+00,-1.6118481600764059E+00,-2.9599826281200212E-03,-6.2594312607962988E-03,-9.5288457887630169E-05 -1172 Aneas (1930 UA),703,5.7976000000000000E+04,1.4615480520099999E+02,-1.3936896560000001E+00,-4.7331040498844050E+00,2.6399404434080265E+00,-1.6119401868323409E+00,-2.9522305933435307E-03,-6.2637610130304305E-03,-9.2647214524439820E-05 -1172 Aneas (1930 UA),703,5.7977000000000000E+04,1.4634848786500001E+02,-1.4599213300000000E+00,-4.7360538058490054E+00,2.6336776931338002E+00,-1.6120295673316165E+00,-2.9444719543775012E-03,-6.2680815206293105E-03,-9.0005220529154010E-05 -1172 Aneas (1930 UA),703,5.7978000000000000E+04,1.4654227033500001E+02,-1.5268008760000000E+00,-4.7389958847644520E+00,2.6274105188041363E+00,-1.6121163002306358E+00,-2.9367067171790009E-03,-6.2723927738008323E-03,-8.7362478861948000E-05 -1172 Aneas (1930 UA),703,5.7979000000000000E+04,1.4673613607900000E+02,-1.5943227170000001E+00,-4.7419302802971668E+00,2.6211389266184209E+00,-1.6122003841741104E+00,-2.9289348877632911E-03,-6.2766947627644915E-03,-8.4718992484256371E-05 -1172 Aneas (1930 UA),703,5.7980000000000000E+04,1.4693006800500001E+02,-1.6624812369999999E+00,-4.7448569864442751E+00,2.6148629221064277E+00,-1.6122818178521767E+00,-2.9211564722069795E-03,-6.2809874777595785E-03,-8.2074764359227090E-05 -1172 Aneas (1930 UA),703,5.7981000000000000E+04,1.4712404831200001E+02,-1.7312707000000001E+00,-4.7477759974609084E+00,2.6085825101894651E+00,-1.6123606000668822E+00,-2.9133714766371808E-03,-6.2852709090473798E-03,-7.9429797455089364E-05 -1172 Aneas (1930 UA),703,5.7982000000000000E+04,1.4731805836600000E+02,-1.8006851719999999E+00,-4.7506873077457650E+00,2.6022976953140677E+00,-1.6124367298081785E+00,-2.9055799072438271E-03,-6.2895450469264702E-03,-7.6784094743731986E-05 -1172 Aneas (1930 UA),703,5.7983000000000000E+04,1.4751207863600001E+02,-1.8707184349999999E+00,-4.7535909116734585E+00,2.5960084816862046E+00,-1.6125102063337784E+00,-2.8977817702719368E-03,-6.2938098817388495E-03,-7.4137659203208687E-05 -1172 Aneas (1930 UA),703,5.7984000000000000E+04,1.4770608870600000E+02,-1.9413639170000001E+00,-4.7564868033751679E+00,2.5897148736179689E+00,-1.6125810292368699E+00,-2.8899770720207021E-03,-6.2980654038803183E-03,-7.1490493819689142E-05 -1172 Aneas (1930 UA),703,5.7985000000000000E+04,1.4790006738000000E+02,-2.0126146399999998E+00,-4.7593749764969990E+00,2.5834168759542004E+00,-1.6126491984769473E+00,-2.8821658188423263E-03,-6.3023116038137105E-03,-6.8842601588487389E-05 -1172 Aneas (1930 UA),703,5.7986000000000000E+04,1.4809399290100001E+02,-2.0844632129999998E+00,-4.7622554239959722E+00,2.5771144944873883E+00,-1.6127147143505289E+00,-2.8743480171314461E-03,-6.3065484720778182E-03,-6.6193985517747455E-05 -1172 Aneas (1930 UA),703,5.7987000000000000E+04,1.4828784322600001E+02,-2.1569018610000001E+00,-4.7651281380418498E+00,2.5708077362373860E+00,-1.6127775773966224E+00,-2.8665236733230442E-03,-6.3107759993051207E-03,-6.3544648629079158E-05 -1172 Aneas (1930 UA),703,5.7988000000000000E+04,1.4848159634199999E+02,-2.2299224980000001E+00,-4.7679931100639594E+00,2.5644966095020547E+00,-1.6128377882586520E+00,-2.8586927938790453E-03,-6.3149941762365193E-03,-6.0894593959808153E-05 -1172 Aneas (1930 UA),703,5.7989000000000000E+04,1.4867523053299999E+02,-2.3035168239999999E+00,-4.7708503309242651E+00,2.5581811236760217E+00,-1.6128953475436971E+00,-2.8508553852696281E-03,-6.3192029937340112E-03,-5.8243824567106046E-05 -1172 Aneas (1930 UA),703,5.7990000000000000E+04,1.4886872457600001E+02,-2.3776764190000002E+00,-4.7736997911532155E+00,2.5518612889193482E+00,-1.6129502557177902E+00,-2.8430114539507081E-03,-6.3234024427961388E-03,-5.5592343530990593E-05 -1172 Aneas (1930 UA),703,5.7991000000000000E+04,1.4906205783199999E+02,-2.4523928279999998E+00,-4.7765414811723073E+00,2.5455371158007702E+00,-1.6130025130556973E+00,-2.8351610063500343E-03,-6.3275925145828901E-03,-5.2940153953618427E-05 -1172 Aneas (1930 UA),703,5.7992000000000000E+04,1.4925521026600001E+02,-2.5276576209999999E+00,-4.7793753914546180E+00,2.5392086150096440E+00,-1.6130521196404659E+00,-2.8273040488188224E-03,-6.3317732004166197E-03,-5.0287258968632862E-05 -1172 Aneas (1930 UA),703,5.7993000000000000E+04,1.4944816240800000E+02,-2.6034624200000001E+00,-4.7822015126087880E+00,2.5328757971805320E+00,-1.6130990753943806E+00,-2.8194405876071074E-03,-6.3359444918053998E-03,-4.7633661740159789E-05 -1172 Aneas (1930 UA),703,5.7994000000000000E+04,1.4964089529500001E+02,-2.6797989210000002E+00,-4.7850198353985975E+00,2.5265386728261445E+00,-1.6131433801213224E+00,-2.8115706288103851E-03,-6.3401063804424777E-03,-4.4979365470605864E-05 -1172 Aneas (1930 UA),703,5.7995000000000000E+04,1.4983339040900000E+02,-2.7566588990000001E+00,-4.7878303507221434E+00,2.5201972523476814E+00,-1.6131850335455662E+00,-2.8036941783221078E-03,-6.3442588582125117E-03,-4.2324373402794955E-05 -1172 Aneas (1930 UA),703,5.7996000000000000E+04,1.5002562963400001E+02,-2.8340342050000000E+00,-4.7906330495726754E+00,2.5138515460892066E+00,-1.6132240353385803E+00,-2.7958112417663062E-03,-6.3484019171756792E-03,-3.9668688827668536E-05 -1172 Aneas (1930 UA),703,5.7997000000000000E+04,1.5021759521999999E+02,-2.9119167739999998E+00,-4.7934279229994576E+00,2.5075015644042380E+00,-1.6132603851303204E+00,-2.7879218244327448E-03,-6.3525355495503803E-03,-3.7012315086192310E-05 -1172 Aneas (1930 UA),703,5.7998000000000000E+04,1.5040926977900000E+02,-2.9902986320000000E+00,-4.7962149620811552E+00,2.5011473177104557E+00,-1.6132940825043893E+00,-2.7800259312042641E-03,-6.3566597476742495E-03,-3.4355255573634622E-05 -1172 Aneas (1930 UA),703,5.7999000000000000E+04,1.5060063627400001E+02,-3.0691719090000000E+00,-4.7989941579221282E+00,2.4947888165095389E+00,-1.6133251269784346E+00,-2.7721235664765328E-03,-6.3607745039433693E-03,-3.1697513741736271E-05 -1172 Aneas (1930 UA),703,5.8000000000000000E+04,1.5079167801500000E+02,-3.1485288640000002E+00,-4.8017655016771794E+00,2.4884260713560993E+00,-1.6133535179732736E+00,-2.7642147340848034E-03,-6.3648798107281690E-03,-2.9039093098317491E-05 -1172 Aneas (1930 UA),703,5.8001000000000000E+04,1.5098237863099999E+02,-3.2283618999999999E+00,-4.8045289846086101E+00,2.4820590927600024E+00,-1.6133792547772243E+00,-2.7562994372346914E-03,-6.3689756602589194E-03,-2.6379997204725519E-05 -1172 Aneas (1930 UA),703,5.8002000000000000E+04,1.5117272201000000E+02,-3.3086635879999999E+00,-4.8072845981697219E+00,2.4756878910240427E+00,-1.6134023365155203E+00,-2.7483776784573170E-03,-6.3730620444828780E-03,-2.3720229666884330E-05 -1172 Aneas (1930 UA),703,5.8003000000000000E+04,1.5136269219900001E+02,-3.3894266709999998E+00,-4.8100323341012245E+00,2.4693124760335898E+00,-1.6134227621370498E+00,-2.7404494595930180E-03,-6.3771389549009197E-03,-2.1059794123150684E-05 -1172 Aneas (1930 UA),703,5.8004000000000000E+04,1.5155227324099999E+02,-3.4706440480000000E+00,-4.8127721845166658E+00,2.4629328570395228E+00,-1.6134405304295167E+00,-2.7325147818056091E-03,-6.3812063823559285E-03,-1.8398694226479318E-05 -1172 Aneas (1930 UA),703,5.8005000000000000E+04,1.5174144898399999E+02,-3.5523087379999998E+00,-4.8155041419500408E+00,2.4565490424894745E+00,-1.6134556400679101E+00,-2.7245736456744654E-03,-6.3852643168394903E-03,-1.5736933619061936E-05 -1172 Aneas (1930 UA),703,5.8006000000000000E+04,1.5193020286100000E+02,-3.6344138170000000E+00,-4.8182281993454712E+00,2.4501610399581168E+00,-1.6134680896916154E+00,-2.7166260513352778E-03,-6.3893127472864006E-03,-1.3074515902921888E-05 -1172 Aneas (1930 UA),703,5.8007000000000000E+04,1.5211851767700000E+02,-3.7169523369999999E+00,-4.8209443499856883E+00,2.4437688562000459E+00,-1.6134778779963208E+00,-2.7086719986909131E-03,-6.3933516613923387E-03,-1.0411444606558166E-05 -1172 Aneas (1930 UA),703,5.8008000000000000E+04,1.5230637543800000E+02,-3.7999172319999999E+00,-4.8236525873726022E+00,2.4373724973158670E+00,-1.6134850038235629E+00,-2.7007114876981520E-03,-6.3973810454963607E-03,-7.7477231466482337E-06 -1172 Aneas (1930 UA),703,5.8009000000000000E+04,1.5249375723000000E+02,-3.8833012259999999E+00,-4.8263529050836791E+00,2.4309719689951437E+00,-1.6134894662345003E+00,-2.6927445186950148E-03,-6.4014008845300029E-03,-5.0833547984346016E-06 -1172 Aneas (1930 UA),703,5.8010000000000000E+04,1.5268064316900001E+02,-3.9670967519999998E+00,-4.8290452966252104E+00,2.4245672767979882E+00,-1.6134912645616057E+00,-2.6847710927602676E-03,-6.4054111620792005E-03,-2.4183426658691730E-06 -1172 Aneas (1930 UA),703,5.8011000000000000E+04,1.5286701241899999E+02,-4.0512958850000000E+00,-4.8317297552960419E+00,2.4181584264469413E+00,-1.6134903984376336E+00,-2.6767912120637606E-03,-6.4094118605540415E-03,2.4731033650883001E-07 -1172 Aneas (1930 UA),703,5.8012000000000000E+04,1.5305284327999999E+02,-4.1358902960000004E+00,-4.8344062740678568E+00,2.4117454241153911E+00,-1.6134868678019447E+00,-2.6688048801470857E-03,-6.4134029614436906E-03,2.9136014861479411E-06 -1172 Aneas (1930 UA),703,5.8013000000000000E+04,1.5323811333099999E+02,-4.2208712349999997E+00,-4.8370748454887877E+00,2.4053282766970554E+00,-1.6134806728817406E+00,-2.6608121021399929E-03,-6.4173844456769484E-03,5.5805282441560020E-06 -1172 Aneas (1930 UA),703,5.8014000000000000E+04,1.5342279964100001E+02,-4.3062295390000003E+00,-4.8397354616223858E+00,2.3989069920284880E+00,-1.6134718141444928E+00,-2.6528128848532367E-03,-6.4213562940252690E-03,8.2480882296733025E-06 -1172 Aneas (1930 UA),703,5.8015000000000000E+04,1.5360687899600001E+02,-4.3919556730000000E+00,-4.8423881140373304E+00,2.3924815790236895E+00,-1.6134602922214014E+00,-2.6448072367493661E-03,-6.4253184875157805E-03,1.0916279183469510E-05 -1172 Aneas (1930 UA),703,5.8016000000000000E+04,1.5379032814600001E+02,-4.4780397919999997E+00,-4.8450327938586195E+00,2.3860520476815887E+00,-1.6134461078104763E+00,-2.6367951677891380E-03,-6.4292710077827296E-03,1.3585098924418498E-05 -1172 Aneas (1930 UA),703,5.8017000000000000E+04,1.5397312402099999E+02,-4.5644718250000000E+00,-4.8476694918746164E+00,2.3796184089578709E+00,-1.6134292615770558E+00,-2.6287766892052413E-03,-6.4332138373829895E-03,1.6254545305381193E-05 -1172 Aneas (1930 UA),703,5.8018000000000000E+04,1.5415524389699999E+02,-4.6512415569999996E+00,-4.8502981986777094E+00,2.3731806745307136E+00,-1.6134097540723931E+00,-2.6207518131948788E-03,-6.4371469599863104E-03,1.8924616166469291E-05 -1172 Aneas (1930 UA),703,5.8019000000000000E+04,1.5433666549099999E+02,-4.7383387050000003E+00,-4.8529189048052057E+00,2.3667388565252234E+00,-1.6133875856852395E+00,-2.6127205526045366E-03,-6.4410703604859398E-03,2.1595309300926802E-05 -1172 Aneas (1930 UA),703,5.8020000000000000E+04,1.5451736699599999E+02,-4.8257529769999996E+00,-4.8555316008526503E+00,2.3602929672609898E+00,-1.6133627566296389E+00,-2.6046829206198621E-03,-6.4449840249967798E-03,2.4266622422590656E-05 -1172 Aneas (1930 UA),703,5.8021000000000000E+04,1.5469732706299999E+02,-4.9134741080000000E+00,-4.8581362775441992E+00,2.3538430190697111E+00,-1.6133352669616197E+00,-2.5966389304942277E-03,-6.4488879408061694E-03,2.6938553153573268E-05 -1172 Aneas (1930 UA),703,5.8022000000000000E+04,1.5487652476000000E+02,-5.0014918840000000E+00,-4.8607329257594323E+00,2.3473890241996811E+00,-1.6133051166118584E+00,-2.5885885953228580E-03,-6.4527820962343094E-03,2.9611099006511941E-05 -1172 Aneas (1930 UA),703,5.8023000000000000E+04,1.5505493951200000E+02,-5.0897961460000003E+00,-4.8633215365273923E+00,2.3409309947961101E+00,-1.6132723054213978E+00,-2.5805319278813690E-03,-6.4566664804886695E-03,3.2284257386443177E-05 -1172 Aneas (1930 UA),703,5.8024000000000000E+04,1.5523255106500000E+02,-5.1783767960000002E+00,-4.8659021010009225E+00,2.3344689429364180E+00,-1.6132368331707501E+00,-2.5724689405168381E-03,-6.4605410834983716E-03,3.4958025594687969E-05 -1172 Aneas (1930 UA),703,5.8025000000000000E+04,1.5540933944500000E+02,-5.2672237989999999E+00,-4.8684746104253946E+00,2.3280028806925066E+00,-1.6131986995961984E+00,-2.5643996450848182E-03,-6.4644058957450887E-03,3.7632400834186530E-05 -1172 Aneas (1930 UA),703,5.8026000000000000E+04,1.5558528495600001E+02,-5.3563271889999999E+00,-4.8710390561125223E+00,2.3215328201957846E+00,-1.6131579043902313E+00,-2.5563240529315970E-03,-6.4682609081232086E-03,4.0307380224478061E-05 -1172 Aneas (1930 UA),703,5.8027000000000000E+04,1.5576036816900000E+02,-5.4456770849999998E+00,-4.8735954294294412E+00,2.3150587736786838E+00,-1.6131144471848333E+00,-2.5482421749008139E-03,-6.4721061117960568E-03,4.2982960807782337E-05 -1172 Aneas (1930 UA),703,5.8028000000000000E+04,1.5593456993000001E+02,-5.5352637130000000E+00,-4.8761437218114558E+00,2.3085807534668095E+00,-1.6130683275187334E+00,-2.5401540213656959E-03,-6.4759414980955811E-03,4.5659139564993058E-05 -1172 Aneas (1930 UA),703,5.8029000000000000E+04,1.5610787135000001E+02,-5.6250774349999997E+00,-4.8786839248034726E+00,2.3020987718999755E+00,-1.6130195447932065E+00,-2.5320596022762845E-03,-6.4797670584334603E-03,4.8335913425401618E-05 -1172 Aneas (1930 UA),F51,5.7970000000000000E+04,1.4499589375100001E+02,-1.0101613670000000E+00,-4.7152474273023461E+00,2.6774200850899383E+00,-1.6113467298361013E+00,-2.9986435335873189E-03,-6.2376441731993807E-03,-1.0848331139746825E-04 -1172 Aneas (1930 UA),F51,5.7971000000000000E+04,1.4518863832100001E+02,-1.0723847670000000E+00,-4.7182431220948544E+00,2.6711839801936730E+00,-1.6114519386867254E+00,-2.9909246071942400E-03,-6.2420200018334804E-03,-1.0584586555497795E-04 -1172 Aneas (1930 UA),F51,5.7972000000000000E+04,1.4538157930599999E+02,-1.1352913630000001E+00,-4.7212311842008461E+00,2.6649434025680492E+00,-1.6115545068438686E+00,-2.9831990476402500E-03,-6.2463866347250117E-03,-1.0320765429246505E-04 -1172 Aneas (1930 UA),F51,5.7973000000000000E+04,1.4557470017700001E+02,-1.1988749160000001E+00,-4.7242116053571355E+00,2.6586983613717194E+00,-1.6116544335359146E+00,-2.9754668606143415E-03,-6.2507440621214511E-03,-1.0056868056774336E-04 -1172 Aneas (1930 UA),F51,5.7974000000000000E+04,1.4576798472799999E+02,-1.2631293400000001E+00,-4.7271843774937627E+00,2.6524488655517180E+00,-1.6117517178576741E+00,-2.9677280518580988E-03,-6.2550922742519496E-03,-9.7928947338144198E-05 -1172 Aneas (1930 UA),F51,5.7975000000000000E+04,1.4596141698900001E+02,-1.3280487020000000E+00,-4.7301494928088097E+00,2.6461949237114926E+00,-1.6118463587665783E+00,-2.9599826271608596E-03,-6.2594312613337196E-03,-9.5288457560515328E-05 -1172 Aneas (1930 UA),F51,5.7976000000000000E+04,1.4615498108700001E+02,-1.3936272100000000E+00,-4.7331069438328903E+00,2.6399365439807392E+00,-1.6119383550941209E+00,-2.9522305923704792E-03,-6.2637610135742091E-03,-9.2647214192688294E-05 -1172 Aneas (1930 UA),F51,5.7977000000000000E+04,1.4634866110400000E+02,-1.4598591910000001E+00,-4.7360567234707780E+00,2.6336737339091996E+00,-1.6120277055723373E+00,-2.9444719533909692E-03,-6.2680815211783609E-03,-9.0005220193243375E-05 -1172 Aneas (1930 UA),F51,5.7978000000000000E+04,1.4654244089900001E+02,-1.5267390480000000E+00,-4.7389988250146100E+00,2.6274065003970080E+00,-1.6121144088727863E+00,-2.9367067161789814E-03,-6.2723927743557409E-03,-8.7362478521625829E-05 -1172 Aneas (1930 UA),F51,5.7979000000000000E+04,1.4673630394300000E+02,-1.5942612050000000E+00,-4.7419332421297380E+00,2.6211348496632314E+00,-1.6121984636552231E+00,-2.9289348867496696E-03,-6.2766947633260597E-03,-8.4718992139181165E-05 -1172 Aneas (1930 UA),F51,5.7980000000000000E+04,1.4693023314499999E+02,-1.6624200450000000E+00,-4.7448599688127233E+00,2.6148587872572411E+00,-1.6122798686247659E+00,-2.9211564711804812E-03,-6.2809874783257783E-03,-8.2074764010276865E-05 -1172 Aneas (1930 UA),F51,5.7981000000000000E+04,1.4712421070100001E+02,-1.7312098339999999E+00,-4.7477789993186343E+00,2.6085783181198350E+00,-1.6123586225984192E+00,-2.9133714755976408E-03,-6.2852709096192713E-03,-7.9429797101814812E-05 -1172 Aneas (1930 UA),F51,5.7982000000000000E+04,1.4731821798100000E+02,-1.8006246360000000E+00,-4.7506903280466490E+00,2.6022934467168790E+00,-1.6124347245811048E+00,-2.9055799061913842E-03,-6.2895450475039007E-03,-7.6784094386201927E-05 -1172 Aneas (1930 UA),F51,5.7983000000000000E+04,1.4751223545100001E+02,-1.8706582329999999E+00,-4.7535939493724078E+00,2.5960041772734690E+00,-1.6125081738455278E+00,-2.8977817692068704E-03,-6.2938098823214512E-03,-7.4137658841591240E-05 -1172 Aneas (1930 UA),F51,5.7984000000000000E+04,1.4770624269600000E+02,-1.9413040530000001E+00,-4.7564898574286900E+00,2.5897105141206231E+00,-1.6125789699998596E+00,-2.8899770709430849E-03,-6.2980654044681780E-03,-7.1490493453948555E-05 -1172 Aneas (1930 UA),F51,5.7985000000000000E+04,1.4790021852300001E+02,-2.0125551189999999E+00,-4.7593780458637740E+00,2.5834124621218688E+00,-1.6126471130184890E+00,-2.8821658177527396E-03,-6.3023116044057786E-03,-6.8842601219088229E-05 -1172 Aneas (1930 UA),F51,5.7986000000000000E+04,1.4809414117099999E+02,-2.0844040389999998E+00,-4.7622585076374095E+00,2.5771100270881875E+00,-1.6127126032126515E+00,-2.8743480160296833E-03,-6.3065484726748597E-03,-6.6193985144363690E-05 -1172 Aneas (1930 UA),F51,5.7987000000000000E+04,1.4828798859899999E+02,-2.1568430369999998E+00,-4.7651312349226309E+00,2.5708032160577043E+00,-1.6127754411357824E+00,-2.8665236722089701E-03,-6.3107759999076803E-03,-6.3544648251483919E-05 -1172 Aneas (1930 UA),F51,5.7988000000000000E+04,1.4848173879600000E+02,-2.2298640289999998E+00,-4.7679962191525505E+00,2.5644920373463531E+00,-1.6128356274453983E+00,-2.8586927927533642E-03,-6.3149941768433082E-03,-6.0894593578558542E-05 -1172 Aneas (1930 UA),F51,5.7989000000000000E+04,1.4867537004400000E+02,-2.3034587140000000E+00,-4.7708534511933403E+00,2.5581765003666668E+00,-1.6128931627623428E+00,-2.8508553841330147E-03,-6.3192029943440302E-03,-5.8243824182654420E-05 -1172 Aneas (1930 UA),F51,5.7990000000000000E+04,1.4886886111999999E+02,-2.3776186710000000E+00,-4.7737029215800657E+00,2.5518566152964093E+00,-1.6129480475661184E+00,-2.8430114528021997E-03,-6.3234024434114505E-03,-5.5592343142453761E-05 -1172 Aneas (1930 UA),F51,5.7991000000000000E+04,1.4906219138700001E+02,-2.4523354479999999E+00,-4.7765446207392070E+00,2.5455323927218085E+00,-1.6130002821447051E+00,-2.8351610051909112E-03,-6.3275925152013694E-03,-5.2940153561918584E-05 -1172 Aneas (1930 UA),F51,5.7992000000000000E+04,1.4925534080800000E+02,-2.5276006099999999E+00,-4.7793785391491816E+00,2.5392038433494695E+00,-1.6130498665941482E+00,-2.8273040476485354E-03,-6.3317732010394479E-03,-5.0287258573277632E-05 -1172 Aneas (1930 UA),F51,5.7993000000000000E+04,1.4944828991500000E+02,-2.6034057819999998E+00,-4.7822046674242991E+00,2.5328709778309779E+00,-1.6130968008495272E+00,-2.8194405864261241E-03,-6.3359444924319889E-03,-4.7633661341407835E-05 -1172 Aneas (1930 UA),F51,5.7994000000000000E+04,1.4964101974400000E+02,-2.6797426600000001E+00,-4.7850229963343462E+00,2.5265338066958116E+00,-1.6131410847273189E+00,-2.8115706276184930E-03,-6.3401063810733290E-03,-4.4979365068262042E-05 -1172 Aneas (1930 UA),F51,5.7995000000000000E+04,1.4983351177800000E+02,-2.7566030170000002E+00,-4.7878335167837633E+00,2.5201923403616910E+00,-1.6131827179641809E+00,-2.8036941771203338E-03,-6.3442588588462079E-03,-4.2324372997475947E-05 -1172 Aneas (1930 UA),F51,5.7996000000000000E+04,1.5002574790000000E+02,-2.8339787059999999E+00,-4.7906362197724546E+00,2.5138465891889576E+00,-1.6132217002437426E+00,-2.7958112405547363E-03,-6.3484019178123088E-03,-3.9668688419354780E-05 -1172 Aneas (1930 UA),F51,5.7997000000000000E+04,1.5021771036199999E+02,-2.9118616610000001E+00,-4.7934310963566737E+00,2.5074965635471473E+00,-1.6132580312078855E+00,-2.7879218232111725E-03,-6.3525355501904170E-03,-3.7012314674691026E-05 -1172 Aneas (1930 UA),F51,5.7998000000000000E+04,1.5040938177400000E+02,-2.9902439070000000E+00,-4.7962181376224002E+00,2.5011422738696818E+00,-1.6132917104518925E+00,-2.7800259299728923E-03,-6.3566597483175405E-03,-3.4355255159024801E-05 -1172 Aneas (1930 UA),F51,5.7999000000000000E+04,1.5060074510199999E+02,-3.0691175749999999E+00,-4.7989973346816033E+00,2.4947837306737259E+00,-1.6133227375048373E+00,-2.7721235652355732E-03,-6.3607745045897793E-03,-3.1697513324092697E-05 -1172 Aneas (1930 UA),F51,5.8000000000000000E+04,1.5079178365300001E+02,-3.1484749230000002E+00,-4.8017686786969911E+00,2.4884209445291221E+00,-1.6133511117986961E+00,-2.7642147328349456E-03,-6.3648798113769521E-03,-2.9039092677979878E-05 -1172 Aneas (1930 UA),F51,5.8001000000000000E+04,1.5098248105700000E+02,-3.2283083540000002E+00,-4.8045321609390701E+00,2.4820539259607122E+00,-1.6133768326326527E+00,-2.7562994359758460E-03,-6.3689756609103393E-03,-2.6379996781593191E-05 -1172 Aneas (1930 UA),F51,5.8002000000000000E+04,1.5117282120499999E+02,-3.3086104409999999E+00,-4.8072877728696239E+00,2.4756826852860323E+00,-1.6133998991424865E+00,-2.7483776771893790E-03,-6.3730620451371602E-03,-2.3720229240879449E-05 -1172 Aneas (1930 UA),F51,5.8003000000000000E+04,1.5136278813999999E+02,-3.3893739230000000E+00,-4.8100355062381412E+00,2.4693072324049625E+00,-1.6134203102872737E+00,-2.7404494583167125E-03,-6.3771389555573495E-03,-2.1059793694597407E-05 -1172 Aneas (1930 UA),F51,5.8004000000000000E+04,1.5155236590900000E+02,-3.4705917010000000E+00,-4.8127753531672575E+00,2.4629275765826644E+00,-1.6134380648645170E+00,-2.7325147805209900E-03,-6.3812063830145614E-03,-1.8398693795372467E-05 -1172 Aneas (1930 UA),F51,5.8005000000000000E+04,1.5174153835700000E+02,-3.5522567939999998E+00,-4.8155073062003497E+00,2.4565437262808989E+00,-1.6134531615586236E+00,-2.7245736443817724E-03,-6.3852643175001632E-03,-1.5736933185488762E-05 -1172 Aneas (1930 UA),F51,5.8006000000000000E+04,1.5193028891899999E+02,-3.6343622779999998E+00,-4.8182313582912562E+00,2.4501556890882559E+00,-1.6134655990180140E+00,-2.7166260500349239E-03,-6.3893127479488117E-03,-1.3074515467033224E-05 -1172 Aneas (1930 UA),F51,5.8007000000000000E+04,1.5211860039999999E+02,-3.7169012040000000E+00,-4.8209475027327642E+00,2.4437634717730288E+00,-1.6134753759470779E+00,-2.7086719973822208E-03,-6.3933516620572374E-03,-1.0411444168054353E-05 -1172 Aneas (1930 UA),F51,5.8008000000000000E+04,1.5230645480600000E+02,-3.7998665059999999E+00,-4.8236557330372118E+00,2.4373670804492655E+00,-1.6134824911957655E+00,-2.7007114863826401E-03,-6.3973810461623488E-03,-7.7477227061479838E-06 -1172 Aneas (1930 UA),F51,5.8009000000000000E+04,1.5249383322400001E+02,-3.8832509079999999E+00,-4.8263560427928667E+00,2.4309665208196667E+00,-1.6134869438334210E+00,-2.6927445173729452E-03,-6.4014008851969693E-03,-5.0833543560127050E-06 -1172 Aneas (1930 UA),F51,5.8010000000000000E+04,1.5268071576800000E+02,-3.9670468429999999E+00,-4.8290484255171986E+00,2.4245617984571428E+00,-1.6134887332004975E+00,-2.6847710914303545E-03,-6.4054111627483597E-03,-2.4183422210168949E-06 -1172 Aneas (1930 UA),F51,5.8011000000000000E+04,1.5286708160399999E+02,-4.0512463849999998E+00,-4.8317328745206245E+00,2.4181529190966522E+00,-1.6134878589375155E+00,-2.6767912107275916E-03,-6.4094118612240611E-03,2.4731078318522407E-07 -1172 Aneas (1930 UA),F51,5.8012000000000000E+04,1.5305290903100001E+02,-4.1358412050000002E+00,-4.8344093827867853E+00,2.4117398889235915E+00,-1.6134843209913525E+00,-2.6688048788045234E-03,-6.4134029621147615E-03,2.9136019347161595E-06 -1172 Aneas (1930 UA),F51,5.8013000000000000E+04,1.5323817563000000E+02,-4.2208225539999997E+00,-4.8370779428761361E+00,2.4053227148432841E+00,-1.6134781195964014E+00,-2.6608121007912849E-03,-6.4173844463489421E-03,5.5805286945308875E-06 -1172 Aneas (1930 UA),F51,5.8014000000000000E+04,1.5342285846799999E+02,-4.3061812670000004E+00,-4.8397385468649095E+00,2.3989014047034858E+00,-1.6134692552269316E+00,-2.6528128834986293E-03,-6.4213562946980399E-03,8.2480886817696978E-06 -1172 Aneas (1930 UA),F51,5.8015000000000000E+04,1.5360693433200001E+02,-4.3919078100000002E+00,-4.8423911863347788E+00,2.3924759674289979E+00,-1.6134577285204557E+00,-2.6448072353893268E-03,-6.4253184881890232E-03,1.0916279637133533E-05 -1172 Aneas (1930 UA),F51,5.8016000000000000E+04,1.5379037997300000E+02,-4.4779923380000000E+00,-4.8450358524240285E+00,2.3860464130291725E+00,-1.6134435401807827E+00,-2.6367951664230766E-03,-6.4292710084569195E-03,1.3585099379824546E-05 -1172 Aneas (1930 UA),F51,5.8017000000000000E+04,1.5397317232099999E+02,-4.5644247790000003E+00,-4.8476725359345343E+00,2.3796127524697468E+00,-1.6134266908785138E+00,-2.6287766878342520E-03,-6.4332138380573806E-03,1.6254545762182514E-05 -1172 Aneas (1930 UA),F51,5.8018000000000000E+04,1.5415528865100001E+02,-4.6511949169999998E+00,-4.8503012274724018E+00,2.3731749974385790E+00,-1.6134071811696544E+00,-2.6207518118190132E-03,-6.4371469606609097E-03,1.8924616624642267E-05 -1172 Aneas (1930 UA),F51,5.8019000000000000E+04,1.5433670667999999E+02,-4.7382924710000003E+00,-4.8529219175888123E+00,2.3667331600700523E+00,-1.6133850114472312E+00,-2.6127205512251521E-03,-6.4410703611599007E-03,2.1595309760081611E-05 -1172 Aneas (1930 UA),F51,5.8020000000000000E+04,1.5451740460299999E+02,-4.8257071460000001E+00,-4.8555345968933405E+00,2.3602872526926220E+00,-1.6133601819291226E+00,-2.6046829192348025E-03,-6.4449840256715005E-03,2.4266622883300766E-05 -1172 Aneas (1930 UA),F51,5.8021000000000000E+04,1.5469736107000000E+02,-4.9134286800000000E+00,-4.8581392561242884E+00,2.3538372876464480E+00,-1.6133326926747917E+00,-2.5966389291052984E-03,-6.4488879414805293E-03,2.6938553615333947E-05 -1172 Aneas (1930 UA),F51,5.8022000000000000E+04,1.5487655514900001E+02,-5.0014468560000003E+00,-4.8607358861755046E+00,2.3473832771878658E+00,-1.6133025436179593E+00,-2.5885885939303287E-03,-6.4527820969082078E-03,2.9611099469228771E-05 -1172 Aneas (1930 UA),F51,5.8023000000000000E+04,1.5505496626600001E+02,-5.0897515149999997E+00,-4.8633244780903926E+00,2.3409252334697217E+00,-1.6132697346023186E+00,-2.5805319264850558E-03,-6.4566664811622002E-03,3.2284257850139784E-05 -1172 Aneas (1930 UA),F51,5.8024000000000000E+04,1.5523257416600001E+02,-5.1783325610000004E+00,-4.8659050230362730E+00,2.3344631685766575E+00,-1.6132342654106480E+00,-2.5724689391177003E-03,-6.4605410841710106E-03,3.4958026059116046E-05 -1172 Aneas (1930 UA),F51,5.8025000000000000E+04,1.5540935887699999E+02,-5.2671799559999997E+00,-4.8684775122730741E+00,2.3279970945873796E+00,-1.6131961357811067E+00,-2.5643996436817314E-03,-6.4644058964174501E-03,3.7632401299567722E-05 -1172 Aneas (1930 UA),F51,5.8026000000000000E+04,1.5558530070099999E+02,-5.3562837349999999E+00,-4.8710419371271634E+00,2.3215270236396974E+00,-1.6131553454076675E+00,-2.5563240515264762E-03,-6.4682609087943210E-03,4.0307380690357851E-05 -1172 Aneas (1930 UA),F51,5.8027000000000000E+04,1.5576038021100001E+02,-5.4456340169999997E+00,-4.8735982889804017E+00,2.3150529679720129E+00,-1.6131118939234077E+00,-2.5482421734934540E-03,-6.4721061124660209E-03,4.2982961274183303E-05 -1172 Aneas (1930 UA),F51,5.8028000000000000E+04,1.5593457825400000E+02,-5.5352210279999996E+00,-4.8761465592828630E+00,2.3085749399155424E+00,-1.6130657808677513E+00,-2.5401540199556680E-03,-6.4759414987645807E-03,4.5659140031955213E-05 -1172 Aneas (1930 UA),F51,5.8029000000000000E+04,1.5610787593800001E+02,-5.6250351289999996E+00,-4.8786867395942810E+00,2.3020929518152942E+00,-1.6130170056422612E+00,-2.5320596008648237E-03,-6.4797670591009403E-03,4.8335913892653073E-05 -1172 Aneas (1930 UA),I11,5.7970000000000000E+04,1.4499564960900000E+02,-1.0098386360000000E+00,-4.7152413607424659E+00,2.6774279684017546E+00,-1.6113502950504655E+00,-2.9986435355148309E-03,-6.2376441721033894E-03,-1.0848331205666077E-04 -1172 Aneas (1930 UA),I11,5.7971000000000000E+04,1.4518839960800000E+02,-1.0720617150000000E+00,-4.7182370288435607E+00,2.6711919537213680E+00,-1.6114555479115085E+00,-2.9909246091383204E-03,-6.2420200007318981E-03,-1.0584586621925247E-04 -1172 Aneas (1930 UA),I11,5.7972000000000000E+04,1.4538134605400001E+02,-1.1349679699999999E+00,-4.7212250661929467E+00,2.6649514649604558E+00,-1.6115581591966894E+00,-2.9831990496012994E-03,-6.2463866336165304E-03,-1.0320765496237802E-04 -1172 Aneas (1930 UA),I11,5.7973000000000000E+04,1.4557447241700001E+02,-1.1985511630000001E+00,-4.7242054645235854E+00,2.6587065112468276E+00,-1.6116581281096458E+00,-2.9754668625923703E-03,-6.2507440610055486E-03,-1.0056868124347952E-04 -1172 Aneas (1930 UA),I11,5.7974000000000000E+04,1.4576776249200000E+02,-1.2628052089999999E+00,-4.7271782157609881E+00,2.6524571014968901E+00,-1.6117554537207406E+00,-2.9677280538513394E-03,-6.2550922731316617E-03,-9.7928948018392495E-05 -1172 Aneas (1930 UA),I11,5.7975000000000000E+04,1.4596120030599999E+02,-1.3277241730000000E+00,-4.7301433120979990E+00,2.6462032442836732E+00,-1.6118501349633290E+00,-2.9599826291695011E-03,-6.2594312602081113E-03,-9.5288458245638836E-05 -1172 Aneas (1930 UA),I11,5.7976000000000000E+04,1.4615476998700001E+02,-1.3933022669999999E+00,-4.7331007460592911E+00,2.6399449477066428E+00,-1.6119421706452306E+00,-2.9522305943943603E-03,-6.2637610124431798E-03,-9.2647214882710566E-05 -1172 Aneas (1930 UA),I11,5.7977000000000000E+04,1.4634845561700001E+02,-1.4595338140000000E+00,-4.7360505105429560E+00,2.6336822192855021E+00,-1.6120315594752408E+00,-2.9444719554288009E-03,-6.2680815200437095E-03,-9.0005220887365300E-05 -1172 Aneas (1930 UA),I11,5.7978000000000000E+04,1.4654224105399999E+02,-1.5264132180000001E+00,-4.7389925988336934E+00,2.6274150658905442E+00,-1.6121183001021095E+00,-2.9367067182309893E-03,-6.2723927732165913E-03,-8.7362479220202361E-05 -1172 Aneas (1930 UA),I11,5.7979000000000000E+04,1.4673610976800001E+02,-1.5939349060000001E+00,-4.7419270045886304E+00,2.6211434937112119E+00,-1.6122023911631782E+00,-2.9289348888164608E-03,-6.2766947621811908E-03,-8.4718992842708869E-05 -1172 Aneas (1930 UA),I11,5.7980000000000000E+04,1.4693004466799999E+02,-1.6620932589999999E+00,-4.7448537217953017E+00,2.6148675082675084E+00,-1.6122838313414578E+00,-2.9211564732596791E-03,-6.2809874771784097E-03,-8.2074764717334772E-05 -1172 Aneas (1930 UA),I11,5.7981000000000000E+04,1.4712402795000000E+02,-1.7308825430000001E+00,-4.7477727446988842E+00,2.6085871144711978E+00,-1.6123626194320988E+00,-2.9133714776900695E-03,-6.2852709084678382E-03,-7.9429797813051396E-05 -1172 Aneas (1930 UA),I11,5.7982000000000000E+04,1.4731804098200001E+02,-1.8002968230000000E+00,-4.7506840676877538E+00,2.6023023167595660E+00,-1.6124387544183549E+00,-2.9055799082966498E-03,-6.2895450463486685E-03,-7.6784095101469345E-05 -1172 Aneas (1930 UA),I11,5.7983000000000000E+04,1.4751206423200000E+02,-1.8703298810000000E+00,-4.7535876851258436E+00,2.5960131193295872E+00,-1.6125122355513630E+00,-2.8977817713242877E-03,-6.2938098811630584E-03,-7.4137659560584857E-05 -1172 Aneas (1930 UA),I11,5.7984000000000000E+04,1.4770607728200000E+02,-1.9409751440000000E+00,-4.7564835911333283E+00,2.5897195264846582E+00,-1.6125830624178588E+00,-2.8899770730725118E-03,-6.2980654033065481E-03,-7.1490494176669321E-05 -1172 Aneas (1930 UA),I11,5.7985000000000000E+04,1.4790005894000001E+02,-2.0122256379999999E+00,-4.7593717793449333E+00,2.5834215430612608E+00,-1.6126512349710393E+00,-2.8821658198926268E-03,-6.3023116032425493E-03,-6.8842601944793492E-05 -1172 Aneas (1930 UA),I11,5.7986000000000000E+04,1.4809398744399999E+02,-2.0840739689999999E+00,-4.7622522427059817E+00,2.5771191748438591E+00,-1.6127167535013536E+00,-2.8743480181807196E-03,-6.3065484715089087E-03,-6.6193985873499626E-05 -1172 Aneas (1930 UA),I11,5.7987000000000000E+04,1.4828784075499999E+02,-2.1565123620000000E+00,-4.7651249733742214E+00,2.5708124288446021E+00,-1.6127796185420571E+00,-2.8665236743716394E-03,-6.3107759987382807E-03,-6.3544648984339874E-05 -1172 Aneas (1930 UA),I11,5.7988000000000000E+04,1.4848159685700000E+02,-2.2295327340000002E+00,-4.7679899627666895E+00,2.5645013133539645E+00,-1.6128398307312231E+00,-2.8586927949257740E-03,-6.3149941756724080E-03,-6.0894594314246101E-05 -1172 Aneas (1930 UA),I11,5.7989000000000000E+04,1.4867523403600001E+02,-2.3031267820000001E+00,-4.7708472017328143E+00,2.5581858377595106E+00,-1.6128973906710296E+00,-2.8508553863134650E-03,-6.3192029931732098E-03,-5.8243824920464638E-05 -1172 Aneas (1930 UA),I11,5.7990000000000000E+04,1.4886873106700000E+02,-2.3772860869999999E+00,-4.7736966807902910E+00,2.5518660122145671E+00,-1.6129522988230569E+00,-2.8430114549933480E-03,-6.3234024422376914E-03,-5.5592343883645422E-05 -1172 Aneas (1930 UA),I11,5.7991000000000000E+04,1.4906206731099999E+02,-2.4520021970000001E+00,-4.7765383903476746E+00,2.5455418472814881E+00,-1.6130045554580317E+00,-2.8351610073894754E-03,-6.3275925140278307E-03,-5.2940154305084184E-05 -1172 Aneas (1930 UA),I11,5.7992000000000000E+04,1.4925522273300001E+02,-2.5272666770000001E+00,-4.7793723208649501E+00,2.5392133536435830E+00,-1.6130541606553288E+00,-2.8273040498559936E-03,-6.3317731998644815E-03,-5.0287259319092209E-05 -1172 Aneas (1930 UA),I11,5.7993000000000000E+04,1.4944817786400000E+02,-2.6030711530000001E+00,-4.7821984629374983E+00,2.5328805419297429E+00,-1.6131011143339085E+00,-2.8194405886413877E-03,-6.3359444912565004E-03,-4.7633662089442465E-05 -1172 Aneas (1930 UA),I11,5.7994000000000000E+04,1.4964091374000000E+02,-2.6794073209999998E+00,-4.7850168073156949E+00,2.5265434226473884E+00,-1.6131454162946546E+00,-2.8115706298421327E-03,-6.3401063798966591E-03,-4.4979365818752776E-05 -1172 Aneas (1930 UA),I11,5.7995000000000000E+04,1.4983341184200000E+02,-2.7562669550000001E+00,-4.7878273448841142E+00,2.5202020061927559E+00,-1.6131870662591421E+00,-2.8036941793498525E-03,-6.3442588576704401E-03,-4.2324373749485072E-05 -1172 Aneas (1930 UA),I11,5.7996000000000000E+04,1.5002565405400000E+02,-2.8336419070000001E+00,-4.7906300666223496E+00,2.5138563029053285E+00,-1.6132260638964504E+00,-2.7958112427899995E-03,-6.3484019166373702E-03,-3.9668689172874110E-05 -1172 Aneas (1930 UA),I11,5.7997000000000000E+04,1.5021762262700000E+02,-2.9115241109999999E+00,-4.7934249635658706E+00,2.5075063231344057E+00,-1.6132624088344554E+00,-2.7879218254527665E-03,-6.3525355490156830E-03,-3.7012315429935932E-05 -1172 Aneas (1930 UA),I11,5.7998000000000000E+04,1.5040930017100001E+02,-2.9899055940000001E+00,-4.7962120267794637E+00,2.5011520772938094E+00,-1.6132961006549846E+00,-2.7800259322203679E-03,-6.3566597471432784E-03,-3.4355255915833195E-05 -1172 Aneas (1930 UA),I11,5.7999000000000000E+04,1.5060066965100000E+02,-3.0687784869999999E+00,-4.7989912473534941E+00,2.4947935758817046E+00,-1.6133271388742048E+00,-2.7721235674884786E-03,-6.3607745034162597E-03,-3.1697514082301554E-05 -1172 Aneas (1930 UA),I11,5.8000000000000000E+04,1.5079171437400001E+02,-3.1481350469999998E+00,-4.8017626164287037E+00,2.4884308294495341E+00,-1.6133555229117487E+00,-2.7642147350917107E-03,-6.3648798102052297E-03,-2.9039093437084310E-05 -1172 Aneas (1930 UA),I11,5.8001000000000000E+04,1.5098241797099999E+02,-3.2279676799999999E+00,-4.8045261252532407E+00,2.4820638485043407E+00,-1.6133812520550563E+00,-2.7562994382367388E-03,-6.3689756597401399E-03,-2.6379997541668235E-05 -1172 Aneas (1930 UA),I11,5.8002000000000000E+04,1.5117276432899999E+02,-3.3082689560000000E+00,-4.8072817652661710E+00,2.4756926433464543E+00,-1.6134043254288142E+00,-2.7483776794546867E-03,-6.3730620439682098E-03,-2.3720230001984475E-05 -1172 Aneas (1930 UA),I11,5.8003000000000000E+04,1.5136273749399999E+02,-3.3890316170000001E+00,-4.8100295281938994E+00,2.4693172238590737E+00,-1.6134247419817012E+00,-2.7404494605848271E-03,-6.3771389543906785E-03,-2.1059794456239994E-05 -1172 Aneas (1930 UA),I11,5.8004000000000000E+04,1.5155232151100000E+02,-3.4702485639999998E+00,-4.8127694061356383E+00,2.4629375992911067E+00,-1.6134425005015500E+00,-2.7325147827918150E-03,-6.3812063818501595E-03,-1.8398694557508559E-05 -1172 Aneas (1930 UA),I11,5.8005000000000000E+04,1.5174150022600000E+02,-3.5519128140000000E+00,-4.8155013916109537E+00,2.4565537780884861E+00,-1.6134575996638849E+00,-2.7245736466548313E-03,-6.3852643163382974E-03,-1.5736933947951084E-05 -1172 Aneas (1930 UA),I11,5.8006000000000000E+04,1.5193025707199999E+02,-3.6340174460000001E+00,-4.8182254775494284E+00,2.4501657678244344E+00,-1.6134700381090348E+00,-2.7166260523093341E-03,-6.3893127467899678E-03,-1.3074516229564257E-05 -1172 Aneas (1930 UA),I11,5.8007000000000000E+04,1.5211857485300001E+02,-3.7165555100000001E+00,-4.8209416572191488E+00,2.4437735752523202E+00,-1.6134798145340186E+00,-2.7086719996595216E-03,-6.3933516609004787E-03,-1.0411444930979383E-05 -1172 Aneas (1930 UA),I11,5.8008000000000000E+04,1.5230643557700000E+02,-3.7995199409999998E+00,-4.8236499241072677E+00,2.4373772064717798E+00,-1.6134869277820569E+00,-2.7007114886595193E-03,-6.3973810450095210E-03,-7.7477234686277272E-06 -1172 Aneas (1930 UA),I11,5.8009000000000000E+04,1.5249382032800000E+02,-3.8829034629999999E+00,-4.8263502717763620E+00,2.4309766671717012E+00,-1.6134913769162984E+00,-2.6927445196488916E-03,-6.4014008840482702E-03,-5.0833551179036419E-06 -1172 Aneas (1930 UA),I11,5.8010000000000000E+04,1.5268070922199999E+02,-3.9666985090000000E+00,-4.8290426937176916E+00,2.4245719629118723E+00,-1.6134931612714780E+00,-2.6847710937081865E-03,-6.4054111616023875E-03,-2.4183429828790597E-06 -1172 Aneas (1930 UA),I11,5.8011000000000000E+04,1.5286708142300000E+02,-4.0508971550000004E+00,-4.8317271832149400E+00,2.4181630994149019E+00,-1.6134922804828560E+00,-2.6767912130039248E-03,-6.4094118600824708E-03,2.4731002214788971E-07 -1172 Aneas (1930 UA),I11,5.8012000000000000E+04,1.5305291523000000E+02,-4.1354910709999997E+00,-4.8344037332245549E+00,2.4117500828545686E+00,-1.6134887344925020E+00,-2.6688048810796943E-03,-6.4134029609773900E-03,2.9136011744831677E-06 -1172 Aneas (1930 UA),I11,5.8013000000000000E+04,1.5323818822400000E+02,-4.2204715080000001E+00,-4.8370723362793422E+00,2.4053329201253804E+00,-1.6134825235305867E+00,-2.6608121030648009E-03,-6.4173844452160393E-03,5.5805279352684192E-06 -1172 Aneas (1930 UA),I11,5.8014000000000000E+04,1.5342287747099999E+02,-4.3058293030000003E+00,-4.8397329844274513E+00,2.3989116190650743E+00,-1.6134736480678638E+00,-2.6528128857699973E-03,-6.4213562935698278E-03,8.2480879236398582E-06 -1172 Aneas (1930 UA),I11,5.8015000000000000E+04,1.5360695975799999E+02,-4.3915549210000000E+00,-4.8423856692221285E+00,2.3924861885891859E+00,-1.6134621087391778E+00,-2.6448072376576122E-03,-6.4253184870659182E-03,1.0916278880377421E-05 -1172 Aneas (1930 UA),I11,5.8016000000000000E+04,1.5379041183499999E+02,-4.4776385180000000E+00,-4.8450303817729115E+00,2.3860566386985576E+00,-1.6134479062466256E+00,-2.6367951686895310E-03,-6.4292710073384877E-03,1.3585098624319042E-05 -1172 Aneas (1930 UA),I11,5.8017000000000000E+04,1.5397321063199999E+02,-4.5640700220000001E+00,-4.8476671128527009E+00,2.3796229803511504E+00,-1.6134310412601063E+00,-2.6287766900966363E-03,-6.4332138369445208E-03,1.6254545008375951E-05 -1172 Aneas (1930 UA),I11,5.8018000000000000E+04,1.5415533342399999E+02,-4.6508392189999999E+00,-4.8502958530384275E+00,2.3731852252278411E+00,-1.6134115143359324E+00,-2.6207518140772598E-03,-6.4371469595536773E-03,1.8924615872630072E-05 -1172 Aneas (1930 UA),I11,5.8019000000000000E+04,1.5433675792800000E+02,-4.7379358270000003E+00,-4.8529165928519786E+00,2.3667433854567985E+00,-1.6133893258683645E+00,-2.6127205534765378E-03,-6.4410703600592395E-03,2.1595309010334660E-05 -1172 Aneas (1930 UA),I11,5.8020000000000000E+04,1.5451746233599999E+02,-4.8253495519999996E+00,-4.8555293228735392E+00,2.3602974733610833E+00,-1.6133644760773822E+00,-2.6046829214837145E-03,-6.4449840245760920E-03,2.4266622135316376E-05 -1172 Aneas (1930 UA),I11,5.8021000000000000E+04,1.5469742530100001E+02,-4.9130701309999996E+00,-4.8581340338119672E+00,2.3538475012762783E+00,-1.6133369650253366E+00,-2.5966389313481185E-03,-6.4488879403915601E-03,2.6938552869693798E-05 -1172 Aneas (1930 UA),I11,5.8022000000000000E+04,1.5487662588800001E+02,-5.0010873489999996E+00,-4.8607307165316485E+00,2.3473934814549304E+00,-1.6133067926495674E+00,-2.5885885961665499E-03,-6.4527820958258895E-03,2.9611098726100122E-05 -1172 Aneas (1930 UA),I11,5.8023000000000000E+04,1.5505504352299999E+02,-5.0893910489999996E+00,-4.8633193620464956E+00,2.3409354260469266E+00,-1.6132739587981284E+00,-2.5805319287150697E-03,-6.4566664800865294E-03,3.2284257109581087E-05 -1172 Aneas (1930 UA),I11,5.8024000000000000E+04,1.5523265795099999E+02,-5.1779711319999997E+00,-4.8658999614943408E+00,2.3344733471347365E+00,-1.6132384632588495E+00,-2.5724689413396343E-03,-6.4605410831025424E-03,3.4958025321436130E-05 -1172 Aneas (1930 UA),I11,5.8025000000000000E+04,1.5540944920000001E+02,-5.2668175640000001E+00,-4.8684725061056406E+00,2.3280072567956815E+00,-1.6132003057756399E+00,-2.5643996458978228E-03,-6.4644058953557508E-03,3.7632400564662936E-05 -1172 Aneas (1930 UA),I11,5.8026000000000000E+04,1.5558539757000000E+02,-5.3559203780000004E+00,-4.8710369871773302E+00,2.3215371671669578E+00,-1.6131594860489000E+00,-2.5563240537330115E-03,-6.4682609077403100E-03,4.0307379958693969E-05 -1172 Aneas (1930 UA),I11,5.8027000000000000E+04,1.5576048363300001E+02,-5.4452696940000003E+00,-4.8735933960618922E+00,2.3150630904871323E+00,-1.6131160037188150E+00,-2.5482421756908369E-03,-6.4721061114197224E-03,4.2982960545831137E-05 -1172 Aneas (1930 UA),I11,5.8028000000000000E+04,1.5593468823800001E+02,-5.5348557390000002E+00,-4.8761417241800888E+00,2.3085850390883693E+00,-1.6130698583326071E+00,-2.5401540221447693E-03,-6.4759414977259393E-03,4.5659139306985548E-05 -1172 Aneas (1930 UA),I11,5.8029000000000000E+04,1.5610799248999999E+02,-5.6246688740000002E+00,-4.8786819630624150E+00,2.3021030253174146E+00,-1.6130210493003387E+00,-2.5320596030432834E-03,-6.4797670580704798E-03,4.8335913171356257E-05 -1172 Aneas (1930 UA),I41,5.7970000000000000E+04,1.4499572448000001E+02,-1.0102310670000001E+00,-4.7152450981107208E+00,2.6774230943279811E+00,-1.6113481350320711E+00,-2.9986435343460505E-03,-6.2376441727681302E-03,-1.0848331165686791E-04 -1172 Aneas (1930 UA),I41,5.7971000000000000E+04,1.4518847117600001E+02,-1.0724542220000000E+00,-4.7182407660509380E+00,2.6711870449340571E+00,-1.6114533723188016E+00,-2.9909246079658901E-03,-6.2420200013965591E-03,-1.0584586581848501E-04 -1172 Aneas (1930 UA),I41,5.7972000000000000E+04,1.4538141431200000E+02,-1.1353605680000001E+00,-4.7212288021944691E+00,2.6649465223960074E+00,-1.6115559686360439E+00,-2.9831990484248099E-03,-6.2463866342816910E-03,-1.0320765456040149E-04 -1172 Aneas (1930 UA),I41,5.7973000000000000E+04,1.4557453735600001E+02,-1.1989438670000001E+00,-4.7242091982817174E+00,2.6587015358551094E+00,-1.6116559231983416E+00,-2.9754668614117713E-03,-6.2507440616714309E-03,-1.0056868084023600E-04 -1172 Aneas (1930 UA),I41,5.7974000000000000E+04,1.4576782410700000E+02,-1.2631980340000000E+00,-4.7271819462459490E+00,2.6524520942410326E+00,-1.6117532350867412E+00,-2.9677280526680186E-03,-6.2550922737968206E-03,-9.7928947614510760E-05 -1172 Aneas (1930 UA),I41,5.7975000000000000E+04,1.4596125858900001E+02,-1.3281171340000000E+00,-4.7301470382881039E+00,2.6461982061398679E+00,-1.6118479032450130E+00,-2.9599826279832295E-03,-6.2594312608729510E-03,-9.5288457840975445E-05 -1172 Aneas (1930 UA),I41,5.7976000000000000E+04,1.4615482493299999E+02,-1.3936953770000000E+00,-4.7331044669412634E+00,2.6399398796639701E+00,-1.6119399264911163E+00,-2.9522305932052316E-03,-6.2637610131077211E-03,-9.2647214477285903E-05 -1172 Aneas (1930 UA),I41,5.7977000000000000E+04,1.4634850721800001E+02,-1.4599270890000000E+00,-4.7360542251122784E+00,2.6336771223457527E+00,-1.6120293035436779E+00,-2.9444719542377502E-03,-6.2680815207071007E-03,-9.0005220481560963E-05 -1172 Aneas (1930 UA),I41,5.7978000000000000E+04,1.4654228930500000E+02,-1.5268066720000000E+00,-4.7389963060949745E+00,2.6274099410680405E+00,-1.6121160330609579E+00,-2.9367067170377997E-03,-6.2723927738792089E-03,-8.7362478813886199E-05 -1172 Aneas (1930 UA),I41,5.7979000000000000E+04,1.4673615466400000E+02,-1.5943285519999999E+00,-4.7419307035559664E+00,2.6211383420326273E+00,-1.6122001136895021E+00,-2.9289348876206205E-03,-6.2766947628435411E-03,-8.4718992435688789E-05 -1172 Aneas (1930 UA),I41,5.7980000000000000E+04,1.4693008620200001E+02,-1.6624871109999999E+00,-4.7448574114926521E+00,2.6148623307716821E+00,-1.6122815441212701E+00,-2.9211564720629489E-03,-6.2809874778390305E-03,-8.2074764310261403E-05 -1172 Aneas (1930 UA),I41,5.7981000000000000E+04,1.4712406611899999E+02,-1.7312766150000001E+00,-4.7477764241604898E+00,2.6085819122088960E+00,-1.6123603231601171E+00,-2.9133714764917797E-03,-6.2852709091273905E-03,-7.9429797405668217E-05 -1172 Aneas (1930 UA),I41,5.7982000000000000E+04,1.4731807577900000E+02,-1.8006911290000001E+00,-4.7506877359585848E+00,2.6022970907931526E+00,-1.6124364497978019E+00,-2.9055799070970539E-03,-6.2895450470069978E-03,-7.6784094693869583E-05 -1172 Aneas (1930 UA),I41,5.7983000000000000E+04,1.4751209565299999E+02,-1.8707244340000000E+00,-4.7535913412620108E+00,2.5960078707327372E+00,-1.6125099232938389E+00,-2.8977817701238435E-03,-6.2938098818198611E-03,-7.4137659152923634E-05 -1172 Aneas (1930 UA),I41,5.7984000000000000E+04,1.4770610532399999E+02,-1.9413699590000000E+00,-4.7564872342024946E+00,2.5897142563420403E+00,-1.6125807432432147E+00,-2.8899770718713025E-03,-6.2980654039618278E-03,-7.1490493768979353E-05 -1172 Aneas (1930 UA),I41,5.7985000000000000E+04,1.4790008359699999E+02,-2.0126207260000002E+00,-4.7593754084267594E+00,2.5834162524681528E+00,-1.6126489096072074E+00,-2.8821658186917089E-03,-6.3023116038955686E-03,-6.8842601537417441E-05 -1172 Aneas (1930 UA),I41,5.7986000000000000E+04,1.4809400871299999E+02,-2.0844693439999999E+00,-4.7622558568925060E+00,2.5771138649057841E+00,-1.6127144226840926E+00,-2.8743480169795728E-03,-6.3065484721601308E-03,-6.6193985466273425E-05 -1172 Aneas (1930 UA),I41,5.7987000000000000E+04,1.4828785863200000E+02,-2.1569080370000000E+00,-4.7651285717702470E+00,2.5708071006769755E+00,-1.6127772830145921E+00,-2.8665236731698924E-03,-6.3107759993879485E-03,-6.3544648577177316E-05 -1172 Aneas (1930 UA),I41,5.7988000000000000E+04,1.4848161133900001E+02,-2.2299287209999998E+00,-4.7679935444901309E+00,2.5644959680817419E+00,-1.6128374912437993E+00,-2.8586927937247295E-03,-6.3149941763196889E-03,-6.0894593907545136E-05 -1172 Aneas (1930 UA),I41,5.7989000000000000E+04,1.4867524511900001E+02,-2.3035230940000000E+00,-4.7708507659149868E+00,2.5581804765168390E+00,-1.6128950479804085E+00,-2.8508553851142506E-03,-6.3192029938174289E-03,-5.8243824514537271E-05 -1172 Aneas (1930 UA),I41,5.7990000000000000E+04,1.4886873874800000E+02,-2.3776827370000002E+00,-4.7737002265761843E+00,2.5518606361444225E+00,-1.6129499536920247E+00,-2.8430114537941111E-03,-6.3234024428800301E-03,-5.5592343478018575E-05 -1172 Aneas (1930 UA),I41,5.7991000000000000E+04,1.4906207158699999E+02,-2.4523991949999999E+00,-4.7765419168961820E+00,2.5455364575352881E+00,-1.6130022086549411E+00,-2.8351610061924191E-03,-6.3275925146669913E-03,-5.2940153900348931E-05 -1172 Aneas (1930 UA),I41,5.7992000000000000E+04,1.4925522360200000E+02,-2.5276640370000001E+00,-4.7793758273490665E+00,2.5392079513808161E+00,-1.6130518129537015E+00,-2.8273040486600978E-03,-6.3317732005010990E-03,-5.0287258915011448E-05 -1172 Aneas (1930 UA),I41,5.7993000000000000E+04,1.4944817532299999E+02,-2.6034688859999999E+00,-4.7822019485445244E+00,2.5328751283175528E+00,-1.6130987665120509E+00,-2.8194405874473628E-03,-6.3359444918901584E-03,-4.7633661686214267E-05 -1172 Aneas (1930 UA),I41,5.7994000000000000E+04,1.4964090778600001E+02,-2.6798054389999999E+00,-4.7850202712474221E+00,2.5265379988601588E+00,-1.6131430691353010E+00,-2.8115706286495614E-03,-6.3401063805275815E-03,-4.4979365416322802E-05 -1172 Aneas (1930 UA),I41,5.7995000000000000E+04,1.4983340247500001E+02,-2.7566654680000000E+00,-4.7878307863569880E+00,2.5201965734117406E+00,-1.6131847205491234E+00,-2.8036941781603708E-03,-6.3442588582978080E-03,-4.2324373348243092E-05 -1172 Aneas (1930 UA),I41,5.7996000000000000E+04,1.5002564127100001E+02,-2.8340408259999998E+00,-4.7906334848676337E+00,2.5138508623182352E+00,-1.6132237204263478E+00,-2.7958112416036664E-03,-6.3484019172611594E-03,-3.9668688772850943E-05 -1172 Aneas (1930 UA),I41,5.7997000000000000E+04,1.5021760642699999E+02,-2.9119234480000000E+00,-4.7934283578298222E+00,2.5075008759349910E+00,-1.6132600683982561E+00,-2.7879218242691725E-03,-6.3525355496361000E-03,-3.7012315031085356E-05 -1172 Aneas (1930 UA),I41,5.7998000000000000E+04,1.5040928055300000E+02,-2.9903053590000002E+00,-4.7962153963234702E+00,2.5011466246814802E+00,-1.6132937640497460E+00,-2.7800259310397845E-03,-6.3566597477601704E-03,-3.4355255518253792E-05 -1172 Aneas (1930 UA),I41,5.7999000000000000E+04,1.5060064661300001E+02,-3.0691786909999998E+00,-4.7989945914542078E+00,2.4947881190611296E+00,-1.6133248068997181E+00,-2.7721235663111764E-03,-6.3607745040295122E-03,-3.1697513686084600E-05 -1172 Aneas (1930 UA),I41,5.8000000000000000E+04,1.5079168791699999E+02,-3.1485357000000000E+00,-4.8017659343781460E+00,2.4884253696302667E+00,-1.6133531963702052E+00,-2.7642147339186742E-03,-6.3648798108144090E-03,-2.9039093042442163E-05 -1172 Aneas (1930 UA),I41,5.8001000000000000E+04,1.5098238809200001E+02,-3.2283687909999998E+00,-4.8045294163589380E+00,2.4820583869004311E+00,-1.6133789317507023E+00,-2.7562994370677737E-03,-6.3689756603453017E-03,-2.6379997148615258E-05 -1172 Aneas (1930 UA),I41,5.8002000000000000E+04,1.5117273102999999E+02,-3.3086705350000001E+00,-4.8072850288512585E+00,2.4756871811760544E+00,-1.6134020121675725E+00,-2.7483776782895935E-03,-6.3730620445694303E-03,-2.3720229610531939E-05 -1172 Aneas (1930 UA),I41,5.8003000000000000E+04,1.5136270077500001E+02,-3.3894336740000002E+00,-4.8100327635972233E+00,2.4693117623441094E+00,-1.6134224365707837E+00,-2.7404494594245963E-03,-6.3771389549875310E-03,-2.1059794066595148E-05 -1172 Aneas (1930 UA),I41,5.8004000000000000E+04,1.5155228137099999E+02,-3.4706511070000001E+00,-4.8127726127118331E+00,2.4629321396570467E+00,-1.6134402037490692E+00,-2.7325147816364918E-03,-6.3812063824426404E-03,-1.8398694169722710E-05 -1172 Aneas (1930 UA),I41,5.8005000000000000E+04,1.5174145666600000E+02,-3.5523158540000002E+00,-4.8155045687305540E+00,2.4565483215640453E+00,-1.6134553123783928E+00,-2.7245736455046897E-03,-6.3852643169262681E-03,-1.5736933562116548E-05 -1172 Aneas (1930 UA),I41,5.8006000000000000E+04,1.5193021009300000E+02,-3.6344209909999998E+00,-4.8182286245990271E+00,2.4501603156412983E+00,-1.6134677610990606E+00,-2.7166260511649011E-03,-6.3893127473732096E-03,-1.3074515845802120E-05 -1172 Aneas (1930 UA),I41,5.8007000000000000E+04,1.5211852445700001E+02,-3.7169595690000001E+00,-4.8209447736015374E+00,2.4437681286448809E+00,-1.6134775486076316E+00,-2.7086719985198390E-03,-6.3933516614792588E-03,-1.0411444549240368E-05 -1172 Aneas (1930 UA),I41,5.8008000000000000E+04,1.5230638176400001E+02,-3.7999245220000000E+00,-4.8236530092416032E+00,2.4373717666768466E+00,-1.6134846737464719E+00,-2.7007114875265952E-03,-6.3973810455832114E-03,-7.7477230891970586E-06 -1172 Aneas (1930 UA),I41,5.8009000000000000E+04,1.5249376310000000E+02,-3.8833085740000000E+00,-4.8263533250983262E+00,2.4309712354281743E+00,-1.6134891355775369E+00,-2.6927445185230122E-03,-6.4014008846167911E-03,-5.0833547408675117E-06 -1172 Aneas (1930 UA),I41,5.8010000000000000E+04,1.5268064858100001E+02,-3.9671041589999998E+00,-4.8290457146796877E+00,2.4245665404603320E+00,-1.6134909334340641E+00,-2.6847710925876340E-03,-6.4054111621660581E-03,-2.4183426081266524E-06 -1172 Aneas (1930 UA),I41,5.8011000000000000E+04,1.5286701737199999E+02,-4.0513033509999996E+00,-4.8317301712862655E+00,2.4181576874971693E+00,-1.6134900669495409E+00,-2.6767912118907250E-03,-6.4094118606408193E-03,2.4731039435804290E-07 -1172 Aneas (1930 UA),I41,5.8012000000000000E+04,1.5305284777000000E+02,-4.1358978210000004E+00,-4.8344066878915237E+00,2.4117446827133242E+00,-1.6134865360640276E+00,-2.6688048799736290E-03,-6.4134029615303886E-03,2.9136015441038666E-06 -1172 Aneas (1930 UA),I41,5.8013000000000000E+04,1.5323811735800001E+02,-4.2208788200000003E+00,-4.8370752570454094E+00,2.4053275330037129E+00,-1.6134803410053844E+00,-2.6608121019661458E-03,-6.4173844457635701E-03,5.5805283022114437E-06 -1172 Aneas (1930 UA),I41,5.8014000000000000E+04,1.5342280320200001E+02,-4.3062371840000004E+00,-4.8397358708133380E+00,2.3989062462060282E+00,-1.6134714822416880E+00,-2.6528128846790315E-03,-6.4213562941117901E-03,8.2480882878149044E-06 -1172 Aneas (1930 UA),I41,5.8015000000000000E+04,1.5360688209000000E+02,-4.3919633779999998E+00,-4.8423885207658763E+00,2.3924808312353569E+00,-1.6134599604046775E+00,-2.6448072365748690E-03,-6.4253184876021593E-03,1.0916279241679871E-05 -1172 Aneas (1930 UA),I41,5.8016000000000000E+04,1.5379033077099999E+02,-4.4780475570000000E+00,-4.8450331980299488E+00,2.3860512980916644E+00,-1.6134457761928396E+00,-2.6367951676142653E-03,-6.4292710078690321E-03,1.3585098982716053E-05 -1172 Aneas (1930 UA),I41,5.8017000000000000E+04,1.5397312617500000E+02,-4.5644796510000001E+00,-4.8476698933958664E+00,2.3796176577316173E+00,-1.6134289302719098E+00,-2.6287766890301474E-03,-6.4332138374691220E-03,1.6254545363720808E-05 -1172 Aneas (1930 UA),I41,5.8018000000000000E+04,1.5415524557800001E+02,-4.6512494430000002E+00,-4.8502985974579920E+00,2.3731799218343226E+00,-1.6134094231934710E+00,-2.6207518130195711E-03,-6.4371469600722694E-03,1.8924616224846873E-05 -1172 Aneas (1930 UA),I41,5.8019000000000000E+04,1.5433666669799999E+02,-4.7383466509999996E+00,-4.8529193007556115E+00,2.3667381025257592E+00,-1.6133872553465396E+00,-2.6127205524292029E-03,-6.4410703605716317E-03,2.1595309359301298E-05 -1172 Aneas (1930 UA),I41,5.8020000000000000E+04,1.5451736772600000E+02,-4.8257609830000003E+00,-4.8555319938862755E+00,2.3602922121263323E+00,-1.6133624269453606E+00,-2.6046829204441988E-03,-6.4449840250823502E-03,2.4266622481018514E-05 -1172 Aneas (1930 UA),I41,5.8021000000000000E+04,1.5469732731600001E+02,-4.9134821750000004E+00,-4.8581366675761428E+00,2.3538422629685023E+00,-1.6133349380461106E+00,-2.5966389303184868E-03,-6.4488879408914970E-03,2.6938553212001120E-05 -1172 Aneas (1930 UA),I41,5.8022000000000000E+04,1.5487652453300001E+02,-5.0015000110000001E+00,-4.8607333127068229E+00,2.3473882673012691E+00,-1.6133047885795633E+00,-2.5885885951470772E-03,-6.4527820963193906E-03,2.9611099064923374E-05 -1172 Aneas (1930 UA),I41,5.8023000000000000E+04,1.5505493880500001E+02,-5.0898043330000000E+00,-4.8633219203093754E+00,2.3409302372704861E+00,-1.6132719783867986E+00,-2.5805319277055223E-03,-6.4566664805734905E-03,3.2284257444837168E-05 -1172 Aneas (1930 UA),I41,5.8024000000000000E+04,1.5523254987499999E+02,-5.1783850429999996E+00,-4.8659024815386855E+00,2.3344681849541615E+00,-1.6132365072483239E+00,-2.5724689403410538E-03,-6.4605410835828908E-03,3.4958025653042969E-05 -1172 Aneas (1930 UA),I41,5.8025000000000000E+04,1.5540933777199999E+02,-5.2672321059999998E+00,-4.8684749876421609E+00,2.3280021224247349E+00,-1.6131983749003589E+00,-2.5643996449089428E-03,-6.4644058958293615E-03,3.7632400892516925E-05 -1172 Aneas (1930 UA),I41,5.8026000000000000E+04,1.5558528279699999E+02,-5.3563355560000003E+00,-4.8710394299335587E+00,2.3215320618140969E+00,-1.6131575810352807E+00,-2.5563240527559008E-03,-6.4682609082071310E-03,4.0307380282731498E-05 -1172 Aneas (1930 UA),I41,5.8027000000000000E+04,1.5576036552200000E+02,-5.4456855109999998E+00,-4.8735957997820698E+00,2.3150580153550830E+00,-1.6131141252849117E+00,-2.5482421747252530E-03,-6.4721061118796427E-03,4.2982960865967036E-05 -1172 Aneas (1930 UA),I41,5.8028000000000000E+04,1.5593456679600001E+02,-5.5352721989999996E+00,-4.8761440886250451E+00,2.3085799953736856E+00,-1.6130680071877659E+00,-2.5401540211902177E-03,-6.4759414981788305E-03,4.5659139623108002E-05 -1172 Aneas (1930 UA),I41,5.8029000000000000E+04,1.5610786772599999E+02,-5.6250859789999996E+00,-4.8786842880094419E+00,2.3020980142100269E+00,-1.6130192261448499E+00,-2.5320596021010566E-03,-6.4797670585163315E-03,4.8335913483410893E-05 -1221 Amor (1932 EA1),500,5.7970000000000000E+04,1.9587572507700000E+02,4.4802955320000004E+00,-5.4424241044206290E-01,-1.0284617208119777E+00,2.3114164321719433E-01,1.4124448625326046E-02,-1.1877400849666198E-02,2.0229029167225616E-03 -1221 Amor (1932 EA1),500,5.7971000000000000E+04,1.9685711246800000E+02,4.1320320490000002E+00,-5.3007175007654839E-01,-1.0402478574335110E+00,2.3314421813103781E-01,1.4219128988640667E-02,-1.1695064281165979E-02,1.9819857979208057E-03 -1221 Amor (1932 EA1),500,5.7972000000000000E+04,1.9783561161800000E+02,3.7834982109999999E+00,-5.1580817306327376E-01,-1.0518516125229564E+00,2.3510591731306077E-01,1.4310315196384649E-02,-1.1512642550726510E-02,1.9411615849437523E-03 -1221 Amor (1932 EA1),500,5.7973000000000000E+04,1.9881118640899999E+02,3.4348606190000002E+00,-5.0145515522295825E-01,-1.0632729387998667E+00,2.3702684103944932E-01,1.4398045035912228E-02,-1.1330211741599259E-02,1.9004449042671473E-03 -1221 Amor (1932 EA1),500,5.7974000000000000E+04,1.9978380503700001E+02,3.0862836720000000E+00,-4.8701613372956964E-01,-1.0745118638639908E+00,2.3890710392765649E-01,1.4482358066378122E-02,-1.1147845517537331E-02,1.8598498230956325E-03 -1221 Amor (1932 EA1),500,5.7975000000000000E+04,2.0075344003199999E+02,2.7379294139999999E+00,-4.7249450540566484E-01,-1.0855684877855667E+00,2.4074683437645825E-01,1.4563295484336986E-02,-1.0965615109691209E-02,1.8193898508918555E-03 -1221 Amor (1932 EA1),500,5.7976000000000000E+04,2.0172006815899999E+02,2.3899574260000001E+00,-4.5789362513977971E-01,-1.0964429806963121E+00,2.4254617400992018E-01,1.4640899992322409E-02,-1.0783589309898242E-02,1.7790779421413706E-03 -1221 Amor (1932 EA1),500,5.7977000000000000E+04,2.0268367018699999E+02,2.0425247899999999E+00,-4.4321680442956202E-01,-1.1071355803785936E+00,2.4430527712553485E-01,1.4715215670630458E-02,-1.0601834470083700E-02,1.7389265002860912E-03 -1221 Amor (1932 EA1),500,5.7978000000000000E+04,2.0364423048800001E+02,1.6957861030000001E+00,-4.2846731005039140E-01,-1.1176465898540884E+00,2.4602431014720547E-01,1.4786287852536838E-02,-1.0420414507431841E-02,1.6989473827496921E-03 -1221 Amor (1932 EA1),500,5.7979000000000000E+04,2.0460173651599999E+02,1.3498935320000001E+00,-4.1364836284068340E-01,-1.1279763749802620E+00,2.4770345108465314E-01,1.4854163003179734E-02,-1.0239390914885630E-02,1.6591519069543317E-03 -1221 Amor (1932 EA1),500,5.7980000000000000E+04,2.0555617813500001E+02,1.0049969180000000E+00,-3.9876313660744944E-01,-1.1381253620544816E+00,2.4934288899935134E-01,1.4918888602248812E-02,-1.0058822776694541E-02,1.6195508572666706E-03 -1221 Amor (1932 EA1),500,5.7981000000000000E+04,2.0650754682600001E+02,6.6124389400000005E-01,-3.8381475714339319E-01,-1.1480940354339775E+00,2.5094282347868890E-01,1.4980513030650778E-02,-9.8787667885828299E-03,1.5801544927784819E-03 -1221 Amor (1932 EA1),500,5.7982000000000000E+04,2.0745583478699999E+02,3.1878002000000000E-01,-3.6880630135591819E-01,-1.1578829351711946E+00,2.5250346411909241E-01,1.5039085461253758E-02,-9.6992772822153406E-03,1.5409725558515651E-03 -1221 Amor (1932 EA1),500,5.7983000000000000E+04,2.0840103396399999E+02,-2.2251085000000000E-02,-3.5374079650822943E-01,-1.1674926546617668E+00,2.5402503001878518E-01,1.5094655753803686E-02,-9.5204062536099910E-03,1.5020142813508140E-03 -1221 Amor (1932 EA1),500,5.7984000000000000E+04,2.0934313510100000E+02,-3.6170767599999998E-01,-3.3862121957455849E-01,-1.1769238382999268E+00,2.5550774928016207E-01,1.5147274354080639E-02,-9.3422033951459493E-03,1.4632884064906873E-03 -1221 Amor (1932 EA1),500,5.7985000000000000E+04,2.1028212696200001E+02,-6.9944990200000001E-01,-3.2345049671344339E-01,-1.1861771791377231E+00,2.5695185852074709E-01,1.5196992197339047E-02,-9.1647161308395682E-03,1.4248031812249097E-03 -1221 Amor (1932 EA1),500,5.7986000000000000E+04,2.1121799589599999E+02,-1.0353399690000000E+00,-3.0823150285847845E-01,-1.1952534165544548E+00,2.5835760239140604E-01,1.5243860616051921E-02,-8.9879896545692218E-03,1.3865663791128541E-03 -1221 Amor (1932 EA1),500,5.7987000000000000E+04,2.1215072585199999E+02,-1.3692424640000000E+00,-2.9296706141767792E-01,-1.2041533339559654E+00,2.5972523310123702E-01,1.5287931251961439E-02,-8.8120669709431578E-03,1.3485853085987232E-03 -1221 Amor (1932 EA1),500,5.7988000000000000E+04,2.1308029886800000E+02,-1.7010247910000000E+00,-2.7765994406029282E-01,-1.2128777565334572E+00,2.6105500995057290E-01,1.5329255972431247E-02,-8.6369889384716094E-03,1.3108668246333802E-03 -1221 Amor (1932 EA1),500,5.7989000000000000E+04,2.1400669589000000E+02,-2.0305576529999998E+00,-2.6231287057639652E-01,-1.2214275491013280E+00,2.6234719887425950E-01,1.5367886791051746E-02,-8.4627943148182921E-03,1.2734173405934432E-03 -1221 Amor (1932 EA1),500,5.7990000000000000E+04,2.1492989770400001E+02,-2.3577155009999999E+00,-2.4692850878782702E-01,-1.2298036140252060E+00,2.6360207199877816E-01,1.5403875792472680E-02,-8.2895198037740685E-03,1.2362428404244091E-03 -1221 Amor (1932 EA1),500,5.7991000000000000E+04,2.1584988579200001E+02,-2.6823768870000002E+00,-2.3150947451387915E-01,-1.2380068892267011E+00,2.6481990721442306E-01,1.5437275061380361E-02,-8.1172001037855008E-03,1.1993488909757927E-03 -1221 Amor (1932 EA1),500,5.7992000000000000E+04,2.1676664295900000E+02,-3.0044246860000001E+00,-2.1605833158834398E-01,-1.2460383462519364E+00,2.6600098776343567E-01,1.5468136615563557E-02,-7.9458679577219891E-03,1.1627406544643839E-03 -1221 Amor (1932 EA1),500,5.7993000000000000E+04,2.1768015371700000E+02,-3.3237462249999998E+00,-2.0057759193656111E-01,-1.2538989883871992E+00,2.6714560184304054E-01,1.5496512342976125E-02,-7.7755542036930993E-03,1.1264229010297360E-03 -1221 Amor (1932 EA1),500,5.7994000000000000E+04,2.1859040445200000E+02,-3.6402333200000001E+00,-1.8506971571697517E-01,-1.2615898488131791E+00,2.6825404222219873E-01,1.5522453942703733E-02,-7.6062878267104100E-03,1.0904000213424810E-03 -1221 Amor (1932 EA1),500,5.7995000000000000E+04,2.1949738344400001E+02,-3.9537822679999999E+00,-1.6953711152411755E-01,-1.2691119887977274E+00,2.6932660587136315E-01,1.5546012869742309E-02,-7.4380960109531498E-03,1.0546760392190194E-03 -1221 Amor (1932 EA1),500,5.7996000000000000E+04,2.2040108082600000E+02,-4.2642938299999997E+00,-1.5398213665444260E-01,-1.2764664959272514E+00,2.7036359360432333E-01,1.5567240283475395E-02,-7.2710041924866908E-03,1.0192546242154914E-03 -1221 Amor (1932 EA1),500,5.7997000000000000E+04,2.2130148853700001E+02,-4.5716732029999996E+00,-1.3840709742825330E-01,-1.2836544823816958E+00,2.7136530973197803E-01,1.5586186999743127E-02,-7.1050361122206515E-03,9.8413910416118833E-04 -1221 Amor (1932 EA1),500,5.7998000000000000E+04,2.2219860032299999E+02,-4.8758300099999996E+00,-1.2281424956616205E-01,-1.2906770832553054E+00,2.7233206172759211E-01,1.5602903446381877E-02,-6.9402138689722975E-03,9.4933247760838112E-04 -1221 Amor (1932 EA1),500,5.7999000000000000E+04,2.2309241181799999E+02,-5.1766783050000003E+00,-1.0720579861116286E-01,-1.2975354549285099E+00,2.7326415990358038E-01,1.5617439622115582E-02,-6.7765579724383407E-03,9.1483742616290493E-04 -1221 Amor (1932 EA1),500,5.8000000000000000E+04,2.2398292071600000E+02,-5.4741365909999997E+00,-9.1583900395521556E-02,-1.3042307734922964E+00,2.7416191709931420E-01,1.5629845058667206E-02,-6.6140873959891697E-03,8.8065632668336575E-04 -1221 Amor (1932 EA1),500,5.8001000000000000E+04,2.2487012702100000E+02,-5.7681278330000003E+00,-7.5950661537933062E-02,-1.3107642332324161E+00,2.7502564838028898E-01,1.5640168785964911E-02,-6.4528196290823576E-03,8.4679126331168198E-04 -1221 Amor (1932 EA1),500,5.8002000000000000E+04,2.2575403334300000E+02,-6.0585794640000001E+00,-6.0308139968994534E-02,-1.3171370451746025E+00,2.7585567074835365E-01,1.5648459300302224E-02,-6.2927707292441785E-03,8.1324403933099644E-04 -1221 Amor (1932 EA1),500,5.8003000000000000E+04,2.2663464515900000E+02,-6.3454233440000003E+00,-4.4658345471696448E-02,-1.3233504356956649E+00,2.7665230286362669E-01,1.5654764535317479E-02,-6.1339553734831818E-03,7.8001618882325143E-04 -1221 Amor (1932 EA1),500,5.8004000000000000E+04,2.2751197096700000E+02,-6.6285956669999999E+00,-2.9003240231664340E-02,-1.3294056451994418E+00,2.7741586477859592E-01,1.5659131835663094E-02,-5.9763869090257091E-03,7.4710898811600538E-04 -1221 Amor (1932 EA1),500,5.8005000000000000E+04,2.2838602224100001E+02,-6.9080367930000000E+00,-1.3344739395630634E-02,-1.3353039268525584E+00,2.7814667768493201E-01,1.5661607933200886E-02,-5.8200774033561678E-03,7.1452346700456935E-04 -1221 Amor (1932 EA1),500,5.8006000000000000E+04,2.2925681314100001E+02,-7.1836910150000000E+00,2.3152883577775007E-03,-1.3410465453708995E+00,2.7884506367321771E-01,1.5662238925621092E-02,-5.6650376934658901E-03,6.8226041973904470E-04 -1221 Amor (1932 EA1),500,5.8007000000000000E+04,2.3012435997800000E+02,-7.4555062720000000E+00,1.7975020229513361E-02,-1.3466347758474533E+00,2.7951134550532614E-01,1.5661070257343243E-02,-5.5112774342638005E-03,6.5032041576167955E-04 -1221 Amor (1932 EA1),500,5.8008000000000000E+04,2.3098868048000000E+02,-7.7234338439999997E+00,3.3632678684022088E-02,-1.3520699026130594E+00,2.8014584639847523E-01,1.5658146702582108E-02,-5.3588051461505200E-03,6.1870381018933496E-04 -1221 Amor (1932 EA1),500,5.8009000000000000E+04,2.3184979294700000E+02,-7.9874280449999997E+00,4.9286530804854234E-02,-1.3573532181283956E+00,2.8074888982006013E-01,1.5653512350477440E-02,-5.2076282617046117E-03,5.8741075402524243E-04 -1221 Amor (1932 EA1),500,5.8010000000000000E+04,2.3270771536699999E+02,-8.2474459630000005E+00,6.4934887619978787E-02,-1.3624860219075392E+00,2.8132079929233272E-01,1.5647210592203999E-02,-5.0577531714806889E-03,5.5644120409595592E-04 -1221 Amor (1932 EA1),500,5.8011000000000000E+04,2.3356246458800001E+02,-8.5034472329999993E+00,8.0576103402258292E-02,-1.3674696194766023E+00,2.8186189820656715E-01,1.5639284109985090E-02,-4.9091852688633898E-03,5.2579493270002453E-04 -1221 Amor (1932 EA1),500,5.8012000000000000E+04,2.3441405556900000E+02,-8.7553938830000000E+00,9.6208574944361858E-02,-1.3723053213680001E+00,2.8237250964635907E-01,1.5629774867939230E-02,-4.7619289939668207E-03,4.9547153696734108E-04 -1221 Amor (1932 EA1),500,5.8013000000000000E+04,2.3526250080700001E+02,-9.0032502359999995E+00,1.1183074080992406E-01,-1.3769944421508094E+00,2.8285295621978368E-01,1.5618724104688481E-02,-4.6159878765198205E-03,4.6547044792191820E-04 -1221 Amor (1932 EA1),500,5.8014000000000000E+04,2.3610780995499999E+02,-9.2469828829999994E+00,1.2744108056096315E-01,-1.3815382994972818E+00,2.8330355989976774E-01,1.5606172327653064E-02,-4.4713645776862897E-03,4.3579093924747133E-04 -1221 Amor (1932 EA1),500,5.8015000000000000E+04,2.3694998971600000E+02,-9.4865607290000007E+00,1.4303811396379174E-01,-1.3859382132877092E+00,2.8372464187174623E-01,1.5592159308948191E-02,-4.3280609307720271E-03,4.0643213576134702E-04 -1221 Amor (1932 EA1),500,5.8016000000000000E+04,2.3778904400499999E+02,-9.7219550909999999E+00,1.5862040018600954E-01,-1.3901955047602594E+00,2.8411652238789997E-01,1.5576724082782465E-02,-4.1860779807167299E-03,3.7739302159819319E-04 -1221 Amor (1932 EA1),500,5.8017000000000000E+04,2.3862497437499999E+02,-9.9531398329999998E+00,1.7418653699632614E-01,-1.3943114957119329E+00,2.8447952062758403E-01,1.5559904944222866E-02,-4.0454160224074019E-03,3.4867244811319852E-04 -1221 Amor (1932 EA1),500,5.8018000000000000E+04,2.3945778060399999E+02,-1.0180091496999999E+01,1.8973515998506951E-01,-1.3982875077561014E+00,2.8481395456438052E-01,1.5541739449231297E-02,-3.9060746377036805E-03,3.2026914150531200E-04 -1221 Amor (1932 EA1),500,5.8019000000000000E+04,2.4028746134599999E+02,-1.0402789417999999E+01,2.0526494180802624E-01,-1.4021248616340944E+00,2.8512014084038489E-01,1.5522264415834630E-02,-3.7680527312430913E-03,2.9218171017760029E-04 -1221 Amor (1932 EA1),500,5.8020000000000000E+04,2.4111401473800001E+02,-1.0621215777000000E+01,2.2077459145783662E-01,-1.4058248765758912E+00,2.8539839464855188E-01,1.5501515926314578E-02,-3.6313485649858215E-03,2.6440865183143344E-04 -1221 Amor (1932 EA1),500,5.8021000000000000E+04,2.4193743887299999E+02,-1.0835355613000001E+01,2.3626285355415966E-01,-1.4093888697005683E+00,2.8564902962336497E-01,1.5479529330323566E-02,-3.4959597915460612E-03,2.3694836030209031E-04 -1221 Amor (1932 EA1),500,5.8022000000000000E+04,2.4275773213400001E+02,-1.1045196785000000E+01,2.5172850764084465E-01,-1.4128181554477459E+00,2.8587235773963293E-01,1.5456339248831419E-02,-3.3618834863593412E-03,2.0979913214577456E-04 -1221 Amor (1932 EA1),500,5.8023000000000000E+04,2.4357489338900001E+02,-1.1250729891000001E+01,2.6717036748646172E-01,-1.4161140450353258E+00,2.8606868921899359E-01,1.5431979578826253E-02,-3.2291161786909203E-03,1.8295917297468152E-04 -1221 Amor (1932 EA1),500,5.8024000000000000E+04,2.4438892208600001E+02,-1.1451948180000000E+01,2.8258728037946312E-01,-1.4192778459396875E+00,2.8623833244343566E-01,1.5406483498709678E-02,-3.0976538815512093E-03,1.5642660354915695E-04 -1221 Amor (1932 EA1),500,5.8025000000000000E+04,2.4519981829400001E+02,-1.1648847454000000E+01,2.9797812641861487E-01,-1.4223108613980247E+00,2.8638159387525902E-01,1.5379883474325725E-02,-2.9674921205244016E-03,1.3019946562582544E-04 -1221 Amor (1932 EA1),500,5.8026000000000000E+04,2.4600758275600001E+02,-1.1841425979000000E+01,3.1334181779545811E-01,-1.4252143899323821E+00,2.8649877798285650E-01,1.5352211265575460E-02,-2.8386259615633229E-03,1.0427572757121744E-04 -1221 Amor (1932 EA1),500,5.8027000000000000E+04,2.4681221697600000E+02,-1.2029684403999999E+01,3.2867729807126278E-01,-1.4279897248965272E+00,2.8659018717176910E-01,1.5323497933567744E-02,-2.7110500377572899E-03,7.8653289740679644E-05 -1221 Amor (1932 EA1),500,5.8028000000000000E+04,2.4761372340000000E+02,-1.2213625696999999E+01,3.4398354145072763E-01,-1.4306381540469217E+00,2.8665612172036636E-01,1.5293773848261031E-02,-2.5847585751005223E-03,5.3329989629219220E-05 -1221 Amor (1932 EA1),500,5.8029000000000000E+04,2.4841210570400000E+02,-1.2393255099999999E+01,3.5925955204878890E-01,-1.4331609591385441E+00,2.8669687971938373E-01,1.5263068696573304E-02,-2.4597454173545669E-03,2.8303606813142008E-05 -1221 Amor (1932 EA1),703,5.7970000000000000E+04,1.9587553057500000E+02,4.4794054210000001E+00,-5.4424194988003571E-01,-1.0284631934486383E+00,2.3114229381110449E-01,1.4124448646164347E-02,-1.1877400810280060E-02,2.0229029078716832E-03 -1221 Amor (1932 EA1),703,5.7971000000000000E+04,1.9685691849899999E+02,4.1311345509999997E+00,-5.3007126073151589E-01,-1.0402493276002713E+00,2.3314486632343717E-01,1.4219129008653582E-02,-1.1695064241881919E-02,1.9819857891173465E-03 -1221 Amor (1932 EA1),703,5.7972000000000000E+04,1.9783541811399999E+02,3.7825934970000001E+00,-5.1580765492348801E-01,-1.0518530799225052E+00,2.3510656297009380E-01,1.4310315215585671E-02,-1.1512642511562450E-02,1.9411615761909173E-03 -1221 Amor (1932 EA1),703,5.7973000000000000E+04,1.9881099330200001E+02,3.4339488650000001E+00,-5.0145460827771415E-01,-1.0632744031352881E+00,2.3702748402622950E-01,1.4398045054314383E-02,-1.1330211702572699E-02,1.9004448955681199E-03 -1221 Amor (1932 EA1),703,5.7974000000000000E+04,1.9978361225600000E+02,3.0853650639999999E+00,-4.8701555796913953E-01,-1.0745133248386023E+00,2.3890774410812771E-01,1.4482358083992196E-02,-1.1147845478666249E-02,1.8598498144539546E-03 -1221 Amor (1932 EA1),703,5.7975000000000000E+04,2.0075324750799999E+02,2.7370041399999998E+00,-4.7249390082123577E-01,-1.0855699451027561E+00,2.4074747161325896E-01,1.4563295501177213E-02,-1.0965615070991428E-02,1.8193898423102947E-03 -1221 Amor (1932 EA1),703,5.7976000000000000E+04,2.0171987582400001E+02,2.3890256820000002E+00,-4.5789299172342279E-01,-1.0964444340593318E+00,2.4254680816424654E-01,1.4640900008402315E-02,-1.0783589271385341E-02,1.7790779336227332E-03 -1221 Amor (1932 EA1),703,5.7977000000000000E+04,2.0268347797000001E+02,2.0415867759999999E+00,-4.4321614217422645E-01,-1.1071370294903411E+00,2.4430590805701091E-01,1.4715215685963165E-02,-1.0601834431772860E-02,1.7389264918331834E-03 -1221 Amor (1932 EA1),703,5.7978000000000000E+04,2.0364403832100001E+02,1.6948420239999999E+00,-4.2846661894992832E-01,-1.1176480344168664E+00,2.4602493771376302E-01,1.4786287867136714E-02,-1.0420414469337011E-02,1.6989473743649352E-03 -1221 Amor (1932 EA1),703,5.7979000000000000E+04,2.0460154433100001E+02,1.3489435970000001E+00,-4.1364764288991007E-01,-1.1279778146955215E+00,2.4770407514242229E-01,1.4854163017062322E-02,-1.0239390877019481E-02,1.6591518986397507E-03 -1221 Amor (1932 EA1),703,5.7980000000000000E+04,2.0555598586299999E+02,1.0040413399999999E+00,-3.9876238780225814E-01,-1.1381267966225621E+00,2.4934350940256003E-01,1.4918888615426781E-02,-1.0058822739070728E-02,1.6195508490248834E-03 -1221 Amor (1932 EA1),703,5.7981000000000000E+04,2.0650735440099999E+02,6.6028288800000001E-01,-3.8381397948089901E-01,-1.1480954645538552E+00,2.5094344007957342E-01,1.4980513043139881E-02,-9.8787667512126188E-03,1.5801544846112188E-03 -1221 Amor (1932 EA1),703,5.7982000000000000E+04,2.0745564214199999E+02,3.1781380700000000E-01,-3.6880549483466007E-01,-1.1578843585402430E+00,2.5250407676780900E-01,1.5039085473068590E-02,-9.6992772451100807E-03,1.5409725477607376E-03 -1221 Amor (1932 EA1),703,5.7983000000000000E+04,2.0840084103400000E+02,-2.3222284999999999E-02,-3.5373996112840544E-01,-1.1674940719755527E+00,2.5402563856332117E-01,1.5094655764958964E-02,-9.5204062167802521E-03,1.5020142733381692E-03 -1221 Amor (1932 EA1),703,5.7984000000000000E+04,2.0934294181900000E+02,-3.6268363900000000E-01,-3.3862035533831003E-01,-1.1769252492520441E+00,2.5550835356624524E-01,1.5147274364591651E-02,-9.3422033586013312E-03,1.4632883985576898E-03 -1221 Amor (1932 EA1),703,5.7985000000000000E+04,2.1028193326400000E+02,-7.0043040199999995E-01,-3.2344960362514275E-01,-1.1861785834196956E+00,2.5695245839175934E-01,1.5196992207219560E-02,-9.1647160945900700E-03,1.4248031733733509E-03 -1221 Amor (1932 EA1),703,5.7986000000000000E+04,2.1121780171699999E+02,-1.0363247790000001E+00,-3.0823058092503586E-01,-1.1952548138556880E+00,2.5835819768830670E-01,1.5243860625317785E-02,-8.9879896186227989E-03,1.3865663713437668E-03 -1221 Amor (1932 EA1),703,5.7987000000000000E+04,2.1215053112900000E+02,-1.3702313559999999E+00,-2.9296611064881517E-01,-1.2041547239637489E+00,2.5972582366250957E-01,1.5287931260628464E-02,-8.8120669353070110E-03,1.3485853009129838E-03 -1221 Amor (1932 EA1),703,5.7988000000000000E+04,2.1308010353800000E+02,-1.7020175350000000E+00,-2.7765896446880511E-01,-1.2128791389329892E+00,2.6105559561219915E-01,1.5329255980513054E-02,-8.6369889031539700E-03,1.3108668170324423E-03 -1221 Amor (1932 EA1),703,5.7989000000000000E+04,2.1400649988900000E+02,-2.0315540200000002E+00,-2.6231186217837499E-01,-1.2214289235757581E+00,2.6234777946972437E-01,1.5367886798562196E-02,-8.4627942798266610E-03,1.2734173330785806E-03 -1221 Amor (1932 EA1),703,5.7990000000000000E+04,2.1492970097000000E+02,-2.3587152620000000E+00,-2.4692747160282935E-01,-1.2298049802556859E+00,2.6360264735909689E-01,1.5403875799429064E-02,-8.2895197691124911E-03,1.2362428329955226E-03 -1221 Amor (1932 EA1),703,5.7991000000000000E+04,2.1584968826299999E+02,-2.6833798110000000E+00,-2.3150840856509047E-01,-1.2380082468924221E+00,2.6482047716817225E-01,1.5437275067794923E-02,-8.1172000694615214E-03,1.1993488836344458E-03 -1221 Amor (1932 EA1),703,5.7992000000000000E+04,2.1676644457300000E+02,-3.0054305459999999E+00,-2.1605723690271983E-01,-1.2460396950301540E+00,2.6600155213678306E-01,1.5468136621452362E-02,-7.9458679237392610E-03,1.1627406472105729E-03 -1221 Amor (1932 EA1),703,5.7993000000000000E+04,2.1767995441400001E+02,-3.3247547919999998E+00,-2.0057646854496447E-01,-1.2539003279532572E+00,2.6714616045976952E-01,1.5496512348353083E-02,-7.7755541700565509E-03,1.1264228938641207E-03 -1221 Amor (1932 EA1),703,5.7994000000000000E+04,2.1859020417100001E+02,-3.6412443649999999E+00,-1.8506856365431767E-01,-1.2615911788405205E+00,2.6825459490372283E-01,1.5522453947583741E-02,-7.6062877934233476E-03,1.0904000142651616E-03 -1221 Amor (1932 EA1),703,5.7995000000000000E+04,2.1949718212600001E+02,-3.9547955670000001E+00,-1.6953593082949825E-01,-1.2691133089579076E+00,2.6932715243674005E-01,1.5546012874138206E-02,-7.4380959780202208E-03,1.0546760322307791E-03 -1221 Amor (1932 EA1),703,5.7996000000000000E+04,2.2040087841200000E+02,-4.2653091590000001E+00,-1.5398092737130831E-01,-1.2764678058899510E+00,2.7036413387026714E-01,1.5567240287401189E-02,-7.2710041599108495E-03,1.0192546173164890E-03 -1221 Amor (1932 EA1),703,5.7997000000000000E+04,2.2130128496899999E+02,-4.5726903380000001E+00,-1.3840585960454466E-01,-1.2836557818147392E+00,2.7136584351287230E-01,1.5586187003213058E-02,-7.1050360800038910E-03,9.8413909735127719E-04 -1221 Amor (1932 EA1),703,5.7998000000000000E+04,2.2219839554500001E+02,-4.8768487299999999E+00,-1.2281298325447665E-01,-1.2906783718246793E+00,2.7233258883550182E-01,1.5602903449409643E-02,-6.9402138371165122E-03,9.4933247088747246E-04 -1221 Amor (1932 EA1),703,5.7999000000000000E+04,2.2309220577400001E+02,-5.1776983930000000E+00,-1.0720450386891112E-01,-1.2975367322983931E+00,2.7326468014826960E-01,1.5617439624714350E-02,-6.7765579409453415E-03,9.1483741953098238E-04 -1221 Amor (1932 EA1),703,5.8000000000000000E+04,2.2398271335100000E+02,-5.4751578309999998E+00,-9.1582577285067690E-02,-1.3042320393250888E+00,2.7416243028825976E-01,1.5629845060849221E-02,-6.6140873648612292E-03,8.8065632014069841E-04 -1221 Amor (1932 EA1),703,5.8001000000000000E+04,2.2486991828199999E+02,-5.7691500119999999E+00,-7.5949310126738889E-02,-1.3107654871887724E+00,2.7502615431869809E-01,1.5640168787743824E-02,-6.4528195983195001E-03,8.4679125685765716E-04 -1221 Amor (1932 EA1),703,5.8002000000000000E+04,2.2575382317699999E+02,-6.0596023710000004E+00,-6.0306760329752351E-02,-1.3171382869134576E+00,2.7585616923917478E-01,1.5648459301690822E-02,-6.2927706988467197E-03,8.1324403296522329E-04 -1221 Amor (1932 EA1),703,5.8003000000000000E+04,2.2663443351600000E+02,-6.3464467720000002E+00,-4.4656937682481024E-02,-1.3233516648742361E+00,2.7665279370756207E-01,1.5654764536327626E-02,-6.1339553434520099E-03,7.8001618254566025E-04 -1221 Amor (1932 EA1),703,5.8004000000000000E+04,2.2751175779600001E+02,-6.6296194120000003E+00,-2.9001804376078466E-02,-1.3294068614732291E+00,2.7741634777411706E-01,1.5659131836306822E-02,-5.9763868793608586E-03,7.4710898192625040E-04 -1221 Amor (1932 EA1),703,5.8005000000000000E+04,2.2838580749400001E+02,-6.9090606540000001E+00,-1.3343275562994306E-02,-1.3353051298753185E+00,2.7814715262831174E-01,1.5661607933490251E-02,-5.8200773740570109E-03,7.1452346090208722E-04 -1221 Amor (1932 EA1),703,5.8006000000000000E+04,2.2925659677100001E+02,-7.1847147959999997E+00,2.3167800722233567E-03,-1.3410477347946159E+00,2.7884553035858106E-01,1.5662238925567614E-02,-5.6650376645319099E-03,6.8226041372338928E-04 -1221 Amor (1932 EA1),703,5.8007000000000000E+04,2.3012414193900000E+02,-7.4565297800000003E+00,1.7976539724359308E-02,-1.3466359513223098E+00,2.7951180372471868E-01,1.5661070256958967E-02,-5.5112774056930089E-03,6.5032040983184535E-04 -1221 Amor (1932 EA1),703,5.8008000000000000E+04,2.3098846072699999E+02,-7.7244568899999999E+00,3.3634225851408961E-02,-1.3520710637874249E+00,2.8014629594194895E-01,1.5658146701877127E-02,-5.3588051179433091E-03,6.1870380434539700E-04 -1221 Amor (1932 EA1),703,5.8009000000000000E+04,2.3184957143700001E+02,-7.9884504449999998E+00,4.9288105530149728E-02,-1.3573543646488393E+00,2.8074933047576767E-01,1.5653512349462557E-02,-5.2076282338596805E-03,5.8741074826662294E-04 -1221 Amor (1932 EA1),703,5.8010000000000000E+04,2.3270749206100001E+02,-8.2484675349999996E+00,6.4936489781448947E-02,-1.3624871534188836E+00,2.8132123084662608E-01,1.5647210590890980E-02,-5.0577531439944083E-03,5.5644119842112130E-04 -1221 Amor (1932 EA1),703,5.8011000000000000E+04,2.3356223944300001E+02,-8.5044678020000006E+00,8.0577732870707353E-02,-1.3674707356220326E+00,2.8186232044409548E-01,1.5639284108383344E-02,-4.9091852417354996E-03,5.2579492710894907E-04 -1221 Amor (1932 EA1),703,5.8012000000000000E+04,2.3441382854800000E+02,-8.7564132780000001E+00,9.6210231582787631E-02,-1.3723064217892211E+00,2.8237292235015815E-01,1.5629774866058967E-02,-4.7619289671949616E-03,4.9547153145914962E-04 -1221 Amor (1932 EA1),703,5.8013000000000000E+04,2.3526227187200001E+02,-9.0042682880000005E+00,1.1183242447316566E-01,-1.3769955264882512E+00,2.8285335917136684E-01,1.5618724102539634E-02,-4.6159878501016299E-03,4.6547044249578378E-04 -1221 Amor (1932 EA1),703,5.8014000000000000E+04,2.3610757907100000E+02,-9.2479994300000001E+00,1.2744279109537926E-01,-1.3815393673903540E+00,2.8330395287922089E-01,1.5606172325245244E-02,-4.4713645516192072E-03,4.3579093390252907E-04 -1221 Amor (1932 EA1),703,5.8015000000000000E+04,2.3694975684600001E+02,-9.4875756140000007E+00,1.4303985120696849E-01,-1.3859392643750907E+00,2.8372502465783606E-01,1.5592159306290584E-02,-4.3280609050537523E-03,4.0643213049688302E-04 -1221 Amor (1932 EA1),703,5.8016000000000000E+04,2.3778880911600001E+02,-9.7229681600000006E+00,1.5862216396650641E-01,-1.3901965386802062E+00,2.8411689475820301E-01,1.5576724079884446E-02,-4.1860779553438490E-03,3.7739301641305620E-04 -1221 Amor (1932 EA1),703,5.8017000000000000E+04,2.3862473743300001E+02,-9.9541509369999996E+00,1.7418832713346288E-01,-1.3943125121026039E+00,2.8447988235864230E-01,1.5559904941093000E-02,-4.0454159973776112E-03,3.4867244300675477E-04 -1221 Amor (1932 EA1),703,5.8018000000000000E+04,2.3945754157600001E+02,-1.0181100492000001E+01,1.8973697628876607E-01,-1.3982885062558832E+00,2.8481430543187874E-01,1.5541739445878038E-02,-3.9060746130142911E-03,3.2026913647679089E-04 -1221 Amor (1932 EA1),703,5.8019000000000000E+04,2.4028722020100000E+02,-1.0403796163000001E+01,2.0526678407867860E-01,-1.4021258418819154E+00,2.8512048061933670E-01,1.5522264412265971E-02,-3.7680527068920111E-03,2.9218170522652982E-04 -1221 Amor (1932 EA1),703,5.8020000000000000E+04,2.4111377144500000E+02,-1.0622220137999999E+01,2.2077645948622426E-01,-1.4058258382115318E+00,2.8539872311349057E-01,1.5501515922539639E-02,-3.6313485409670311E-03,2.6440864695566427E-04 -1221 Amor (1932 EA1),703,5.8021000000000000E+04,2.4193719340100000E+02,-1.0836357459000000E+01,2.3626474712136591E-01,-1.4093898123649513E+00,2.8564934654852736E-01,1.5479529326349625E-02,-3.4959597678578293E-03,2.3694835550136303E-04 -1221 Amor (1932 EA1),703,5.8022000000000000E+04,2.4275748445400001E+02,-1.1046195988999999E+01,2.5173042651819333E-01,-1.4128190787832227E+00,2.8587266289913821E-01,1.5456339244665947E-02,-3.3618834629988714E-03,2.0979912741940252E-04 -1221 Amor (1932 EA1),703,5.8023000000000000E+04,2.4357464347300001E+02,-1.1251726330000000E+01,2.6717231143547782E-01,-1.4161149486859550E+00,2.8606898238702144E-01,1.5431979574476947E-02,-3.2291161556537717E-03,1.8295916832128002E-04 -1221 Amor (1932 EA1),703,5.8024000000000000E+04,2.4438866990599999E+02,-1.1452941736000000E+01,2.8258924915181960E-01,-1.4192787295515099E+00,2.8623861339439144E-01,1.5406483494183438E-02,-3.0976538588349187E-03,1.5642659896820981E-04 -1221 Amor (1932 EA1),703,5.8025000000000000E+04,2.4519956382399999E+02,-1.1649838015000000E+01,2.9798011975610439E-01,-1.4223117246193420E+00,2.8638186238394098E-01,1.5379883469629985E-02,-2.9674920981236780E-03,1.3019946111562052E-04 -1221 Amor (1932 EA1),703,5.8026000000000000E+04,2.4600732597000001E+02,-1.1842413434999999E+01,3.1334383542997102E-01,-1.4252152324140273E+00,2.8649903382461500E-01,1.5352211260716432E-02,-2.8386259394765981E-03,1.0427572313167252E-04 -1221 Amor (1932 EA1),703,5.8027000000000000E+04,2.4681195784900001E+02,-1.2030668648000001E+01,3.2867933972477648E-01,-1.4279905462921390E+00,2.8659043012266705E-01,1.5323497928552154E-02,-2.7110500159803486E-03,7.8653285370581069E-05 -1221 Amor (1932 EA1),703,5.8028000000000000E+04,2.4761346190800000E+02,-1.2214606628000000E+01,3.4398560683531321E-01,-1.4306389540132127E+00,2.8665635155733504E-01,1.5293773843095410E-02,-2.5847585536286598E-03,5.3329985327160430E-05 -1221 Amor (1932 EA1),703,5.8029000000000000E+04,2.4841184182399999E+02,-1.2394232620000000E+01,3.5926164086665002E-01,-1.4331617373355596E+00,2.8669709622037631E-01,1.5263068691263522E-02,-2.4597453961855593E-03,2.8303602578791640E-05 -1221 Amor (1932 EA1),F51,5.7970000000000000E+04,1.9587684103800001E+02,4.4797340380000001E+00,-5.4424201692097940E-01,-1.0284630492572573E+00,2.3114211893421988E-01,1.4124448643285326E-02,-1.1877400815721110E-02,2.0229029090943259E-03 -1221 Amor (1932 EA1),F51,5.7971000000000000E+04,1.9685822440699999E+02,4.1314635319999997E+00,-5.3007133021813124E-01,-1.0402491805456011E+00,2.3314469881810351E-01,1.4219129005904524E-02,-1.1695064247276439E-02,1.9819857903260328E-03 -1221 Amor (1932 EA1),F51,5.7972000000000000E+04,1.9783671940799999E+02,3.7829227940000001E+00,-5.1580772692957066E-01,-1.0518529300667225E+00,2.3510640292835941E-01,1.4310315212964631E-02,-1.1512642516907579E-02,1.9411615773853911E-03 -1221 Amor (1932 EA1),F51,5.7973000000000000E+04,1.9881228992499999E+02,3.4342784320000002E+00,-5.0145468287399098E-01,-1.0632742505465558E+00,2.3702733154043518E-01,1.4398045051819219E-02,-1.1330211707864970E-02,1.9004448967478379E-03 -1221 Amor (1932 EA1),F51,5.7974000000000000E+04,1.9978490415400000E+02,3.0856948489999998E+00,-4.8701563522292413E-01,-1.0745131695909240E+00,2.3890759927084509E-01,1.4482358081620236E-02,-1.1147845483900099E-02,1.8598498156174529E-03 -1221 Amor (1932 EA1),F51,5.7975000000000000E+04,2.0075453462600001E+02,2.7373340929999999E+00,-4.7249398079612093E-01,-1.0855697872757921E+00,2.4074733451722349E-01,1.4563295498926147E-02,-1.0965615076164071E-02,1.8193898434572611E-03 -1221 Amor (1932 EA1),F51,5.7976000000000000E+04,2.0172115811099999E+02,2.3893557489999999E+00,-4.5789307447895389E-01,-1.0964442737382256E+00,2.4254667890229475E-01,1.4640900006269584E-02,-1.0783589276493208E-02,1.7790779347525141E-03 -1221 Amor (1932 EA1),F51,5.7977000000000000E+04,2.0268475537600000E+02,2.0419169039999998E+00,-4.4321622776559844E-01,-1.1071368667655244E+00,2.4430578672201186E-01,1.4715215683945944E-02,-1.0601834436811999E-02,1.7389264929449017E-03 -1221 Amor (1932 EA1),F51,5.7978000000000000E+04,2.0364531079800000E+02,1.6951721559999999E+00,-4.2846670742769277E-01,-1.1176478693838647E+00,2.4602482439854004E-01,1.4786287865232294E-02,-1.0420414474304411E-02,1.6989473754581120E-03 -1221 Amor (1932 EA1),F51,5.7979000000000000E+04,2.0460281183300000E+02,1.3492736770000000E+00,-4.1364773429967949E-01,-1.1279776474547591E+00,2.4770396993966332E-01,1.4854163015268184E-02,-1.0239390881913149E-02,1.6591518997142942E-03 -1221 Amor (1932 EA1),F51,5.7980000000000000E+04,2.0555724834599999E+02,1.0043713110000001E+00,-3.9876248218441612E-01,-1.1381266272791706E+00,2.4934341240471317E-01,1.4918888613739564E-02,-1.0058822743886210E-02,1.6195508500796158E-03 -1221 Amor (1932 EA1),F51,5.7981000000000000E+04,2.0650861182099999E+02,6.6061269099999997E-01,-3.8381407687030888E-01,-1.1480952932174928E+00,2.5094335137872625E-01,1.4980513041556912E-02,-9.8787667559481103E-03,1.5801544856460731E-03 -1221 Amor (1932 EA1),F51,5.7982000000000000E+04,2.0745689446000000E+02,3.1814338300000000E-01,-3.6880559526037937E-01,-1.1578841853249204E+00,2.5250399645555399E-01,1.5039085471586798E-02,-9.6992772497628693E-03,1.5409725487752143E-03 -1221 Amor (1932 EA1),F51,5.7983000000000000E+04,2.0840208820999999E+02,-2.2892994999999999E-02,-3.5374006461336971E-01,-1.1674938969994750E+00,2.5402556673061327E-01,1.5094655763575236E-02,-9.5204062213477807E-03,1.5020142743318076E-03 -1221 Amor (1932 EA1),F51,5.7984000000000000E+04,2.0934418381800000E+02,-3.6235469500000000E-01,-3.3862046189903516E-01,-1.1769250726374418E+00,2.5550829030325500E-01,1.5147274363303015E-02,-9.3422033630816605E-03,1.4632883995302649E-03 -1221 Amor (1932 EA1),F51,5.7985000000000000E+04,2.1028317005100001E+02,-7.0010186299999999E-01,-3.2344971327140704E-01,-1.1861784052926598E+00,2.5695240378773859E-01,1.5196992206022433E-02,-9.1647160989800202E-03,1.4248031743240681E-03 -1221 Amor (1932 EA1),F51,5.7986000000000000E+04,2.1121903326000000E+02,-1.0359967070000000E+00,-3.0823069365956690E-01,-1.1952546343459796E+00,2.5835815183146565E-01,1.5243860624209330E-02,-8.9879896229211713E-03,1.3865663722726603E-03 -1221 Amor (1932 EA1),F51,5.7987000000000000E+04,2.1215175739800000E+02,-1.3699038120000000E+00,-2.9296622646699011E-01,-1.2041545432045884E+00,2.5972578663991369E-01,1.5287931259605862E-02,-8.8120669395127891E-03,1.3485853018201197E-03 -1221 Amor (1932 EA1),F51,5.7988000000000000E+04,2.1308132450400001E+02,-1.7016905800000000E+00,-2.7765908335835543E-01,-1.2128789570608196E+00,2.6105556750967701E-01,1.5329255979572579E-02,-8.6369889072642793E-03,1.3108668179170732E-03 -1221 Amor (1932 EA1),F51,5.7989000000000000E+04,2.1400771552500001E+02,-2.0312277139999999E+00,-2.6231198411914491E-01,-1.2214287407299542E+00,2.6234776037176621E-01,1.5367886797700155E-02,-8.4627942838390695E-03,1.2734173339400980E-03 -1221 Amor (1932 EA1),F51,5.7990000000000000E+04,2.1493091125199999E+02,-2.3583896659999999E+00,-2.4692759656655128E-01,-1.2298047965782426E+00,2.6360263734874489E-01,1.5403875798643458E-02,-8.2895197730278401E-03,1.2362428338347307E-03 -1221 Amor (1932 EA1),F51,5.7991000000000000E+04,2.1585089316700001E+02,-2.6830549869999998E+00,-2.3150853651520531E-01,-1.2380080625276118E+00,2.6482047632689953E-01,1.5437275067081343E-02,-8.1172000732763604E-03,1.1993488844502282E-03 -1221 Amor (1932 EA1),F51,5.7992000000000000E+04,2.1676764407900001E+02,-3.0051065520000000E+00,-2.1605736779420814E-01,-1.2460395101241772E+00,2.6600156054436408E-01,1.5468136620808400E-02,-7.9458679274538001E-03,1.1627406480034012E-03 -1221 Amor (1932 EA1),F51,5.7993000000000000E+04,2.1768114850000001E+02,-3.3244316899999999E+00,-2.0057660232422203E-01,-1.2539001426538705E+00,2.6714617819414066E-01,1.5496512347775292E-02,-7.7755541736692791E-03,1.1264228946336857E-03 -1221 Amor (1932 EA1),F51,5.7994000000000000E+04,2.1859139281899999E+02,-3.6409222149999998E+00,-1.8506870025904054E-01,-1.2615909932966658E+00,2.6825462204084721E-01,1.5522453947069352E-02,-7.6062877969339509E-03,1.0904000150116298E-03 -1221 Amor (1932 EA1),F51,5.7995000000000000E+04,2.1949836531899999E+02,-3.9544744280000002E+00,-1.6953607018860384E-01,-1.2691131233193322E+00,2.6932718905046688E-01,1.5546012873683315E-02,-7.4380959814267407E-03,1.0546760329535883E-03 -1221 Amor (1932 EA1),F51,5.7996000000000000E+04,2.2040205613300000E+02,-4.2649890880000001E+00,-1.5398106940485212E-01,-1.2764676203068284E+00,2.7036418003219442E-01,1.5567240287002716E-02,-7.2710041632126597E-03,1.0192546180156339E-03 -1221 Amor (1932 EA1),F51,5.7997000000000000E+04,2.2130245720400001E+02,-4.5723713950000002E+00,-1.3840600422367677E-01,-1.2836555964372911E+00,2.7136589929221289E-01,1.5586187002868245E-02,-7.1050360832009274E-03,9.8413909802695697E-04 -1221 Amor (1932 EA1),F51,5.7998000000000000E+04,2.2219956227899999E+02,-4.8765309720000003E+00,-1.2281313036140018E-01,-1.2906781868028028E+00,2.7233265429895270E-01,1.5602903449115578E-02,-6.9402138402084798E-03,9.4933247153977229E-04 -1221 Amor (1932 EA1),F51,5.7999000000000000E+04,2.2309336699400001E+02,-5.1773818760000001E+00,-1.0720465335687279E-01,-1.2975365477812757E+00,2.7326475535987838E-01,1.5617439624467913E-02,-6.7765579439317512E-03,9.1483742015987038E-04 -1221 Amor (1932 EA1),F51,5.8000000000000000E+04,2.2398386904500001E+02,-5.4748426099999996E+00,-9.1582729038374611E-02,-1.3042318554608254E+00,2.7416251530929786E-01,1.5629845060646783E-02,-6.6140873677409812E-03,8.8065632074586482E-04 -1221 Amor (1932 EA1),F51,5.8001000000000000E+04,2.2487106843900000E+02,-5.7688361429999997E+00,-7.5949464020805380E-02,-1.3107653041239744E+00,2.7502624920753482E-01,1.5640168787583054E-02,-6.4528196010932189E-03,8.4679125743950315E-04 -1221 Amor (1932 EA1),F51,5.8002000000000000E+04,2.2575496778799999E+02,-6.0592899080000002E+00,-6.0306916231157803E-02,-1.3171381047928650E+00,2.7585627405116264E-01,1.5648459301568954E-02,-6.2927707015144607E-03,8.1324403352389652E-04 -1221 Amor (1932 EA1),F51,5.8003000000000000E+04,2.2663557256999999E+02,-6.3461357669999998E+00,-4.4657095449065931E-02,-1.3233514838403337E+00,2.7665290849492891E-01,1.5654764536241372E-02,-6.1339553460133117E-03,7.8001618308104286E-04 -1221 Amor (1932 EA1),F51,5.8004000000000000E+04,2.2751289128700000E+02,-6.6293099169999996E+00,-2.9001963857048674E-02,-1.3294066816658616E+00,2.7741647258586549E-01,1.5659131836253264E-02,-5.9763868818156693E-03,7.4710898243840473E-04 -1221 Amor (1932 EA1),F51,5.8005000000000000E+04,2.2838693541300000E+02,-6.9087527199999998E+00,-1.3343436599063230E-02,-1.3353049514313111E+00,2.7814728751011530E-01,1.5661607933466763E-02,-5.8200773764057329E-03,7.1452346139123002E-04 -1221 Amor (1932 EA1),F51,5.8006000000000000E+04,2.2925771911199999E+02,-7.1844084720000003E+00,2.3166176487026124E-03,-1.3410475578474104E+00,2.7884567535267551E-01,1.5662238925571371E-02,-5.6650376667746818E-03,6.8226041418961074E-04 -1221 Amor (1932 EA1),F51,5.8007000000000000E+04,2.3012525869600000E+02,-7.4562251140000004E+00,1.7976376089244961E-02,-1.3466357760016192E+00,2.7951195886978286E-01,1.5661070256988013E-02,-5.5112774078309099E-03,6.5032041027561428E-04 -1221 Amor (1932 EA1),F51,5.8008000000000000E+04,2.3098957189600000E+02,-7.7241539289999999E+00,3.3634061188635656E-02,-1.3520708902189171E+00,2.8014646127296555E-01,1.5658146701927729E-02,-5.3588051199756105E-03,6.1870380476641168E-04 -1221 Amor (1932 EA1),F51,5.8009000000000000E+04,2.3185067701400001E+02,-7.9881492339999998E+00,4.9287940031597088E-02,-1.3573541929538382E+00,2.8074950602387011E-01,1.5653512349532016E-02,-5.2076282357868299E-03,5.8741074866504154E-04 -1221 Amor (1932 EA1),F51,5.8010000000000000E+04,2.3270859204199999E+02,-8.2481681190000007E+00,6.4936323646815231E-02,-1.3624869837140863E+00,2.8132141663893157E-01,1.5647210590978206E-02,-5.0577531458182098E-03,5.5644119879767946E-04 -1221 Amor (1932 EA1),F51,5.8011000000000000E+04,2.3356333382800000E+02,-8.5041702220000008E+00,8.0577566307394988E-02,-1.3674705680192520E+00,2.8186251650353655E-01,1.5639284108484704E-02,-4.9091852434555300E-03,5.2579492746341358E-04 -1221 Amor (1932 EA1),F51,5.8012000000000000E+04,2.3441491733500001E+02,-8.7561175749999993E+00,9.6210064805799078E-02,-1.3723062563951323E+00,2.8237312869532266E-01,1.5629774866172251E-02,-4.7619289688120917E-03,4.9547153179181722E-04 -1221 Amor (1932 EA1),F51,5.8013000000000000E+04,2.3526335506199999E+02,-9.0039745020000002E+00,1.1183225770500549E-01,-1.3769953634041474E+00,2.8285357581635417E-01,1.5618724102662561E-02,-4.6159878516166333E-03,4.6547044280690882E-04 -1221 Amor (1932 EA1),F51,5.8014000000000000E+04,2.3610865666399999E+02,-9.2477075989999999E+00,1.2744262456594824E-01,-1.3815392067119083E+00,2.8330417983351952E-01,1.5606172325375636E-02,-4.4713645530329200E-03,4.3579093419237333E-04 -1221 Amor (1932 EA1),F51,5.8015000000000000E+04,2.3695082884600001E+02,-9.4872857719999999E+00,1.4303968515345733E-01,-1.3859391061921125E+00,2.8372526192622755E-01,1.5592159306425964E-02,-4.3280609063668408E-03,4.0643213076562275E-04 -1221 Amor (1932 EA1),F51,5.8016000000000000E+04,2.3778987552500001E+02,-9.7226803430000004E+00,1.5862199863327153E-01,-1.3901963830763973E+00,2.8411714234068181E-01,1.5576724080023165E-02,-4.1860779565575414E-03,3.7739301666109889E-04 -1221 Amor (1932 EA1),F51,5.8017000000000000E+04,2.3862579825500001E+02,-9.9538651779999991E+00,1.7418816277187765E-01,-1.3943123591553130E+00,2.8448014025034452E-01,1.5559904941232510E-02,-4.0454159984925110E-03,3.4867244323422337E-04 -1221 Amor (1932 EA1),F51,5.8018000000000000E+04,2.3945859681700000E+02,-1.0180816823000001E+01,1.8973681315702684E-01,-1.3982883560358441E+00,2.8481457362300994E-01,1.5541739446016037E-02,-3.9060746140311409E-03,3.2026913668388034E-04 -1221 Amor (1932 EA1),F51,5.8019000000000000E+04,2.4028826986600001E+02,-1.0403514614000001E+01,2.0526662244159977E-01,-1.4021256944530016E+00,2.8512075909509865E-01,1.5522264412399667E-02,-3.7680527078112792E-03,2.9218170541328733E-04 -1221 Amor (1932 EA1),F51,5.8020000000000000E+04,2.4111481554100001E+02,-1.0621940736999999E+01,2.2077629961499712E-01,-1.4058256936305060E+00,2.8539901185400196E-01,1.5501515922669256E-02,-3.6313485417911080E-03,2.6440864712296404E-04 -1221 Amor (1932 EA1),F51,5.8021000000000000E+04,2.4193823193399999E+02,-1.0836080235000001E+01,2.3626458929330951E-01,-1.4093896706812312E+00,2.8564964552874117E-01,1.5479529326472044E-02,-3.4959597685869370E-03,2.3694835564914339E-04 -1221 Amor (1932 EA1),F51,5.8022000000000000E+04,2.4275851743300001E+02,-1.1045920966000001E+01,2.5173027101647960E-01,-1.4128189400386455E+00,2.8587297208875706E-01,1.5456339244778849E-02,-3.3618834636337906E-03,2.0979912754782258E-04 -1221 Amor (1932 EA1),F51,5.8023000000000000E+04,2.4357567090600000E+02,-1.1251453532999999E+01,2.6717215854882193E-01,-1.4161148129145513E+00,2.8606930175041323E-01,1.5431979574579322E-02,-3.2291161561960081E-03,1.8295916843080642E-04 -1221 Amor (1932 EA1),F51,5.8024000000000000E+04,2.4438969180000001E+02,-1.1452671189000000E+01,2.8258909917420505E-01,-1.4192785967792976E+00,2.8623894289051249E-01,1.5406483494272705E-02,-3.0976538592850517E-03,1.5642659905893195E-04 -1221 Amor (1932 EA1),F51,5.8025000000000000E+04,2.4520058018899999E+02,-1.1649569738000000E+01,2.9797997298646273E-01,-1.4223115948641236E+00,2.8638220196625980E-01,1.5379883469705841E-02,-2.9674920984835290E-03,1.3019946118812513E-04 -1221 Amor (1932 EA1),F51,5.8026000000000000E+04,2.4600833681600000E+02,-1.1842147448000000E+01,3.1334369217187907E-01,-1.4252151056852127E+00,2.8649938344104542E-01,1.5352211260775583E-02,-2.8386259397464308E-03,1.0427572318588379E-04 -1221 Amor (1932 EA1),F51,5.8027000000000000E+04,2.4681296318500000E+02,-1.2030404969999999E+01,3.2867920028613806E-01,-1.4279904225905660E+00,2.8659078971550322E-01,1.5323497928593454E-02,-2.7110500161614884E-03,7.8653285406884684E-05 -1221 Amor (1932 EA1),F51,5.8028000000000000E+04,2.4761446174500000E+02,-1.2214345277000000E+01,3.4398547152802184E-01,-1.4306388333309854E+00,2.8665672106319190E-01,1.5293773843118124E-02,-2.5847585537226020E-03,5.3329985345995515E-05 -1221 Amor (1932 EA1),F51,5.8029000000000000E+04,2.4841283617200000E+02,-1.2393973611000000E+01,3.5926151000621964E-01,-1.4331616196558929E+00,2.8669747557013681E-01,1.5263068691264921E-02,-2.4597453961929007E-03,2.8303602580213574E-05 -1221 Amor (1932 EA1),I11,5.7970000000000000E+04,1.9587451914900001E+02,4.4813333049999997E+00,-5.4424207816569170E-01,-1.0284627185894362E+00,2.3114218039377693E-01,1.4124448638409342E-02,-1.1877400824938081E-02,2.0229029111657041E-03 -1221 Amor (1932 EA1),I11,5.7971000000000000E+04,1.9685591069800000E+02,4.1330603269999999E+00,-5.3007139857684238E-01,-1.0402488561264467E+00,2.3314474774264277E-01,1.4219129001321346E-02,-1.1695064256275881E-02,1.9819857923431827E-03 -1221 Amor (1932 EA1),I11,5.7972000000000000E+04,1.9783441401400000E+02,3.7845168930000002E+00,-5.1580780227170564E-01,-1.0518526119024263E+00,2.3510643920317040E-01,1.4310315208661792E-02,-1.1512642525685721E-02,1.9411615793474535E-03 -1221 Amor (1932 EA1),I11,5.7973000000000000E+04,1.9880999297599999E+02,3.4358696110000002E+00,-5.0145476507415965E-01,-1.0632739386321710E+00,2.3702735505067757E-01,1.4398045047784865E-02,-1.1330211716419790E-02,1.9004448986545779E-03 -1221 Amor (1932 EA1),I11,5.7974000000000000E+04,1.9978261577800001E+02,3.0872828910000001E+00,-4.8701572416157091E-01,-1.0745128639107109E+00,2.3890760990171936E-01,1.4482358077844461E-02,-1.1147845492233662E-02,1.8598498174702707E-03 -1221 Amor (1932 EA1),I11,5.7975000000000000E+04,2.0075225494899999E+02,2.7389187810000002E+00,-4.7249407636013041E-01,-1.0855694878036057E+00,2.4074733215414168E-01,1.4563295495397102E-02,-1.0965615084274780E-02,1.8193898452558738E-03 -1221 Amor (1932 EA1),I11,5.7976000000000000E+04,2.0171888725400001E+02,2.3909368729999998E+00,-4.5789317656224460E-01,-1.0964439804379320E+00,2.4254666343105108E-01,1.4640900002976295E-02,-1.0783589284381350E-02,1.7790779364973322E-03 -1221 Amor (1932 EA1),I11,5.7977000000000000E+04,2.0268249345699999E+02,2.0434942559999998E+00,-4.4321633626969159E-01,-1.1071365795914399E+00,2.4430575802895829E-01,1.4715215680878184E-02,-1.0601834444479282E-02,1.7389264946368324E-03 -1221 Amor (1932 EA1),I11,5.7978000000000000E+04,2.0364305793400001E+02,1.6967455360000001E+00,-4.2846682226223709E-01,-1.1176475882812160E+00,2.4602478237077566E-01,1.4786287862379312E-02,-1.0420414481751681E-02,1.6989473770975699E-03 -1221 Amor (1932 EA1),I11,5.7979000000000000E+04,2.0460056813300000E+02,1.3508428880000001E+00,-4.1364785538296756E-01,-1.1279773723601436E+00,2.4770391446524101E-01,1.4854163012618552E-02,-1.0239390889140292E-02,1.6591519013012172E-03 -1221 Amor (1932 EA1),I11,5.7980000000000000E+04,2.0555501391900000E+02,1.0059361609999999E+00,-3.9876260944386788E-01,-1.1381263581210153E+00,2.4934334337287115E-01,1.4918888611284802E-02,-1.0058822750897620E-02,1.6195508516157701E-03 -1221 Amor (1932 EA1),I11,5.7981000000000000E+04,2.0650638677100000E+02,6.6217299500000004E-01,-3.8381421024294893E-01,-1.1480950299164818E+00,2.5094326868014305E-01,1.4980513039286185E-02,-9.8787667627446701E-03,1.5801544871316248E-03 -1221 Amor (1932 EA1),I11,5.7982000000000000E+04,2.0745467888700000E+02,3.1969896100000000E-01,-3.6880573469329558E-01,-1.1578839277944040E+00,2.5250389998262879E-01,1.5039085469490690E-02,-9.6992772563474286E-03,1.5409725502111068E-03 -1221 Amor (1932 EA1),I11,5.7983000000000000E+04,2.0839988220999999E+02,-2.1342317000000000E-02,-3.5374021006417999E-01,-1.1674936451458451E+00,2.5402545637776530E-01,1.5094655761644604E-02,-9.5204062277235695E-03,1.5020142757190416E-03 -1221 Amor (1932 EA1),I11,5.7984000000000000E+04,2.0934198748300000E+02,-3.6080908400000000E-01,-3.3862061333632776E-01,-1.1769248263605072E+00,2.5550816596723464E-01,1.5147274361528445E-02,-9.3422033692514787E-03,1.4632884008695941E-03 -1221 Amor (1932 EA1),I11,5.7985000000000000E+04,2.1028098346900001E+02,-6.9856147999999996E-01,-3.2344987067521402E-01,-1.1861781644859766E+00,2.5695226536790994E-01,1.5196992204396496E-02,-9.1647161049490302E-03,1.4248031756171863E-03 -1221 Amor (1932 EA1),I11,5.7986000000000000E+04,2.1121685651499999E+02,-1.0344617050000000E+00,-3.0823085702181197E-01,-1.1952543988972104E+00,2.5835799923006803E-01,1.5243860622722642E-02,-8.9879896286920603E-03,1.3865663735201227E-03 -1221 Amor (1932 EA1),I11,5.7987000000000000E+04,2.1214959056900000E+02,-1.3683743370000001E+00,-2.9296639579193418E-01,-1.2041543129958860E+00,2.5972561976227976E-01,1.5287931258249274E-02,-8.8120669450885182E-03,1.3485853030225324E-03 -1221 Amor (1932 EA1),I11,5.7988000000000000E+04,2.1307916766899999E+02,-1.7001667730000001E+00,-2.7765925866301311E-01,-1.2128787319692620E+00,2.6105538626442176E-01,1.5329255978339767E-02,-8.6369889126509183E-03,1.3108668190763297E-03 -1221 Amor (1932 EA1),I11,5.7989000000000000E+04,2.1400556875699999E+02,-2.0297097079999999E+00,-2.6231216543364633E-01,-1.2214285206280482E+00,2.6234756467097298E-01,1.5367886796584886E-02,-8.4627942890424905E-03,1.2734173350579402E-03 -1221 Amor (1932 EA1),I11,5.7990000000000000E+04,2.1492877462000001E+02,-2.3568775860000000E+00,-2.4692778393448001E-01,-1.2298045813344824E+00,2.6360242710815723E-01,1.5403875797635299E-02,-8.2895197780494621E-03,1.2362428349109158E-03 -1221 Amor (1932 EA1),I11,5.7991000000000000E+04,2.1584876673799999E+02,-2.6815489520000000E+00,-2.3150872999386407E-01,-1.2380078520070894E+00,2.6482025146613086E-01,1.5437275066176578E-02,-8.1172000781243210E-03,1.1993488854873931E-03 -1221 Amor (1932 EA1),I11,5.7992000000000000E+04,2.1676552791500001E+02,-3.0036066749999999E+00,-2.1605756745486215E-01,-1.2460393041892113E+00,2.6600132098711921E-01,1.5468136619998397E-02,-7.9458679321311697E-03,1.1627406490019227E-03 -1221 Amor (1932 EA1),I11,5.7993000000000000E+04,2.1767904266400001E+02,-3.3229380750000002E+00,-2.0057680825228330E-01,-1.2538999411646770E+00,2.6714592386845737E-01,1.5496512347054455E-02,-7.7755541781819523E-03,1.1264228955951297E-03 -1221 Amor (1932 EA1),I11,5.7994000000000000E+04,2.1858929736799999E+02,-3.6394349620000002E+00,-1.8506891255421387E-01,-1.2615907961120343E+00,2.6825435287933835E-01,1.5522453946430727E-02,-7.6062878012864276E-03,1.0904000159369246E-03 -1221 Amor (1932 EA1),I11,5.7995000000000000E+04,2.1949628030700001E+02,-3.9529936280000002E+00,-1.6953628896499351E-01,-1.2691129302973136E+00,2.6932690499056827E-01,1.5546012873123141E-02,-7.4380959856261107E-03,1.0546760338447515E-03 -1221 Amor (1932 EA1),I11,5.7996000000000000E+04,2.2039998161400001E+02,-4.2635148279999999E+00,-1.5398129479103673E-01,-1.2764674313054214E+00,2.7036388101641023E-01,1.5567240286515523E-02,-7.2710041672643388E-03,1.0192546188739150E-03 -1221 Amor (1932 EA1),I11,5.7997000000000000E+04,2.2130039322700000E+02,-4.5709037529999996E+00,-1.3840623636273863E-01,-1.2836554113151326E+00,2.7136558526835713E-01,1.5586187002448151E-02,-7.1050360871098214E-03,9.8413909885338292E-04 -1221 Amor (1932 EA1),I11,5.7998000000000000E+04,2.2219750889100001E+02,-4.8750700210000000E+00,-1.2281336941093068E-01,-1.2906780054198468E+00,2.7233232522038464E-01,1.5602903448757473E-02,-6.9402138439799699E-03,9.4933247233554860E-04 -1221 Amor (1932 EA1),I11,5.7999000000000000E+04,2.2309132424100000E+02,-5.1759276830000003E+00,-1.0720489948893064E-01,-1.2975363699994784E+00,2.7326441118573741E-01,1.5617439624167548E-02,-6.7765579475717180E-03,9.1483742092638939E-04 -1221 Amor (1932 EA1),I11,5.8000000000000000E+04,2.2398183696999999E+02,-5.4733952349999999E+00,-9.1582982439398108E-02,-1.3042316811448416E+00,2.7416215600473265E-01,1.5629845060401475E-02,-6.6140873712562318E-03,8.8065632148491741E-04 -1221 Amor (1932 EA1),I11,5.8001000000000000E+04,2.2486904708200001E+02,-5.7673956410000002E+00,-7.5949724891480774E-02,-1.3107651331418535E+00,2.7502587474392343E-01,1.5640168787387457E-02,-6.4528196044884127E-03,8.4679125815193793E-04 -1221 Amor (1932 EA1),I11,5.8002000000000000E+04,2.2575295718800001E+02,-6.0578563269999997E+00,-6.0307184786244972E-02,-1.3171379370167529E+00,2.7585588440631581E-01,1.5648459301419088E-02,-6.2927707047951073E-03,8.1324403421092312E-04 -1221 Amor (1932 EA1),I11,5.8003000000000000E+04,2.2663357276400001E+02,-6.3447091499999999E+00,-4.4657371917172339E-02,-1.3233513191471835E+00,2.7665250365328214E-01,1.5654764536134850E-02,-6.1339553491857289E-03,7.8001618374422580E-04 -1221 Amor (1932 EA1),I11,5.8004000000000000E+04,2.2751090230800000E+02,-6.6278903009999999E+00,-2.9002248480367365E-02,-1.3294065199381402E+00,2.7741605253865548E-01,1.5659131836187206E-02,-5.9763868848856719E-03,7.4710898307907151E-04 -1221 Amor (1932 EA1),I11,5.8005000000000000E+04,2.2838495729400000E+02,-6.9073401360000002E+00,-1.3343729633044310E-02,-1.3353047925577077E+00,2.7814685225555330E-01,1.5661607933437974E-02,-5.8200773793786985E-03,7.1452346201053281E-04 -1221 Amor (1932 EA1),I11,5.8006000000000000E+04,2.2925575188299999E+02,-7.1830029460000002E+00,2.3163159356889285E-03,-1.3410474017235225E+00,2.7884522489612190E-01,1.5662238925577464E-02,-5.6650376696563004E-03,6.8226041478883898E-04 -1221 Amor (1932 EA1),I11,5.8007000000000000E+04,2.3012330238499999E+02,-7.4548266679999999E+00,1.7976065416263731E-02,-1.3466356225305889E+00,2.7951149322393343E-01,1.5661070257025029E-02,-5.5112774106257575E-03,6.5032041085559815E-04 -1221 Amor (1932 EA1),I11,5.8008000000000000E+04,2.3098762652900001E+02,-7.7227625770000001E+00,3.3633741262560579E-02,-1.3520707393120264E+00,2.8014598045806977E-01,1.5658146701995959E-02,-5.3588051226904701E-03,6.1870380532892818E-04 -1221 Amor (1932 EA1),I11,5.8009000000000000E+04,2.3184874261400000E+02,-7.9867649880000000E+00,4.9287610547470329E-02,-1.3573540445310481E+00,2.8074901006797309E-01,1.5653512349629802E-02,-5.2076282384271103E-03,5.8741074921129079E-04 -1221 Amor (1932 EA1),I11,5.8010000000000000E+04,2.3270666863000000E+02,-8.2467909840000004E+00,6.4935984288217230E-02,-1.3624868377045327E+00,2.8132090557813949E-01,1.5647210591100750E-02,-5.0577531483876198E-03,5.5644119932813643E-04 -1221 Amor (1932 EA1),I11,5.8011000000000000E+04,2.3356142142300001E+02,-8.5028001999999994E+00,8.0577216746779534E-02,-1.3674704243616724E+00,2.8186199038228416E-01,1.5639284108632995E-02,-4.9091852459604603E-03,5.2579492797973234E-04 -1221 Amor (1932 EA1),I11,5.8012000000000000E+04,2.3441301595300001E+02,-8.7547546609999998E+00,9.6209704704824262E-02,-1.3723061150382563E+00,2.8237258756663558E-01,1.5629774866344582E-02,-4.7619289712574099E-03,4.9547153229500293E-04 -1221 Amor (1932 EA1),I11,5.8013000000000000E+04,2.3526146471600001E+02,-9.0026186880000001E+00,1.1183188671485333E-01,-1.3769952243070633E+00,2.8285301974208105E-01,1.5618724102857603E-02,-4.6159878540072280E-03,4.6547044329799169E-04 -1221 Amor (1932 EA1),I11,5.8014000000000000E+04,2.3610677736599999E+02,-9.2463588720000001E+00,1.2744224232764700E-01,-1.3815390698444014E+00,2.8330360888452261E-01,1.5606172325592240E-02,-4.4713645553735790E-03,4.3579093467236172E-04 -1221 Amor (1932 EA1),I11,5.8015000000000000E+04,2.3694896060500000E+02,-9.4859441160000006E+00,1.4303929129819215E-01,-1.3859389715349866E+00,2.8372467618252339E-01,1.5592159306663789E-02,-4.3280609086625184E-03,4.0643213123560943E-04 -1221 Amor (1932 EA1),I11,5.8016000000000000E+04,2.3778801834800001E+02,-9.7213457370000000E+00,1.5862159278271604E-01,-1.3901962506218006E+00,2.8411654189154273E-01,1.5576724080280522E-02,-4.1860779588125292E-03,3.7739301712189831E-04 -1221 Amor (1932 EA1),I11,5.8017000000000000E+04,2.3862395214800000E+02,-9.9525375950000008E+00,1.7418774453856156E-01,-1.3943122289070609E+00,2.8447952519436975E-01,1.5559904941509805E-02,-4.0454160007117011E-03,3.4867244368695383E-04 -1221 Amor (1932 EA1),I11,5.8018000000000000E+04,2.3945676178200000E+02,-1.0179496235000000E+01,1.8973638214475419E-01,-1.3982882280097648E+00,2.8481394406818983E-01,1.5541739446313417E-02,-3.9060746162191996E-03,3.2026913712954408E-04 -1221 Amor (1932 EA1),I11,5.8019000000000000E+04,2.4028644590600001E+02,-1.0402200989000001E+01,2.0526617824587801E-01,-1.4021255686772627E+00,2.8512011515887492E-01,1.5522264412718530E-02,-3.7680527099730778E-03,2.9218170585301512E-04 -1221 Amor (1932 EA1),I11,5.8020000000000000E+04,2.4111300265400001E+02,-1.0620634039000000E+01,2.2077584182351095E-01,-1.4058255701459397E+00,2.8539835366333360E-01,1.5501515923005128E-02,-3.6313485439294808E-03,2.6440864755703278E-04 -1221 Amor (1932 EA1),I11,5.8021000000000000E+04,2.4193643012100000E+02,-1.0834780425000000E+01,2.3626411748640952E-01,-1.4093895495416580E+00,2.8564897322018090E-01,1.5479529326827482E-02,-3.4959597707068524E-03,2.3694835607875438E-04 -1221 Amor (1932 EA1),I11,5.8022000000000000E+04,2.4275672668999999E+02,-1.1044628003000000E+01,2.5172978476772556E-01,-1.4128188213111870E+00,2.8587228580853402E-01,1.5456339245154948E-02,-3.3618834657395194E-03,2.0979912797390956E-04 -1221 Amor (1932 EA1),I11,5.8023000000000000E+04,2.4357389122900000E+02,-1.1250167373000000E+01,2.6717165742553983E-01,-1.4161146966799314E+00,2.8606860165451220E-01,1.5431979574974858E-02,-3.2291161582910788E-03,1.8295916885400235E-04 -1221 Amor (1932 EA1),I11,5.8024000000000000E+04,2.4438792318399999E+02,-1.1451391785000000E+01,2.8258858273803467E-01,-1.4192784831321115E+00,2.8623822914474906E-01,1.5406483494689715E-02,-3.0976538613737212E-03,1.5642659948018989E-04 -1221 Amor (1932 EA1),I11,5.8025000000000000E+04,2.4519882262700000E+02,-1.1648297041999999E+01,2.9797944079394290E-01,-1.4223114839130946E+00,2.8638147474635117E-01,1.5379883470142134E-02,-2.9674921005688817E-03,1.3019946160793545E-04 -1221 Amor (1932 EA1),I11,5.8026000000000000E+04,2.4600659030099999E+02,-1.1840881409000000E+01,3.1334314377500905E-01,-1.4252149975534143E+00,2.8649864293267069E-01,1.5352211261235003E-02,-2.8386259418327585E-03,1.0427572360527347E-04 -1221 Amor (1932 EA1),I11,5.8027000000000000E+04,2.4681122770799999E+02,-1.2029145536000000E+01,3.2867863523296681E-01,-1.4279903174156299E+00,2.8659003611435591E-01,1.5323497929075811E-02,-2.7110500182521112E-03,7.8653285826469312E-05 -1221 Amor (1932 EA1),I11,5.8028000000000000E+04,2.4761273729600001E+02,-1.2213092394000000E+01,3.4398488936326943E-01,-1.4306387312653004E+00,2.8665595457502779E-01,1.5293773843622623E-02,-2.5847585558205870E-03,5.3329985766330086E-05 -1221 Amor (1932 EA1),I11,5.8029000000000000E+04,2.4841112274100001E+02,-1.2392727223000000E+01,3.5926091027192553E-01,-1.4331615208667843E+00,2.8669669641080614E-01,1.5263068691794803E-02,-2.4597453983019428E-03,2.8303603002120909E-05 -1221 Amor (1932 EA1),I41,5.7970000000000000E+04,1.9587570300100001E+02,4.4793789659999996E+00,-5.4424195259224617E-01,-1.0284631943464269E+00,2.3114227923293071E-01,1.4124448646119739E-02,-1.1877400810364321E-02,2.0229029078906060E-03 -1221 Amor (1932 EA1),I41,5.7971000000000000E+04,1.9685709032200000E+02,4.1311081950000004E+00,-5.3007126337740151E-01,-1.0402493280814691E+00,2.3314485269734689E-01,1.4219129008608790E-02,-1.1695064241969611E-02,1.9819857891369679E-03 -1221 Amor (1932 EA1),I41,5.7972000000000000E+04,1.9783558932500000E+02,3.7825672429999999E+00,-5.1580765751275071E-01,-1.0518530799913517E+00,2.3510655030655842E-01,1.4310315215540976E-02,-1.1512642511653489E-02,1.9411615762112470E-03 -1221 Amor (1932 EA1),I41,5.7973000000000000E+04,1.9881116389300001E+02,3.4339227179999998E+00,-5.0145461081966514E-01,-1.0632744027968233E+00,2.3702747233574439E-01,1.4398045054269988E-02,-1.1330211702666938E-02,1.9004448955891348E-03 -1221 Amor (1932 EA1),I41,5.7974000000000000E+04,1.9978378221899999E+02,3.0853390260000002E+00,-4.8701556047264394E-01,-1.0745133240986546E+00,2.3890773340120477E-01,1.4482358083948228E-02,-1.1147845478763180E-02,1.8598498144754940E-03 -1221 Amor (1932 EA1),I41,5.7975000000000000E+04,2.0075341683400001E+02,2.7369782140000001E+00,-4.7249390329467711E-01,-1.0855699439679072E+00,2.4074746190041357E-01,1.4563295501133885E-02,-1.0965615071090940E-02,1.8193898423323521E-03 -1221 Amor (1932 EA1),I41,5.7976000000000000E+04,2.0172004450500000E+02,2.3889998710000002E+00,-4.5789299417465512E-01,-1.0964444325368969E+00,2.4254679945598867E-01,1.4640900008359790E-02,-1.0783589271487150E-02,1.7790779336452510E-03 -1221 Amor (1932 EA1),I41,5.7977000000000000E+04,2.0268364599899999E+02,2.0415610829999999E+00,-4.4321614461053216E-01,-1.1071370275883374E+00,2.4430590036383432E-01,1.4715215685921582E-02,-1.0601834431876598E-02,1.7389264918560596E-03 -1221 Amor (1932 EA1),I41,5.7978000000000000E+04,2.0364420569100000E+02,1.6948164509999999E+00,-4.2846662137798674E-01,-1.1176480321439819E+00,2.4602493104613221E-01,1.4786287867096199E-02,-1.0420414469442481E-02,1.6989473743881270E-03 -1221 Amor (1932 EA1),I41,5.7979000000000000E+04,2.0460171103499999E+02,1.3489181470000000E+00,-4.1364764531575338E-01,-1.1279778120610875E+00,2.4770406951075985E-01,1.4854163017023074E-02,-1.0239390877126529E-02,1.6591518986632560E-03 -1221 Amor (1932 EA1),I41,5.7980000000000000E+04,2.0555615189400001E+02,1.0040160140000001E+00,-3.9876239023123394E-01,-1.1381267936365238E+00,2.4934350481723122E-01,1.4918888615388825E-02,-1.0058822739178890E-02,1.6195508490485574E-03 -1221 Amor (1932 EA1),I41,5.7981000000000000E+04,2.0650751975200001E+02,6.6025768799999995E-01,-3.8381398191763583E-01,-1.1480954612267427E+00,2.5094343655086859E-01,1.4980513043103350E-02,-9.8787667513217693E-03,1.5801544846350626E-03 -1221 Amor (1932 EA1),I41,5.7982000000000000E+04,2.0745580680699999E+02,3.1778873400000002E-01,-3.6880549728302847E-01,-1.1578843548831492E+00,2.5250407430592542E-01,1.5039085473033585E-02,-9.6992772452198905E-03,1.5409725477846762E-03 -1221 Amor (1932 EA1),I41,5.7983000000000000E+04,2.0840100500599999E+02,-2.3247230000000001E-02,-3.5373996359148085E-01,-1.1674940680001038E+00,2.5402563717834120E-01,1.5094655764925545E-02,-9.5204062168904695E-03,1.5020142733621390E-03 -1221 Amor (1932 EA1),I41,5.7984000000000000E+04,2.0934310509400001E+02,-3.6270845400000001E-01,-3.3862035781833821E-01,-1.1769252449703780E+00,2.5550835326811666E-01,1.5147274364559902E-02,-9.3422033587117204E-03,1.4632883985816541E-03 -1221 Amor (1932 EA1),I41,5.7985000000000000E+04,2.1028209583600000E+02,-7.0045508700000003E-01,-3.2344960612350049E-01,-1.1861785788444386E+00,2.5695245919027510E-01,1.5196992207189459E-02,-9.1647160947002284E-03,1.4248031733971914E-03 -1221 Amor (1932 EA1),I41,5.7986000000000000E+04,2.1121796358099999E+02,-1.0363493330000000E+00,-3.0823058344218845E-01,-1.1952548089999286E+00,2.5835819959308814E-01,1.5243860625289433E-02,-8.9879896187325409E-03,1.3865663713674699E-03 -1221 Amor (1932 EA1),I41,5.7987000000000000E+04,2.1215069227900000E+02,-1.3702557799999999E+00,-2.9296611318429133E-01,-1.2041547188410080E+00,2.5972582668299093E-01,1.5287931260601944E-02,-8.8120669354162205E-03,1.3485853009365441E-03 -1221 Amor (1932 EA1),I41,5.7988000000000000E+04,2.1308026397000000E+02,-1.7020418280000000E+00,-2.7765896702114845E-01,-1.2128791335571922E+00,2.6105559975761533E-01,1.5329255980488298E-02,-8.6369889032622098E-03,1.3108668170557403E-03 -1221 Amor (1932 EA1),I41,5.7989000000000000E+04,2.1400665959899999E+02,-2.0315781820000001E+00,-2.6231186474512003E-01,-1.2214289179611946E+00,2.6234778474909687E-01,1.5367886798539135E-02,-8.4627942799335807E-03,1.2734173331015145E-03 -1221 Amor (1932 EA1),I41,5.7990000000000000E+04,2.1492985995399999E+02,-2.3587392939999998E+00,-2.4692747418047689E-01,-1.2298049744169688E+00,2.6360265378121939E-01,1.5403875799407895E-02,-8.2895197692180907E-03,1.2362428330181606E-03 -1221 Amor (1932 EA1),I41,5.7991000000000000E+04,2.1584984651600001E+02,-2.6834037140000002E+00,-2.3150841114908438E-01,-1.2380082408444413E+00,2.6482048474159520E-01,1.5437275067775435E-02,-8.1172000695653185E-03,1.1993488836566253E-03 -1221 Amor (1932 EA1),I41,5.7992000000000000E+04,2.1676660209200000E+02,-3.0054543190000000E+00,-2.1605723948742372E-01,-1.2460396887880321E+00,2.6600156086979687E-01,1.5468136621434666E-02,-7.9458679238411708E-03,1.1627406472323190E-03 -1221 Amor (1932 EA1),I41,5.7993000000000000E+04,2.1768011119499999E+02,-3.3247784380000001E+00,-2.0057647112364929E-01,-1.2539003215322992E+00,2.6714617036038618E-01,1.5496512348337103E-02,-7.7755541701562698E-03,1.1264228938853568E-03 -1221 Amor (1932 EA1),I41,5.7994000000000000E+04,2.1859036021099999E+02,-3.6412678850000000E+00,-1.8506856621914536E-01,-1.2615911722561652E+00,2.6825460597965839E-01,1.5522453947569504E-02,-7.6062877935207194E-03,1.0904000142858711E-03 -1221 Amor (1932 EA1),I41,5.7995000000000000E+04,2.1949733742199999E+02,-3.9548189620000000E+00,-1.6953593337151796E-01,-1.2691133022256755E+00,2.6932716469539558E-01,1.5546012874125548E-02,-7.4380959781148708E-03,1.0546760322508618E-03 -1221 Amor (1932 EA1),I41,5.7996000000000000E+04,2.2040103296199999E+02,-4.2653324289999999E+00,-1.5398092988044310E-01,-1.2764677990253945E+00,2.7036414731871061E-01,1.5567240287390059E-02,-7.2710041600025609E-03,1.0192546173358955E-03 -1221 Amor (1932 EA1),I41,5.7997000000000000E+04,2.2130143876899999E+02,-4.5727134859999996E+00,-1.3840586206958916E-01,-1.2836557748333930E+00,2.7136585815782160E-01,1.5586187003203446E-02,-7.1050360800925111E-03,9.8413909736999529E-04 -1221 Amor (1932 EA1),I41,5.7998000000000000E+04,2.2219854859300000E+02,-4.8768717590000001E+00,-1.2281298566309495E-01,-1.2906783647420101E+00,2.7233260468330717E-01,1.5602903449401503E-02,-6.9402138372018501E-03,9.4933247090547238E-04 -1221 Amor (1932 EA1),I41,5.7999000000000000E+04,2.2309235806699999E+02,-5.1777213030000002E+00,-1.0720450620763544E-01,-1.2975367251297483E+00,2.7326469720489494E-01,1.5617439624707593E-02,-6.7765579410271927E-03,9.1483741954821490E-04 -1221 Amor (1932 EA1),I41,5.8000000000000000E+04,2.2398286488700001E+02,-5.4751806250000001E+00,-9.1582579539302045E-02,-1.3042320320856478E+00,2.7416244855926769E-01,1.5629845060843674E-02,-6.6140873649392778E-03,8.8065632015708764E-04 -1221 Amor (1932 EA1),I41,5.8001000000000000E+04,2.2487006905800001E+02,-5.7691726919999997E+00,-7.5949312280771508E-02,-1.3107654798934920E+00,2.7502617380923178E-01,1.5640168787739477E-02,-6.4528195983936526E-03,8.4679125687320300E-04 -1221 Amor (1932 EA1),I41,5.8002000000000000E+04,2.2575397319199999E+02,-6.0596249400000000E+00,-6.0306762366759803E-02,-1.3171382795770206E+00,2.7585618995394412E-01,1.5648459301687616E-02,-6.2927706989168199E-03,8.1324403297990437E-04 -1221 Amor (1932 EA1),I41,5.8003000000000000E+04,2.2663458276800000E+02,-6.3464692319999996E+00,-4.4656939584546307E-02,-1.3233516575110034E+00,2.7665281565082844E-01,1.5654764536325395E-02,-6.1339553435177906E-03,7.8001618255940674E-04 -1221 Amor (1932 EA1),I41,5.8004000000000000E+04,2.2751190628399999E+02,-6.6296417649999997E+00,-2.9001806124205998E-02,-1.3294068540971864E+00,2.7741637094968125E-01,1.5659131836305448E-02,-5.9763868794221221E-03,7.4710898193902945E-04 -1221 Amor (1932 EA1),I41,5.8005000000000000E+04,2.2838595521500000E+02,-6.9090829039999999E+00,-1.3343277137135234E-02,-1.3353051225000205E+00,2.7814717703949932E-01,1.5661607933489655E-02,-5.8200773741136774E-03,7.1452346091388226E-04 -1221 Amor (1932 EA1),I41,5.8006000000000000E+04,2.2925674372399999E+02,-7.1847369450000000E+00,2.3167786931587164E-03,-1.3410477274331460E+00,2.7884555600822952E-01,1.5662238925567659E-02,-5.6650376645837504E-03,6.8226041373415953E-04 -1221 Amor (1932 EA1),I41,5.8007000000000000E+04,2.3012428812200000E+02,-7.4565518309999996E+00,1.7976538562468947E-02,-1.3466359439872262E+00,2.7951183061516288E-01,1.5661070256959633E-02,-5.5112774057400199E-03,6.5032040984160610E-04 -1221 Amor (1932 EA1),I41,5.8008000000000000E+04,2.3098860614000000E+02,-7.7244788450000001E+00,3.3634224929786294E-02,-1.3520710564907215E+00,2.8014632407500323E-01,1.5658146701878147E-02,-5.3588051179851506E-03,6.1870380435406400E-04 -1221 Amor (1932 EA1),I41,5.8009000000000000E+04,2.3184971607800000E+02,-7.9884723070000003E+00,4.9288104872853733E-02,-1.3573543574019016E+00,2.8074935985270605E-01,1.5653512349463789E-02,-5.2076282338962727E-03,5.8741074827417376E-04 -1221 Amor (1932 EA1),I41,5.8010000000000000E+04,2.3270763592899999E+02,-8.2484893079999999E+00,6.4936489413489729E-02,-1.3624871462324604E+00,2.8132126146816300E-01,1.5647210590892489E-02,-5.0577531440257305E-03,5.5644119842759084E-04 -1221 Amor (1932 EA1),I41,5.8011000000000000E+04,2.3356238253800001E+02,-8.5044894880000008E+00,8.0577732818019054E-02,-1.3674707285061958E+00,2.8186235231036322E-01,1.5639284108384836E-02,-4.9091852417613401E-03,5.2579492711427056E-04 -1221 Amor (1932 EA1),I41,5.8012000000000000E+04,2.3441397086900000E+02,-8.7564348810000006E+00,9.6210231872216112E-02,-1.3723064147533361E+00,2.8237295546068686E-01,1.5629774866060354E-02,-4.7619289672152301E-03,4.9547153146331686E-04 -1221 Amor (1932 EA1),I41,5.8013000000000000E+04,2.3526241341900001E+02,-9.0042898109999996E+00,1.1183242513244906E-01,-1.3769955195409482E+00,2.8285339352506705E-01,1.5618724102540778E-02,-4.6159878501162120E-03,4.6547044249877639E-04 -1221 Amor (1932 EA1),I41,5.8014000000000000E+04,2.3610771984300001E+02,-9.2480208760000000E+00,1.2744279215312826E-01,-1.3815393605394970E+00,2.8330398847436750E-01,1.5606172325246033E-02,-4.4713645516280300E-03,4.3579093390433264E-04 -1221 Amor (1932 EA1),I41,5.8015000000000000E+04,2.3694989684300000E+02,-9.4875969849999997E+00,1.4303985269264752E-01,-1.3859392576277521E+00,2.8372506149205690E-01,1.5592159306290848E-02,-4.3280609050566979E-03,4.0643213049748215E-04 -1221 Amor (1932 EA1),I41,5.8016000000000000E+04,2.3778894833900000E+02,-9.7229894600000009E+00,1.5862216591041367E-01,-1.3901965320426357E+00,2.8411693282847034E-01,1.5576724079884113E-02,-4.1860779553408896E-03,3.7739301641245403E-04 -1221 Amor (1932 EA1),I41,5.8017000000000000E+04,2.3862487588100001E+02,-9.9541721689999996E+00,1.7418832956671315E-01,-1.3943125055802039E+00,2.8447992166126429E-01,1.5559904941091883E-02,-4.0454159973686114E-03,3.4867244300491938E-04 -1221 Amor (1932 EA1),I41,5.8018000000000000E+04,2.3945767924899999E+02,-1.0181121660000001E+01,1.8973697924325517E-01,-1.3982884998531746E+00,2.8481434596249305E-01,1.5541739445875967E-02,-3.9060746129991469E-03,3.2026913647370596E-04 -1221 Amor (1932 EA1),I41,5.8019000000000000E+04,2.4028735710000001E+02,-1.0403817269999999E+01,2.0526678758705352E-01,-1.4021258356025088E+00,2.8512052237290253E-01,1.5522264412262688E-02,-3.7680527068706289E-03,2.9218170522216438E-04 -1221 Amor (1932 EA1),I41,5.8020000000000000E+04,2.4111390757000001E+02,-1.0622241186000000E+01,2.2077646358185798E-01,-1.4058258320581003E+00,2.8539876608428100E-01,1.5501515922535321E-02,-3.6313485409394906E-03,2.6440864695007608E-04 -1221 Amor (1932 EA1),I41,5.8021000000000000E+04,2.4193732875300000E+02,-1.0836378452000000E+01,2.3626475183831508E-01,-1.4093898063392034E+00,2.8564939073012086E-01,1.5479529326343961E-02,-3.4959597678239987E-03,2.3694835549450971E-04 -1221 Amor (1932 EA1),I41,5.8022000000000000E+04,2.4275761903399999E+02,-1.1046216930000000E+01,2.5173043189116762E-01,-1.4128190728858736E+00,2.8587270828441003E-01,1.5456339244658732E-02,-3.3618834629586397E-03,2.0979912741126073E-04 -1221 Amor (1932 EA1),I41,5.8023000000000000E+04,2.4357477728100000E+02,-1.1251747222000001E+01,2.6717231749978754E-01,-1.4161149429166999E+00,2.8606902896813424E-01,1.5431979574468152E-02,-3.2291161556071805E-03,1.8295916831186597E-04 -1221 Amor (1932 EA1),I41,5.8024000000000000E+04,2.4438880294300000E+02,-1.1452962583000000E+01,2.8258925594334883E-01,-1.4192787239090032E+00,2.8623866116278823E-01,1.5406483494172795E-02,-3.0976538587818396E-03,1.5642659895750212E-04 -1221 Amor (1932 EA1),I41,5.8025000000000000E+04,2.4519969609099999E+02,-1.1649858819000000E+01,2.9798012731126566E-01,-1.4223117191011680E+00,2.8638191133033597E-01,1.5379883469617573E-02,-2.9674920980641596E-03,1.3019946110364166E-04 -1221 Amor (1932 EA1),I41,5.8026000000000000E+04,2.4600745746699999E+02,-1.1842434198999999E+01,3.1334384378565971E-01,-1.4252152270166862E+00,2.8649908393898815E-01,1.5352211260701867E-02,-2.8386259394105294E-03,1.0427572311838875E-04 -1221 Amor (1932 EA1),I41,5.8027000000000000E+04,2.4681208857799999E+02,-1.2030689375000000E+01,3.2867934891833195E-01,-1.4279905410110219E+00,2.8659048139425669E-01,1.5323497928535370E-02,-2.7110500159077122E-03,7.8653285355999498E-05 -1221 Amor (1932 EA1),I41,5.8028000000000000E+04,2.4761359187100001E+02,-1.2214627321000000E+01,3.4398561690447349E-01,-1.4306389488425872E+00,2.8665640397463182E-01,1.5293773843076376E-02,-2.5847585535494488E-03,5.3329985311293375E-05 -1221 Amor (1932 EA1),I41,5.8029000000000000E+04,2.4841197102100000E+02,-1.2394253281999999E+01,3.5926165184950332E-01,-1.4331617322685539E+00,2.8669714977111960E-01,1.5263068691241933E-02,-2.4597453960997391E-03,2.8303602561620618E-05 -15760 Albion (1992 QB1),500,5.7970000000000000E+04,3.3698379871000000E+01,1.4879812140000000E+01,3.3803704924515444E+01,2.3723376263825855E+01,9.1875464057064604E-01,-1.4987516680714692E-03,2.3032759785238804E-03,8.7424140712555711E-05 -15760 Albion (1992 QB1),500,5.7971000000000000E+04,3.3699059613999999E+01,1.4880719587000000E+01,3.3802165929857026E+01,2.3725733870946456E+01,9.1884225743518422E-01,-1.4988869310761412E-03,2.3031814029402849E-03,8.7420122499361254E-05 -15760 Albion (1992 QB1),500,5.7972000000000000E+04,3.3699354294000003E+01,1.4881495765000000E+01,3.3800626901609640E+01,2.3728091248218664E+01,9.1892988817277355E-01,-1.4990221911484504E-03,2.3030867904478732E-03,8.7416103406809785E-05 -15760 Albion (1992 QB1),500,5.7973000000000000E+04,3.3699264296999999E+01,1.4882140698000001E+01,3.3799087842793170E+01,2.3730448393891088E+01,9.1901753177503509E-01,-1.4991574474337716E-03,2.3029921412433488E-03,8.7412083388031570E-05 -15760 Albion (1992 QB1),500,5.7974000000000000E+04,3.3698790027999998E+01,1.4882654418000000E+01,3.3797548755298273E+01,2.3732805307716500E+01,9.1910518751450987E-01,-1.4992926991206391E-03,2.3028974555385391E-03,8.7408062399162389E-05 -15760 Albion (1992 QB1),500,5.7975000000000000E+04,3.3697931896000000E+01,1.4883036961000000E+01,3.3796009640275223E+01,2.3735161990421119E+01,9.1919285505223269E-01,-1.4994279454420504E-03,2.3028027335555094E-03,8.7404040399056745E-05 -15760 Albion (1992 QB1),500,5.7976000000000000E+04,3.3696690314999998E+01,1.4883288361000000E+01,3.3794470498718908E+01,2.3737518442909547E+01,9.1928053453115877E-01,-1.4995631856766500E-03,2.3027079755212395E-03,8.7400017348976459E-05 -15760 Albion (1992 QB1),500,5.7977000000000000E+04,3.3695065708000001E+01,1.4883408652000000E+01,3.3792931332185631E+01,2.3739874665291929E+01,9.1936822664007500E-01,-1.4996984191498197E-03,2.3026131816619305E-03,8.7395993212202938E-05 -15760 Albion (1992 QB1),500,5.7978000000000000E+04,3.3693058518000001E+01,1.4883397864000001E+01,3.3791392143566775E+01,2.3742230655835154E+01,9.1945593263999215E-01,-1.4998336452343893E-03,2.3025183521966988E-03,8.7391967953614916E-05 -15760 Albion (1992 QB1),500,5.7979000000000000E+04,3.3690669221999997E+01,1.4883256028000000E+01,3.3789852937862833E+01,2.3744586409913801E+01,9.1954365435186192E-01,-1.4999688633512299E-03,2.3024234873307292E-03,8.7387941539161207E-05 -15760 Albion (1992 QB1),500,5.7980000000000000E+04,3.3687898361000002E+01,1.4882983180000000E+01,3.3788313722934035E+01,2.3746941918993155E+01,9.1963139410525563E-01,-1.5001040729692508E-03,2.3023285872477203E-03,8.7383913935271267E-05 -15760 Albion (1992 QB1),500,5.7981000000000000E+04,3.3684746574000002E+01,1.4882579371000000E+01,3.3786774510206669E+01,2.3749297169671788E+01,9.1971915464136844E-01,-1.5002392736048996E-03,2.3022336521015489E-03,8.7379885108124724E-05 -15760 Albion (1992 QB1),500,5.7982000000000000E+04,3.3681214632000000E+01,1.4882044677000000E+01,3.3785235315267379E+01,2.3751652142876196E+01,9.1980693895450916E-01,-1.5003744648209947E-03,2.3021386820070398E-03,8.7375855022803504E-05 -15760 Albion (1992 QB1),500,5.7983000000000000E+04,3.3677303485000003E+01,1.4881379212000001E+01,3.3783696158179453E+01,2.3754006813432500E+01,9.1989475005565491E-01,-1.5005096462245831E-03,2.3020436770298594E-03,8.7371823642272455E-05 -15760 Albion (1992 QB1),500,5.7984000000000000E+04,3.3673014307000003E+01,1.4880583143999999E+01,3.3782157063268350E+01,2.3756361150357790E+01,9.1998259066024901E-01,-1.5006448174635593E-03,2.3019486371753800E-03,8.7367790926193495E-05 -15760 Albion (1992 QB1),500,5.7985000000000000E+04,3.3668348528000003E+01,1.4879656713999999E+01,3.3780618058150061E+01,2.3758715118177573E+01,9.2007046284262328E-01,-1.5007799782219122E-03,2.3018535623764713E-03,8.7363756829482057E-05 -15760 Albion (1992 QB1),500,5.7986000000000000E+04,3.3663307865000000E+01,1.4878600242999999E+01,3.3779079171988016E+01,2.3761068679286293E+01,9.2015836774272208E-01,-1.5009151282129232E-03,2.3017584524803493E-03,8.7359721300643510E-05 -15760 Albion (1992 QB1),500,5.7987000000000000E+04,3.3657894319999997E+01,1.4877414144999999E+01,3.3777540433308531E+01,2.3763421796903526E+01,9.2024630542233166E-01,-1.5010502671703087E-03,2.3016633072342300E-03,8.7355684279794224E-05 -15760 Albion (1992 QB1),500,5.7988000000000000E+04,3.3652110166000000E+01,1.4876098925000001E+01,3.3776001867965356E+01,2.3765774437824394E+01,9.2033427492545195E-01,-1.5011853948357547E-03,2.3015681262706696E-03,8.7351645696356244E-05 -15760 Albion (1992 QB1),500,5.7989000000000000E+04,3.3645957911000004E+01,1.4874655174999999E+01,3.3774463497819376E+01,2.3768126574198448E+01,9.2042227451757941E-01,-1.5013205109442075E-03,2.3014729090914988E-03,8.7347605466366269E-05 -15760 Albion (1992 QB1),500,5.7990000000000000E+04,3.3639440258999997E+01,1.4873083563000000E+01,3.3772925340380588E+01,2.3770478184004681E+01,9.2051030201237216E-01,-1.5014556152033749E-03,2.3013776550524605E-03,8.7343563489435810E-05 -15760 Albion (1992 QB1),500,5.7991000000000000E+04,3.3632560066000003E+01,1.4871384820999999E+01,3.3771387409270844E+01,2.3772829250416152E+01,9.2059835508049270E-01,-1.5015907072691691E-03,2.3012823633478795E-03,8.7339519645225150E-05 -15760 Albion (1992 QB1),500,5.7992000000000000E+04,3.3625320311000003E+01,1.4869559734999999E+01,3.3769849715132210E+01,2.3775179760563724E+01,9.2068643147048745E-01,-1.5017257867148762E-03,2.3011870329968497E-03,8.7335473789528243E-05 -15760 Albion (1992 QB1),500,5.7993000000000000E+04,3.3617724070999998E+01,1.4867609134000000E+01,3.3768312266598798E+01,2.3777529704216459E+01,9.2077452912237379E-01,-1.5018608529937839E-03,2.3010916628321398E-03,8.7331425749959804E-05 -15760 Albion (1992 QB1),500,5.7994000000000000E+04,3.3609774504999997E+01,1.4865533889000000E+01,3.3766775071078719E+01,2.3779879072721947E+01,9.2086264619174885E-01,-1.5019959053942994E-03,2.3009962514932408E-03,8.7327375321318078E-05 -15760 Albion (1992 QB1),500,5.7995000000000000E+04,3.3601474850000002E+01,1.4863334904000000E+01,3.3765238135240267E+01,2.3782227858348556E+01,9.2095078101756678E-01,-1.5021309429870417E-03,2.3009007974264094E-03,8.7323322260762892E-05 -15760 Albion (1992 QB1),500,5.7996000000000000E+04,3.3592828410000003E+01,1.4861013115000000E+01,3.3763701465202487E+01,2.3784576054029344E+01,9.2103893206583642E-01,-1.5022659645638533E-03,2.3008052988939508E-03,8.7319266283012345E-05 -15760 Albion (1992 QB1),500,5.7997000000000000E+04,3.3583838557000000E+01,1.4858569489000001E+01,3.3762165066482211E+01,2.3786923653436787E+01,9.2112709787511982E-01,-1.5024009685694565E-03,2.3007097539964900E-03,8.7315207055938448E-05 -15760 Albion (1992 QB1),500,5.7998000000000000E+04,3.3574508721000001E+01,1.4856005020000000E+01,3.3760628943772311E+01,2.3789270651286518E+01,9.2121527702290606E-01,-1.5025359530273993E-03,2.3006141607116413E-03,8.7311144196976277E-05 -15760 Albion (1992 QB1),500,5.7999000000000000E+04,3.3564842384999999E+01,1.4853320728000000E+01,3.3759093100639461E+01,2.3791617043750609E+01,9.2130346812749109E-01,-1.5026709154632445E-03,2.3005185169536584E-03,8.7307077270988120E-05 -15760 Albion (1992 QB1),500,5.8000000000000000E+04,3.3554843065999997E+01,1.4850517650000000E+01,3.3757557539247344E+01,2.3793962828835937E+01,9.2139166989555576E-01,-1.5028058528292606E-03,2.3004228206586815E-03,8.7303005790376222E-05 -15760 Albion (1992 QB1),500,5.8001000000000000E+04,3.3544514309000000E+01,1.4847596842000000E+01,3.3756022260229408E+01,2.3796308006558892E+01,9.2147988121915914E-01,-1.5029407614388099E-03,2.3003270698973011E-03,8.7298929218293988E-05 -15760 Albion (1992 QB1),500,5.8002000000000000E+04,3.3533859669999998E+01,1.4844559367000000E+01,3.3754487262840598E+01,2.3798652578739826E+01,9.2156810131425571E-01,-1.5030756369187820E-03,2.3002312630204802E-03,8.7294846976265634E-05 -15760 Albion (1992 QB1),500,5.8003000000000000E+04,3.3522882701999997E+01,1.4841406289000000E+01,3.3752952545481946E+01,2.3800996548289003E+01,9.2165632987735846E-01,-1.5032104741941124E-03,2.3001353988230198E-03,8.7290758456171023E-05 -15760 Albion (1992 QB1),500,5.8004000000000000E+04,3.3511586960000002E+01,1.4838138670999999E+01,3.3751418106604696E+01,2.3803339917974512E+01,9.2174456722220754E-01,-1.5033452675051410E-03,2.3000394767536108E-03,8.7286663039060305E-05 -15760 Albion (1992 QB1),500,5.8005000000000000E+04,3.3499976001999997E+01,1.4834757575999999E+01,3.3749883945876164E+01,2.3805682688832345E+01,9.2183281435367825E-01,-1.5034800104975154E-03,2.2999434971094912E-03,8.7282560119342274E-05 -15760 Albion (1992 QB1),500,5.8006000000000000E+04,3.3488053411999999E+01,1.4831264062000001E+01,3.3748350065381238E+01,2.3808024858526171E+01,9.2192107294778802E-01,-1.5036146963633610E-03,2.2998474612419082E-03,8.7278449134599006E-05 -15760 Albion (1992 QB1),500,5.8007000000000000E+04,3.3475822831999999E+01,1.4827659194000001E+01,3.3746816470604401E+01,2.3810366420004421E+01,9.2200934523277611E-01,-1.5037493180531931E-03,2.2997513717363301E-03,8.7274329599811940E-05 -15760 Albion (1992 QB1),500,5.8008000000000000E+04,3.3463287995000002E+01,1.4823944055000000E+01,3.3745283171009554E+01,2.3812707360704088E+01,9.2209763379340137E-01,-1.5038838685573915E-03,2.2996552325358199E-03,8.7270201143279776E-05 -15760 Albion (1992 QB1),500,5.8009000000000000E+04,3.3450452773999999E+01,1.4820119755000000E+01,3.3743750180161747E+01,2.3815047662377289E+01,9.2218594133533272E-01,-1.5040183412387874E-03,2.2995590489819293E-03,8.7266063540589160E-05 -15760 Albion (1992 QB1),500,5.8010000000000000E+04,3.3437321216999997E+01,1.4816187445000001E+01,3.3742217515441048E+01,2.3817387301473257E+01,9.2227427044302757E-01,-1.5041527301882830E-03,2.2994628277568097E-03,8.7261916742540526E-05 -15760 Albion (1992 QB1),500,5.8011000000000000E+04,3.3423897584999999E+01,1.4812148336000000E+01,3.3740685197430260E+01,2.3819726249965406E+01,9.2236262335165653E-01,-1.5042870305670671E-03,2.2993665767186994E-03,8.7257760893150036E-05 -15760 Albion (1992 QB1),500,5.8012000000000000E+04,3.3410186377000002E+01,1.4808003704000001E+01,3.3739153249030196E+01,2.3822064476551244E+01,9.2245100174383010E-01,-1.5044212388982659E-03,2.2992703046348009E-03,8.7253596334660403E-05 -15760 Albion (1992 QB1),500,5.8013000000000000E+04,3.3396192351000003E+01,1.4803754906000000E+01,3.3737621694326975E+01,2.3824401948193518E+01,9.2253940658386857E-01,-1.5045553532735418E-03,2.2991740208288397E-03,8.7249423597749262E-05 -15760 Albion (1992 QB1),500,5.8014000000000000E+04,3.3381920526000002E+01,1.4799403381999999E+01,3.3736090557261527E+01,2.3826738631934671E+01,9.2262783801191317E-01,-1.5046893734481208E-03,2.2990777347745399E-03,8.7245243377090544E-05 -15760 Albion (1992 QB1),500,5.8015000000000000E+04,3.3367376174999997E+01,1.4794950663000000E+01,3.3734559860239571E+01,2.3829074496796132E+01,9.2271629532572086E-01,-1.5048233008102714E-03,2.2989814556829708E-03,8.7241056494903997E-05 -15760 Albion (1992 QB1),500,5.8016000000000000E+04,3.3352564798000003E+01,1.4790398364000000E+01,3.3733029622912980E+01,2.3831409515446058E+01,9.2280477706729369E-01,-1.5049571382288668E-03,2.2988851921493299E-03,8.7236863858176049E-05 -15760 Albion (1992 QB1),500,5.8017000000000000E+04,3.3337492095999998E+01,1.4785748177000000E+01,3.3731499861380740E+01,2.3833743665295533E+01,9.2289328120412517E-01,-1.5050908898245805E-03,2.2987889518426598E-03,8.7232666412368642E-05 -15760 Albion (1992 QB1),500,5.8018000000000000E+04,3.3322163928999998E+01,1.4781001867000001E+01,3.3729970587956565E+01,2.3836076928820535E+01,9.2298180536433871E-01,-1.5052245606669466E-03,2.2986927413083894E-03,8.7228465097578044E-05 -15760 Albion (1992 QB1),500,5.8019000000000000E+04,3.3306586277000001E+01,1.4776161255000000E+01,3.3728441811477452E+01,2.3838409293143794E+01,9.2307034706979807E-01,-1.5053581564564737E-03,2.2985965658658195E-03,8.7224260811037145E-05 -15760 Albion (1992 QB1),500,5.8020000000000000E+04,3.3290765217999997E+01,1.4771228210000000E+01,3.3726913537974013E+01,2.3840740749121476E+01,9.2315890391913746E-01,-1.5054916832190650E-03,2.2985004296004197E-03,8.7220054378545200E-05 -15760 Albion (1992 QB1),500,5.8021000000000000E+04,3.3274706893999998E+01,1.4766204641000000E+01,3.3725385771461362E+01,2.3843071290264103E+01,9.2324747369639826E-01,-1.5056251470303267E-03,2.2984043354294988E-03,8.7215846534599727E-05 -15760 Albion (1992 QB1),500,5.8022000000000000E+04,3.3258417500999997E+01,1.4761092488999999E+01,3.3723858514643744E+01,2.3845400911775794E+01,9.2333605440699373E-01,-1.5057585537951012E-03,2.2983082852252798E-03,8.7211637912283790E-05 -15760 Albion (1992 QB1),500,5.8023000000000000E+04,3.3241903278999999E+01,1.4755893725000000E+01,3.3722331769406779E+01,2.3847729609884212E+01,9.2342464425932635E-01,-1.5058919090840148E-03,2.2982122799692813E-03,8.7207429040988548E-05 -15760 Albion (1992 QB1),500,5.8024000000000000E+04,3.3225170501999997E+01,1.4750610341000000E+01,3.3720805537055909E+01,2.3850057381519221E+01,9.2351324161663106E-01,-1.5060252180243705E-03,2.2981163199186205E-03,8.7203220350032652E-05 -15760 Albion (1992 QB1),500,5.8025000000000000E+04,3.3208225476999999E+01,1.4745244354000000E+01,3.3719279818315236E+01,2.3852384224321067E+01,9.2360184494260944E-01,-1.5061584852394099E-03,2.2980204047691900E-03,8.7199012176502431E-05 -15760 Albion (1992 QB1),500,5.8026000000000000E+04,3.3191074534000002E+01,1.4739797801000000E+01,3.3717754613134957E+01,2.3854710136911997E+01,9.2369045276102291E-01,-1.5062917148276327E-03,2.2979245338058882E-03,8.7194804775699022E-05 -15760 Albion (1992 QB1),500,5.8027000000000000E+04,3.3173724018999998E+01,1.4734272733999999E+01,3.3716229920378765E+01,2.3857035119334476E+01,9.2377906364694296E-01,-1.5064249103726611E-03,2.2978287060341114E-03,8.7190598332871825E-05 -15760 Albion (1992 QB1),500,5.8028000000000000E+04,3.3156180282000001E+01,1.4728671215000000E+01,3.3714705737489417E+01,2.3859359173519657E+01,9.2386767626533517E-01,-1.5065580749741760E-03,2.2977329202883996E-03,8.7186392974987161E-05 -15760 Albion (1992 QB1),500,5.8029000000000000E+04,3.3138449657000002E+01,1.4722995316000000E+01,3.3713182060272601E+01,2.3861682303592595E+01,9.2395628946834663E-01,-1.5066912112909800E-03,2.2976371753200015E-03,8.7182188781911713E-05 -15760 Albion (1992 QB1),703,5.7970000000000000E+04,3.3698370078000004E+01,1.4879768871000000E+01,3.3803733795570203E+01,2.3723336440136087E+01,9.1877463853298869E-01,-1.4987516680488294E-03,2.3032759785399596E-03,8.7424140713288225E-05 -15760 Albion (1992 QB1),703,5.7971000000000000E+04,3.3699050694000000E+01,1.4880676261000000E+01,3.3802194933343493E+01,2.3725693875729231E+01,9.1886208048039131E-01,-1.4988869310540096E-03,2.3031814029561733E-03,8.7420122500206620E-05 -15760 Albion (1992 QB1),703,5.7972000000000000E+04,3.3699346251000001E+01,1.4881452384999999E+01,3.3800656028641953E+01,2.3728051093155877E+01,9.1894953056468076E-01,-1.4990221911256388E-03,2.3030867904640547E-03,8.7416103407555621E-05 -15760 Albion (1992 QB1),703,5.7973000000000000E+04,3.3699257135000003E+01,1.4882097268000001E+01,3.3799117084445278E+01,2.3730408090709822E+01,9.1903698783680665E-01,-1.4991574474097196E-03,2.3029921412600872E-03,8.7412083388556323E-05 -15760 Albion (1992 QB1),703,5.7974000000000000E+04,3.3698783749999997E+01,1.4882610941999999E+01,3.3797578102607147E+01,2.3732764868185747E+01,9.1912445162966783E-01,-1.4992926990973904E-03,2.3028974555549357E-03,8.7408062399861564E-05 -15760 Albion (1992 QB1),703,5.7975000000000000E+04,3.3697926504000002E+01,1.4882993442000000E+01,3.3796039084244008E+01,2.3735121426348456E+01,9.1921192166583465E-01,-1.4994279454187513E-03,2.3028027335719511E-03,8.7404040399759512E-05 -15760 Albion (1992 QB1),703,5.7976000000000000E+04,3.3696685811999998E+01,1.4883244805000000E+01,3.3794500030320165E+01,2.3737477766137825E+01,9.1929939815105377E-01,-1.4995631856530196E-03,2.3027079755378599E-03,8.7400017349619730E-05 -15760 Albion (1992 QB1),703,5.7977000000000000E+04,3.3695062098000001E+01,1.4883365060999999E+01,3.3792960942364346E+01,2.3739833887696079E+01,9.1938688183842376E-01,-1.4996984191269908E-03,2.3026131816781311E-03,8.7395993213041623E-05 -15760 Albion (1992 QB1),703,5.7978000000000000E+04,3.3693055801000000E+01,1.4883354242999999E+01,3.3791421823243390E+01,2.3742189789319088E+01,9.1947437405515609E-01,-1.4998336452115308E-03,2.3025183522128994E-03,8.7391967954459252E-05 -15760 Albion (1992 QB1),703,5.7979000000000000E+04,3.3690667400999999E+01,1.4883212381000000E+01,3.3789882677936305E+01,2.3744545466407377E+01,9.1956187669048528E-01,-1.4999688633272300E-03,2.3024234873475595E-03,8.7387941539740347E-05 -15760 Albion (1992 QB1),703,5.7980000000000000E+04,3.3687897438000000E+01,1.4882939511000000E+01,3.3788343514284804E+01,2.3746900910449146E+01,9.1964939214457730E-01,-1.5001040729463403E-03,2.3023285872639295E-03,8.7383913936129969E-05 -15760 Albion (1992 QB1),703,5.7981000000000000E+04,3.3684746549000003E+01,1.4882535684000000E+01,3.3786804343699664E+01,2.3749256108062863E+01,9.1973692323147171E-01,-1.5002392735816907E-03,2.3022336521179108E-03,8.7379885108914186E-05 -15760 Albion (1992 QB1),703,5.7982000000000000E+04,3.3681215506999997E+01,1.4882000975000000E+01,3.3785265181755285E+01,2.3751611040191648E+01,9.1982447302044967E-01,-1.5003744647975360E-03,2.3021386820235596E-03,8.7375855023523713E-05 -15760 Albion (1992 QB1),703,5.7983000000000000E+04,3.3677305261000001E+01,1.4881335500000000E+01,3.3783726048505919E+01,2.3753965681675176E+01,9.1991204459892939E-01,-1.5005096462011262E-03,2.3020436770463792E-03,8.7371823642994710E-05 -15760 Albion (1992 QB1),703,5.7984000000000000E+04,3.3673016982999997E+01,1.4880539426000000E+01,3.3782186968271468E+01,2.3756320001540750E+01,9.1999964075979213E-01,-1.5006448174398612E-03,2.3019486371920594E-03,8.7367790926837783E-05 -15760 Albion (1992 QB1),703,5.7985000000000000E+04,3.3668352106000000E+01,1.4879612994000000E+01,3.3780647968665946E+01,2.3758673964320511E+01,9.2008726365516624E-01,-1.5007799781990173E-03,2.3018535623925800E-03,8.7363756830365912E-05 -15760 Albion (1992 QB1),703,5.7986000000000000E+04,3.3663312343999998E+01,1.4878556525000000E+01,3.3779109078854603E+01,2.3761027532411983E+01,9.2017491450293942E-01,-1.5009151281898062E-03,2.3017584524966106E-03,8.7359721301450414E-05 -15760 Albion (1992 QB1),703,5.7987000000000000E+04,3.3657899700000002E+01,1.4877370432999999E+01,3.3777570327369077E+01,2.3763380669034433E+01,9.2026259344295069E-01,-1.5010502671462238E-03,2.3016633072512008E-03,8.7355684280272317E-05 -15760 Albion (1992 QB1),703,5.7988000000000000E+04,3.3652116446000001E+01,1.4876055224000000E+01,3.3776031740071744E+01,2.3765733340979629E+01,9.2035029959774717E-01,-1.5011853948119769E-03,2.3015681262874201E-03,8.7351645696913849E-05 -15760 Albion (1992 QB1),703,5.7989000000000000E+04,3.3645965091000001E+01,1.4874611487999999E+01,3.3774493338835285E+01,2.3768085520390841E+01,9.2043803131256474E-01,-1.5013205109217099E-03,2.3014729091072311E-03,8.7347605467349111E-05 -15760 Albion (1992 QB1),703,5.7990000000000000E+04,3.3639448336999997E+01,1.4873039895000000E+01,3.3772955141184582E+01,2.3770437185237782E+01,9.2052578648244343E-01,-1.5014556151797427E-03,2.3013776550691294E-03,8.7343563489986734E-05 -15760 Albion (1992 QB1),703,5.7991000000000000E+04,3.3632569041000004E+01,1.4871341175000000E+01,3.3771417160759306E+01,2.3772788318681371E+01,9.2061356286118745E-01,-1.5015907072465657E-03,2.3012823633636690E-03,8.7339519646130025E-05 -15760 Albion (1992 QB1),703,5.7992000000000000E+04,3.3625330181000002E+01,1.4869516115000000E+01,3.3769879408222359E+01,2.3775138907837313E+01,9.2070135828211952E-01,-1.5017257866918850E-03,2.3011870330130000E-03,8.7335473790250485E-05 -15760 Albion (1992 QB1),703,5.7993000000000000E+04,3.3617734833999997E+01,1.4867565546000000E+01,3.3768341892231803E+01,2.3777488942456383E+01,9.2078917077160394E-01,-1.5018608529708847E-03,2.3010916628482085E-03,8.7331425750681042E-05 -15760 Albion (1992 QB1),703,5.7994000000000000E+04,3.3609786159000002E+01,1.4865490336000001E+01,3.3766804620222651E+01,2.3779838413864780E+01,9.2087699857286454E-01,-1.5019959053708277E-03,2.3009962515098802E-03,8.7327375321758182E-05 -15760 Albion (1992 QB1),703,5.7995000000000000E+04,3.3601487392000003E+01,1.4863291389000000E+01,3.3765267598893196E+01,2.3782187314306253E+01,9.2096484011355739E-01,-1.5021309429643533E-03,2.3009007974423186E-03,8.7323322261482071E-05 -15760 Albion (1992 QB1),703,5.7996000000000000E+04,3.3592841837000002E+01,1.4860969644000001E+01,3.3763730834395581E+01,2.3784535636685945E+01,9.2105269394945666E-01,-1.5022659645417139E-03,2.3008052989093412E-03,8.7319266283924417E-05 -15760 Albion (1992 QB1),703,5.7997000000000000E+04,3.3583852866000001E+01,1.4858526065000000E+01,3.3762194332282718E+01,2.3786883374645228E+01,9.2114055870972278E-01,-1.5024009685472286E-03,2.3007097540119984E-03,8.7315207056756113E-05 -15760 Albion (1992 QB1),703,5.7998000000000000E+04,3.3574523909000000E+01,1.4855961647000001E+01,3.3760658097286608E+01,2.3789230522865488E+01,9.2122843306311575E-01,-1.5025359530050899E-03,2.3006141607272799E-03,8.7311144197692393E-05 -15760 Albion (1992 QB1),703,5.7999000000000000E+04,3.3564858446999999E+01,1.4853277410000000E+01,3.3759122133015985E+01,2.3791577077481225E+01,9.2131631571983552E-01,-1.5026709154408770E-03,2.3005185169694287E-03,8.7307077271598540E-05 -15760 Albion (1992 QB1),703,5.8000000000000000E+04,3.3554859999000001E+01,1.4850474392000001E+01,3.3757586441679663E+01,2.3793923036458459E+01,9.2140420547897917E-01,-1.5028058528074439E-03,2.3004228206738725E-03,8.7303005791185674E-05 -15760 Albion (1992 QB1),703,5.8001000000000000E+04,3.3544532109000002E+01,1.4847553647000000E+01,3.3756051023959280E+01,2.3796268399769328E+01,9.2149210132542569E-01,-1.5029407614171476E-03,2.3003270699123706E-03,8.7298929219101407E-05 -15760 Albion (1992 QB1),703,5.8002000000000000E+04,3.3533878330999997E+01,1.4844516239000001E+01,3.3754515879161033E+01,2.3798613169186414E+01,9.2158000256822870E-01,-1.5030756368969046E-03,2.3002312630359123E-03,8.7294846976859655E-05 -15760 Albion (1992 QB1),703,5.8003000000000000E+04,3.3522902219999999E+01,1.4841363232000001E+01,3.3752981005740047E+01,2.3800957347569035E+01,9.2166790899713436E-01,-1.5032104741726001E-03,2.3001353988380685E-03,8.7290758456869697E-05 -15760 Albion (1992 QB1),703,5.8004000000000000E+04,3.3511607329000000E+01,1.4838095689999999E+01,3.3751446402204486E+01,2.3803300937631114E+01,9.2175582101930886E-01,-1.5033452674838126E-03,2.3000394767685294E-03,8.7286663039755889E-05 -15760 Albion (1992 QB1),703,5.8005000000000000E+04,3.3499997217999997E+01,1.4834714674000001E+01,3.3749912068281390E+01,2.3805643940351274E+01,9.2184373973380807E-01,-1.5034800104763765E-03,2.2999434971242780E-03,8.7282560120031705E-05 -15760 Albion (1992 QB1),703,5.8006000000000000E+04,3.3488075467999998E+01,1.4831221243000000E+01,3.3748378006118060E+01,2.3807986353332613E+01,9.2193166691195216E-01,-1.5036146963425950E-03,2.2998474612562891E-03,8.7278449135396152E-05 -15760 Albion (1992 QB1),703,5.8007000000000000E+04,3.3475845722000003E+01,1.4827616463000000E+01,3.3746844221264126E+01,2.3810328169459979E+01,9.2201960487861456E-01,-1.5037493180319614E-03,2.2997513717516009E-03,8.7274329600157665E-05 -15760 Albion (1992 QB1),703,5.8008000000000000E+04,3.3463311713000003E+01,1.4823901414000000E+01,3.3745310723251194E+01,2.3812669376103749E+01,9.2210755631682084E-01,-1.5038838685368732E-03,2.2996552325501504E-03,8.7270201143956901E-05 -15760 Albion (1992 QB1),703,5.8009000000000000E+04,3.3450477313999997E+01,1.4820077209000001E+01,3.3743777525714691E+01,2.3815009954946532E+01,9.2219552403190730E-01,-1.5040183412189617E-03,2.2995590489953092E-03,8.7266063541603824E-05 -15760 Albion (1992 QB1),703,5.8010000000000000E+04,3.3437346570999999E+01,1.4816144998000000E+01,3.3742244646107785E+01,2.3817349882364802E+01,9.2228351070934367E-01,-1.5041527301679135E-03,2.2994628277713518E-03,8.7261916742978584E-05 -15760 Albion (1992 QB1),703,5.8011000000000000E+04,3.3423923746000000E+01,1.4812105990999999E+01,3.3740712105089372E+01,2.3819689130255906E+01,9.2237151868598322E-01,-1.5042870305472379E-03,2.2993665767325391E-03,8.7257760893810735E-05 -15760 Albion (1992 QB1),703,5.8012000000000000E+04,3.3410213337999998E+01,1.4807961465000000E+01,3.3739179925639156E+01,2.3822027667238089E+01,9.2245954974617250E-01,-1.5044212388786822E-03,2.2992703046484601E-03,8.7253596335314950E-05 -15760 Albion (1992 QB1),703,5.8013000000000000E+04,3.3396220104000001E+01,1.4803712776999999E+01,3.3737648131925212E+01,2.3824365460191434E+01,9.2254760495572696E-01,-1.5045553532542100E-03,2.2991740208423202E-03,8.7249423598397669E-05 -15760 Albion (1992 QB1),703,5.8014000000000000E+04,3.3381949063999997E+01,1.4799361366999999E+01,3.3736116747973199E+01,2.3826702476072459E+01,9.2263568455570422E-01,-1.5046893734290501E-03,2.2990777347878313E-03,8.7245243377734831E-05 -15760 Albion (1992 QB1),703,5.8015000000000000E+04,3.3367405488000003E+01,1.4794908765000001E+01,3.3734585796276285E+01,2.3829038683813557E+01,9.2272378794413856E-01,-1.5048233007915949E-03,2.2989814556957887E-03,8.7241056495662153E-05 -15760 Albion (1992 QB1),703,5.8016000000000000E+04,3.3352594879000002E+01,1.4790356586000000E+01,3.3733055296576424E+01,2.3831374055990882E+01,9.2281191376309202E-01,-1.5049571382100952E-03,2.2988851921627897E-03,8.7236863858565928E-05 -15760 Albion (1992 QB1),703,5.8017000000000000E+04,3.3337522935999999E+01,1.4785706524000000E+01,3.3731525265065024E+01,2.3833708569920546E+01,9.2290006008025094E-01,-1.5050908898061005E-03,2.2987889518559096E-03,8.7232666412752341E-05 -15760 Albion (1992 QB1),703,5.8018000000000000E+04,3.3322195518000001E+01,1.4780960342000000E+01,3.3729995714150640E+01,2.3836042207980629E+01,9.2298822462468588E-01,-1.5052245606488742E-03,2.2986927413211605E-03,8.7228465098071519E-05 -15760 Albion (1992 QB1),703,5.8019000000000000E+04,3.3306618606999997E+01,1.4776119861000000E+01,3.3728466652767224E+01,2.3838374957193061E+01,9.2307640501996135E-01,-1.5053581564392308E-03,2.2985965658769685E-03,8.7224260812136933E-05 -15760 Albion (1992 QB1),703,5.8020000000000000E+04,3.3290798277999997E+01,1.4771186951000001E+01,3.3726938087044573E+01,2.3840706808310390E+01,9.2316459896726599E-01,-1.5054916832015011E-03,2.2985004296130502E-03,8.7220054378898122E-05 -15760 Albion (1992 QB1),703,5.8021000000000000E+04,3.3274740674999997E+01,1.4766163520999999E+01,3.3725410021099044E+01,2.3843037754736653E+01,9.2325280435391510E-01,-1.5056251470131768E-03,2.2984043354416298E-03,8.7215846535068577E-05 -15760 Albion (1992 QB1),703,5.8022000000000000E+04,3.3258451993000001E+01,1.4761051511000000E+01,3.3723882457738078E+01,2.3845367791566677E+01,9.2334101928913637E-01,-1.5057585537783615E-03,2.2983082852368990E-03,8.7211637912868581E-05 -15760 Albion (1992 QB1),703,5.8023000000000000E+04,3.3241938470999997E+01,1.4755852891000000E+01,3.3722355398952814E+01,2.3847696914915606E+01,9.2342924208577215E-01,-1.5058919090675134E-03,2.2982122799809594E-03,8.7207429041443032E-05 -15760 Albion (1992 QB1),703,5.8024000000000000E+04,3.3225206384000003E+01,1.4750569656000000E+01,3.3720828846156067E+01,2.3850025121598090E+01,9.2351747121161987E-01,-1.5060252180083623E-03,2.2981163199294694E-03,8.7203220350729252E-05 -15760 Albion (1992 QB1),703,5.8025000000000000E+04,3.3208262038000001E+01,1.4745203821000000E+01,3.3719302800181225E+01,2.3852352409136131E+01,9.2360570523516416E-01,-1.5061584852234357E-03,2.2980204047809722E-03,8.7199012176684021E-05 -15760 Albion (1992 QB1),703,5.8026000000000000E+04,3.3191111763000002E+01,1.4739757423000000E+01,3.3717777261089751E+01,2.3854678776030998E+01,9.2369394278488248E-01,-1.5062917148122208E-03,2.2979245338165498E-03,8.7194804776249946E-05 -15760 Albion (1992 QB1),703,5.8027000000000000E+04,3.3173761906000003E+01,1.4734232513000000E+01,3.3716252227858369E+01,2.3857004222201368E+01,9.2378218254050715E-01,-1.5064249103576577E-03,2.2978287060442214E-03,8.7190598333539707E-05 -15760 Albion (1992 QB1),703,5.8028000000000000E+04,3.3156218813000002E+01,1.4728631155000000E+01,3.3714727698044669E+01,2.3859328749451713E+01,9.2387042327154123E-01,-1.5065580749594081E-03,2.2977329202988582E-03,8.7186392975393412E-05 -15760 Albion (1992 QB1),703,5.8029000000000000E+04,3.3138488821999999E+01,1.4722955419000000E+01,3.3713203667571292E+01,2.3861652361777089E+01,9.2395866393458326E-01,-1.5066912112766779E-03,2.2976371753296119E-03,8.7182188782561137E-05 -15760 Albion (1992 QB1),F51,5.7970000000000000E+04,3.3698332014000002E+01,1.4879784030000000E+01,3.3803720528247354E+01,2.3723354281349838E+01,9.1877769570962020E-01,-1.4987516680578204E-03,2.3032759785341726E-03,8.7424140712835788E-05 -15760 Albion (1992 QB1),F51,5.7971000000000000E+04,3.3699012291000003E+01,1.4880691261999999E+01,3.3802182031828259E+01,2.3725711209693202E+01,9.1886544485938693E-01,-1.4988869310627196E-03,2.3031814029511443E-03,8.7420122499551559E-05 -15760 Albion (1992 QB1),F51,5.7972000000000000E+04,3.3699307519000001E+01,1.4881467226000000E+01,3.3800643496729357E+01,2.3728067915050882E+01,9.1895320091421950E-01,-1.4990221911339099E-03,2.3030867904587794E-03,8.7416103407124732E-05 -15760 Albion (1992 QB1),F51,5.7973000000000000E+04,3.3699218086000002E+01,1.4882111948000000E+01,3.3799104925810795E+01,2.3730424395859959E+01,9.1904096283513481E-01,-1.4991574474174513E-03,2.3029921412541041E-03,8.7412083388552231E-05 -15760 Albion (1992 QB1),F51,5.7974000000000000E+04,3.3698744394000002E+01,1.4882625460000000E+01,3.3797566320805529E+01,2.3732780652059631E+01,9.1912872986597083E-01,-1.4992926991049000E-03,2.3028974555499380E-03,8.7408062399554816E-05 -15760 Albion (1992 QB1),F51,5.7975000000000000E+04,3.3697886853000000E+01,1.4883007795999999E+01,3.3796027682708022E+01,2.3735136684560544E+01,9.1921650164119639E-01,-1.4994279454258897E-03,2.3028027335671997E-03,8.7404040399462494E-05 -15760 Albion (1992 QB1),F51,5.7976000000000000E+04,3.3696645879000002E+01,1.4883258993000000E+01,3.3794489012359385E+01,2.3737492494449587E+01,9.1930427827964944E-01,-1.4995631856597295E-03,2.3027079755331397E-03,8.7400017349437625E-05 -15760 Albion (1992 QB1),F51,5.7977000000000000E+04,3.3695021892000000E+01,1.4883379082999999E+01,3.3792950311164113E+01,2.3739848082017119E+01,9.1939206044871002E-01,-1.4996984191335098E-03,2.3026131816743910E-03,8.7395993212558922E-05 -15760 Albion (1992 QB1),F51,5.7978000000000000E+04,3.3693015334999998E+01,1.4883368096000000E+01,3.3791411581863663E+01,2.3742203445708331E+01,9.1947984939089411E-01,-1.4998336452176804E-03,2.3025183522094404E-03,8.7391967953987841E-05 -15760 Albion (1992 QB1),F51,5.7979000000000000E+04,3.3690626686999998E+01,1.4883226065000001E+01,3.3789872829310639E+01,2.3744558581074148E+01,9.1956764691165538E-01,-1.4999688633327308E-03,2.3024234873434204E-03,8.7387941539689051E-05 -15760 Albion (1992 QB1),F51,5.7980000000000000E+04,3.3687856486999998E+01,1.4882953024000001E+01,3.3788334061219281E+01,2.3746913479754262E+01,9.1965545532793547E-01,-1.5001040729517405E-03,2.3023285872609996E-03,8.7383913935682139E-05 -15760 Albion (1992 QB1),F51,5.7981000000000000E+04,3.3684705375000000E+01,1.4882549024999999E+01,3.3786795288872099E+01,2.3749268128519542E+01,9.1974327737084927E-01,-1.5002392735866399E-03,2.3022336521150086E-03,8.7379885108583829E-05 -15760 Albion (1992 QB1),F51,5.7982000000000000E+04,3.3681174120000001E+01,1.4882014143999999E+01,3.3785256527714296E+01,2.3751622508466451E+01,9.1983111602680279E-01,-1.5003744648020151E-03,2.3021386820207008E-03,8.7375855023303132E-05 -15760 Albion (1992 QB1),F51,5.7983000000000000E+04,3.3677263674000002E+01,1.4881348493999999E+01,3.3783717797670285E+01,2.3753976594588689E+01,9.1991897430033376E-01,-1.5005096462052218E-03,2.3020436770437892E-03,8.7371823642785947E-05 -15760 Albion (1992 QB1),F51,5.7984000000000000E+04,3.3672975209000001E+01,1.4880552246000001E+01,3.3782179122929257E+01,2.3756330356068535E+01,9.2000685490146150E-01,-1.5006448174434747E-03,2.3019486371895197E-03,8.7367790926739825E-05 -15760 Albion (1992 QB1),F51,5.7985000000000000E+04,3.3668310155999997E+01,1.4879625638000000E+01,3.3780640530973884E+01,2.3758683757593850E+01,9.2009475990001677E-01,-1.5007799782025301E-03,2.3018535623909996E-03,8.7363756829980153E-05 -15760 Albion (1992 QB1),F51,5.7986000000000000E+04,3.3663270230999998E+01,1.4878568992000000E+01,3.3779102050837061E+01,2.3761036761718977E+01,9.2018269043249556E-01,-1.5009151281928333E-03,2.3017584524950788E-03,8.7359721301176477E-05 -15760 Albion (1992 QB1),F51,5.7987000000000000E+04,3.3657857436999997E+01,1.4877382723000000E+01,3.3777563710917427E+01,2.3763389331820861E+01,9.2027064655899693E-01,-1.5010502671484304E-03,2.3016633072490498E-03,8.7355684280399534E-05 -15760 Albion (1992 QB1),F51,5.7988000000000000E+04,3.3652074046000003E+01,1.4876067335000000E+01,3.3776025536943727E+01,2.3765741434849680E+01,9.2035862732415674E-01,-1.5011853948138833E-03,2.3015681262857808E-03,8.7351645696956417E-05 -15760 Albion (1992 QB1),F51,5.7989000000000000E+04,3.3645922564999999E+01,1.4874623421000001E+01,3.3774487550654285E+01,2.3768093043108099E+01,9.2044663099696278E-01,-1.5013205109237881E-03,2.3014729091069795E-03,8.7347605466923345E-05 -15760 Albion (1992 QB1),F51,5.7990000000000000E+04,3.3639405699000001E+01,1.4873051648000001E+01,3.3772949769438945E+01,2.3770444134726176E+01,9.2053465539756252E-01,-1.5014556151808373E-03,2.3013776550680608E-03,8.7343563490048303E-05 -15760 Albion (1992 QB1),F51,5.7991000000000000E+04,3.3632526304000002E+01,1.4871352748000000E+01,3.3771412206802040E+01,2.3772794693025855E+01,9.2062269820595777E-01,-1.5015907072477488E-03,2.3012823633637505E-03,8.7339519645826340E-05 -15760 Albion (1992 QB1),F51,5.7992000000000000E+04,3.3625287358000001E+01,1.4869527507000001E+01,3.3769874873270751E+01,2.3775144705284355E+01,9.2071075718253470E-01,-1.5017257866924167E-03,2.3011870330129306E-03,8.7335473790148922E-05 -15760 Albion (1992 QB1),F51,5.7993000000000000E+04,3.3617691936999996E+01,1.4867576757000000E+01,3.3768337777367222E+01,2.3777494161414680E+01,9.2079883028133458E-01,-1.5018608529710174E-03,2.3010916628484201E-03,8.7331425750591786E-05 -15760 Albion (1992 QB1),F51,5.7994000000000000E+04,3.3609743201999997E+01,1.4865501365000000E+01,3.3766800926390417E+01,2.3779843052905598E+01,9.2088691567398984E-01,-1.5019959053701494E-03,2.3009962515097501E-03,8.7327375321950032E-05 -15760 Albion (1992 QB1),F51,5.7995000000000000E+04,3.3601444387000001E+01,1.4863302236999999E+01,3.3765264326902447E+01,2.3782191372163943E+01,9.2097501171722695E-01,-1.5021309429636811E-03,2.3009007974431010E-03,8.7323322261414349E-05 -15760 Albion (1992 QB1),F51,5.7996000000000000E+04,3.3592798797999997E+01,1.4860980309000000E+01,3.3763727984919164E+01,2.3784539112258472E+01,9.2106311689660325E-01,-1.5022659645409289E-03,2.3008052989108192E-03,8.7319266283689470E-05 -15760 Albion (1992 QB1),F51,5.7997000000000000E+04,3.3583809805999998E+01,1.4858536548000000E+01,3.3762191905857236E+01,2.3786886266994451E+01,9.2115122977186659E-01,-1.5024009685459007E-03,2.3007097540135510E-03,8.7315207056621726E-05 -15760 Albion (1992 QB1),F51,5.7998000000000000E+04,3.3574480841000003E+01,1.4855971948000001E+01,3.3760656094312623E+01,2.3789232831217291E+01,9.2123934894325143E-01,-1.5025359530032130E-03,2.3006141607289088E-03,8.7311144197657509E-05 -15760 Albion (1992 QB1),F51,5.7999000000000000E+04,3.3564815383999999E+01,1.4853287527000001E+01,3.3759120553758073E+01,2.3791578801225903E+01,9.2132747305326157E-01,-1.5026709154384414E-03,2.3005185169711409E-03,8.7307077271665232E-05 -15760 Albion (1992 QB1),F51,5.8000000000000000E+04,3.3554816954000003E+01,1.4850484327000000E+01,3.3757585286266526E+01,2.3793924175151005E+01,9.2141560083422447E-01,-1.5028058528049190E-03,2.3004228206762699E-03,8.7303005791094357E-05 -15760 Albion (1992 QB1),F51,5.8001000000000000E+04,3.3544489095000003E+01,1.4847563400000000E+01,3.3756050292383861E+01,2.3796268953129726E+01,9.2150373120527818E-01,-1.5029407614142228E-03,2.3003270699150508E-03,8.7298929219024456E-05 -15760 Albion (1992 QB1),F51,5.8002000000000000E+04,3.3533835361999998E+01,1.4844525809000000E+01,3.3754515571280777E+01,2.3798613137099871E+01,9.2159186341099442E-01,-1.5030756368932512E-03,2.3002312630384901E-03,8.7294846976961231E-05 -15760 Albion (1992 QB1),F51,5.8003000000000000E+04,3.3522859308999998E+01,1.4841372620000000E+01,3.3752981121277223E+01,2.3800956730085971E+01,9.2167999717818250E-01,-1.5032104741687117E-03,2.3001353988411095E-03,8.7290758456898414E-05 -15760 Albion (1992 QB1),F51,5.8004000000000000E+04,3.3511564489999998E+01,1.4838104896000001E+01,3.3751446940746597E+01,2.3803299734967243E+01,9.2176813285283332E-01,-1.5033452674795200E-03,2.3000394767718688E-03,8.7286663039795896E-05 -15760 Albion (1992 QB1),F51,5.8005000000000000E+04,3.3499954463000002E+01,1.4834723697999999E+01,3.3749913029281309E+01,2.3805642152887813E+01,9.2185627147451521E-01,-1.5034800104716862E-03,2.2999434971278983E-03,8.7282560120086078E-05 -15760 Albion (1992 QB1),F51,5.8006000000000000E+04,3.3488032810999997E+01,1.4831230085000000E+01,3.3748379388894392E+01,2.3807983981616491E+01,9.2194441475674893E-01,-1.5036146963376866E-03,2.2998474612603795E-03,8.7278449135385879E-05 -15760 Albion (1992 QB1),F51,5.8007000000000000E+04,3.3475803175999999E+01,1.4827625124000001E+01,3.3746846025001666E+01,2.3810325214203768E+01,9.2203256496808683E-01,-1.5037493180259189E-03,2.2997513717552404E-03,8.7274329600468519E-05 -15760 Albion (1992 QB1),F51,5.8008000000000000E+04,3.3463269292000000E+01,1.4823909895000000E+01,3.3745312947001359E+01,2.3812665838185680E+01,9.2212072473626916E-01,-1.5038838685309864E-03,2.2996552325546208E-03,8.7270201144046158E-05 -15760 Albion (1992 QB1),F51,5.8009000000000000E+04,3.3450435030000001E+01,1.4820085509000000E+01,3.3743780168396199E+01,2.3815005835410286E+01,9.2220889681210794E-01,-1.5040183412132506E-03,2.2995590490005706E-03,8.7266063541484819E-05 -15760 Albion (1992 QB1),F51,5.8010000000000000E+04,3.3437304437999998E+01,1.4816153119000001E+01,3.3742247706507250E+01,2.3817345182419466E+01,9.2229708382692366E-01,-1.5041527301608492E-03,2.2994628277760287E-03,8.7261916743241219E-05 -15760 Albion (1992 QB1),F51,5.8011000000000000E+04,3.3423881776000002E+01,1.4812113932999999E+01,3.3740715581862041E+01,2.3819683851275727E+01,9.2238528806386177E-01,-1.5042870305401663E-03,2.2993665767378300E-03,8.7257760893939999E-05 -15760 Albion (1992 QB1),F51,5.8012000000000000E+04,3.3410171544999997E+01,1.4807969228999999E+01,3.3739183817309772E+01,2.3822021810762152E+01,9.2247351125417754E-01,-1.5044212388712170E-03,2.2992703046540389E-03,8.7253596335453443E-05 -15760 Albion (1992 QB1),F51,5.8013000000000000E+04,3.3396178501999998E+01,1.4803720363000000E+01,3.3737652436888709E+01,2.3824359027923474E+01,9.2256175441146671E-01,-1.5045553532463569E-03,2.2991740208481680E-03,8.7249423598548481E-05 -15760 Albion (1992 QB1),F51,5.8014000000000000E+04,3.3381907665000000E+01,1.4799368777000000E+01,3.3736121464495632E+01,2.3826695469880622E+01,9.2265001772592414E-01,-1.5046893734208071E-03,2.2990777347939497E-03,8.7245243377897949E-05 -15760 Albion (1992 QB1),F51,5.8015000000000000E+04,3.3367364305999999E+01,1.4794916000000001E+01,3.3734590922495698E+01,2.3829031105730042E+01,9.2273830054648665E-01,-1.5048233007831768E-03,2.2989814557023390E-03,8.7241056495770912E-05 -15760 Albion (1992 QB1),F51,5.8016000000000000E+04,3.3352553925999999E+01,1.4790363645999999E+01,3.3733060830503639E+01,2.3831365908211730E+01,9.2282660146803086E-01,-1.5049571382006596E-03,2.2988851921691596E-03,8.7236863858881905E-05 -15760 Albion (1992 QB1),F51,5.8017000000000000E+04,3.3337482225000002E+01,1.4785713411000000E+01,3.3731531204584563E+01,2.3833699854805463E+01,9.2291491851300711E-01,-1.5050908897962768E-03,2.2987889518625484E-03,8.7232666413078578E-05 -15760 Albion (1992 QB1),F51,5.8018000000000000E+04,3.3322155060999997E+01,1.4780967056000000E+01,3.3730002057021352E+01,2.3836032928052951E+01,9.2300324936692146E-01,-1.5052245606388829E-03,2.2986927413282208E-03,8.7228465098344412E-05 -15760 Albion (1992 QB1),F51,5.8019000000000000E+04,3.3306578418000001E+01,1.4776126403999999E+01,3.3728473396623492E+01,2.3838365115139400E+01,9.2309159161131094E-01,-1.5053581564299563E-03,2.2985965658850003E-03,8.7224260812118461E-05 -15760 Albion (1992 QB1),F51,5.8020000000000000E+04,3.3290758369999999E+01,1.4771193324000000E+01,3.3726945229397252E+01,2.3840696406980097E+01,9.2317994290659355E-01,-1.5054916831905303E-03,2.2985004296205008E-03,8.7220054379254106E-05 -15760 Albion (1992 QB1),F51,5.8021000000000000E+04,3.3274701059999998E+01,1.4766169724999999E+01,3.3725417559336734E+01,2.3843026797141231E+01,9.2326830110039637E-01,-1.5056251470020529E-03,2.2984043354495019E-03,8.7215846535374295E-05 -15760 Albion (1992 QB1),F51,5.8022000000000000E+04,3.3258412683000003E+01,1.4761057547000000E+01,3.3723890389128329E+01,2.3845356280879145E+01,9.2335666426326557E-01,-1.5057585537670923E-03,2.2983082852451407E-03,8.7211637913130186E-05 -15760 Albion (1992 QB1),F51,5.8023000000000000E+04,3.3241899480000001E+01,1.4755858762000001E+01,3.3722363720643294E+01,2.3847684854469993E+01,9.2344503067024630E-01,-1.5058919090556488E-03,2.2982122799893416E-03,8.7207429041764146E-05 -15760 Albion (1992 QB1),F51,5.8024000000000000E+04,3.3225167722999998E+01,1.4750575361999999E+01,3.3720837555175983E+01,2.3850012514888469E+01,9.2353339875242102E-01,-1.5060252179965965E-03,2.2981163199383703E-03,8.7203220350961109E-05 -15760 Albion (1992 QB1),F51,5.8025000000000000E+04,3.3208223719999999E+01,1.4745209363000001E+01,3.3719311893442708E+01,2.3852339259815935E+01,9.2362176704250931E-01,-1.5061584852103767E-03,2.2980204047896406E-03,8.7199012177132353E-05 -15760 Albion (1992 QB1),F51,5.8026000000000000E+04,3.3191073799999998E+01,1.4739762803000000E+01,3.3717786735389311E+01,2.3854665087911890E+01,9.2371013413430869E-01,-1.5062917147995033E-03,2.2979245338258288E-03,8.7194804776553618E-05 -15760 Albion (1992 QB1),F51,5.8027000000000000E+04,3.3173724309000001E+01,1.4734237733000001E+01,3.3716262079878398E+01,2.3856989999252349E+01,9.2379849867392483E-01,-1.5064249103448253E-03,2.2978287060538595E-03,8.7190598333810568E-05 -15760 Albion (1992 QB1),F51,5.8028000000000000E+04,3.3156181596000003E+01,1.4728636218000000E+01,3.3714737924354850E+01,2.3859313995798161E+01,9.2388685939823101E-01,-1.5065580749457480E-03,2.2977329203085293E-03,8.7186392975766865E-05 -15760 Albion (1992 QB1),F51,5.8029000000000000E+04,3.3138451994999997E+01,1.4722960325000001E+01,3.3713214264629926E+01,2.3861637081700113E+01,9.2397521523229798E-01,-1.5066912112631518E-03,2.2976371753397392E-03,8.7182188782857625E-05 -15760 Albion (1992 QB1),I11,5.7970000000000000E+04,3.3698405639999997E+01,1.4879829290000000E+01,3.3803733217825197E+01,2.3723337619340388E+01,9.1876404149847146E-01,-1.4987516680416910E-03,2.3032759785444439E-03,8.7424140713608824E-05 -15760 Albion (1992 QB1),I11,5.7971000000000000E+04,3.3699086186999999E+01,1.4880736857000000E+01,3.3802193997822712E+01,2.3725695546133288E+01,9.1885129818494726E-01,-1.4988869310469007E-03,2.3031814029601302E-03,8.7420122500648283E-05 -15760 Albion (1992 QB1),I11,5.7972000000000000E+04,3.3699381664000001E+01,1.4881513158000001E+01,3.3800654735763274E+01,2.3728053254068879E+01,9.1893856634312565E-01,-1.4990221911191700E-03,2.3030867904680809E-03,8.7416103407854170E-05 -15760 Albion (1992 QB1),I11,5.7973000000000000E+04,3.3699292458999999E+01,1.4882158217000001E+01,3.3799115434742099E+01,2.3730410741303618E+01,9.1902584507486274E-01,-1.4991574474041893E-03,2.3029921412644847E-03,8.7412083388587101E-05 -15760 Albion (1992 QB1),I11,5.7974000000000000E+04,3.3698818971999998E+01,1.4882672067000000E+01,3.3797576096728228E+01,2.3732768007495050E+01,9.1911313376290649E-01,-1.4992926990917404E-03,2.3028974555586446E-03,8.7408062400074434E-05 -15760 Albion (1992 QB1),I11,5.7975000000000000E+04,3.3697961614999997E+01,1.4883054743000001E+01,3.3796036722953190E+01,2.3735125053271183E+01,9.1920043217837033E-01,-1.4994279454134309E-03,2.3028027335754309E-03,8.7404040399961119E-05 -15760 Albion (1992 QB1),I11,5.7976000000000000E+04,3.3696720800999998E+01,1.4883306280999999E+01,3.3794497314496049E+01,2.3737481879435382E+01,9.1928774057411955E-01,-1.4995631856481902E-03,2.3027079755412495E-03,8.7400017349751041E-05 -15760 Albion (1992 QB1),I11,5.7977000000000000E+04,3.3695096954000000E+01,1.4883426712000000E+01,3.3792957873000105E+01,2.3739838485993609E+01,9.1937505974881928E-01,-1.4996984191219895E-03,2.3026131816808789E-03,8.7395993213343776E-05 -15760 Albion (1992 QB1),I11,5.7978000000000000E+04,3.3693090513999998E+01,1.4883416068000001E+01,3.3791418401446450E+01,2.3742194871105735E+01,9.1946239107356376E-01,-1.4998336452068401E-03,2.3025183522154200E-03,8.7391967954749086E-05 -15760 Albion (1992 QB1),I11,5.7979000000000000E+04,3.3690701959000002E+01,1.4883274380000000E+01,3.3789878904928131E+01,2.3744551030036511E+01,9.1954973647993399E-01,-1.4999688633235593E-03,2.3024234873503992E-03,8.7387941539786507E-05 -15760 Albion (1992 QB1),I11,5.7980000000000000E+04,3.3687931831999997E+01,1.4883001683000000E+01,3.3788339391400385E+01,2.3746906954138712E+01,9.1963709840904495E-01,-1.5001040729422897E-03,2.3023285872660112E-03,8.7383913936393105E-05 -15760 Albion (1992 QB1),I11,5.7981000000000000E+04,3.3684780769000000E+01,1.4882598028000000E+01,3.3786799872387192E+01,2.3749262629895775E+01,9.1972447971468707E-01,-1.5002392735781502E-03,2.3022336521199005E-03,8.7379885109111673E-05 -15760 Albion (1992 QB1),I11,5.7982000000000000E+04,3.3681249541000000E+01,1.4882063491000000E+01,3.3785260363575354E+01,2.3751618038116572E+01,9.1981188350483101E-01,-1.5003744647944899E-03,2.3021386820254505E-03,8.7375855023655023E-05 -15760 Albion (1992 QB1),I11,5.7983000000000000E+04,3.3677339099000001E+01,1.4881398186000000E+01,3.3783720885130840E+01,2.3753973153507108E+01,9.1989931290505744E-01,-1.5005096461983974E-03,2.3020436770480497E-03,8.7371823643115260E-05 -15760 Albion (1992 QB1),I11,5.7984000000000000E+04,3.3673050613999997E+01,1.4880602282000000E+01,3.3782181461484704E+01,2.3756327944961505E+01,9.1998677074603130E-01,-1.5006448174376321E-03,2.3019486371936206E-03,8.7367790926899867E-05 -15760 Albion (1992 QB1),I11,5.7985000000000000E+04,3.3668385520000001E+01,1.4879676019000000E+01,3.3780642120360852E+01,2.3758682376879868E+01,9.2007425921697672E-01,-1.5007799781965574E-03,2.3018535623935705E-03,8.7363756830567492E-05 -15760 Albion (1992 QB1),I11,5.7986000000000000E+04,3.3663345530999997E+01,1.4878619717999999E+01,3.3779102891033766E+01,2.3761036411528263E+01,9.2016177957203793E-01,-1.5009151281878391E-03,2.3017584524975005E-03,8.7359721301591997E-05 -15760 Albion (1992 QB1),I11,5.7987000000000000E+04,3.3657932649000003E+01,1.4877433793000000E+01,3.3777563802143476E+01,2.3763390011995121E+01,9.2024933198599412E-01,-1.5010502671453305E-03,2.3016633072523197E-03,8.7355684280211276E-05 -15760 Albion (1992 QB1),I11,5.7988000000000000E+04,3.3652149147999999E+01,1.4876118749000000E+01,3.3776024879660127E+01,2.3765743144941723E+01,9.2033691561464093E-01,-1.5011853948112032E-03,2.3015681262882112E-03,8.7351645696894333E-05 -15760 Albion (1992 QB1),I11,5.7989000000000000E+04,3.3645997534000003E+01,1.4874675178000000E+01,3.3774486145563557E+01,2.3768095782381113E+01,9.2042452883463699E-01,-1.5013205109202787E-03,2.3014729091072692E-03,8.7347605467545569E-05 -15760 Albion (1992 QB1),I11,5.7990000000000000E+04,3.3639480511999999E+01,1.4873103748000000E+01,3.3772947617485087E+01,2.3770447902153176E+01,9.2051216957062976E-01,-1.5014556151795918E-03,2.3013776550694798E-03,8.7343563489952379E-05 -15760 Albion (1992 QB1),I11,5.7991000000000000E+04,3.3632600938000003E+01,1.4871405190000001E+01,3.3771409309170146E+01,2.3772799487289518E+01,9.2059983560444880E-01,-1.5015907072459273E-03,2.3012823633634105E-03,8.7339519646258259E-05 -15760 Albion (1992 QB1),I11,5.7992000000000000E+04,3.3625361789999999E+01,1.4869580291000000E+01,3.3769871231386176E+01,2.3775150524777334E+01,9.2068752479604354E-01,-1.5017257866919431E-03,2.3011870330127294E-03,8.7335473790286412E-05 -15760 Albion (1992 QB1),I11,5.7993000000000000E+04,3.3617766144000001E+01,1.4867629880999999E+01,3.3768333392894817E+01,2.3777501004239774E+01,9.2077523519718751E-01,-1.5018608529712421E-03,2.3010916628477297E-03,8.7331425750706684E-05 -15760 Albion (1992 QB1),I11,5.7994000000000000E+04,3.3609817161000002E+01,1.4865554828000000E+01,3.3766795801233535E+01,2.3779850916876249E+01,9.2086296507537591E-01,-1.5019959053720923E-03,2.3009962515094708E-03,8.7327375321657650E-05 -15760 Albion (1992 QB1),I11,5.7995000000000000E+04,3.3601518075999998E+01,1.4863356037999999E+01,3.3765258463201874E+01,2.3782200254804682E+01,9.2095071288158425E-01,-1.5021309429652978E-03,2.3009007974414287E-03,8.7323322261488224E-05 -15760 Albion (1992 QB1),I11,5.7996000000000000E+04,3.3592872192999998E+01,1.4861034447000000E+01,3.3763721385052030E+01,2.3784549010805438E+01,9.2103847719381560E-01,-1.5022659645425344E-03,2.3008052989080801E-03,8.7319266283990065E-05 -15760 Albion (1992 QB1),I11,5.7997000000000000E+04,3.3583882885000001E+01,1.4858591021000001E+01,3.3762184572435785E+01,2.3786897178395989E+01,9.2112625666248082E-01,-1.5024009685485366E-03,2.3007097540106280E-03,8.7315207056775602E-05 -15760 Albion (1992 QB1),I11,5.7998000000000000E+04,3.3574553581000004E+01,1.4856026755000000E+01,3.3760648030182637E+01,2.3789244752134937E+01,9.2121404997658074E-01,-1.5025359530068923E-03,2.3006141607257915E-03,8.7311144197667754E-05 -15760 Albion (1992 QB1),I11,5.7999000000000000E+04,3.3564887763000002E+01,1.4853342667000000E+01,3.3759111761997566E+01,2.3791591728035161E+01,9.2130185586558722E-01,-1.5026709154431703E-03,2.3005185169678102E-03,8.7307077271536984E-05 -15760 Albion (1992 QB1),I11,5.8000000000000000E+04,3.3554888949000002E+01,1.4850539797000000E+01,3.3757575770184225E+01,2.3793938103942104E+01,9.2138967314696718E-01,-1.5028058528095897E-03,2.3004228206719296E-03,8.7303005791174385E-05 -15760 Albion (1992 QB1),I11,5.8001000000000000E+04,3.3544560683999997E+01,1.4847619199000000E+01,3.3756040055517779E+01,2.3796283879708504E+01,9.2147750082291613E-01,-1.5029407614195684E-03,2.3003270699102282E-03,8.7298929219081905E-05 -15760 Albion (1992 QB1),I11,5.8002000000000000E+04,3.3533906522000002E+01,1.4844581934000001E+01,3.3754504617396407E+01,2.3798629056988890E+01,9.2156533821858910E-01,-1.5030756369000193E-03,2.3002312630337109E-03,8.7294846976776564E-05 -15760 Albion (1992 QB1),I11,5.8003000000000000E+04,3.3522930017999997E+01,1.4841429070000000E+01,3.3752969454365953E+01,2.3800973638525573E+01,9.2165318513856598E-01,-1.5032104741757703E-03,2.3001353988356191E-03,8.7290758456804035E-05 -15760 Albion (1992 QB1),I11,5.8004000000000000E+04,3.3511634725000000E+01,1.4838161668000000E+01,3.3751434565023942E+01,2.3803317626916680E+01,9.2174104200347307E-01,-1.5033452674872404E-03,2.3000394767659100E-03,8.7286663039676891E-05 -15760 Albion (1992 QB1),I11,5.8005000000000000E+04,3.3500024203000002E+01,1.4834780790000000E+01,3.3749899949185462E+01,2.3805661023025955E+01,9.2182890992409161E-01,-1.5034800104800645E-03,2.2999434971214712E-03,8.7282560119948587E-05 -15760 Albion (1992 QB1),I11,5.8006000000000000E+04,3.3488102034000001E+01,1.4831287495000000E+01,3.3748365609084601E+01,2.3808003824342855E+01,9.2191679068156362E-01,-1.5036146963463156E-03,2.2998474612532516E-03,8.7278449135324323E-05 -15760 Albion (1992 QB1),I11,5.8007000000000000E+04,3.3475871859000002E+01,1.4827682849000000E+01,3.3746831550356177E+01,2.3810346023639884E+01,9.2200468660880142E-01,-1.5037493180368156E-03,2.2997513717485703E-03,8.7274329599998666E-05 -15760 Albion (1992 QB1),I11,5.8008000000000000E+04,3.3463337414000002E+01,1.4823967932000000E+01,3.3745297782615651E+01,2.3812687608176230E+01,9.2209260039533913E-01,-1.5038838685413158E-03,2.2996552325468197E-03,8.7270201143847112E-05 -15760 Albion (1992 QB1),I11,5.8009000000000000E+04,3.3450502569000001E+01,1.4820143856000000E+01,3.3743764319580613E+01,2.3815028559524638E+01,9.2218053485182039E-01,-1.5040183412229802E-03,2.2995590489916992E-03,8.7266063541537132E-05 -15760 Albion (1992 QB1),I11,5.8010000000000000E+04,3.3437371372999998E+01,1.4816211772000001E+01,3.3742231178784849E+01,2.3817368853953209E+01,9.2226849266803523E-01,-1.5041527301732798E-03,2.2994628277677523E-03,8.7261916742823679E-05 -15760 Albion (1992 QB1),I11,5.8011000000000000E+04,3.3423948086999999E+01,1.4812172889999999E+01,3.3740698380965803E+01,2.3819708463252649E+01,9.2235647618440864E-01,-1.5042870305523974E-03,2.2993665767287105E-03,8.7257760893677338E-05 -15760 Albion (1992 QB1),I11,5.8012000000000000E+04,3.3410237209000002E+01,1.4808028487000000E+01,3.3739165949179949E+01,2.3822047355936068E+01,9.2244448718847327E-01,-1.5044212388840689E-03,2.2992703046444702E-03,8.7253596335172323E-05 -15760 Albion (1992 QB1),I11,5.8013000000000000E+04,3.3396243499000001E+01,1.4803779919000000E+01,3.3737633907670244E+01,2.3824385498779986E+01,9.2253252674857589E-01,-1.5045553532598260E-03,2.2991740208381708E-03,8.7249423598248943E-05 -15760 Albion (1992 QB1),I11,5.8014000000000000E+04,3.3381971974000002E+01,1.4799428626999999E+01,3.3736102280535448E+01,2.3826722858638860E+01,9.2262059510742478E-01,-1.5046893734348848E-03,2.2990777347835310E-03,8.7245243377577825E-05 -15760 Albion (1992 QB1),I11,5.8015000000000000E+04,3.3367427906000003E+01,1.4794976139999999E+01,3.3734571090340104E+01,2.3829059404344420E+01,9.2270869166360470E-01,-1.5048233007974201E-03,2.2989814556913218E-03,8.7241056495505228E-05 -15760 Albion (1992 QB1),I11,5.8016000000000000E+04,3.3352616797000003E+01,1.4790424074000001E+01,3.3733040356895749E+01,2.3831395108373417E+01,9.2279681505821853E-01,-1.5049571382168081E-03,2.2988851921582221E-03,8.7236863858384270E-05 -15760 Albion (1992 QB1),I11,5.8017000000000000E+04,3.3337544346999998E+01,1.4785774121999999E+01,3.3731510096461861E+01,2.3833729947943898E+01,9.2288496335632919E-01,-1.5050908898130216E-03,2.2987889518511894E-03,8.7232666412565601E-05 -15760 Albion (1992 QB1),I11,5.8018000000000000E+04,3.3322216415000000E+01,1.4781028047000000E+01,3.3729980321513409E+01,2.3836063905337035E+01,9.2297313428263628E-01,-1.5052245606557758E-03,2.2986927413162911E-03,8.7228465097881688E-05 -15760 Albion (1992 QB1),I11,5.8019000000000000E+04,3.3306638982999999E+01,1.4776187671000001E+01,3.3728451041049190E+01,2.3838396967479294E+01,9.2306132545481168E-01,-1.5053581564452038E-03,2.2985965658719413E-03,8.7224260811945111E-05 -15760 Albion (1992 QB1),I11,5.8020000000000000E+04,3.3290818127000001E+01,1.4771254862999999E+01,3.3726922261261819E+01,2.3840729125029451E+01,9.2314953456664484E-01,-1.5054916832090187E-03,2.2985004296078894E-03,8.7220054378701136E-05 -15760 Albion (1992 QB1),I11,5.8021000000000000E+04,3.3274759990000000E+01,1.4766231531000001E+01,3.3725393986328740E+01,2.3843060371299419E+01,9.2323775949685771E-01,-1.5056251470206591E-03,2.2984043354363493E-03,8.7215846534863378E-05 -15760 Albion (1992 QB1),I11,5.8022000000000000E+04,3.3258470766999999E+01,1.4761119618000000E+01,3.3723866219116623E+01,2.3845390701293507E+01,9.2332599834509066E-01,-1.5057585537858031E-03,2.2983082852314814E-03,8.7211637912657230E-05 -15760 Albion (1992 QB1),I11,5.8023000000000000E+04,3.3241956698999999E+01,1.4755921091999999E+01,3.3722338961673927E+01,2.3847720111038150E+01,9.2341424941350458E-01,-1.5058919090753583E-03,2.2982122799753996E-03,8.7207429041226544E-05 -15760 Albion (1992 QB1),I11,5.8024000000000000E+04,3.3225224058999999E+01,1.4750637948000000E+01,3.3720812215468804E+01,2.3850048597261218E+01,9.2350251115832482E-01,-1.5060252180159289E-03,2.2981163199238281E-03,8.7203220350495390E-05 -15760 Albion (1992 QB1),I11,5.8025000000000000E+04,3.3208279154000003E+01,1.4745272201000001E+01,3.3719285981388126E+01,2.3852376157399686E+01,9.2359078213559065E-01,-1.5061584852320705E-03,2.2980204047751279E-03,8.7199012176478836E-05 -15760 Albion (1992 QB1),I11,5.8026000000000000E+04,3.3191128315000000E+01,1.4739825887000000E+01,3.3717760259544768E+01,2.3854702789871894E+01,9.2367906096043695E-01,-1.5062917148203465E-03,2.2979245338106708E-03,8.7194804776010852E-05 -15760 Albion (1992 QB1),I11,5.8027000000000000E+04,3.3173777887999996E+01,1.4734301059000000E+01,3.3716235048964883E+01,2.3857028494515440E+01,9.2376734629844659E-01,-1.5064249103657204E-03,2.2978287060382487E-03,8.7190598333284310E-05 -15760 Albion (1992 QB1),I11,5.8028000000000000E+04,3.3156234220000002E+01,1.4728699781000000E+01,3.3714710347253572E+01,2.3859353273055675E+01,9.2385563690410011E-01,-1.5065580749680679E-03,2.2977329202927312E-03,8.7186392975156378E-05 -15760 Albion (1992 QB1),I11,5.8029000000000000E+04,3.3138503647999997E+01,1.4723024121000000E+01,3.3713186150379038E+01,2.3861677129410577E+01,9.2394393171808264E-01,-1.5066912112850430E-03,2.2976371753234380E-03,8.7182188782291265E-05 -15760 Albion (1992 QB1),I41,5.7970000000000000E+04,3.3698364859999998E+01,1.4879768549000000E+01,3.3803732416715526E+01,2.3723338280709132E+01,9.1877532006628149E-01,-1.4987516680500003E-03,2.3032759785392050E-03,8.7424140713230776E-05 -15760 Albion (1992 QB1),I41,5.7971000000000000E+04,3.3699045441999999E+01,1.4880675916000000E+01,3.3802193605177465E+01,2.3725695646180924E+01,9.1886280067586612E-01,-1.4988869310551510E-03,2.3031814029555280E-03,8.7420122500121985E-05 -15760 Albion (1992 QB1),I41,5.7972000000000000E+04,3.3699340966999998E+01,1.4881452017999999E+01,3.3800654751550461E+01,2.3728052793001677E+01,9.1895028917942201E-01,-1.4990221911267108E-03,2.3030867904633746E-03,8.7416103407499717E-05 -15760 Albion (1992 QB1),I41,5.7973000000000000E+04,3.3699251820999997E+01,1.4882096878000000E+01,3.3799115858797627E+01,2.3730409719484950E+01,9.1903778461669794E-01,-1.4991574474107015E-03,2.3029921412593239E-03,8.7412083388555822E-05 -15760 Albion (1992 QB1),I41,5.7974000000000000E+04,3.3698778406999999E+01,1.4882610529000001E+01,3.3797576928756001E+01,2.3732766425445302E+01,9.1912528630952262E-01,-1.4992926990983601E-03,2.3028974555542956E-03,8.7408062399822574E-05 -15760 Albion (1992 QB1),I41,5.7975000000000000E+04,3.3697921133999998E+01,1.4882993006000000E+01,3.3796037962525354E+01,2.3735122911667556E+01,9.1921279396952527E-01,-1.4994279454196707E-03,2.3028027335713405E-03,8.7404040399723096E-05 -15760 Albion (1992 QB1),I41,5.7976000000000000E+04,3.3696680417000003E+01,1.4883244345000000E+01,3.3794498961053002E+01,2.3737479179111691E+01,9.1930030779170202E-01,-1.4995631856538801E-03,2.3027079755372493E-03,8.7400017349597165E-05 -15760 Albion (1992 QB1),I41,5.7977000000000000E+04,3.3695056678000000E+01,1.4883364578000000E+01,3.3792959925850802E+01,2.3739835227940191E+01,9.1938782851856993E-01,-1.4996984191278200E-03,2.3026131816776610E-03,8.7395993212981111E-05 -15760 Albion (1992 QB1),I41,5.7978000000000000E+04,3.3693050358999997E+01,1.4883353737000000E+01,3.3791420859768408E+01,2.3742191056469260E+01,9.1947535746692333E-01,-1.4998336452123201E-03,2.3025183522124605E-03,8.7391967954399743E-05 -15760 Albion (1992 QB1),I41,5.7979000000000000E+04,3.3690661937000002E+01,1.4883211850000000E+01,3.3789881767767731E+01,2.3744546660119891E+01,9.1956289651572953E-01,-1.4999688633279100E-03,2.3024234873470391E-03,8.7387941539731619E-05 -15760 Albion (1992 QB1),I41,5.7980000000000000E+04,3.3687891954999998E+01,1.4882938957000000E+01,3.3788342657673113E+01,2.3746902030400840E+01,9.1965044805499452E-01,-1.5001040729470186E-03,2.3023285872635704E-03,8.7383913936072520E-05 -15760 Albion (1992 QB1),I41,5.7981000000000000E+04,3.3684741049000003E+01,1.4882535106000001E+01,3.3786803540878040E+01,2.3749257153951191E+01,9.1973801488866957E-01,-1.5002392735823204E-03,2.3022336521175499E-03,8.7379885108874165E-05 -15760 Albion (1992 QB1),I41,5.7982000000000000E+04,3.3681209991000003E+01,1.4882000373000000E+01,3.3785264432939428E+01,2.3751612011734831E+01,9.1982560007598890E-01,-1.5003744647980842E-03,2.3021386820232109E-03,8.7375855023497041E-05 -15760 Albion (1992 QB1),I41,5.7983000000000000E+04,3.3677299730000001E+01,1.4881334874000000E+01,3.3783725353894084E+01,2.3753966578612161E+01,9.1991320669434540E-01,-1.5005096462016223E-03,2.3020436770460600E-03,8.7371823642969082E-05 -15760 Albion (1992 QB1),I41,5.7984000000000000E+04,3.3673011440000003E+01,1.4880538776000000E+01,3.3782186328044368E+01,2.3756320823631356E+01,9.2000083752659800E-01,-1.5006448174402914E-03,2.3019486371917506E-03,8.7367790926827022E-05 -15760 Albion (1992 QB1),I41,5.7985000000000000E+04,3.3668346550999999E+01,1.4879612319000000E+01,3.3780647382986707E+01,2.3758674711345428E+01,9.2008849471494281E-01,-1.5007799781994492E-03,2.3018535623923909E-03,8.7363756830318709E-05 -15760 Albion (1992 QB1),I41,5.7986000000000000E+04,3.3663306779999999E+01,1.4878555825999999E+01,3.3779108547868709E+01,2.3761028204172899E+01,9.2017617946746044E-01,-1.5009151281901740E-03,2.3017584524964302E-03,8.7359721301417075E-05 -15760 Albion (1992 QB1),I41,5.7987000000000000E+04,3.3657894128000002E+01,1.4877369710000000E+01,3.3777569851204312E+01,2.3763381265354088E+01,9.2026389191440583E-01,-1.5010502671464615E-03,2.3016633072509510E-03,8.7355684280288214E-05 -15760 Albion (1992 QB1),I41,5.7988000000000000E+04,3.3652110868000001E+01,1.4876054476000000E+01,3.3776031318838157E+01,2.3765733861701914E+01,9.2035163116897356E-01,-1.5011853948121833E-03,2.3015681262872414E-03,8.7351645696919487E-05 -15760 Albion (1992 QB1),I41,5.7989000000000000E+04,3.3645959507999997E+01,1.4874610715999999E+01,3.3774492972625133E+01,2.3768085965380809E+01,9.2043939556731336E-01,-1.5013205109219597E-03,2.3014729091072102E-03,8.7347605467299861E-05 -15760 Albion (1992 QB1),I41,5.7990000000000000E+04,3.3639442750999997E+01,1.4873039099000000E+01,3.3772954830072266E+01,2.3770437554381843E+01,9.2052718299556047E-01,-1.5014556151798416E-03,2.3013776550690201E-03,8.7343563489993416E-05 -15760 Albion (1992 QB1),I41,5.7991000000000000E+04,3.3632563455000003E+01,1.4871340354999999E+01,3.3771416904801384E+01,2.3772788611887265E+01,9.2061499119878509E-01,-1.5015907072466923E-03,2.3012823633637106E-03,8.7339519646092051E-05 -15760 Albion (1992 QB1),I41,5.7992000000000000E+04,3.3625324595999999E+01,1.4869515270000001E+01,3.3769879207457549E+01,2.3775139125034151E+01,9.2070281800172027E-01,-1.5017257866919188E-03,2.3011870330130191E-03,8.7335473790239209E-05 -15760 Albion (1992 QB1),I41,5.7993000000000000E+04,3.3617729251000000E+01,1.4867564676000001E+01,3.3768341746680974E+01,2.3777489083594727E+01,9.2079066142225552E-01,-1.5018608529708682E-03,2.3010916628482710E-03,8.7331425750672830E-05 -15760 Albion (1992 QB1),I41,5.7994000000000000E+04,3.3609780579999999E+01,1.4865489441999999E+01,3.3766804529888852E+01,2.3779838478916609E+01,9.2087851969523238E-01,-1.5019959053706915E-03,2.3009962515098993E-03,8.7327375321781791E-05 -15760 Albion (1992 QB1),I41,5.7995000000000000E+04,3.3601481818000003E+01,1.4863290470999999E+01,3.3765267563761682E+01,2.3782187303265008E+01,9.2096639124004587E-01,-1.5021309429642284E-03,2.3009007974424504E-03,8.7323322261477964E-05 -15760 Albion (1992 QB1),I41,5.7996000000000000E+04,3.3592836271000003E+01,1.4860968700999999E+01,3.3763730854433888E+01,2.3784535549566545E+01,9.2105427460431444E-01,-1.5022659645415829E-03,2.3008052989095494E-03,8.7319266283897718E-05 -15760 Albion (1992 QB1),I41,5.7997000000000000E+04,3.3583847308999999E+01,1.4858525097999999E+01,3.3762194407440639E+01,2.3786883211484071E+01,9.2114216840916630E-01,-1.5024009685470239E-03,2.3007097540122187E-03,8.7315207056741747E-05 -15760 Albion (1992 QB1),I41,5.7998000000000000E+04,3.3574518363000003E+01,1.4855960656000001E+01,3.3760658227496279E+01,2.3789230283720425E+01,9.2123007131544277E-01,-1.5025359530048132E-03,2.3006141607275210E-03,8.7311144197687256E-05 -15760 Albion (1992 QB1),I41,5.7999000000000000E+04,3.3564852913999999E+01,1.4853276394000000E+01,3.3759122318191977E+01,2.3791576762431539E+01,9.2131798202556370E-01,-1.5026709154405222E-03,2.3005185169696681E-03,8.7307077271607769E-05 -15760 Albion (1992 QB1),I41,5.8000000000000000E+04,3.3554854480000003E+01,1.4850473352000000E+01,3.3757586681718983E+01,2.3793922645604912E+01,9.2140589933095696E-01,-1.5028058528070848E-03,2.3004228206742108E-03,8.7303005791177461E-05 -15760 Albion (1992 QB1),I41,5.8001000000000000E+04,3.3544526605999998E+01,1.4847552583000001E+01,3.3756051318741477E+01,2.3796267933234091E+01,9.2149382220899567E-01,-1.5029407614167382E-03,2.3003270699127488E-03,8.7298929219095241E-05 -15760 Albion (1992 QB1),I41,5.8002000000000000E+04,3.3533872846000001E+01,1.4844515149999999E+01,3.3754516228548226E+01,2.3798612627113123E+01,9.2158174996138265E-01,-1.5030756368963937E-03,2.3002312630362697E-03,8.7294846976877097E-05 -15760 Albion (1992 QB1),I41,5.8003000000000000E+04,3.3522896754000001E+01,1.4841362119999999E+01,3.3752981409577060E+01,2.3800956730122650E+01,9.2166968237073021E-01,-1.5032104741720632E-03,2.3001353988384900E-03,8.7290758456876879E-05 -15760 Albion (1992 QB1),I41,5.8004000000000000E+04,3.3511601884999997E+01,1.4838094554000000E+01,3.3751446860318886E+01,2.3803300244997985E+01,9.2175761983729931E-01,-1.5033452674832228E-03,2.3000394767689995E-03,8.7286663039764102E-05 -15760 Albion (1992 QB1),I41,5.8005000000000000E+04,3.3499991796000003E+01,1.4834713514000001E+01,3.3749912580483574E+01,2.3805643172739085E+01,9.2184556345347468E-01,-1.5034800104757363E-03,2.2999434971247620E-03,8.7282560120042994E-05 -15760 Albion (1992 QB1),I41,5.8006000000000000E+04,3.3488070071000003E+01,1.4831220059000000E+01,3.3748378572201347E+01,2.3807985510970333E+01,9.2193351498415388E-01,-1.5036146963419306E-03,2.2998474612568390E-03,8.7278449135399215E-05 -15760 Albion (1992 QB1),I41,5.8007000000000000E+04,3.3475840351000002E+01,1.4827615255000000E+01,3.3746844841004837E+01,2.3810327252597897E+01,9.2202147674800405E-01,-1.5037493180311383E-03,2.2997513717520918E-03,8.7274329600197685E-05 -15760 Albion (1992 QB1),I41,5.8008000000000000E+04,3.3463306369999998E+01,1.4823900183999999E+01,3.3745311396408731E+01,2.3812668385013350E+01,9.2210945142199641E-01,-1.5038838685360826E-03,2.2996552325507593E-03,8.7270201143971267E-05 -15760 Albion (1992 QB1),I41,5.8009000000000000E+04,3.3450471999999998E+01,1.4820075955000000E+01,3.3743778252031660E+01,2.3815008889920481E+01,9.2219744180555163E-01,-1.5040183412182041E-03,2.2995590489959979E-03,8.7266063541594581E-05 -15760 Albion (1992 QB1),I41,5.8010000000000000E+04,3.3437341289000003E+01,1.4816143721000000E+01,3.3742245425310216E+01,2.3817348743716856E+01,9.2228545057827460E-01,-1.5041527301669672E-03,2.2994628277719815E-03,8.7261916743012452E-05 -15760 Albion (1992 QB1),I41,5.8011000000000000E+04,3.3423918497000003E+01,1.4812104691000000E+01,3.3740712936886709E+01,2.3819687918320867E+01,9.2237348007123865E-01,-1.5042870305462977E-03,2.2993665767332399E-03,8.7257760893829194E-05 -15760 Albion (1992 QB1),I41,5.8012000000000000E+04,3.3410208122999997E+01,1.4807960142000001E+01,3.3739180809724516E+01,2.3822026382371686E+01,9.2246153206309078E-01,-1.5044212388776921E-03,2.2992703046492008E-03,8.7253596335335468E-05 -15760 Albion (1992 QB1),I41,5.8013000000000000E+04,3.3396214925999999E+01,1.4803711431000000E+01,3.3737649067975475E+01,2.3824364102770272E+01,9.2254960761405336E-01,-1.5045553532531731E-03,2.2991740208430991E-03,8.7249423598420234E-05 -15760 Albion (1992 QB1),I41,5.8014000000000000E+04,3.3381943923000001E+01,1.4799359999000000E+01,3.3736117735649202E+01,2.3826701046493920E+01,9.2263770695976155E-01,-1.5046893734279631E-03,2.2990777347886397E-03,8.7245243377756353E-05 -15760 Albion (1992 QB1),I41,5.8015000000000000E+04,3.3367400387000004E+01,1.4794907373999999E+01,3.3734586835222949E+01,2.3829037182495746E+01,9.2272582949306181E-01,-1.5048233007904891E-03,2.2989814556966508E-03,8.7241056495680638E-05 -15760 Albion (1992 QB1),I41,5.8016000000000000E+04,3.3352589819000002E+01,1.4790355174000000E+01,3.3733056386422881E+01,2.3831372483372522E+01,9.2281397385107355E-01,-1.5049571382088523E-03,2.2988851921636293E-03,8.7236863858607981E-05 -15760 Albion (1992 QB1),I41,5.8017000000000000E+04,3.3337517919000000E+01,1.4785705090000000E+01,3.3731526405424830E+01,2.3833706926460966E+01,9.2290213809680222E-01,-1.5050908898048094E-03,2.2987889518567787E-03,8.7232666412794395E-05 -15760 Albion (1992 QB1),I41,5.8018000000000000E+04,3.3322190544999998E+01,1.4780958886000001E+01,3.3729996904621750E+01,2.3836040494159640E+01,9.2299031995487879E-01,-1.5052245606475671E-03,2.2986927413220816E-03,8.7228465098107433E-05 -15760 Albion (1992 QB1),I41,5.8019000000000000E+04,3.3306613679999998E+01,1.4776118383000000E+01,3.3728467892932393E+01,2.3838373173510991E+01,9.2307851704463284E-01,-1.5053581564380299E-03,2.2985965658780007E-03,8.7224260812141039E-05 -15760 Albion (1992 QB1),I41,5.8020000000000000E+04,3.3290793399000002E+01,1.4771185451999999E+01,3.3726939376471378E+01,2.3840704955287837E+01,9.2316672706321812E-01,-1.5054916832000697E-03,2.2985004296140199E-03,8.7220054378944295E-05 -15760 Albion (1992 QB1),I41,5.8021000000000000E+04,3.3274735843999999E+01,1.4766162000000000E+01,3.3725411359340050E+01,2.3843035832914463E+01,9.2325494789403917E-01,-1.5056251470117305E-03,2.2984043354426411E-03,8.7215846535108584E-05 -15760 Albion (1992 QB1),I41,5.8022000000000000E+04,3.3258447212999997E+01,1.4761049969000000E+01,3.3723883844331127E+01,2.3845365801505785E+01,9.2334317764258633E-01,-1.5057585537769013E-03,2.2983082852379502E-03,8.7211637912905512E-05 -15760 Albion (1992 QB1),I41,5.8023000000000000E+04,3.3241933742999997E+01,1.4755851329000000E+01,3.3722356833421159E+01,2.3847694857196920E+01,9.2343141461807277E-01,-1.5058919090659762E-03,2.2982122799820402E-03,8.7207429041484069E-05 -15760 Albion (1992 QB1),I41,5.8024000000000000E+04,3.3225201710000000E+01,1.4750568073000000E+01,3.3720830328008589E+01,2.3850022996822329E+01,9.2351965728482044E-01,-1.5060252180068455E-03,2.2981163199306091E-03,8.7203220350763106E-05 -15760 Albion (1992 QB1),I41,5.8025000000000000E+04,3.3208257418000002E+01,1.4745202217999999E+01,3.3719304328912663E+01,2.3852350217923707E+01,9.2360790420796091E-01,-1.5061584852217470E-03,2.2980204047820894E-03,8.7199012176738394E-05 -15760 Albion (1992 QB1),I41,5.8026000000000000E+04,3.3191107199999998E+01,1.4739755799999999E+01,3.3717778836180933E+01,2.3854676519021798E+01,9.2369615401277994E-01,-1.5062917148105847E-03,2.2979245338177502E-03,8.7194804776288923E-05 -15760 Albion (1992 QB1),I41,5.8027000000000000E+04,3.3173757401000003E+01,1.4734230869999999E+01,3.3716253848776390E+01,2.3857001900054634E+01,9.2378440537594053E-01,-1.5064249103560118E-03,2.2978287060454582E-03,8.7190598333578698E-05 -15760 Albion (1992 QB1),I41,5.8028000000000000E+04,3.3156214368000001E+01,1.4728629494000000E+01,3.3714729364243134E+01,2.3859326362845799E+01,9.2387265706400534E-01,-1.5065580749576550E-03,2.2977329203001107E-03,8.7186392975442675E-05 -15760 Albion (1992 QB1),I41,5.8029000000000000E+04,3.3138484437000002E+01,1.4722953738999999E+01,3.3713205378490507E+01,2.3861649911409447E+01,9.2396090803080144E-01,-1.5066912112749488E-03,2.2976371753308990E-03,8.7182188782602174E-05 -15788 (1993 SB),500,5.7970000000000000E+04,5.7638053202999998E+01,2.1867084694999999E+01,1.4236678215015045E+01,2.2911931202854614E+01,8.1552721373384829E-01,-3.3473119679682094E-03,1.7773490756957475E-03,4.9765738576242932E-05 -15788 (1993 SB),500,5.7971000000000000E+04,5.7656944174000003E+01,2.1872064827999999E+01,1.4233293515863904E+01,2.2913730010077007E+01,8.1557659729743370E-01,-3.3475196524857410E-03,1.7770088805778919E-03,4.9753290387138044E-05 -15788 (1993 SB),500,5.7972000000000000E+04,5.7675250769000002E+01,2.1876930972000000E+01,1.4229908446787761E+01,2.2915528530074646E+01,8.1562598387452812E-01,-3.3477272970719191E-03,1.7766686207771193E-03,4.9740840554035217E-05 -15788 (1993 SB),500,5.7973000000000000E+04,5.7692969284000000E+01,2.1881682394999999E+01,1.4226523011514683E+01,2.2917326761912967E+01,8.1567537281138913E-01,-3.3479349008624613E-03,1.7763282965033104E-03,4.9728389030536683E-05 -15788 (1993 SB),500,5.7974000000000000E+04,5.7710096024000002E+01,2.1886318367000001E+01,1.4223137212151567E+01,2.2919124705605729E+01,8.1572476363559110E-01,-3.3481424630362293E-03,1.7759879079813599E-03,4.9715935773248075E-05 -15788 (1993 SB),500,5.7975000000000000E+04,5.7726627280000002E+01,2.1890838155000001E+01,1.4219751049342104E+01,2.2920922362018537E+01,8.1577415613490079E-01,-3.3483499828165803E-03,1.7756474554464392E-03,4.9703480741495821E-05 -15788 (1993 SB),500,5.7976000000000000E+04,5.7742559311000001E+01,2.1895241015000000E+01,1.4216364522645359E+01,2.2922719732647469E+01,8.1582355042875643E-01,-3.3485574594725002E-03,1.7753069391386687E-03,4.9691023897009076E-05 -15788 (1993 SB),500,5.7977000000000000E+04,5.7757888332000000E+01,2.1899526183999999E+01,1.4212977631105403E+01,2.2924516819290776E+01,8.1587294702080571E-01,-3.3487648923196996E-03,1.7749663592974002E-03,4.9678565203543169E-05 -15788 (1993 SB),500,5.7978000000000000E+04,5.7772610509000003E+01,2.1903692873000001E+01,1.4209590373954979E+01,2.2926313623646625E+01,8.1592234682633535E-01,-3.3489722807213494E-03,1.7746257161550000E-03,4.9666104626453966E-05 -15788 (1993 SB),500,5.7979000000000000E+04,5.7786721976999999E+01,2.1907740263000001E+01,1.4206202751400063E+01,2.2928110146867009E+01,8.1597175117291609E-01,-3.3491796240886201E-03,1.7742850099300086E-03,4.9653642132166783E-05 -15788 (1993 SB),500,5.7980000000000000E+04,5.7800218858000001E+01,2.1911667508000001E+01,1.4202814765463247E+01,2.2929906389080912E+01,8.1602116177389750E-01,-3.3493869218806510E-03,1.7739442408196311E-03,4.9641177687596361E-05 -15788 (1993 SB),500,5.7981000000000000E+04,5.7813097302000003E+01,2.1915473732999999E+01,1.4199426420879782E+01,2.2931702348889541E+01,8.1607058066986149E-01,-3.3495941736040990E-03,1.7736034089914088E-03,4.9628711259412729E-05 -15788 (1993 SB),500,5.7982000000000000E+04,5.7825353542999999E+01,2.1919158042999999E+01,1.4196037726012801E+01,2.2933498022853357E+01,8.1612001012638702E-01,-3.3498013788119240E-03,1.7732625145740599E-03,4.9616242813192290E-05 -15788 (1993 SB),500,5.7983000000000000E+04,5.7836983963999998E+01,2.1922719533999999E+01,1.4192648693660203E+01,2.2935293405043289E+01,8.1616945247467154E-01,-3.3500085371010336E-03,1.7729215576474996E-03,4.9603772312412874E-05 -15788 (1993 SB),500,5.7984000000000000E+04,5.7847985174999998E+01,2.1926157308000001E+01,1.4189259341500465E+01,2.2937088486799251E+01,8.1621890989360035E-01,-3.3502156481095887E-03,1.7725805382311100E-03,4.9591299717233962E-05 -15788 (1993 SB),500,5.7985000000000000E+04,5.7858354095000003E+01,2.1929470494000000E+01,1.4185869691866287E+01,2.2938883256870593E+01,8.1626838415968039E-01,-3.3504227115112514E-03,1.7722394562724904E-03,4.9578824983101905E-05 -15788 (1993 SB),500,5.7986000000000000E+04,5.7868088022000002E+01,2.1932658266000001E+01,1.4182479770653011E+01,2.2940677702045164E+01,8.1631787642383657E-01,-3.3506297270090423E-03,1.7718983116336399E-03,4.9566348059046861E-05 -15788 (1993 SB),500,5.7987000000000000E+04,5.7877184673999999E+01,2.1935719864999999E+01,1.4179089605480137E+01,2.2942471808195805E+01,8.1636738708608314E-01,-3.3508366943263181E-03,1.7715571040766501E-03,4.9553868885721217E-05 -15788 (1993 SB),500,5.7988000000000000E+04,5.7885642206999997E+01,2.1938654610000000E+01,1.4175699223570575E+01,2.2944265561478943E+01,8.1641691581283815E-01,-3.3510436131944342E-03,1.7712158332490388E-03,4.9541387393069763E-05 -15788 (1993 SB),500,5.7989000000000000E+04,5.7893459184999998E+01,2.1941461902000000E+01,1.4172308649955555E+01,2.2946058949341175E+01,8.1646646168619985E-01,-3.3512504833376304E-03,1.7708744986677898E-03,4.9528903497687789E-05 -15788 (1993 SB),500,5.7990000000000000E+04,5.7900634543000002E+01,2.1944141220999999E+01,1.4168917906438647E+01,2.2947851961091519E+01,8.1651602342509999E-01,-3.3514573044531957E-03,1.7705330997036008E-03,4.9516417099714174E-05 -15788 (1993 SB),500,5.7991000000000000E+04,5.7907167528000002E+01,2.1946692122000002E+01,1.4165527011401879E+01,2.2949644587996250E+01,8.1656559960391106E-01,-3.3516640761864936E-03,1.7701916355658091E-03,4.9503928079346735E-05 -15788 (1993 SB),500,5.7992000000000000E+04,5.7913057651000003E+01,2.1949114221999999E+01,1.4162135980233051E+01,2.2951436823024594E+01,8.1661518881574946E-01,-3.3518707981002576E-03,1.7698501052884497E-03,4.9491436292912948E-05 -15788 (1993 SB),500,5.7993000000000000E+04,5.7918304642999999E+01,2.1951407192000001E+01,1.4158744826040518E+01,2.2953228660435279E+01,8.1666478976239554E-01,-3.3520774696372303E-03,1.7695085077191596E-03,4.9478941568563063E-05 -15788 (1993 SB),500,5.7994000000000000E+04,5.7922908425000003E+01,2.1953570750000001E+01,1.4155353560369738E+01,2.2955020095365718E+01,8.1671440128029760E-01,-3.3522840900752525E-03,1.7691668415122600E-03,4.9466443701622634E-05 -15788 (1993 SB),500,5.7995000000000000E+04,5.7926869093999997E+01,2.1955604653999998E+01,1.4151962193748243E+01,2.2956811123520659E+01,8.1676402232405776E-01,-3.3524906584743962E-03,1.7688251051287997E-03,4.9453942449782958E-05 -15788 (1993 SB),500,5.7996000000000000E+04,5.7930186906000003E+01,2.1957508698000002E+01,1.4148570735991489E+01,2.2958601740997814E+01,8.1681365192979394E-01,-3.3526971736159419E-03,1.7684832968458304E-03,4.9441437528290456E-05 -15788 (1993 SB),500,5.7997000000000000E+04,5.7932862268999997E+01,2.1959282714000000E+01,1.4145179196265872E+01,2.2960391944251267E+01,8.1686328917675544E-01,-3.3529036339340649E-03,1.7681414147786498E-03,4.9428928605544451E-05 -15788 (1993 SB),500,5.7998000000000000E+04,5.7934895734999998E+01,2.1960926563000001E+01,1.4141787582942372E+01,2.2962181730173317E+01,8.1691293316127001E-01,-3.3531100374416742E-03,1.7677994569195114E-03,4.9416415299499193E-05 -15788 (1993 SB),500,5.7999000000000000E+04,5.7936287981000000E+01,2.1962440136000001E+01,1.4138395903295880E+01,2.2963971096263130E+01,8.1696258299418678E-01,-3.3533163816539674E-03,1.7674574211973288E-03,4.9403897175551436E-05 -15788 (1993 SB),500,5.8000000000000000E+04,5.7937039794999997E+01,2.1963823348999998E+01,1.4135004163132935E+01,2.2965760040835228E+01,8.1701223783000576E-01,-3.3535226635125915E-03,1.7671153055628021E-03,4.9391373746618468E-05 -15788 (1993 SB),500,5.8001000000000000E+04,5.7937152044000001E+01,2.1965076138000001E+01,1.4131612366460820E+01,2.2967548563203671E+01,8.1706189693189402E-01,-3.3537288793203885E-03,1.7667731081010014E-03,4.9378844476374869E-05 -15788 (1993 SB),500,5.8002000000000000E+04,5.7936625651000000E+01,2.1966198447000000E+01,1.4128220515342056E+01,2.2969336663761087E+01,8.1711155976862071E-01,-3.3539350246937355E-03,1.7664308271773503E-03,4.9366308786864989E-05 -15788 (1993 SB),500,5.8003000000000000E+04,5.7935461558999997E+01,2.1967190223999999E+01,1.4124828610075237E+01,2.2971124343872845E+01,8.1716122612856323E-01,-3.3541410945470739E-03,1.7660884616011001E-03,4.9353766070486784E-05 -15788 (1993 SB),500,5.8004000000000000E+04,5.7933660711000002E+01,2.1968051405000001E+01,1.4121436649789624E+01,2.2972911605538261E+01,8.1721089622460885E-01,-3.3543470831102545E-03,1.7657460108353711E-03,4.9341215708803380E-05 -15788 (1993 SB),500,5.8005000000000000E+04,5.7931224041999997E+01,2.1968781912000001E+01,1.4118044633428886E+01,2.2974698450832975E+01,8.1726057075913650E-01,-3.3545529840184386E-03,1.7654034751918308E-03,4.9328657096747815E-05 -15788 (1993 SB),500,5.8006000000000000E+04,5.7928152482000002E+01,2.1969381642999998E+01,1.4114652560968615E+01,2.2976484881221250E+01,8.1731025092493526E-01,-3.3547587904532486E-03,1.7650608560362581E-03,4.9316089672420253E-05 -15788 (1993 SB),500,5.8007000000000000E+04,5.7924446994999997E+01,2.1969850471000001E+01,1.4111260434628699E+01,2.2978270896872772E+01,8.1735993833548704E-01,-3.3549644953547162E-03,1.7647181559687503E-03,4.9303512951322306E-05 -15788 (1993 SB),500,5.8008000000000000E+04,5.7920108620999997E+01,2.1970188255000000E+01,1.4107868259854746E+01,2.2980056496111068E+01,8.1740963489761320E-01,-3.3551700917025342E-03,1.7643753789470685E-03,4.9290926562286163E-05 -15788 (1993 SB),500,5.8009000000000000E+04,5.7915138542000001E+01,2.1970394840000001E+01,1.4104476045936091E+01,2.2981841675067209E+01,8.1745934265120668E-01,-3.3553755728489400E-03,1.7640325303277093E-03,4.9278330281432952E-05 -15788 (1993 SB),500,5.8010000000000000E+04,5.7909538148999999E+01,2.1970470079999998E+01,1.4101083806238879E+01,2.2983626427550238E+01,8.1750906359950437E-01,-3.3555809328741190E-03,1.7636896168079404E-03,4.9265724060099655E-05 -15788 (1993 SB),500,5.8011000000000000E+04,5.7903309114000002E+01,2.1970413842999999E+01,1.4097691558090592E+01,2.2985410745113274E+01,8.1755879954514354E-01,-3.3557861669284614E-03,1.7633466462612379E-03,4.9253108042850326E-05 -15788 (1993 SB),500,5.8012000000000000E+04,5.7896453457000000E+01,2.1970226040000000E+01,1.4094299322345968E+01,2.2987194617298314E+01,8.1760855193991155E-01,-3.3559912715242011E-03,1.7630036274702502E-03,4.9240482572484735E-05 -15788 (1993 SB),500,5.8013000000000000E+04,5.7888973597000003E+01,2.1969906631000001E+01,1.4090907122631046E+01,2.2988978032061798E+01,8.1765832175723052E-01,-3.3561962447420427E-03,1.7626605697742496E-03,4.9227848180230445E-05 -15788 (1993 SB),500,5.8014000000000000E+04,5.7880872394999997E+01,2.1969455650000000E+01,1.4087514984266779E+01,2.2990760976380152E+01,8.1770810940323679E-01,-3.3564010863261400E-03,1.7623174826627199E-03,4.9215205561327626E-05 -15788 (1993 SB),500,5.8015000000000000E+04,5.7872153171000001E+01,2.1968873209000002E+01,1.4084122932948372E+01,2.2992543436992342E+01,8.1775791468728720E-01,-3.3566057976536609E-03,1.7619743753624108E-03,4.9202555538559369E-05 -15788 (1993 SB),500,5.8016000000000000E+04,5.7862819704000003E+01,2.1968159513000000E+01,1.4080730993369420E+01,2.2994325401172446E+01,8.1780773686639485E-01,-3.3568103815823170E-03,1.7616312564843004E-03,4.9189899019472182E-05 -15788 (1993 SB),500,5.8017000000000000E+04,5.7852876197999997E+01,2.1967314858999998E+01,1.4077339188055472E+01,2.2996106857382969E+01,8.1785757475969134E-01,-3.3570148422215904E-03,1.7612881337131202E-03,4.9177236950098445E-05 -15788 (1993 SB),500,5.8018000000000000E+04,5.7842327247999997E+01,2.1966339632000000E+01,1.4073947536636643E+01,2.2997887795679446E+01,8.1790742690679408E-01,-3.3572191846298143E-03,1.7609450136099603E-03,4.9164570271082274E-05 -15788 (1993 SB),500,5.8019000000000000E+04,5.7831177783999998E+01,2.1965234300999999E+01,1.4070556055654007E+01,2.2999668207813585E+01,8.1795729173145526E-01,-3.3574234144962936E-03,1.7606019015096591E-03,4.9151899880223903E-05 -15788 (1993 SB),500,5.8020000000000000E+04,5.7819433025999999E+01,2.1963999408999999E+01,1.4067164758825649E+01,2.3001448087077506E+01,8.1800716767520887E-01,-3.3576275378357362E-03,1.7602588015131204E-03,4.9139226603875582E-05 -15788 (1993 SB),500,5.8021000000000000E+04,5.7807098439000001E+01,2.1962635561999999E+01,1.4063773657588667E+01,2.3003227427993195E+01,8.1805705328154199E-01,-3.3578315607125783E-03,1.7599157165529584E-03,4.9126551177080570E-05 -15788 (1993 SB),500,5.8022000000000000E+04,5.7794179702000001E+01,2.1961143424999999E+01,1.4060382761711381E+01,2.3005006225963783E+01,8.1810694722913568E-01,-3.3580354890205039E-03,1.7595726485166094E-03,4.9113874233469866E-05 -15788 (1993 SB),500,5.8023000000000000E+04,5.7780682689000002E+01,2.1959523715000000E+01,1.4056992079813394E+01,2.3006784476978233E+01,8.1815684832519842E-01,-3.3582393283190098E-03,1.7592295984006807E-03,4.9101196302975214E-05 -15788 (1993 SB),500,5.8024000000000000E+04,5.7766613448999998E+01,2.1957777192999998E+01,1.4053601619700611E+01,2.3008562177421680E+01,8.1820675547524579E-01,-3.3584430837242879E-03,1.7588865664772812E-03,4.9088517815453922E-05 -15788 (1993 SB),500,5.8025000000000000E+04,5.7751978201000000E+01,2.1955904667999999E+01,1.4050211388479404E+01,2.3010339324011809E+01,8.1825666764561478E-01,-3.3586467598484913E-03,1.7585435524571699E-03,4.9075839108527826E-05 -15788 (1993 SB),500,5.8026000000000000E+04,5.7736783318000001E+01,2.1953906987000000E+01,1.4046821392454042E+01,2.3012115913858707E+01,8.1830658383318455E-01,-3.3588503607790447E-03,1.7582005556401291E-03,4.9063160438037721E-05 -15788 (1993 SB),500,5.8027000000000000E+04,5.7721035311000001E+01,2.1951785037000001E+01,1.4043431636838891E+01,2.3013891944630238E+01,8.1835650305524699E-01,-3.3590538900884967E-03,1.7578575750459013E-03,4.9050481989721396E-05 -15788 (1993 SB),500,5.8028000000000000E+04,5.7704740815000001E+01,2.1949539740999999E+01,1.4040042125348640E+01,2.3015667414787227E+01,8.1840642437145761E-01,-3.3592573508656309E-03,1.7575146095239486E-03,4.9037803891120621E-05 -15788 (1993 SB),500,5.8029000000000000E+04,5.7687906552999998E+01,2.1947172045999999E+01,1.4036652859779043E+01,2.3017442323824024E+01,8.1845634694747116E-01,-3.3594607457581838E-03,1.7571716578399718E-03,4.9025126222604857E-05 -15788 (1993 SB),703,5.7970000000000000E+04,5.7638006656999998E+01,2.1867017148999999E+01,1.4236701493437689E+01,2.2911917398164746E+01,8.1554087973008049E-01,-3.3473119679451914E-03,1.7773490757333442E-03,4.9765738577662309E-05 -15788 (1993 SB),703,5.7971000000000000E+04,5.7656898734000002E+01,2.1871996970000001E+01,1.4233317110520861E+01,2.2913716038208921E+01,8.1559014415967479E-01,-3.3475196524632295E-03,1.7770088806157540E-03,4.9753290388742088E-05 -15788 (1993 SB),703,5.7972000000000000E+04,5.7675206451999998E+01,2.1876862807999998E+01,1.4229932350628141E+01,2.2915514395151966E+01,8.1563940767524024E-01,-3.3477272970484397E-03,1.7766686208158314E-03,4.9740840555560771E-05 -15788 (1993 SB),703,5.7973000000000000E+04,5.7692926104000001E+01,2.1881613931000000E+01,1.4226547217388434E+01,2.2917312468092462E+01,8.1568866966610243E-01,-3.3479349008374397E-03,1.7763282965431292E-03,4.9728389031862689E-05 -15788 (1993 SB),703,5.7974000000000000E+04,5.7710053995000003E+01,2.1886249609000000E+01,1.4223161712811832E+01,2.2919110257076238E+01,8.1573792970366343E-01,-3.3481424630117211E-03,1.7759879080213800E-03,4.9715935774766961E-05 -15788 (1993 SB),703,5.7975000000000000E+04,5.7726586416000004E+01,2.1890769110000001E+01,1.4219775837447617E+01,2.2920907762999889E+01,8.1578718762037805E-01,-3.3483499827915708E-03,1.7756474554871012E-03,4.9703480743005993E-05 -15788 (1993 SB),703,5.7976000000000000E+04,5.7742519627000000E+01,2.1895171689000001E+01,1.4216389590762892E+01,2.2922704987389405E+01,8.1583644358126528E-01,-3.3485574594470102E-03,1.7753069391799603E-03,4.9691023898510519E-05 -15788 (1993 SB),703,5.7977000000000000E+04,5.7757849841000002E+01,2.1899456582999999E+01,1.4213002971712196E+01,2.2924501932071930E+01,8.1588569813664535E-01,-3.3487648922944403E-03,1.7749663593389208E-03,4.9678565205195432E-05 -15788 (1993 SB),703,5.7978000000000000E+04,5.7772573225000002E+01,2.1903623004000000E+01,1.4209615979441022E+01,2.2926298598773407E+01,8.1593495224978896E-01,-3.3489722806960501E-03,1.7746257161968797E-03,4.9666104628194965E-05 -15788 (1993 SB),703,5.7979000000000000E+04,5.7786685912000003E+01,2.1907670133000000E+01,1.4206228614070518E+01,2.2928094988672729E+01,8.1598420729768650E-01,-3.3491796240620302E-03,1.7742850099729292E-03,4.9653642133695426E-05 -15788 (1993 SB),703,5.7980000000000000E+04,5.7800184024000004E+01,2.1911597123000000E+01,1.4202840877540787E+01,2.2929891101924685E+01,8.1603346504470164E-01,-3.3493869218545903E-03,1.7739442408625499E-03,4.9641177689353263E-05 -15788 (1993 SB),703,5.7981000000000000E+04,5.7813063714000002E+01,2.1915403100999999E+01,1.4199452774507030E+01,2.2931686937155373E+01,8.1608272758398692E-01,-3.3495941735773409E-03,1.7736034090350405E-03,4.9628711261081417E-05 -15788 (1993 SB),703,5.7982000000000000E+04,5.7825321211999999E+01,2.1919087170000001E+01,1.4196064313254878E+01,2.2933482490949107E+01,8.1613199723515695E-01,-3.3498013787847461E-03,1.7732625146182190E-03,4.9616242814843530E-05 -15788 (1993 SB),703,5.7983000000000000E+04,5.7836952900999997E+01,2.1922648427999999E+01,1.4192675506507378E+01,2.2935277757399763E+01,8.1618127638448890E-01,-3.3500085370737256E-03,1.7729215576920195E-03,4.9603772314118995E-05 -15788 (1993 SB),703,5.7984000000000000E+04,5.7847955392000003E+01,2.1926085976000000E+01,1.4189286371870841E+01,2.2937072727869172E+01,8.1623056726665899E-01,-3.3502156480816319E-03,1.7725805382763204E-03,4.9591299718843142E-05 -15788 (1993 SB),703,5.7985000000000000E+04,5.7858325602999997E+01,2.1929398941999999E+01,1.4185896931608838E+01,2.2938867391127669E+01,8.1627987171428762E-01,-3.3504227114838272E-03,1.7722394563175602E-03,4.9578824984963975E-05 -15788 (1993 SB),703,5.7986000000000000E+04,5.7868060831999998E+01,2.1932586503000000E+01,1.4182507211550528E+01,2.2940661733983134E+01,8.1632919093456546E-01,-3.3506297269812555E-03,1.7718983116791608E-03,4.9566348060888413E-05 -15788 (1993 SB),703,5.7987000000000000E+04,5.7877158797000000E+01,2.1935647897999999E+01,1.4179117239252200E+01,2.2942455742327560E+01,8.1637852538392586E-01,-3.3508366942972944E-03,1.7715571041233003E-03,4.9553868887245761E-05 -15788 (1993 SB),703,5.7988000000000000E+04,5.7885617652000001E+01,2.1938582447000002E+01,1.4175727041876364E+01,2.2944249402335789E+01,8.1642787478553536E-01,-3.3510436131654556E-03,1.7712158332958503E-03,4.9541387394689710E-05 -15788 (1993 SB),703,5.7989000000000000E+04,5.7893435963000002E+01,2.1941389550000000E+01,1.4172336644396475E+01,2.2946042701472180E+01,8.1647723827911367E-01,-3.3512504833096684E-03,1.7708744987139508E-03,4.9528903499746838E-05 -15788 (1993 SB),703,5.7990000000000000E+04,5.7900612662999997E+01,2.1944068688000002E+01,1.4168946068560977E+01,2.2947835629062851E+01,8.1652661464228615E-01,-3.3514573044237175E-03,1.7705330997511703E-03,4.9516417101311543E-05 -15788 (1993 SB),703,5.7991000000000000E+04,5.7907147000000002E+01,2.1946619416000001E+01,1.4165555332699407E+01,2.2949628176390473E+01,8.1657600250931761E-01,-3.3516640761579036E-03,1.7701916356127403E-03,4.9503928081355511E-05 -15788 (1993 SB),703,5.7992000000000000E+04,5.7913038481999997E+01,2.1949041351000002E+01,1.4162164452149765E+01,2.2951420336439934E+01,8.1662540053426680E-01,-3.3518707980710319E-03,1.7698501053360800E-03,4.9491436294754500E-05 -15788 (1993 SB),703,5.7993000000000000E+04,5.7918286842000001E+01,2.1951334163999999E+01,1.4158773439973372E+01,2.2953212103484834E+01,8.1667480748092447E-01,-3.3520774696078484E-03,1.7695085077670189E-03,4.9478941570413851E-05 -15788 (1993 SB),703,5.7994000000000000E+04,5.7922891999999997E+01,2.1953497573000000E+01,1.4155382307671392E+01,2.2955003472676673E+01,8.1672422224855912E-01,-3.3522840900450587E-03,1.7691668415610214E-03,4.9466443703206660E-05 -15788 (1993 SB),703,5.7995000000000000E+04,5.7926854053000000E+01,2.1955531336000000E+01,1.4151991065729890E+01,2.2956794439733503E+01,8.1677364385529261E-01,-3.3524906584446214E-03,1.7688251051772401E-03,4.9453942451609107E-05 -15788 (1993 SB),703,5.7996000000000000E+04,5.7930173256000003E+01,2.1957435247999999E+01,1.4148599723925713E+01,2.2958585000765485E+01,8.1682307140144128E-01,-3.3526971735864863E-03,1.7684832968940210E-03,4.9441437530319744E-05 -15788 (1993 SB),703,5.7997000000000000E+04,5.7932850017000000E+01,2.1959209139999999E+01,1.4145208291389443E+01,2.2960375152238285E+01,8.1687250403098677E-01,-3.3529036339043881E-03,1.7681414148271197E-03,4.9428928607536814E-05 -15788 (1993 SB),703,5.7998000000000000E+04,5.7934884887000003E+01,2.1960852873000000E+01,1.4141816776459146E+01,2.2962164891055028E+01,8.1692194090539982E-01,-3.3531100374115811E-03,1.7677994569684791E-03,4.9416415301349980E-05 -15788 (1993 SB),703,5.7999000000000000E+04,5.7936278543000000E+01,2.1962366338999999E+01,1.4138425186379678E+01,2.2963954214724826E+01,8.1697138120104840E-01,-3.3533163816235880E-03,1.7674574212466904E-03,4.9403897177306806E-05 -15788 (1993 SB),703,5.8000000000000000E+04,5.7937031771999997E+01,2.1963749453999998E+01,1.4135033526930417E+01,2.2965743121571268E+01,8.1702082413825672E-01,-3.3535226634826424E-03,1.7671153056116919E-03,4.9391373748633390E-05 -15788 (1993 SB),703,5.8001000000000000E+04,5.7937145442000002E+01,2.1965002153000000E+01,1.4131641802094469E+01,2.2967531610916630E+01,8.1707026904624369E-01,-3.3537288792902711E-03,1.7667731081501097E-03,4.9378844478345691E-05 -15788 (1993 SB),703,5.8002000000000000E+04,5.7936620474000001E+01,2.1966124381000000E+01,1.4128250013913167E+01,2.2969319683160784E+01,8.1711971545995810E-01,-3.3539350246631870E-03,1.7664308272270311E-03,4.9366308788629589E-05 -15788 (1993 SB),703,5.8003000000000000E+04,5.7935457812000003E+01,2.1967116085000001E+01,1.4124858162666838E+01,2.2971107339675452E+01,8.1716916323399669E-01,-3.3541410945165879E-03,1.7660884616507097E-03,4.9353766072308840E-05 -15788 (1993 SB),703,5.8004000000000000E+04,5.7933658397999999E+01,2.1967977203000000E+01,1.4121466247469399E+01,2.2972894582465344E+01,8.1721861264754259E-01,-3.3543470830799281E-03,1.7657460108847795E-03,4.9341215710736234E-05 -15788 (1993 SB),703,5.8005000000000000E+04,5.7931223164999999E+01,2.1968707654999999E+01,1.4118074267252005E+01,2.2974681413610647E+01,8.1726806446969702E-01,-3.3545529839880961E-03,1.7654034752412687E-03,4.9328657098681693E-05 -15788 (1993 SB),703,5.8006000000000000E+04,5.7928153045999998E+01,2.1969307340000000E+01,1.4114682221980662E+01,2.2976467834579203E+01,8.1731751996063928E-01,-3.3547587904229912E-03,1.7650608560855693E-03,4.9316089674412624E-05 -15788 (1993 SB),703,5.8007000000000000E+04,5.7924449000999999E+01,2.1969776131000000E+01,1.4111290113868497E+01,2.2978253845543367E+01,8.1736698080205961E-01,-3.3549644953238811E-03,1.7647181560189410E-03,4.9303512952927894E-05 -15788 (1993 SB),703,5.8008000000000000E+04,5.7920112072000002E+01,2.1970113887000000E+01,1.4107897948357227E+01,2.2980039444828446E+01,8.1741644896998755E-01,-3.3551700916721375E-03,1.7643753789965810E-03,4.9290926564167721E-05 -15788 (1993 SB),703,5.8009000000000000E+04,5.7915143438999998E+01,2.1970320453999999E+01,1.4104505734735156E+01,2.2981824628566482E+01,8.1746592657436257E-01,-3.3553755728190512E-03,1.7640325303763891E-03,4.9278330283658196E-05 -15788 (1993 SB),703,5.8010000000000000E+04,5.7909544494000002E+01,2.1970395683000000E+01,1.4101113486370416E+01,2.2983609390566571E+01,8.1751541568929464E-01,-3.3555809328435818E-03,1.7636896168577304E-03,4.9265724061808859E-05 -15788 (1993 SB),703,5.8011000000000000E+04,5.7903316908000001E+01,2.1970339446000001E+01,1.4097721220595572E+01,2.2985393722381005E+01,8.1756491818864130E-01,-3.3557861668982105E-03,1.7633466463105284E-03,4.9253108044730868E-05 -15788 (1993 SB),703,5.8012000000000000E+04,5.7896462698999997E+01,2.1970151650999998E+01,1.4094328958273643E+01,2.2987177613550109E+01,8.1761443559538349E-01,-3.3559912714940937E-03,1.7630036275193099E-03,4.9240482574416567E-05 -15788 (1993 SB),703,5.8013000000000000E+04,5.7888984288000003E+01,2.1969832260000000E+01,1.4090936723042141E+01,2.2988961052027765E+01,8.1766396895389026E-01,-3.3561962447120168E-03,1.7626605698231705E-03,4.9227848182161240E-05 -15788 (1993 SB),703,5.8014000000000000E+04,5.7880884533000000E+01,2.1969381304999999E+01,1.4087544540236680E+01,2.2990744024787027E+01,8.1771351874079912E-01,-3.3564010862961432E-03,1.7623174827116218E-03,4.9215205563195862E-05 -15788 (1993 SB),703,5.8015000000000000E+04,5.7872166755999999E+01,2.1968798899999999E+01,1.4084152435570223E+01,2.2992526518562780E+01,8.1776308483544791E-01,-3.3566057976238345E-03,1.7619743754110091E-03,4.9202555540479905E-05 -15788 (1993 SB),703,5.8016000000000000E+04,5.7862834734000003E+01,2.1968085250000001E+01,1.4080760433757170E+01,2.2994308520624262E+01,8.1781266656458873E-01,-3.3568103815523678E-03,1.7616312565332595E-03,4.9189899021147531E-05 -15788 (1993 SB),703,5.8017000000000000E+04,5.7852892670999999E+01,2.1967240650000001E+01,1.4077368557346679E+01,2.2996090019428436E+01,8.1786226281708185E-01,-3.3570148421917254E-03,1.7612881337619995E-03,4.9177236951706073E-05 -15788 (1993 SB),703,5.8018000000000000E+04,5.7842345162000001E+01,2.1966265487000001E+01,1.4073976825995347E+01,2.2997871005024621E+01,8.1791187220266925E-01,-3.3572191846002698E-03,1.7609450136581908E-03,4.9164570272863300E-05 -15788 (1993 SB),703,5.8019000000000000E+04,5.7831197134999996E+01,2.1965160229999999E+01,1.4070585256273523E+01,2.2999651469157531E+01,8.1796149321556810E-01,-3.3574234144673316E-03,1.7606019015565088E-03,4.9151899882489154E-05 -15788 (1993 SB),703,5.8020000000000000E+04,5.7819453811000002E+01,2.1963925419999999E+01,1.4067193861931369E+01,2.3001431405111472E+01,8.1801112436824441E-01,-3.3576275378064241E-03,1.7602588015610994E-03,4.9139226605513987E-05 -15788 (1993 SB),703,5.8021000000000000E+04,5.7807120654000002E+01,2.1962561663999999E+01,1.4063802654440771E+01,2.3003210807399864E+01,8.1806076427543917E-01,-3.3578315606834072E-03,1.7599157166008003E-03,4.9126551178650251E-05 -15788 (1993 SB),703,5.8022000000000000E+04,5.7794203342000003E+01,2.1961069629000001E+01,1.4060411643607573E+01,2.3004989671416425E+01,8.1811041168731147E-01,-3.3580354889917599E-03,1.7595726485634296E-03,4.9113874235337059E-05 -15788 (1993 SB),703,5.8023000000000000E+04,5.7780707749999998E+01,2.1959450027999999E+01,1.4057020838091727E+01,2.3006767993139736E+01,8.1816006548282993E-01,-3.3582393282903418E-03,1.7592295984476085E-03,4.9101196304645434E-05 -15788 (1993 SB),703,5.8024000000000000E+04,5.7766639925000000E+01,2.1957703627000001E+01,1.4053630245742202E+01,2.3008545768943680E+01,8.1820972463919095E-01,-3.3584430836959998E-03,1.7588865665232600E-03,4.9088517817365214E-05 -15788 (1993 SB),703,5.8025000000000000E+04,5.7752006086000002E+01,2.1955831230000001E+01,1.4050239873711135E+01,2.3010322995533809E+01,8.1825938819443667E-01,-3.3586467598201311E-03,1.7585435525039605E-03,4.9075839109918986E-05 -15788 (1993 SB),703,5.8026000000000000E+04,5.7736812604999997E+01,2.1953833686999999E+01,1.4046849728351283E+01,2.3012099670007085E+01,8.1830905521695696E-01,-3.3588503607511460E-03,1.7582005556856500E-03,4.9063160439796181E-05 -15788 (1993 SB),703,5.8027000000000000E+04,5.7721065994999996E+01,2.1951711884000002E+01,1.4043459814928113E+01,2.3013875790017369E+01,8.1835872479537297E-01,-3.3590538900609103E-03,1.7578575750907214E-03,4.9050481991588581E-05 -15788 (1993 SB),703,5.8028000000000000E+04,5.7704772886999997E+01,2.1949466743999999E+01,1.4040070137210034E+01,2.3015651354010522E+01,8.1840839606044169E-01,-3.3592573508381333E-03,1.7575146095692284E-03,4.9037803892595901E-05 -15788 (1993 SB),703,5.8029000000000000E+04,5.7687940003999998E+01,2.1947099215000001E+01,1.4036680697049292E+01,2.3017426361464850E+01,8.1845806824873391E-01,-3.3594607457311239E-03,1.7571716578839210E-03,4.9025126224443325E-05 -15788 (1993 SB),F51,5.7970000000000000E+04,5.7637964177999997E+01,2.1867050147000000E+01,1.4236680898883904E+01,2.2911929125139856E+01,8.1554285446571451E-01,-3.3473119679680013E-03,1.7773490756970711E-03,4.9765738576201380E-05 -15788 (1993 SB),F51,5.7971000000000000E+04,5.7656855358999998E+01,2.1872029738999998E+01,1.4233296764112398E+01,2.2913727607216980E+01,8.1559232772282897E-01,-3.3475196524857705E-03,1.7770088805808149E-03,4.9753290386985179E-05 -15788 (1993 SB),F51,5.7972000000000000E+04,5.7675162190999998E+01,2.1876895343000001E+01,1.4229912258311144E+01,2.2915525803288251E+01,8.1564179918855351E-01,-3.3477272970705400E-03,1.7766686207809999E-03,4.9740840554036756E-05 -15788 (1993 SB),F51,5.7973000000000000E+04,5.7692880967999997E+01,2.1881646226000001E+01,1.4226527385032160E+01,2.2917323712496891E+01,8.1569126818925319E-01,-3.3479349008589711E-03,1.7763282965079386E-03,4.9728389030778792E-05 -15788 (1993 SB),F51,5.7974000000000000E+04,5.7710007996000002E+01,2.1886281658000001E+01,1.4223142146206765E+01,2.2919121334933862E+01,8.1574073423400717E-01,-3.3481424630330096E-03,1.7759879079875408E-03,4.9715935773393250E-05 -15788 (1993 SB),F51,5.7975000000000000E+04,5.7726539566000000E+01,2.1890800907999999E+01,1.4219756542303502E+01,2.2920918671541315E+01,8.1579019709368228E-01,-3.3483499828124395E-03,1.7756474554537702E-03,4.9703480741708190E-05 -15788 (1993 SB),F51,5.7976000000000000E+04,5.7742471936000001E+01,2.1895203232000000E+01,1.4216370572706941E+01,2.2922715723891205E+01,8.1583965687255910E-01,-3.3485574594674487E-03,1.7753069391471601E-03,4.9691023897289132E-05 -15788 (1993 SB),F51,5.7977000000000000E+04,5.7757801321000002E+01,2.1899487864000001E+01,1.4212984236287213E+01,2.2924512493857037E+01,8.1588911406110576E-01,-3.3487648923145891E-03,1.7749663593072708E-03,4.9678565203789906E-05 -15788 (1993 SB),F51,5.7978000000000000E+04,5.7772523888999999E+01,2.1903654018000001E+01,1.4209597532103640E+01,2.2926308983211520E+01,8.1593856956350064E-01,-3.3489722807158503E-03,1.7746257161661404E-03,4.9666104626712501E-05 -15788 (1993 SB),F51,5.7979000000000000E+04,5.7786635773000000E+01,2.1907700875000000E+01,1.4206210460189327E+01,2.2928105193180727E+01,8.1598802469833365E-01,-3.3491796240811712E-03,1.7742850099420407E-03,4.9653642132594609E-05 -15788 (1993 SB),F51,5.7980000000000000E+04,5.7800133096000003E+01,2.1911627588999998E+01,1.4202823022394623E+01,2.2929901123966985E+01,8.1603748117202835E-01,-3.3493869218735213E-03,1.7739442408330700E-03,4.9641177687972878E-05 -15788 (1993 SB),F51,5.7981000000000000E+04,5.7813012006999998E+01,2.1915433283999999E+01,1.4199435223283178E+01,2.2931696774244312E+01,8.1608694102010670E-01,-3.3495941735957099E-03,1.7736034090059093E-03,4.9628711259881070E-05 -15788 (1993 SB),F51,5.7982000000000000E+04,5.7825268741000002E+01,2.1919117066999998E+01,1.4196047071047412E+01,2.2933492140645281E+01,8.1613640650468033E-01,-3.3498013788026450E-03,1.7732625145896810E-03,4.9616242813720120E-05 -15788 (1993 SB),F51,5.7983000000000000E+04,5.7836899680000002E+01,2.1922678032000000E+01,1.4192658578315459E+01,2.2935287217312290E+01,8.1618587995463820E-01,-3.3500085370912116E-03,1.7729215576643090E-03,4.9603772312971496E-05 -15788 (1993 SB),F51,5.7984000000000000E+04,5.7847901434999997E+01,2.1926115283000001E+01,1.4189269762596949E+01,2.2937081995656083E+01,8.1623536354739235E-01,-3.3502156480985246E-03,1.7725805382490106E-03,4.9591299717870558E-05 -15788 (1993 SB),F51,5.7985000000000000E+04,5.7858270924000003E+01,2.1929427948000001E+01,1.4185880646057111E+01,2.2938876464496129E+01,8.1628485905878956E-01,-3.3504227115005499E-03,1.7722394562916903E-03,4.9578824983720537E-05 -15788 (1993 SB),F51,5.7986000000000000E+04,5.7868005445000001E+01,2.1932615202000001E+01,1.4182491254424871E+01,2.2940670610689796E+01,8.1633436763998646E-01,-3.3506297269974630E-03,1.7718983116539293E-03,4.9566348059722936E-05 -15788 (1993 SB),F51,5.7987000000000000E+04,5.7877102718000003E+01,2.1935676287000000E+01,1.4179101615154590E+01,2.2942464420178840E+01,8.1638388969254516E-01,-3.3508366943125999E-03,1.7715571040979195E-03,4.9553868886500934E-05 -15788 (1993 SB),F51,5.7988000000000000E+04,5.7885560894999998E+01,2.1938610520000001E+01,1.4175711755305294E+01,2.2944257879188040E+01,8.1643342488614956E-01,-3.3510436131803847E-03,1.7712158332714705E-03,4.9541387393876146E-05 -15788 (1993 SB),F51,5.7989000000000000E+04,5.7893378542999997E+01,2.1941417302000001E+01,1.4172321699745265E+01,2.2946050975231969E+01,8.1648297230819955E-01,-3.3512504833246842E-03,1.7708744986914705E-03,4.9528903498482882E-05 -15788 (1993 SB),F51,5.7990000000000000E+04,5.7900554595999999E+01,2.1944096117000001E+01,1.4168931470116165E+01,2.2947843697687237E+01,8.1653253068506437E-01,-3.3514573044375988E-03,1.7705330997282703E-03,4.9516417100599554E-05 -15788 (1993 SB),F51,5.7991000000000000E+04,5.7907088301000002E+01,2.1946646516000001E+01,1.4165541084639305E+01,2.2949636037887284E+01,8.1658209860055964E-01,-3.3516640761718404E-03,1.7701916355916409E-03,4.9503928080246474E-05 -15788 (1993 SB),F51,5.7992000000000000E+04,5.7912979169000003E+01,2.1949068118000000E+01,1.4162150558543157E+01,2.2951427988867955E+01,8.1663167465900233E-01,-3.3518707980842149E-03,1.7698501053153414E-03,4.9491436293867067E-05 -15788 (1993 SB),F51,5.7993000000000000E+04,5.7918226928999999E+01,2.1951360594000001E+01,1.4158759904778108E+01,2.2953219544954152E+01,8.1668125757496812E-01,-3.3520774696205284E-03,1.7695085077471112E-03,4.9478941569558225E-05 -15788 (1993 SB),F51,5.7994000000000000E+04,5.7922831504999998E+01,2.1953523660999998E+01,1.4155369134733199E+01,2.2955010701348847E+01,8.1673084619911374E-01,-3.3522840900568184E-03,1.7691668415412993E-03,4.9466443702652667E-05 -15788 (1993 SB),F51,5.7995000000000000E+04,5.7926792992000003E+01,2.1955557078999998E+01,1.4151978258781146E+01,2.2956801453821875E+01,8.1678043950152057E-01,-3.3524906584562102E-03,1.7688251051588711E-03,4.9453942450858120E-05 -15788 (1993 SB),F51,5.7996000000000000E+04,5.7930111646000000E+01,2.1957460642000001E+01,1.4148587286584197E+01,2.2958591798535434E+01,8.1683003653506914E-01,-3.3526971735978392E-03,1.7684832968769201E-03,4.9441437529421029E-05 -15788 (1993 SB),F51,5.7997000000000000E+04,5.7932787875999999E+01,2.1959234180999999E+01,1.4145196227157260E+01,2.2960381732007519E+01,8.1687963639694017E-01,-3.3529036339151512E-03,1.7681414148107612E-03,4.9428928606715043E-05 -15788 (1993 SB),F51,5.7998000000000000E+04,5.7934822232000002E+01,2.1960877558000000E+01,1.4141805088721767E+01,2.2962171251193691E+01,8.1692923820253949E-01,-3.3531100374215913E-03,1.7677994569526689E-03,4.9416415300693374E-05 -15788 (1993 SB),F51,5.7999000000000000E+04,5.7936215392000001E+01,2.1962390663000001E+01,1.4138413878404887E+01,2.2963960353655821E+01,8.1697884108282859E-01,-3.3533163816329113E-03,1.7674574212315410E-03,4.9403897176767165E-05 -15788 (1993 SB),F51,5.8000000000000000E+04,5.7936968141999998E+01,2.1963773414999999E+01,1.4135022601867268E+01,2.2965749037770514E+01,8.1702844421348164E-01,-3.3535226634918225E-03,1.7671153055979095E-03,4.9391373747916264E-05 -15788 (1993 SB),F51,5.8001000000000000E+04,5.7937081352000000E+01,2.1965025745999998E+01,1.4131631262972302E+01,2.2967537302913335E+01,8.1707804687983765E-01,-3.3537288792988311E-03,1.7667731081371010E-03,4.9378844477703451E-05 -15788 (1993 SB),F51,5.8002000000000000E+04,5.7936555941999998E+01,2.1966147604000000E+01,1.4128239863640713E+01,2.2969325149537688E+01,8.1712764857394904E-01,-3.3539350246708762E-03,1.7664308272145289E-03,4.9366308788186387E-05 -15788 (1993 SB),F51,5.8003000000000000E+04,5.7935392856000000E+01,2.1967138935000001E+01,1.4124848404031379E+01,2.2971112579069043E+01,8.1717724910864986E-01,-3.3541410945238095E-03,1.7660884616391998E-03,4.9353766071853339E-05 -15788 (1993 SB),F51,5.8004000000000000E+04,5.7933593037999998E+01,2.1967999676000002E+01,1.4121456883136078E+01,2.2972899593566051E+01,8.1722684872262041E-01,-3.3543470830867672E-03,1.7657460108743590E-03,4.9341215710235577E-05 -15788 (1993 SB),F51,5.8005000000000000E+04,5.7931157419000002E+01,2.1968729749000001E+01,1.4118065299762968E+01,2.2974686195163084E+01,8.1727644814572287E-01,-3.3545529839943840E-03,1.7654034752317485E-03,4.9328657098215920E-05 -15788 (1993 SB),F51,5.8006000000000000E+04,5.7928086933000003E+01,2.1969329050999999E+01,1.4114673653754203E+01,2.2976472385382461E+01,8.1732604860012281E-01,-3.3547587904288146E-03,1.7650608560770397E-03,4.9316089673940691E-05 -15788 (1993 SB),F51,5.8007000000000000E+04,5.7924382541000000E+01,2.1969797457999999E+01,1.4111281947198437E+01,2.2978258164451230E+01,8.1737565173057902E-01,-3.3549644953285046E-03,1.7647181560107011E-03,4.9303512952758610E-05 -15788 (1993 SB),F51,5.8008000000000000E+04,5.7920045283999997E+01,2.1970134825999999E+01,1.4107890185412174E+01,2.2980043530749629E+01,8.1742525947701461E-01,-3.3551700916766565E-03,1.7643753789897115E-03,4.9290926563842515E-05 -15788 (1993 SB),F51,5.8009000000000000E+04,5.7915076343000003E+01,2.1970341003000001E+01,1.4104498377557917E+01,2.2981828480464806E+01,8.1747487391389773E-01,-3.3553755728235766E-03,1.7640325303709403E-03,4.9278330283142163E-05 -15788 (1993 SB),F51,5.8010000000000000E+04,5.7909477109000001E+01,2.1970415840000001E+01,1.4101106536877298E+01,2.2983613007461255E+01,8.1752449708024710E-01,-3.3555809328466761E-03,1.7636896168524395E-03,4.9265724061661129E-05 -15788 (1993 SB),F51,5.8011000000000000E+04,5.7903249254999999E+01,2.1970359208000001E+01,1.4097714680575843E+01,2.2985397103346877E+01,8.1757413081527974E-01,-3.3557861669010242E-03,1.7633466463064292E-03,4.9253108044508240E-05 -15788 (1993 SB),F51,5.8012000000000000E+04,5.7896394798000003E+01,2.1970171016999998E+01,1.4094322829389009E+01,2.2987180757717791E+01,8.1762377660785701E-01,-3.3559912714964356E-03,1.7630036275162204E-03,4.9240482574191886E-05 -15788 (1993 SB),F51,5.8013000000000000E+04,5.7888916158999997E+01,2.1969851226999999E+01,1.4090931006826175E+01,2.2988963958583945E+01,8.1767343546897087E-01,-3.3561962447137858E-03,1.7626605698210177E-03,4.9227848181972480E-05 -15788 (1993 SB),F51,5.8014000000000000E+04,5.7880816197000001E+01,2.1969399872000000E+01,1.4087539238094363E+01,2.2990746692974692E+01,8.1772310784288682E-01,-3.3564010862972343E-03,1.7623174827103294E-03,4.9215205563076851E-05 -15788 (1993 SB),F51,5.8015000000000000E+04,5.7872098233000003E+01,2.1968817065000000E+01,1.4084147548777597E+01,2.2992528947681311E+01,8.1777279357787946E-01,-3.3566057976244525E-03,1.7619743754107280E-03,4.9202555540365013E-05 -15788 (1993 SB),F51,5.8016000000000000E+04,5.7862766045000001E+01,2.1968103010000000E+01,1.4080755963460923E+01,2.2994310710029740E+01,8.1782249197101331E-01,-3.3568103815519888E-03,1.7616312565336290E-03,4.9189899021196775E-05 -15788 (1993 SB),F51,5.8017000000000000E+04,5.7852823837000003E+01,2.1967258005000001E+01,1.4077364504563812E+01,2.2996091968533893E+01,8.1787220188286192E-01,-3.3570148421906538E-03,1.7612881337632485E-03,4.9177236951816872E-05 -15788 (1993 SB),F51,5.8018000000000000E+04,5.7842276202999997E+01,2.1966282436000000E+01,1.4073973191612691E+01,2.2997872713300360E+01,8.1792192189608348E-01,-3.3572191845989380E-03,1.7609450136606211E-03,4.9164570272916636E-05 -15788 (1993 SB),F51,5.8019000000000000E+04,5.7831128073999999E+01,2.1965176769999999E+01,1.4070582041047512E+01,2.2999652936131429E+01,8.1797165047894060E-01,-3.3574234144662951E-03,1.7606019015604501E-03,4.9151899882332188E-05 -15788 (1993 SB),F51,5.8020000000000000E+04,5.7819384667999998E+01,2.1963941552000001E+01,1.4067191066487881E+01,2.3001432630369226E+01,8.1802138611886321E-01,-3.3576275378037019E-03,1.7602588015653009E-03,4.9139226605695578E-05 -15788 (1993 SB),F51,5.8021000000000000E+04,5.7807051450000003E+01,2.1962577387000000E+01,1.4063800279275139E+01,2.3003211790585222E+01,8.1807112740638432E-01,-3.3578315606799872E-03,1.7599157166059021E-03,4.9126551178891357E-05 -15788 (1993 SB),F51,5.8022000000000000E+04,5.7794134098999997E+01,2.1961084939999999E+01,1.4060409689084524E+01,2.3004990412231447E+01,8.1812087306820624E-01,-3.3580354889883191E-03,1.7595726485698012E-03,4.9113874235474536E-05 -15788 (1993 SB),F51,5.8023000000000000E+04,5.7780638488999998E+01,2.1959464928999999E+01,1.4057019304445282E+01,2.3006768491345131E+01,8.1817062196051493E-01,-3.3582393282859772E-03,1.7592295984547503E-03,4.9101196304897809E-05 -15788 (1993 SB),F51,5.8024000000000000E+04,5.7766570668000000E+01,2.1957718114999999E+01,1.4053629133075953E+01,2.3008546024358989E+01,8.1822037303854489E-01,-3.3584430836915151E-03,1.7588865665316197E-03,4.9088517817547841E-05 -15788 (1993 SB),F51,5.8025000000000000E+04,5.7751936854999997E+01,2.1955845307000001E+01,1.4050239181998306E+01,2.3010323008037624E+01,8.1827012531906995E-01,-3.3586467598141307E-03,1.7585435525127903E-03,4.9075839110343736E-05 -15788 (1993 SB),F51,5.8026000000000000E+04,5.7736743421000000E+01,2.1953847351000000E+01,1.4046849457435060E+01,2.3012099439537231E+01,8.1831987785002713E-01,-3.3588503607452618E-03,1.7582005556957981E-03,4.9063160440101906E-05 -15788 (1993 SB),F51,5.8027000000000000E+04,5.7720996880000001E+01,2.1951725137000000E+01,1.4043459964522002E+01,2.3013875316571109E+01,8.1836962970035143E-01,-3.3590538900546839E-03,1.7578575751019294E-03,4.9050481991887130E-05 -15788 (1993 SB),F51,5.8028000000000000E+04,5.7704703862999999E+01,2.1949479583999999E+01,1.4040070706898080E+01,2.3015650637644779E+01,8.1841937998185854E-01,-3.3592573508306085E-03,1.7575146095810696E-03,4.9037803893064758E-05 -15788 (1993 SB),F51,5.8029000000000000E+04,5.7687871092999998E+01,2.1947111643000000E+01,1.4036681686286233E+01,2.3017425402296514E+01,8.1846912791294357E-01,-3.3594607457237409E-03,1.7571716578970286E-03,4.9025126224814725E-05 -15788 (1993 SB),I11,5.7970000000000000E+04,5.7638060608000004E+01,2.1867097521000002E+01,1.4236709265543285E+01,2.2911913194257938E+01,8.1553373228728676E-01,-3.3473119679163395E-03,1.7773490757791964E-03,4.9765738579403835E-05 -15788 (1993 SB),I11,5.7971000000000000E+04,5.7656952986000000E+01,2.1872077702999999E+01,1.4233324548803045E+01,2.2913712033058868E+01,8.1558287085100811E-01,-3.3475196524343793E-03,1.7770088806604249E-03,4.9753290390654939E-05 -15788 (1993 SB),I11,5.7972000000000000E+04,5.7675260987999998E+01,2.1876943906000001E+01,1.4229939452975891E+01,2.2915510589516419E+01,8.1563201081250924E-01,-3.3477272970203597E-03,1.7766686208600599E-03,4.9740840557313580E-05 -15788 (1993 SB),I11,5.7973000000000000E+04,5.7692980910000003E+01,2.1881695395000001E+01,1.4226553981794531E+01,2.2917308862678698E+01,8.1568115159613586E-01,-3.3479349008104387E-03,1.7763282965872207E-03,4.9728389033327209E-05 -15788 (1993 SB),I11,5.7974000000000000E+04,5.7710109056000000E+01,2.1886331441999999E+01,1.4223168137373557E+01,2.2919106852541077E+01,8.1573029280753173E-01,-3.3481424629847305E-03,1.7759879080642693E-03,4.9715935776396646E-05 -15788 (1993 SB),I11,5.7975000000000000E+04,5.7726641718000003E+01,2.1890851313999999E+01,1.4219781920367332E+01,2.2920904559949815E+01,8.1577943431242705E-01,-3.3483499827651302E-03,1.7756474555293209E-03,4.9703480744576182E-05 -15788 (1993 SB),I11,5.7976000000000000E+04,5.7742575152999997E+01,2.1895254266999999E+01,1.4216395330348597E+01,2.2922701986380673E+01,8.1582857630806416E-01,-3.3485574594211212E-03,1.7753069392215000E-03,4.9691023900022744E-05 -15788 (1993 SB),I11,5.7977000000000000E+04,5.7757905575999999E+01,2.1899539536999999E+01,1.4213008366378146E+01,2.2924499133610571E+01,8.1587771937589404E-01,-3.3487648922687109E-03,1.7749663593794283E-03,4.9678565206799997E-05 -15788 (1993 SB),I11,5.7978000000000000E+04,5.7772629152999997E+01,2.1903706334999999E+01,1.4209621027708355E+01,2.2926296003315322E+01,8.1592686450906904E-01,-3.3489722806706087E-03,1.7746257162364800E-03,4.9666104629829278E-05 -15788 (1993 SB),I11,5.7979000000000000E+04,5.7786742017999998E+01,2.1907753842999998E+01,1.4206233314567831E+01,2.2928092596623721E+01,8.1597601311337975E-01,-3.3491796240376799E-03,1.7742850100122588E-03,4.9653642135093261E-05 -15788 (1993 SB),I11,5.7980000000000000E+04,5.7800240291999998E+01,2.1911681215000002E+01,1.4202845229004694E+01,2.2929888913640493E+01,8.1602516698094540E-01,-3.3493869218301792E-03,1.7739442409007208E-03,4.9641177690894220E-05 -15788 (1993 SB),I11,5.7981000000000000E+04,5.7813120126999998E+01,2.1915487575000000E+01,1.4199456775782650E+01,2.2931684952941804E+01,8.1607432823178594E-01,-3.3495941735536792E-03,1.7736034090726407E-03,4.9628711262508993E-05 -15788 (1993 SB),I11,5.7982000000000000E+04,5.7825377754999998E+01,2.1919172029999999E+01,1.4196067963296235E+01,2.2933480711062153E+01,8.1612349921155747E-01,-3.3498013787616691E-03,1.7732625146551200E-03,4.9616242816213141E-05 -15788 (1993 SB),I11,5.7983000000000000E+04,5.7837009557999998E+01,2.1922733673000000E+01,1.4192678804377655E+01,2.2935276182045708E+01,8.1617268233210960E-01,-3.3500085370510285E-03,1.7729215577280810E-03,4.9603772315487082E-05 -15788 (1993 SB),I11,5.7984000000000000E+04,5.7848012146000002E+01,2.1926171608000001E+01,1.4189289316742849E+01,2.2937071357204768E+01,8.1622187985335448E-01,-3.3502156480596911E-03,1.7725805383117799E-03,4.9591299720104523E-05 -15788 (1993 SB),I11,5.7985000000000000E+04,5.7858382439000003E+01,2.1929484963000000E+01,1.4185899522764938E+01,2.2938866225260380E+01,8.1627109363251016E-01,-3.3504227114618274E-03,1.7722394563519008E-03,4.9578824986347959E-05 -15788 (1993 SB),I11,5.7986000000000000E+04,5.7868117732000002E+01,2.1932672914000001E+01,1.4182509448382886E+01,2.2940660772971302E+01,8.1632032490073803E-01,-3.3506297269598299E-03,1.7718983117128006E-03,4.9566348062215449E-05 -15788 (1993 SB),I11,5.7987000000000000E+04,5.7877215745999997E+01,2.1935734700000001E+01,1.4179119121263083E+01,2.2942454986180561E+01,8.1636957413739486E-01,-3.3508366942771092E-03,1.7715571041566000E-03,4.9553868888350692E-05 -15788 (1993 SB),I11,5.7988000000000000E+04,5.7885674633000001E+01,2.1938669640000001E+01,1.4175728568678432E+01,2.2944248851014031E+01,8.1641884108738560E-01,-3.3510436131455636E-03,1.7712158333282498E-03,4.9541387395818243E-05 -15788 (1993 SB),I11,5.7989000000000000E+04,5.7893492959000000E+01,2.1941477136000000E+01,1.4172337815713192E+01,2.2946042354887151E+01,8.1646812491079401E-01,-3.3512504832893045E-03,1.7708744987450387E-03,4.9528903501072343E-05 -15788 (1993 SB),I11,5.7990000000000000E+04,5.7900669657000002E+01,2.1944156667000001E+01,1.4168946884226946E+01,2.2947835487077057E+01,8.1651742440434205E-01,-3.3514573044049079E-03,1.7705330997820484E-03,4.9516417102363131E-05 -15788 (1993 SB),I11,5.7991000000000000E+04,5.7907203975000002E+01,2.1946707789000001E+01,1.4165555792660605E+01,2.2949628238817525E+01,8.1656673822020476E-01,-3.3516640761387054E-03,1.7701916356424111E-03,4.9503928082571240E-05 -15788 (1993 SB),I11,5.7992000000000000E+04,5.7913095421999998E+01,2.1949130117999999E+01,1.4162164556463441E+01,2.2951420603044653E+01,8.1661606502935014E-01,-3.3518707980527036E-03,1.7698501053651488E-03,4.9491436295857377E-05 -15788 (1993 SB),I11,5.7993000000000000E+04,5.7918343729000000E+01,2.1951423326000000E+01,1.4158773188808057E+01,2.2953212573983382E+01,8.1666540361155349E-01,-3.3520774695900086E-03,1.7695085077953400E-03,4.9478941571485944E-05 -15788 (1993 SB),I11,5.7994000000000000E+04,5.7922948818000002E+01,2.1953587128999999E+01,1.4155381701306862E+01,2.2955004146736638E+01,8.1671475288121564E-01,-3.3522840900283100E-03,1.7691668415888116E-03,4.9466443704132067E-05 -15788 (1993 SB),I11,5.7995000000000000E+04,5.7926910784999997E+01,2.1955621287000000E+01,1.4151990104556980E+01,2.2956795316974034E+01,8.1676411187087727E-01,-3.3524906584278492E-03,1.7688251052040294E-03,4.9453942452603232E-05 -15788 (1993 SB),I11,5.7996000000000000E+04,5.7930229885000003E+01,2.1957525594000000E+01,1.4148598408446077E+01,2.2958586080757417E+01,8.1681347969444884E-01,-3.3526971735697844E-03,1.7684832969198701E-03,4.9441437531352853E-05 -15788 (1993 SB),I11,5.7997000000000000E+04,5.7932906525999996E+01,2.1959299880000000E+01,1.4145206622215476E+01,2.2960376434504290E+01,8.1686285550875992E-01,-3.3529036338882700E-03,1.7681414148522489E-03,4.9428928608521710E-05 -15788 (1993 SB),I11,5.7998000000000000E+04,5.7934941258000002E+01,2.1960944006999998E+01,1.4141814754313637E+01,2.2962166375069668E+01,8.1691223848737216E-01,-3.3531100373962583E-03,1.7677994569929405E-03,4.9416415302255865E-05 -15788 (1993 SB),I11,5.7999000000000000E+04,5.7936334760000001E+01,2.1962457867000001E+01,1.4138422812095428E+01,2.2963955899914829E+01,8.1696162781801362E-01,-3.3533163816089574E-03,1.7674574212704613E-03,4.9403897178153196E-05 -15788 (1993 SB),I11,5.8000000000000000E+04,5.7937087816999998E+01,2.1963841375000001E+01,1.4135030801449924E+01,2.2965745007315583E+01,8.1701102273168769E-01,-3.3535226634679571E-03,1.7671153056345087E-03,4.9391373749526982E-05 -15788 (1993 SB),I11,5.8001000000000000E+04,5.7937201297999998E+01,2.1965094466000000E+01,1.4131638726469511E+01,2.2967533696546646E+01,8.1706042256749301E-01,-3.3537288792761730E-03,1.7667731081721979E-03,4.9378844479192087E-05 -15788 (1993 SB),I11,5.8002000000000000E+04,5.7936676124000002E+01,2.1966217085000000E+01,1.4128246589304325E+01,2.2969321967960440E+01,8.1710982686939904E-01,-3.3539350246499910E-03,1.7664308272484809E-03,4.9366308789394934E-05 -15788 (1993 SB),I11,5.8003000000000000E+04,5.7935513239000002E+01,2.1967209180000001E+01,1.4124854390343055E+01,2.2971109822881473E+01,8.1715923550008973E-01,-3.3541410945037622E-03,1.7660884616713807E-03,4.9353766073057759E-05 -15788 (1993 SB),I11,5.8004000000000000E+04,5.7933713585000000E+01,2.1968070687000001E+01,1.4121462128807421E+01,2.2972897263267388E+01,8.1720864874586074E-01,-3.3543470830673531E-03,1.7657460109046386E-03,4.9341215711480024E-05 -15788 (1993 SB),I11,5.8005000000000000E+04,5.7931278095000003E+01,2.1968801528000000E+01,1.4118069803736068E+01,2.2974684291151373E+01,8.1725806738171192E-01,-3.3545529839759912E-03,1.7654034752603610E-03,4.9328657099398825E-05 -15788 (1993 SB),I11,5.8006000000000000E+04,5.7928207700999998E+01,2.1969401599000001E+01,1.4114677415201996E+01,2.2976470907954443E+01,8.1730749267240754E-01,-3.3547587904112423E-03,1.7650608561038707E-03,4.9316089675110247E-05 -15788 (1993 SB),I11,5.8007000000000000E+04,5.7924503365000000E+01,2.1969870776000000E+01,1.4111284965524717E+01,2.2978257113802375E+01,8.1735692630294943E-01,-3.3549644953133691E-03,1.7647181560366612E-03,4.9303512953526008E-05 -15788 (1993 SB),I11,5.8008000000000000E+04,5.7920166127000002E+01,2.1970208916000001E+01,1.4107892460251790E+01,2.2980042906973978E+01,8.1740637025161422E-01,-3.3551700916615410E-03,1.7643753790134494E-03,4.9290926564787390E-05 -15788 (1993 SB),I11,5.8009000000000000E+04,5.7915197167999999E+01,2.1970415865000000E+01,1.4104499908776768E+01,2.2981828283554947E+01,8.1745582662970107E-01,-3.3553755728082490E-03,1.7640325303924093E-03,4.9278330284298390E-05 -15788 (1993 SB),I11,5.8010000000000000E+04,5.7909597880000000E+01,2.1970491474999999E+01,1.4101107324572329E+01,2.2983613237308230E+01,8.1750529751196355E-01,-3.3555809328342343E-03,1.7636896168731608E-03,4.9265724062349530E-05 -15788 (1993 SB),I11,5.8011000000000000E+04,5.7903369933999997E+01,2.1970435616000000E+01,1.4097714725074752E+01,2.2985397759740177E+01,8.1755478477231347E-01,-3.3557861668889865E-03,1.7633466463251903E-03,4.9253108045265373E-05 -15788 (1993 SB),I11,5.8012000000000000E+04,5.7896515348999998E+01,2.1970248197000000E+01,1.4094322131249768E+01,2.2987181840345389E+01,8.1760428993344214E-01,-3.3559912714852072E-03,1.7630036275332103E-03,4.9240482574929544E-05 -15788 (1993 SB),I11,5.8013000000000000E+04,5.7889036544000000E+01,2.1969929180000001E+01,1.4090929566836781E+01,2.2988965467032227E+01,8.1765381403890747E-01,-3.3561962447035782E-03,1.7626605698363614E-03,4.9227848182645478E-05 -15788 (1993 SB),I11,5.8014000000000000E+04,5.7880936378999998E+01,2.1969478596999998E+01,1.4087537057272412E+01,2.2990748626728351E+01,8.1770335756389190E-01,-3.3564010862882606E-03,1.7623174827241014E-03,4.9215205563649323E-05 -15788 (1993 SB),I11,5.8015000000000000E+04,5.7872218175999997E+01,2.1968896561000001E+01,1.4084144628369723E+01,2.2992531306123350E+01,8.1775292038545444E-01,-3.3566057976162807E-03,1.7619743754227618E-03,4.9202555540910807E-05 -15788 (1993 SB),I11,5.8016000000000000E+04,5.7862885710000000E+01,2.1968183277000001E+01,1.4080752304942379E+01,2.2994313492441258E+01,8.1780250182702496E-01,-3.3568103815457009E-03,1.7616312565443323E-03,4.9189899021538400E-05 -15788 (1993 SB),I11,5.8017000000000000E+04,5.7852943187000001E+01,2.1967339040999999E+01,1.4077360109637997E+01,2.2996095174093877E+01,8.1785210077298820E-01,-3.3570148421856036E-03,1.7612881337723783E-03,4.9177236952071307E-05 -15788 (1993 SB),I11,5.8018000000000000E+04,5.7842395201000002E+01,2.1966364238000001E+01,1.4073968062210998E+01,2.2997876341085284E+01,8.1790171582740490E-01,-3.3572191845942416E-03,1.7609450136678619E-03,4.9164570273208009E-05 -15788 (1993 SB),I11,5.8019000000000000E+04,5.7831246682000000E+01,2.1965259337999999E+01,1.4070576179328553E+01,2.2999656985115074E+01,8.1795134547776982E-01,-3.3574234144608268E-03,1.7606019015654721E-03,4.9151899882812327E-05 -15788 (1993 SB),I11,5.8020000000000000E+04,5.7819502847999999E+01,2.1964024882000000E+01,1.4067184474836573E+01,2.3001437099422542E+01,8.1800098822879708E-01,-3.3576275378014667E-03,1.7602588015693896E-03,4.9139226605810476E-05 -15788 (1993 SB),I11,5.8021000000000000E+04,5.7807169166000001E+01,2.1962661478000001E+01,1.4063792960301726E+01,2.3003216678476218E+01,8.1805064268666328E-01,-3.3578315606789793E-03,1.7599157166084192E-03,4.9126551178920068E-05 -15788 (1993 SB),I11,5.8022000000000000E+04,5.7794251312999997E+01,2.1961169790000000E+01,1.4060401645623482E+01,2.3004995717625047E+01,8.1810030759227781E-01,-3.3580354889871837E-03,1.7595726485703823E-03,4.9113874235578158E-05 -15788 (1993 SB),I11,5.8023000000000000E+04,5.7780755163000002E+01,2.1959550534000002E+01,1.4057010539554359E+01,2.3006774212802949E+01,8.1814998181461185E-01,-3.3582393282865111E-03,1.7592295984538708E-03,4.9101196304868055E-05 -15788 (1993 SB),I11,5.8024000000000000E+04,5.7766686765999999E+01,2.1957804471999999E+01,1.4053619650034594E+01,2.3008552160339427E+01,8.1819966432026159E-01,-3.3584430836921210E-03,1.7588865665289083E-03,4.9088517817549888E-05 -15788 (1993 SB),I11,5.8025000000000000E+04,5.7752052339000002E+01,2.1955932411999999E+01,1.4050228984306406E+01,2.3010329556895726E+01,8.1824935413607680E-01,-3.3586467598175499E-03,1.7585435525088785E-03,4.9075839110112896E-05 -15788 (1993 SB),I11,5.8026000000000000E+04,5.7736858253999998E+01,2.1953935201000000E+01,1.4046838548811177E+01,2.3012106399524814E+01,8.1829905031864869E-01,-3.3588503607482850E-03,1.7582005556900007E-03,4.9063160439937737E-05 -15788 (1993 SB),I11,5.8027000000000000E+04,5.7721111024000002E+01,2.1951813727000001E+01,1.4043448348901748E+01,2.3013882685836791E+01,8.1834875194425660E-01,-3.3590538900582167E-03,1.7578575750944597E-03,4.9050481991697327E-05 -15788 (1993 SB),I11,5.8028000000000000E+04,5.7704817282000000E+01,2.1949568911000000E+01,1.4040058388432612E+01,2.3015658414233894E+01,8.1839845813073864E-01,-3.3592573508364897E-03,1.7575146095722711E-03,4.9037803892715943E-05 -15788 (1993 SB),I11,5.8029000000000000E+04,5.7687983750000001E+01,2.1947201702000001E+01,1.4036668669340843E+01,2.3017433584150989E+01,8.1844816810115395E-01,-3.3594607457291922E-03,1.7571716578864277E-03,4.9025126224501811E-05 -15788 (1993 SB),I41,5.7970000000000000E+04,5.7638000349999999E+01,2.1867018088999998E+01,1.4236699059146956E+01,2.2911918776786543E+01,8.1554133020783959E-01,-3.3473119679485290E-03,1.7773490757280342E-03,4.9765738577452509E-05 -15788 (1993 SB),I41,5.7971000000000000E+04,5.7656892323000001E+01,2.1871997874000002E+01,1.4233314713704461E+01,2.2913717393441114E+01,8.1559062091647583E-01,-3.3475196524665411E-03,1.7770088806106366E-03,4.9753290388494341E-05 -15788 (1993 SB),I41,5.7972000000000000E+04,5.7675199937000002E+01,2.1876863674999999E+01,1.4229929991984410E+01,2.2915515726662687E+01,8.1563991054022345E-01,-3.3477272970516697E-03,1.7766686208107296E-03,4.9740840555343802E-05 -15788 (1993 SB),I41,5.7973000000000000E+04,5.7692919486999998E+01,2.1881614760000001E+01,1.4226544897604079E+01,2.2917313775556259E+01,8.1568919846058252E-01,-3.3479349008405709E-03,1.7763282965379996E-03,4.9728389031700601E-05 -15788 (1993 SB),I41,5.7974000000000000E+04,5.7710047279000001E+01,2.1886250400000002E+01,1.4223159432561715E+01,2.2919111540174132E+01,8.1573848424122408E-01,-3.3481424630148384E-03,1.7759879080164291E-03,4.9715935774567922E-05 -15788 (1993 SB),I41,5.7975000000000000E+04,5.7726579602999998E+01,2.1890769861999999E+01,1.4219773597394520E+01,2.2920909021419408E+01,8.1578776770699257E-01,-3.3483499827946309E-03,1.7756474554822196E-03,4.9703480742820310E-05 -15788 (1993 SB),I41,5.7976000000000000E+04,5.7742512716999997E+01,2.1895172402000000E+01,1.4216387391557319E+01,2.2922706220824644E+01,8.1583704901539322E-01,-3.3485574594500009E-03,1.7753069391751603E-03,4.9691023898334066E-05 -15788 (1993 SB),I41,5.7977000000000000E+04,5.7757842836000002E+01,2.1899457256000002E+01,1.4213000813992140E+01,2.2924503140223539E+01,8.1588632870940503E-01,-3.3487648922973911E-03,1.7749663593342804E-03,4.9678565204996413E-05 -15788 (1993 SB),I41,5.7978000000000000E+04,5.7772566128000001E+01,2.1903623634999999E+01,1.4209613863831803E+01,2.2926299781348689E+01,8.1593560774504170E-01,-3.3489722806989610E-03,1.7746257161923608E-03,4.9666104627986710E-05 -15788 (1993 SB),I41,5.7979000000000000E+04,5.7786678723999998E+01,2.1907670722999999E+01,1.4206226541184495E+01,2.2928096145385652E+01,8.1598488749216480E-01,-3.3491796240648301E-03,1.7742850099684102E-03,4.9653642133532301E-05 -15788 (1993 SB),I41,5.7980000000000000E+04,5.7800176747999998E+01,2.1911597670999999E+01,1.4202838847977228E+01,2.2929892232495920E+01,8.1603416970808851E-01,-3.3493869218573693E-03,1.7739442408582305E-03,4.9641177689157328E-05 -15788 (1993 SB),I41,5.7981000000000000E+04,5.7813056349999997E+01,2.1915403606000002E+01,1.4199450788851843E+01,2.2931688041312341E+01,8.1608345647898994E-01,-3.3495941735800401E-03,1.7736034090307697E-03,4.9628711260909565E-05 -15788 (1993 SB),I41,5.7982000000000000E+04,5.7825313764000001E+01,2.1919087633000000E+01,1.4196062372080485E+01,2.2933483568426023E+01,8.1613275011752828E-01,-3.3498013787873742E-03,1.7732625146140400E-03,4.9616242814680913E-05 -15788 (1993 SB),I41,5.7983000000000000E+04,5.7836945370000002E+01,2.1922648846000001E+01,1.4192673610372466E+01,2.2935278807937589E+01,8.1618205300306701E-01,-3.3500085370762930E-03,1.7729215576879499E-03,4.9603772313954338E-05 -15788 (1993 SB),I41,5.7984000000000000E+04,5.7847947779999998E+01,2.1926086349999999E+01,1.4189284521320207E+01,2.2937073751215767E+01,8.1623136736339263E-01,-3.3502156480841126E-03,1.7725805382723114E-03,4.9591299718700535E-05 -15788 (1993 SB),I41,5.7985000000000000E+04,5.7858317911999997E+01,2.1929399271000001E+01,1.4185895127173195E+01,2.2938868387037694E+01,8.1628069502430456E-01,-3.3504227114862888E-03,1.7722394563137404E-03,4.9578824984788537E-05 -15788 (1993 SB),I41,5.7986000000000000E+04,5.7868053064000001E+01,2.1932586787000002E+01,1.4182505453746295E+01,2.2940662702218159E+01,8.1633003718627817E-01,-3.3506297269836442E-03,1.7718983116754398E-03,4.9566348060720673E-05 -15788 (1993 SB),I41,5.7987000000000000E+04,5.7877150954999998E+01,2.1935648136000001E+01,1.4179115528581342E+01,2.2942456682656047E+01,8.1637939429918605E-01,-3.3508366942995513E-03,1.7715571041195602E-03,4.9553868887132902E-05 -15788 (1993 SB),I41,5.7988000000000000E+04,5.7885609737999999E+01,2.1938582638000000E+01,1.4175725378826160E+01,2.2944250314533143E+01,8.1642876607981596E-01,-3.3510436131676587E-03,1.7712158332922612E-03,4.9541387394566599E-05 -15788 (1993 SB),I41,5.7989000000000000E+04,5.7893427977999998E+01,2.1941389694000001E+01,1.4172335029439397E+01,2.2946043585320741E+01,8.1647815166168314E-01,-3.3512504833118906E-03,1.7708744987105889E-03,4.9528903499572424E-05 -15788 (1993 SB),I41,5.7990000000000000E+04,5.7900604610000002E+01,2.1944068784999999E+01,1.4168944502154435E+01,2.2947836484351935E+01,8.1652754981636710E-01,-3.3514573044257714E-03,1.7705330997477807E-03,4.9516417101202798E-05 -15788 (1993 SB),I41,5.7991000000000000E+04,5.7907138879999998E+01,2.1946619466000001E+01,1.4165553815285660E+01,2.2949629002916435E+01,8.1657695917220552E-01,-3.3516640761599888E-03,1.7701916356095901E-03,4.9503928081198539E-05 -15788 (1993 SB),I41,5.7992000000000000E+04,5.7913030298999999E+01,2.1949041351999998E+01,1.4162162984155733E+01,2.2951421134006122E+01,8.1662637837744323E-01,-3.3518707980730068E-03,1.7698501053329801E-03,4.9491436294626259E-05 -15788 (1993 SB),I41,5.7993000000000000E+04,5.7918278596999997E+01,2.1951334116999998E+01,1.4158772021810528E+01,2.2953212871901666E+01,8.1667580619014113E-01,-3.3520774696097419E-03,1.7695085077640508E-03,4.9478941570289710E-05 -15788 (1993 SB),I41,5.7994000000000000E+04,5.7922883697000003E+01,2.1953497475999999E+01,1.4155380939735606E+01,2.2955004211761647E+01,8.1672524150392001E-01,-3.3522840900468238E-03,1.7691668415580706E-03,4.9466443703117410E-05 -15788 (1993 SB),I41,5.7995000000000000E+04,5.7926845692999997E+01,2.1955531188999998E+01,1.4151989748401320E+01,2.2956795149311219E+01,8.1677468333136261E-01,-3.3524906584463717E-03,1.7688251051744715E-03,4.9453942451500361E-05 -15788 (1993 SB),I41,5.7996000000000000E+04,5.7930164841000000E+01,2.1957435052000001E+01,1.4148598457568689E+01,2.2958585680667635E+01,8.1682413076732496E-01,-3.3526971735882045E-03,1.7684832968914103E-03,4.9441437530192527E-05 -15788 (1993 SB),I41,5.7997000000000000E+04,5.7932841551000003E+01,2.1959208893000000E+01,1.4145207076352339E+01,2.2960375802303751E+01,8.1687358295040491E-01,-3.3529036339060257E-03,1.7681414148246182E-03,4.9428928607419863E-05 -15788 (1993 SB),I41,5.7998000000000000E+04,5.7934876371000001E+01,2.1960852575000001E+01,1.4141815613074298E+01,2.2962165511129825E+01,8.1692303903682284E-01,-3.3531100374131128E-03,1.7677994569660609E-03,4.9416415301251480E-05 -15788 (1993 SB),I41,5.7999000000000000E+04,5.7936269979999999E+01,2.1962365989999999E+01,1.4138424074963295E+01,2.2963954804662148E+01,8.1697249819776852E-01,-3.3533163816250235E-03,1.7674574212443589E-03,4.9403897177222679E-05 -15788 (1993 SB),I41,5.8000000000000000E+04,5.7937023164000003E+01,2.1963749054000001E+01,1.4135032467782461E+01,2.2965743681231544E+01,8.1702195964850011E-01,-3.3535226634840648E-03,1.7671153056095408E-03,4.9391373748530797E-05 -15788 (1993 SB),I41,5.8001000000000000E+04,5.7937136791999997E+01,2.1965001699999998E+01,1.4131640795498589E+01,2.2967532140167503E+01,8.1707142271326916E-01,-3.3537288792916059E-03,1.7667731081480696E-03,4.9378844478251298E-05 -15788 (1993 SB),I41,5.8002000000000000E+04,5.7936611784999997E+01,2.1966123876000001E+01,1.4128249060136616E+01,2.2969320181877123E+01,8.1712088692220941E-01,-3.3539350246643996E-03,1.7664308272250500E-03,4.9366308788561881E-05 -15788 (1993 SB),I41,5.8003000000000000E+04,5.7935449085999998E+01,2.1967115528000001E+01,1.4124857261960376E+01,2.2971107807739443E+01,8.1717035212523637E-01,-3.3541410945177388E-03,1.7660884616488692E-03,4.9353766072237032E-05 -15788 (1993 SB),I41,5.8004000000000000E+04,5.7933649637000002E+01,2.1967976592999999E+01,1.4121465400067267E+01,2.2972895019766433E+01,8.1721981859701542E-01,-3.3543470830810287E-03,1.7657460108830882E-03,4.9341215710662373E-05 -15788 (1993 SB),I41,5.8005000000000000E+04,5.7931214373000003E+01,2.1968706992000001E+01,1.4118073473371840E+01,2.2974681820045557E+01,8.1726928710232116E-01,-3.3545529839891248E-03,1.7654034752396918E-03,4.9328657098612961E-05 -15788 (1993 SB),I41,5.8006000000000000E+04,5.7928144224000000E+01,2.1969306623000001E+01,1.4114681481823403E+01,2.2976468210052023E+01,8.1731875889716843E-01,-3.3547587904239583E-03,1.7650608560841191E-03,4.9316089674342848E-05 -15788 (1993 SB),I41,5.8007000000000000E+04,5.7924440152999999E+01,2.1969775362000000E+01,1.4111289427618365E+01,2.2978254189965504E+01,8.1736823565923733E-01,-3.3549644953246808E-03,1.7647181560175411E-03,4.9303512952889934E-05 -15788 (1993 SB),I41,5.8008000000000000E+04,5.7920103199000003E+01,2.1970113062999999E+01,1.4107897316181672E+01,2.2980039758118711E+01,8.1741771936068486E-01,-3.3551700916729290E-03,1.7643753789953597E-03,4.9290926564117455E-05 -15788 (1993 SB),I41,5.8009000000000000E+04,5.7915134545000001E+01,2.1970319576000001E+01,1.4104505156784771E+01,2.2981824910651032E+01,8.1746721210766404E-01,-3.3553755728198504E-03,1.7640325303753483E-03,4.9278330283584328E-05 -15788 (1993 SB),I41,5.8010000000000000E+04,5.7909535581000000E+01,2.1970394751000001E+01,1.4101112962778926E+01,2.2983609641378965E+01,8.1751671597055275E-01,-3.3555809328441803E-03,1.7636896168567208E-03,4.9265724061779104E-05 -15788 (1993 SB),I41,5.8011000000000000E+04,5.7903307978999997E+01,2.1970338460000001E+01,1.4097720751479802E+01,2.2985393941862249E+01,8.1756623281956853E-01,-3.3557861668987764E-03,1.7633466463096801E-03,4.9253108044691877E-05 -15788 (1993 SB),I41,5.8012000000000000E+04,5.7896453757000003E+01,2.1970150611000001E+01,1.4094328543733493E+01,2.2987177801648606E+01,8.1761576417409998E-01,-3.3559912714945976E-03,1.7630036275185813E-03,4.9240482574379643E-05 -15788 (1993 SB),I41,5.8013000000000000E+04,5.7888975334000001E+01,2.1969831164999999E+01,1.4090936363160528E+01,2.2988961208699394E+01,8.1766531107502660E-01,-3.3561962447124461E-03,1.7626605698225790E-03,4.9227848182127392E-05 -15788 (1993 SB),I41,5.8014000000000000E+04,5.7880875572000001E+01,2.1969380155000000E+01,1.4087544235079569E+01,2.2990744149995137E+01,8.1771487399562115E-01,-3.3564010862964814E-03,1.7623174827111291E-03,4.9215205563170200E-05 -15788 (1993 SB),I41,5.8015000000000000E+04,5.7872157790000003E+01,2.1968797695999999E+01,1.4084152185186582E+01,2.2992526612278208E+01,8.1776445281202392E-01,-3.3566057976241116E-03,1.7619743754106517E-03,4.9202555540457347E-05 -15788 (1993 SB),I41,5.8016000000000000E+04,5.7862825764999997E+01,2.1968083991000000E+01,1.4080760238178950E+01,2.2994308582825333E+01,8.1781404684797143E-01,-3.3568103815525101E-03,1.7616312565329889E-03,4.9189899021143432E-05 -15788 (1993 SB),I41,5.8017000000000000E+04,5.7852883703000003E+01,2.1967239335999999E+01,1.4077368416588859E+01,2.2996090050101035E+01,8.1786365498949987E-01,-3.3570148421917753E-03,1.7612881337618486E-03,4.9177236951708119E-05 -15788 (1993 SB),I41,5.8018000000000000E+04,5.7842336195999998E+01,2.1966264118000002E+01,1.4073976740055841E+01,2.2997871004162178E+01,8.1791327584368023E-01,-3.3572191846002893E-03,1.7609450136581908E-03,4.9164570272859194E-05 -15788 (1993 SB),I41,5.8019000000000000E+04,5.7831188175999998E+01,2.1965158805000002E+01,1.4070585225133225E+01,2.2999651436761091E+01,8.1796290790223092E-01,-3.3574234144673979E-03,1.7606019015566892E-03,4.9151899882461459E-05 -15788 (1993 SB),I41,5.8020000000000000E+04,5.7819444859999997E+01,2.1963923940000001E+01,1.4067193885554166E+01,2.3001431341189686E+01,8.1801254967523507E-01,-3.3576275378062602E-03,1.7602588015613405E-03,4.9139226605528353E-05 -15788 (1993 SB),I41,5.8021000000000000E+04,5.7807111714000001E+01,2.1962560130000000E+01,1.4063802732773581E+01,2.3003210711969043E+01,8.1806219977516992E-01,-3.3578315606831517E-03,1.7599157166011507E-03,4.9126551178665646E-05 -15788 (1993 SB),I41,5.8022000000000000E+04,5.7794194417000000E+01,2.1961068040000001E+01,1.4060411776580359E+01,2.3004989544500528E+01,8.1811185695005040E-01,-3.3580354889915075E-03,1.7595726485639292E-03,4.9113874235346295E-05 -15788 (1993 SB),I41,5.8023000000000000E+04,5.7780698841000003E+01,2.1959448384000002E+01,1.4057021025617551E+01,2.3006767834770418E+01,8.1816152007676213E-01,-3.3582393282899671E-03,1.7592295984482208E-03,4.9101196304665953E-05 -15788 (1993 SB),I41,5.8024000000000000E+04,5.7766631037000003E+01,2.1957701927999999E+01,1.4053630487717280E+01,2.3008545579160327E+01,8.1821118813056071E-01,-3.3584430836956151E-03,1.7588865665240302E-03,4.9088517817379580E-05 -15788 (1993 SB),I41,5.8025000000000000E+04,5.7751997220000000E+01,2.1955829476000002E+01,1.4050240170014895E+01,2.3010322774383496E+01,8.1826086014761912E-01,-3.3586467598195431E-03,1.7585435525048002E-03,4.9075839109960030E-05 -15788 (1993 SB),I41,5.8026000000000000E+04,5.7736803764999998E+01,2.1953831878999999E+01,1.4046850078846429E+01,2.3012099417544647E+01,8.1831053519457608E-01,-3.3588503607505779E-03,1.7582005556866509E-03,4.9063160439823869E-05 -15788 (1993 SB),I41,5.8027000000000000E+04,5.7721057182999999E+01,2.1951710022000000E+01,1.4043460219460718E+01,2.3013875506305396E+01,8.1836021235839396E-01,-3.3590538900603014E-03,1.7578575750918490E-03,4.9050481991620389E-05 -15788 (1993 SB),I41,5.8028000000000000E+04,5.7704764105999999E+01,2.1949464827000000E+01,1.4040070595609599E+01,2.3015651039119330E+01,8.1840989076826953E-01,-3.3592573508373518E-03,1.7575146095704618E-03,4.9037803892643091E-05 -15788 (1993 SB),I41,5.8029000000000000E+04,5.7687931257000002E+01,2.1947097243999998E+01,1.4036681209128831E+01,2.3017426015472605E+01,8.1845956965931055E-01,-3.3594607457303675E-03,1.7571716578852897E-03,4.9025126224482322E-05 -15789 (1993 SC),500,5.7970000000000000E+04,3.8081709048999997E+01,1.8855382014000000E+01,2.8966351722542456E+01,2.4464909672798395E+01,2.4423370685944268E+00,-1.4119198240177197E-03,2.4535688743722098E-03,2.0896854493931876E-04 -15789 (1993 SC),500,5.7971000000000000E+04,3.8084469853000002E+01,1.8858250849000001E+01,2.8964898025516597E+01,2.4467410026657678E+01,2.4425461471554768E+00,-1.4120694594252307E-03,2.4534418600654449E-03,2.0895519358228194E-04 -15789 (1993 SC),500,5.7972000000000000E+04,3.8086799931999998E+01,1.8860985599999999E+01,2.8963444216000372E+01,2.4469910197295786E+01,2.4427552700352391E+00,-1.4122190852155301E-03,2.4533148099468698E-03,2.0894184109520551E-04 -15789 (1993 SC),500,5.7973000000000000E+04,3.8088699130000002E+01,1.8863585824000001E+01,2.8961990297404402E+01,2.4472410183064447E+01,2.4429644361350196E+00,-1.4123687005343204E-03,2.4531877242149284E-03,2.0892848743157358E-04 -15789 (1993 SC),500,5.7974000000000000E+04,3.8090167305999998E+01,1.8866051083999999E+01,2.8960536271817215E+01,2.4474909983763009E+01,2.4431736447110124E+00,-1.4125183045705300E-03,2.4530606030831667E-03,2.0891513254787570E-04 -15789 (1993 SC),500,5.7975000000000000E+04,3.8091204327000000E+01,1.8868380944999998E+01,2.8959082140354834E+01,2.4477409600232139E+01,2.4433828955075891E+00,-1.4126678965574804E-03,2.4529334467753693E-03,2.0890177640332029E-04 -15789 (1993 SC),500,5.7976000000000000E+04,3.8091810060999997E+01,1.8870574969000000E+01,2.8957627903724365E+01,2.4479909033710229E+01,2.4435921888714942E+00,-1.4128174757741807E-03,2.4528062555202700E-03,2.0888841895951913E-04 -15789 (1993 SC),500,5.7977000000000000E+04,3.8091984381000003E+01,1.8872632708000001E+01,2.8956173562942972E+01,2.4482408285019737E+01,2.4438015258276886E+00,-1.4129670415463404E-03,2.4526790295457592E-03,2.0887506018010888E-04 -15789 (1993 SC),500,5.7978000000000000E+04,3.8091727167999998E+01,1.8874553703000000E+01,2.8954719120137117E+01,2.4484907353667886E+01,2.4440109081074013E+00,-1.4131165932471604E-03,2.4525517690727090E-03,2.0886170003033173E-04 -15789 (1993 SC),500,5.7979000000000000E+04,3.8091038339999997E+01,1.8876337488000001E+01,2.8953264579364156E+01,2.4487406236927143E+01,2.4442203381271987E+00,-1.4132661302978296E-03,2.4524244743080702E-03,2.0884833847649429E-04 -15789 (1993 SC),500,5.7980000000000000E+04,3.8089917868000001E+01,1.8877983587999999E+01,2.8951809947430547E+01,2.4489904928923174E+01,2.4444298189188483E+00,-1.4134156521676006E-03,2.4522971454373106E-03,2.0883497548539141E-04 -15789 (1993 SC),500,5.7981000000000000E+04,3.8088365820000000E+01,1.8879491526999999E+01,2.8950355234689511E+01,2.4492403419750961E+01,2.4446393540015072E+00,-1.4135651583732298E-03,2.4521697826160888E-03,2.0882161102357729E-04 -15789 (1993 SC),500,5.7982000000000000E+04,3.8086382397000001E+01,1.8880860843000001E+01,2.8948900455754618E+01,2.4494901694690665E+01,2.4448489471768808E+00,-1.4137146484778547E-03,2.4520423859610598E-03,2.0880824505650853E-04 -15789 (1993 SC),500,5.7983000000000000E+04,3.8083967987999998E+01,1.8882091097000000E+01,2.8947445629964534E+01,2.4497399733710868E+01,2.4450586022273324E+00,-1.4138641220887826E-03,2.4519149555397302E-03,2.0879487754753702E-04 -15789 (1993 SC),500,5.7984000000000000E+04,3.8081123214999998E+01,1.8883181893000000E+01,2.8945990781331286E+01,2.4499897511557883E+01,2.4452683225216818E+00,-1.4140135788541994E-03,2.4517874913593304E-03,2.0878150845671280E-04 -15789 (1993 SC),500,5.7985000000000000E+04,3.8077848981000002E+01,1.8884132896000001E+01,2.8944535937710206E+01,2.4502394998720504E+01,2.4454781105838617E+00,-1.4141630184583229E-03,2.4516599933546313E-03,2.0876813773934436E-04 -15789 (1993 SC),500,5.7986000000000000E+04,3.8074146501999998E+01,1.8884943847999999E+01,2.8943081129129400E+01,2.4504892163329693E+01,2.4456879677331838E+00,-1.4143124406146828E-03,2.4515324613747797E-03,2.0875476534433257E-04 -15789 (1993 SC),500,5.7987000000000000E+04,3.8070017313000001E+01,1.8885614583999999E+01,2.8941626385570906E+01,2.4507388973655377E+01,2.4458978939170479E+00,-1.4144618450571984E-03,2.4514048951688704E-03,2.0874139121219025E-04 -15789 (1993 SC),500,5.7988000000000000E+04,3.8065463256999998E+01,1.8886145032000002E+01,2.8940171734795747E+01,2.4509885400531282E+01,2.4461078878014271E+00,-1.4146112315278677E-03,2.4512772943713589E-03,2.0872801527272670E-04 -15789 (1993 SC),500,5.7989000000000000E+04,3.8060486447999999E+01,1.8886535216999999E+01,2.8938717200821657E+01,2.4512381419028337E+01,2.4463179470830116E+00,-1.4147605997616355E-03,2.4511496584860987E-03,2.0871463744238553E-04 -15789 (1993 SC),500,5.7990000000000000E+04,3.8055089232000000E+01,1.8886785249999999E+01,2.8937262803364884E+01,2.4514877009039179E+01,2.4465280689055562E+00,-1.4149099494665061E-03,2.4510219868706697E-03,2.0870125762115267E-04 -15789 (1993 SC),500,5.7991000000000000E+04,3.8049274136000001E+01,1.8886895315000000E+01,2.8935808558155319E+01,2.4517372154886910E+01,2.4467382502478245E+00,-1.4150592802985810E-03,2.4508942787213085E-03,2.0868787568907362E-04 -15789 (1993 SC),500,5.7992000000000000E+04,3.8043043836999999E+01,1.8886865662999998E+01,2.8934354477769450E+01,2.4519866844364554E+01,2.4469484881970152E+00,-1.4152085918313437E-03,2.4507665330589807E-03,2.0867449150231522E-04 -15789 (1993 SC),500,5.7993000000000000E+04,3.8036401132999998E+01,1.8886696597000000E+01,2.8932900572589997E+01,2.4522361067645541E+01,2.4471587800856835E+00,-1.4153578835182784E-03,2.4506387487183302E-03,2.0866110488886470E-04 -15789 (1993 SC),500,5.7994000000000000E+04,3.8029348923999997E+01,1.8886388469000000E+01,2.8931446851614897E+01,2.4524854816373256E+01,2.4473691235166166E+00,-1.4155071546479948E-03,2.4505109243407111E-03,2.0864771564388647E-04 -15789 (1993 SC),500,5.7995000000000000E+04,3.8021890208000002E+01,1.8885941672000001E+01,2.8929993322986903E+01,2.4527348083070677E+01,2.4475795163183158E+00,-1.4156564042913083E-03,2.4503830583742191E-03,2.0863432352490207E-04 -15789 (1993 SC),500,5.7996000000000000E+04,3.8014028068000002E+01,1.8885356639000001E+01,2.8928539994225190E+01,2.4529840860887084E+01,2.4477899564720578E+00,-1.4158056312402684E-03,2.4502551490830100E-03,2.0862092824698906E-04 -15789 (1993 SC),500,5.7997000000000000E+04,3.8005765668000002E+01,1.8884633840999999E+01,2.8927086872199624E+01,2.4532333143633526E+01,2.4480004420429609E+00,-1.4159548339397988E-03,2.4501271945695201E-03,2.0860752947837770E-04 -15789 (1993 SC),500,5.7998000000000000E+04,3.7997106250000002E+01,1.8883773780999999E+01,2.8925633962915835E+01,2.4534824926028698E+01,2.4482109711387636E+00,-1.4161040104136565E-03,2.4499991928131903E-03,2.0859412683684966E-04 -15789 (1993 SC),500,5.7999000000000000E+04,3.7988053121000000E+01,1.8882776995000000E+01,2.8924181271195600E+01,2.4537316204059238E+01,2.4484215419143007E+00,-1.4162531581876116E-03,2.4498711417300680E-03,2.0858071988762028E-04 -15789 (1993 SC),500,5.8000000000000000E+04,3.7978609638000002E+01,1.8881644044000002E+01,2.8922728800358446E+01,2.4539806975333910E+01,2.4486321526338726E+00,-1.4164022742141347E-03,2.4497430392581010E-03,2.0856730814343538E-04 -15789 (1993 SC),500,5.8001000000000000E+04,3.7968779193000003E+01,1.8880375510000000E+01,2.8921276552033177E+01,2.4542297239287162E+01,2.4488428017954718E+00,-1.4165513548068265E-03,2.4496148834696821E-03,2.0855389106778907E-04 -15789 (1993 SC),500,5.8002000000000000E+04,3.7958565198999999E+01,1.8878971989000000E+01,2.8919824526239793E+01,2.4544786997074315E+01,2.4490534883058945E+00,-1.4167003955927850E-03,2.4494866727175404E-03,2.0854046808254804E-04 -15789 (1993 SC),500,5.8003000000000000E+04,3.7947971074000002E+01,1.8877434080000000E+01,2.8918372721853807E+01,2.4547276251034273E+01,2.4492642116764278E+00,-1.4168493914971667E-03,2.4493584057982392E-03,2.0852703857992999E-04 -15789 (1993 SC),500,5.8004000000000000E+04,3.7937000234000003E+01,1.8875762380000001E+01,2.8916921137481484E+01,2.4549765003691331E+01,2.4494749721906230E+00,-1.4169983367605336E-03,2.4492300821622702E-03,2.0851360194131926E-04 -15789 (1993 SC),500,5.8005000000000000E+04,3.7925656103000001E+01,1.8873957483000002E+01,2.8915469772645714E+01,2.4552253256412357E+01,2.4496857709904591E+00,-1.4171472250287596E-03,2.4491017021086303E-03,2.0850015756146539E-04 -15789 (1993 SC),500,5.8006000000000000E+04,3.7913942130999999E+01,1.8872019974000001E+01,2.8914018629062102E+01,2.4554741007970389E+01,2.4498966100429991E+00,-1.4172960494941889E-03,2.4489732669903397E-03,2.0848670487828987E-04 -15789 (1993 SC),500,5.8007000000000000E+04,3.7901861822999997E+01,1.8869950437000000E+01,2.8912567711739509E+01,2.4557228253313841E+01,2.4501074919827066E+00,-1.4174448031076046E-03,2.4488447793947002E-03,2.0847324340711503E-04 -15789 (1993 SC),500,5.8008000000000000E+04,3.7889418784000000E+01,1.8867749463999999E+01,2.8911117029699987E+01,2.4559714982770100E+01,2.4503184198588359E+00,-1.4175934788594820E-03,2.4487162432664990E-03,2.0845977277658817E-04 -15789 (1993 SC),500,5.8009000000000000E+04,3.7876616767999998E+01,1.8865417666999999E+01,2.8909666596239063E+01,2.4562201181769197E+01,2.4505293968351101E+00,-1.4177420701129003E-03,2.4485876639491685E-03,2.0844629276264585E-04 -15789 (1993 SC),500,5.8010000000000000E+04,3.7863459714999998E+01,1.8862955692000000E+01,2.8908216428760170E+01,2.4564686831046508E+01,2.4507404258837515E+00,-1.4178905709589418E-03,2.4484590481266902E-03,2.0843280331644146E-04 -15789 (1993 SC),500,5.8011000000000000E+04,3.7849951803000003E+01,1.8860364235999999E+01,2.8906766548257981E+01,2.4567171907239636E+01,2.4509515094993808E+00,-1.4180389765589612E-03,2.4483304036591585E-03,2.0841930458234600E-04 -15789 (1993 SC),500,5.8012000000000000E+04,3.7836097475000003E+01,1.8857644061999999E+01,2.8905316978500739E+01,2.4569656383822224E+01,2.4511626494462035E+00,-1.4181872834362302E-03,2.4482017393156509E-03,2.0840579690296551E-04 -15789 (1993 SC),500,5.8013000000000000E+04,3.7821901465000003E+01,1.8854796013000001E+01,2.8903867744930658E+01,2.4572140232354236E+01,2.4513738465543944E+00,-1.4183354896825612E-03,2.4480730644217703E-03,2.0839228080933150E-04 -15789 (1993 SC),500,5.8014000000000000E+04,3.7807368807000003E+01,1.8851821020999999E+01,2.8902418873322159E+01,2.4574623424001512E+01,2.4515851005939475E+00,-1.4184835950533010E-03,2.4479443884531313E-03,2.0837875699647901E-04 -15789 (1993 SC),500,5.8015000000000000E+04,3.7792504827999998E+01,1.8848720116999999E+01,2.8900970388328229E+01,2.4577105931175961E+01,2.4517964102604584E+00,-1.4186316009368407E-03,2.4478157206226821E-03,2.0836522628698290E-04 -15789 (1993 SC),500,5.8016000000000000E+04,3.7777315127999998E+01,1.8845494426999998E+01,2.8899522312148402E+01,2.4579587729030887E+01,2.4520077732932291E+00,-1.4187795102021661E-03,2.4476870695275006E-03,2.0835168958817415E-04 -15789 (1993 SC),500,5.8017000000000000E+04,3.7761805545999998E+01,1.8842145173999999E+01,2.8898074663585380E+01,2.4582068796510022E+01,2.4522191867110155E+00,-1.4189273269700625E-03,2.4475584428384697E-03,2.0833814784586554E-04 -15789 (1993 SC),500,5.8018000000000000E+04,3.7745982120000001E+01,1.8838673666999998E+01,2.8896627457668025E+01,2.4584549116752907E+01,2.4524306471126982E+00,-1.4190750563101795E-03,2.4474298471028992E-03,2.0832460200047981E-04 -15789 (1993 SC),500,5.8019000000000000E+04,3.7729851044999997E+01,1.8835081289000001E+01,2.8895180705845299E+01,2.4587028676855653E+01,2.4526421509717591E+00,-1.4192227039231456E-03,2.4473012876418884E-03,2.0831105294959019E-04 -15789 (1993 SC),500,5.8020000000000000E+04,3.7713418642000001E+01,1.8831369491000000E+01,2.8893734416588980E+01,2.4589507467174695E+01,2.4528536948645407E+00,-1.4193702758349856E-03,2.4471727685426992E-03,2.0829750151931417E-04 -15789 (1993 SC),500,5.8021000000000000E+04,3.7696691327000003E+01,1.8827539777999998E+01,2.8892288596165287E+01,2.4591985480446464E+01,2.4530652756031452E+00,-1.4195177781214374E-03,2.4470442927244391E-03,2.0828394844446421E-04 -15789 (1993 SC),500,5.8022000000000000E+04,3.7679675592000002E+01,1.8823593703000000E+01,2.8890843249356230E+01,2.4594462710970962E+01,2.4532768902762445E+00,-1.4196652166874795E-03,2.4469158620610693E-03,2.0827039435843215E-04 -15789 (1993 SC),500,5.8023000000000000E+04,3.7662377997000000E+01,1.8819532862999999E+01,2.8889398379988016E+01,2.4596939154018852E+01,2.4534885362222076E+00,-1.4198125971038988E-03,2.4467874775356401E-03,2.0825683979087273E-04 -15789 (1993 SC),500,5.8024000000000000E+04,3.7644805157999997E+01,1.8815358889999999E+01,2.8887953991208601E+01,2.4599414805525779E+01,2.4537002109660064E+00,-1.4199599244981158E-03,2.4466591394074304E-03,2.0824328517148014E-04 -15789 (1993 SC),500,5.8025000000000000E+04,3.7626963742999997E+01,1.8811073455999999E+01,2.8886510085516615E+01,2.4601889662069798E+01,2.4539119121498318E+00,-1.4201072034935452E-03,2.4465308473738297E-03,2.0822973083759204E-04 -15789 (1993 SC),500,5.8026000000000000E+04,3.7608860462000003E+01,1.8806678262999998E+01,2.8885066664580894E+01,2.4604363721085544E+01,2.4541236374828350E+00,-1.4202544381888393E-03,2.4464026007214885E-03,2.0821617704480931E-04 -15789 (1993 SC),500,5.8027000000000000E+04,3.7590502059999999E+01,1.8802175042999998E+01,2.8883623728915492E+01,2.4606836981240487E+01,2.4543353847321607E+00,-1.4204016321678139E-03,2.4462743984573019E-03,2.0820262397863663E-04 -15789 (1993 SC),500,5.8028000000000000E+04,3.7571895298999998E+01,1.8797565551999998E+01,2.8882181277505520E+01,2.4609309442863307E+01,2.4545471517745527E+00,-1.4205487885303170E-03,2.4461462394175584E-03,2.0818907176633065E-04 -15789 (1993 SC),500,5.8029000000000000E+04,3.7553046940999998E+01,1.8792851563999999E+01,2.8880739307524081E+01,2.4611781108262516E+01,2.4547589367222806E+00,-1.4206959099353309E-03,2.4460181223551307E-03,2.0817552048802497E-04 -15789 (1993 SC),703,5.7970000000000000E+04,3.8081693921000003E+01,1.8855332527000002E+01,2.8966380269116161E+01,2.4464875808408696E+01,2.4423560993845745E+00,-1.4119198239952706E-03,2.4535688743914461E-03,2.0896854494136294E-04 -15789 (1993 SC),703,5.7971000000000000E+04,3.8084455671999997E+01,1.8858201262000001E+01,2.8964926764219673E+01,2.4467375968692281E+01,2.4425649841944530E+00,-1.4120694594032500E-03,2.4534418600845424E-03,2.0895519358444761E-04 -15789 (1993 SC),703,5.7972000000000000E+04,3.8086786703000001E+01,1.8860935918999999E+01,2.8963473138066082E+01,2.4469875955677665E+01,2.4427739078475428E+00,-1.4122190851928087E-03,2.4533148099663074E-03,2.0894184109728102E-04 -15789 (1993 SC),703,5.7973000000000000E+04,3.8088686858999999E+01,1.8863536053000001E+01,2.8962019394005946E+01,2.4472375767766412E+01,2.4429828693098248E+00,-1.4123687005103396E-03,2.4531877242349696E-03,2.0892848743343573E-04 -15789 (1993 SC),703,5.7974000000000000E+04,3.8090155996999997E+01,1.8866001227999998E+01,2.8960565534070870E+01,2.4474875404804958E+01,2.4431918679031837E+00,-1.4125183045473107E-03,2.4530606031029131E-03,2.0891513254991991E-04 -15789 (1993 SC),703,5.7975000000000000E+04,3.8091193984999997E+01,1.8868331009999999E+01,2.8959111559323077E+01,2.4477374867678229E+01,2.4434009034388691E+00,-1.4126678965341501E-03,2.4529334467952094E-03,2.0890177640537274E-04 -15789 (1993 SC),703,5.7976000000000000E+04,3.8091800691000003E+01,1.8870524959000001E+01,2.8957657470419029E+01,2.4479874157666224E+01,2.4436099763317216E+00,-1.4128174757504809E-03,2.4528062555403199E-03,2.0888841896151756E-04 -15789 (1993 SC),703,5.7977000000000000E+04,3.8091975986000001E+01,1.8872582629000000E+01,2.8956203268328267E+01,2.4482373275630270E+01,2.4438190876762724E+00,-1.4129670415234004E-03,2.4526790295654310E-03,2.0887506018231209E-04 -15789 (1993 SC),703,5.7978000000000000E+04,3.8091719753000000E+01,1.8874503561000001E+01,2.8954748955132601E+01,2.4484872221113857E+01,2.4440282392751236E+00,-1.4131165932241407E-03,2.4525517690924294E-03,2.0886170003254459E-04 -15789 (1993 SC),703,5.7979000000000000E+04,3.8091031907000001E+01,1.8876287288000000E+01,2.8953294534847668E+01,2.4487370991423159E+01,2.4442374336181927E+00,-1.4132661302736407E-03,2.4524244743284601E-03,2.0884833847844512E-04 -15789 (1993 SC),703,5.7980000000000000E+04,3.8089912421000001E+01,1.8877933334000002E+01,2.8951840014241238E+01,2.4489869580715006E+01,2.4444466738127684E+00,-1.4134156521444594E-03,2.4522971454571003E-03,2.0883497548762804E-04 -15789 (1993 SC),703,5.7981000000000000E+04,3.8088361362000001E+01,1.8879441225000001E+01,2.8950385403630687E+01,2.4492367979112935E+01,2.4446559634557090E+00,-1.4135651583497503E-03,2.4521697826360694E-03,2.0882161102574816E-04 -15789 (1993 SC),703,5.7982000000000000E+04,3.8086378930999999E+01,1.8880810498999999E+01,2.8948930717597058E+01,2.4494866171923007E+01,2.4448653064284027E+00,-1.4137146484540768E-03,2.4520423859812294E-03,2.0880824505861381E-04 -15789 (1993 SC),703,5.7983000000000000E+04,3.8083965515000003E+01,1.8882040715999999E+01,2.8947475975449649E+01,2.4497364139137066E+01,2.4450747065943146E+00,-1.4138641220649770E-03,2.4519149555599293E-03,2.0879487754964682E-04 -15789 (1993 SC),703,5.7984000000000000E+04,3.8081121738000000E+01,1.8883131479999999E+01,2.8946021201174531E+01,2.4499861855521971E+01,2.4452841674043722E+00,-1.4140135788301023E-03,2.4517874913797307E-03,2.0878150845874674E-04 -15789 (1993 SC),703,5.7985000000000000E+04,3.8077848502000002E+01,1.8884082457000002E+01,2.8944566422604840E+01,2.4502359291584039E+01,2.4454936914650052E+00,-1.4141630184350065E-03,2.4516599933744887E-03,2.0876813774161783E-04 -15789 (1993 SC),703,5.7986000000000000E+04,3.8074147021999998E+01,1.8884893387999998E+01,2.8943111669750117E+01,2.4504856415468975E+01,2.4457032801782290E+00,-1.4143124405911062E-03,2.4515324613948002E-03,2.0875476534653004E-04 -15789 (1993 SC),703,5.7987000000000000E+04,3.8070018832999999E+01,1.8885564109000001E+01,2.8941656972577551E+01,2.4507353195458602E+01,2.4459129335743217E+00,-1.4144618450326139E-03,2.4514048951896506E-03,2.0874139121406106E-04 -15789 (1993 SC),703,5.7988000000000000E+04,3.8065465777999997E+01,1.8886094546999999E+01,2.8940202358836608E+01,2.4509849602396088E+01,2.4461226504026023E+00,-1.4146112315035677E-03,2.4512772943919292E-03,2.0872801527467756E-04 -15789 (1993 SC),703,5.7989000000000000E+04,3.8060489971999999E+01,1.8886484727999999E+01,2.8938747852536714E+01,2.4512345611359311E+01,2.4463324284442747E+00,-1.4147605997385810E-03,2.4511496585056611E-03,2.0871463744475907E-04 -15789 (1993 SC),703,5.7990000000000000E+04,3.8055093757000002E+01,1.8886734762000000E+01,2.8937293473388856E+01,2.4514841202245499E+01,2.4465422649291444E+00,-1.4149099494422807E-03,2.4510219868911897E-03,2.0870125762309532E-04 -15789 (1993 SC),703,5.7991000000000000E+04,3.8049279663000000E+01,1.8886844835000002E+01,2.8935839237120724E+01,2.4517336359379872E+01,2.4467521569236683E+00,-1.4150592802755855E-03,2.4508942787407600E-03,2.0868787569145526E-04 -15789 (1993 SC),703,5.7992000000000000E+04,3.8043050364999999E+01,1.8886815195000001E+01,2.8934385156309748E+01,2.4519831070555085E+01,2.4469621016042322E+00,-1.4152085918076917E-03,2.4507665330790202E-03,2.0867449150442554E-04 -15789 (1993 SC),703,5.7993000000000000E+04,3.8036408661000003E+01,1.8886646147000000E+01,2.8932931241342605E+01,2.4522325325941573E+01,2.4471720963940635E+00,-1.4153578834946905E-03,2.4506387487382986E-03,2.0866110489096989E-04 -15789 (1993 SC),703,5.7994000000000000E+04,3.8029357451999999E+01,1.8886338041999998E+01,2.8931477501224371E+01,2.4524819117177092E+01,2.4473821389877886E+00,-1.4155071546240287E-03,2.4505109243610507E-03,2.0864771564580082E-04 -15789 (1993 SC),703,5.7995000000000000E+04,3.8021899734000002E+01,1.8885891274999999E+01,2.8930023944108100E+01,2.4527312436776352E+01,2.4475922273067456E+00,-1.4156564042678687E-03,2.4503830583940591E-03,2.0863432352699905E-04 -15789 (1993 SC),703,5.7996000000000000E+04,3.8014038589000002E+01,1.8885306277000002E+01,2.8928570577526472E+01,2.4529805277877582E+01,2.4478023594260350E+00,-1.4158056312173492E-03,2.4502551491023313E-03,2.0862092824927285E-04 -15789 (1993 SC),703,5.7997000000000000E+04,3.8005777184000003E+01,1.8884583519000000E+01,2.8927117408366005E+01,2.4532297634278088E+01,2.4480125335053677E+00,-1.4159548339167608E-03,2.4501271945889698E-03,2.0860752948056083E-04 -15789 (1993 SC),703,5.7998000000000000E+04,3.7997118757999999E+01,1.8883723504999999E+01,2.8925664442652085E+01,2.4534789500680219E+01,2.4482227477476606E+00,-1.4161040103905110E-03,2.4499991928327702E-03,2.0859412683892621E-04 -15789 (1993 SC),703,5.7999000000000000E+04,3.7988066617999998E+01,1.8882726771000002E+01,2.8924211685229427E+01,2.4537280873051465E+01,2.4484330004035137E+00,-1.4162531581643802E-03,2.4498711417497900E-03,2.0858071988958597E-04 -15789 (1993 SC),703,5.8000000000000000E+04,3.7978624121000003E+01,1.8881593877000000E+01,2.8922759139443666E+01,2.4539771748978659E+01,2.4486432898334525E+00,-1.4164022741914289E-03,2.4497430392772419E-03,2.0856730814559392E-04 -15789 (1993 SC),703,5.8001000000000000E+04,3.7968794658999997E+01,1.8880325407000001E+01,2.8921306806952959E+01,2.4542262127871538E+01,2.4488536146320428E+00,-1.4165513547842500E-03,2.4496148834886999E-03,2.0855389106994038E-04 -15789 (1993 SC),703,5.8002000000000000E+04,3.7958581645000002E+01,1.8878921953999999E+01,2.8919854687809867E+01,2.4544752010857724E+01,2.4490639738028808E+00,-1.4167003955699656E-03,2.4494866727369120E-03,2.0854046808447787E-04 -15789 (1993 SC),703,5.8003000000000000E+04,3.7947988494000001E+01,1.8877384118999998E+01,2.8918402780925554E+01,2.4547241400245703E+01,2.4492743669541599E+00,-1.4168493914746899E-03,2.4493584058172292E-03,2.0852703858195517E-04 -15789 (1993 SC),703,5.8004000000000000E+04,3.7937018625999997E+01,1.8875712498999999E+01,2.8916951084944948E+01,2.4549730298526633E+01,2.4494847944664562E+00,-1.4169983367382181E-03,2.4492300821811301E-03,2.0851360194333319E-04 -15789 (1993 SC),703,5.8005000000000000E+04,3.7925675460999997E+01,1.8873907686999999E+01,2.8915499599432565E+01,2.4552218707031546E+01,2.4496952575794237E+00,-1.4171472250066120E-03,2.4491017021273393E-03,2.0850015756346491E-04 -15789 (1993 SC),703,5.8006000000000000E+04,3.7913962450000000E+01,1.8871970267999998E+01,2.8914048326148620E+01,2.4554706624494852E+01,2.4499057583588004E+00,-1.4172960494723925E-03,2.4489732670086393E-03,2.0848670488038897E-04 -15789 (1993 SC),703,5.8007000000000000E+04,3.7901883097999999E+01,1.8869900826999999E+01,2.8912597270149345E+01,2.4557194045823728E+01,2.4501162995388737E+00,-1.4174448030853191E-03,2.4488447794138602E-03,2.0847324340875136E-04 -15789 (1993 SC),703,5.8008000000000000E+04,3.7889441011000002E+01,1.8867699955999999E+01,2.8911146440507036E+01,2.4559680961301737E+01,2.4503268842701704E+00,-1.4175934788378934E-03,2.4487162432847102E-03,2.0845977277854355E-04 -15789 (1993 SC),703,5.8009000000000000E+04,3.7876639939000000E+01,1.8865368265000001E+01,2.8909695850570248E+01,2.4562167356312514E+01,2.4505375158189207E+00,-1.4177420700919869E-03,2.4485876639664186E-03,2.0844629276492961E-04 -15789 (1993 SC),703,5.8010000000000000E+04,3.7863483825000003E+01,1.8862906403000000E+01,2.8908245517798505E+01,2.4564653211542250E+01,2.4507481972610163E+00,-1.4178905709374650E-03,2.4484590481450817E-03,2.0843280331813422E-04 -15789 (1993 SC),703,5.8011000000000000E+04,3.7849976843999997E+01,1.8860315064000002E+01,2.8906795463245611E+01,2.4567138503576604E+01,2.4509589311953293E+00,-1.4180389765380079E-03,2.4483304036768284E-03,2.0841930458425010E-04 -15789 (1993 SC),703,5.8012000000000000E+04,3.7836123440999998E+01,1.8857595014000001E+01,2.8905345710742171E+01,2.4569623205834528E+01,2.4511697194902902E+00,-1.4181872834155050E-03,2.4482017393331196E-03,2.0840579690485118E-04 -15789 (1993 SC),703,5.8013000000000000E+04,3.7821928350000000E+01,1.8854747093000000E+01,2.8903896285795938E+01,2.4572107289818344E+01,2.4513805630800394E+00,-1.4183354896622111E-03,2.4480730644387601E-03,2.0839228081131664E-04 -15789 (1993 SC),703,5.8014000000000000E+04,3.7807396601999997E+01,1.8851772234999999E+01,2.8902447214250078E+01,2.4574590726633577E+01,2.4515914618379151E+00,-1.4184835950330598E-03,2.4479443884701819E-03,2.0837875699832576E-04 -15789 (1993 SC),703,5.8015000000000000E+04,3.7792533526000000E+01,1.8848671468999999E+01,2.8900998520829301E+01,2.4577073488629200E+01,2.4518024145622128E+00,-1.4186316009169799E-03,2.4478157206392279E-03,2.0836522628892804E-04 -15789 (1993 SC),703,5.8016000000000000E+04,3.7777344720999999E+01,1.8845445923000000E+01,2.8899550227807751E+01,2.4579555550892952E+01,2.4520134190946434E+00,-1.4187795101821971E-03,2.4476870695446604E-03,2.0835168958973762E-04 -15789 (1993 SC),703,5.8017000000000000E+04,3.7761836025000001E+01,1.8842096819999998E+01,2.8898102354065397E+01,2.4582036892300575E+01,2.4522244725564093E+00,-1.4189273269504892E-03,2.4475584428551196E-03,2.0833814784752754E-04 -15789 (1993 SC),703,5.8018000000000000E+04,3.7746013476000002E+01,1.8838625467000000E+01,2.8896654914711085E+01,2.4584517495921009E+01,2.4524355716494632E+00,-1.4190750562908892E-03,2.4474298471193097E-03,2.0832460200211720E-04 -15789 (1993 SC),703,5.8019000000000000E+04,3.7729883268999998E+01,1.8835033247999998E+01,2.8895207921276182E+01,2.4586997348777331E+01,2.4526467129509033E+00,-1.4192227039046747E-03,2.4473012876566388E-03,2.0831105295181760E-04 -15789 (1993 SC),703,5.8020000000000000E+04,3.7713451724999999E+01,1.8831321615000000E+01,2.8893761382317361E+01,2.4589476441150310E+01,2.4528578931414020E+00,-1.4193702758161842E-03,2.4471727685588997E-03,2.0829750152077825E-04 -15789 (1993 SC),703,5.8021000000000000E+04,3.7696725258999997E+01,1.8827492071000002E+01,2.8892315304188113E+01,2.4591954765698365E+01,2.4530691091379064E+00,-1.4195177781030424E-03,2.4470442927400898E-03,2.0828394844602571E-04 -15789 (1993 SC),703,5.8022000000000000E+04,3.7679710364000002E+01,1.8823546171000000E+01,2.8890869691760013E+01,2.4594432316640866E+01,2.4532803581343154E+00,-1.4196652166694875E-03,2.4469158620761787E-03,2.0827039436009204E-04 -15789 (1993 SC),703,5.8023000000000000E+04,3.7662413598000001E+01,1.8819485509000000E+01,2.8889424548951418E+01,2.4596909089165067E+01,2.4534916375747011E+00,-1.4198125970861389E-03,2.4467874775507600E-03,2.0825683979238280E-04 -15789 (1993 SC),703,5.8024000000000000E+04,3.7644841577999998E+01,1.8815311720000000E+01,2.8887979879004650E+01,2.4599385079120811E+01,2.4537029450896837E+00,-1.4199599244809225E-03,2.4466591394214001E-03,2.0824328517333811E-04 -15789 (1993 SC),703,5.8025000000000000E+04,3.7627000969999997E+01,1.8811026474999998E+01,2.8886535684515007E+01,2.4601860282997649E+01,2.4539142784272090E+00,-1.4201072034763034E-03,2.4465308473889721E-03,2.0822973083879239E-04 -15789 (1993 SC),703,5.8026000000000000E+04,3.7608898486000001E+01,1.8806631475000000E+01,2.8885091967250233E+01,2.4604334698139276E+01,2.4541256354019598E+00,-1.4202544381721558E-03,2.4464026007354703E-03,2.0821617704635848E-04 -15789 (1993 SC),703,5.8027000000000000E+04,3.7590540869000002E+01,1.8802128453000002E+01,2.8883648727825463E+01,2.4606808323119719E+01,2.4543370138864429E+00,-1.4204016321515368E-03,2.4462743984706922E-03,2.0820262398028321E-04 -15789 (1993 SC),703,5.8028000000000000E+04,3.7571934880999997E+01,1.8797519165000001E+01,2.8882205965329003E+01,2.4609281158171623E+01,2.4545484118624818E+00,-1.4205487885142751E-03,2.4461462394312281E-03,2.0818907176769415E-04 -15789 (1993 SC),703,5.8029000000000000E+04,3.7553087284999997E+01,1.8792805383000001E+01,2.8880763677039663E+01,2.4611753205504609E+01,2.4547598275472589E+00,-1.4206959099197539E-03,2.4460181223679017E-03,2.0817552048961203E-04 -15789 (1993 SC),F51,5.7970000000000000E+04,3.8081653494999998E+01,1.8855351036999998E+01,2.8966364334098614E+01,2.4464893279882979E+01,2.4423602601828804E+00,-1.4119198240061595E-03,2.4535688743827864E-03,2.0896854494024006E-04 -15789 (1993 SC),F51,5.7971000000000000E+04,3.8084414815000002E+01,1.8858219566999999E+01,2.8964911177308828E+01,2.4467393018520720E+01,2.4425694432379439E+00,-1.4120694594138301E-03,2.4534418600766980E-03,2.0895519358314575E-04 -15789 (1993 SC),F51,5.7972000000000000E+04,3.8086745426999997E+01,1.8860954016000001E+01,2.8963457903875533E+01,2.4469892579161129E+01,2.4427786635962794E+00,-1.4122190852029603E-03,2.4533148099582826E-03,2.0894184109622284E-04 -15789 (1993 SC),F51,5.7973000000000000E+04,3.8088645174000000E+01,1.8863553938999999E+01,2.8962004517036561E+01,2.4472391960323961E+01,2.4429879201356752E+00,-1.4123687005199205E-03,2.4531877242263030E-03,2.0892848743282735E-04 -15789 (1993 SC),F51,5.7974000000000000E+04,3.8090113916999996E+01,1.8866018901000000E+01,2.8960551018709257E+01,2.4474891161974991E+01,2.4431972120907348E+00,-1.4125183045566488E-03,2.4530606030952959E-03,2.0891513254903140E-04 -15789 (1993 SC),F51,5.7975000000000000E+04,3.8091151521000000E+01,1.8868348468000001E+01,2.8959097409840020E+01,2.4477390185119702E+01,2.4434065391864523E+00,-1.4126678965431204E-03,2.4529334467879079E-03,2.0890177640451706E-04 -15789 (1993 SC),F51,5.7976000000000000E+04,3.8091757854999997E+01,1.8870542199999999E+01,2.8957643690968062E+01,2.4479889031159715E+01,2.4436159017526138E+00,-1.4128174757589897E-03,2.4528062555331104E-03,2.0888841896080050E-04 -15789 (1993 SC),F51,5.7977000000000000E+04,3.8091932790000001E+01,1.8872599650000002E+01,2.8956189862944242E+01,2.4482387701079009E+01,2.4438253007999347E+00,-1.4129670415317097E-03,2.4526790295592710E-03,2.0887506018131693E-04 -15789 (1993 SC),F51,5.7978000000000000E+04,3.8091676210000003E+01,1.8874520360000002E+01,2.8954735927730280E+01,2.4484886194544860E+01,2.4440347380482645E+00,-1.4131165932320614E-03,2.4525517690866111E-03,2.0886170003158437E-04 -15789 (1993 SC),F51,5.7979000000000000E+04,3.8090988029000002E+01,1.8876303863000000E+01,2.8953281889220374E+01,2.4487384508988207E+01,2.4442442159057558E+00,-1.4132661302808901E-03,2.4524244743220399E-03,2.0884833847792915E-04 -15789 (1993 SC),F51,5.7980000000000000E+04,3.8089868222000000E+01,1.8877949683000001E+01,2.8951827754059543E+01,2.4489882638691675E+01,2.4444537373985709E+00,-1.4134156521515909E-03,2.4522971454519604E-03,2.0883497548673693E-04 -15789 (1993 SC),F51,5.7981000000000000E+04,3.8088316853000002E+01,1.8879457345999999E+01,2.8950373532441247E+01,2.4492380573905532E+01,2.4446633060428593E+00,-1.4135651583564203E-03,2.4521697826310387E-03,2.0882161102499767E-04 -15789 (1993 SC),F51,5.7982000000000000E+04,3.8086334125999997E+01,1.8880826389999999E+01,2.8948919238821443E+01,2.4494878300063462E+01,2.4448729256394945E+00,-1.4137146484602542E-03,2.4520423859763097E-03,2.0880824505799868E-04 -15789 (1993 SC),F51,5.7983000000000000E+04,3.8083920427000002E+01,1.8882056375000001E+01,2.8947464892383326E+01,2.4497375797285692E+01,2.4450825999715975E+00,-1.4138641220707415E-03,2.4519149555553496E-03,2.0879487754906618E-04 -15789 (1993 SC),F51,5.7984000000000000E+04,3.8081076379999999E+01,1.8883146907000000E+01,2.8946010516985798E+01,2.4499873040468383E+01,2.4452923324098963E+00,-1.4140135788353742E-03,2.4517874913752707E-03,2.0878150845830305E-04 -15789 (1993 SC),F51,5.7985000000000000E+04,3.8077802886999997E+01,1.8884097648000001E+01,2.8944556140333702E+01,2.4502370000247939E+01,2.4455021254813269E+00,-1.4141630184401500E-03,2.4516599933710696E-03,2.0876813774091049E-04 -15789 (1993 SC),F51,5.7986000000000000E+04,3.8074101163999998E+01,1.8884908342999999E+01,2.8943101792307068E+01,2.4504866644901167E+01,2.4457119805093721E+00,-1.4143124405957327E-03,2.4515324613915094E-03,2.0875476534595861E-04 -15789 (1993 SC),F51,5.7987000000000000E+04,3.8069972745000001E+01,1.8885578826000000E+01,2.8941647502742502E+01,2.4507362942841841E+01,2.4459218974474517E+00,-1.4144618450364008E-03,2.4514048951857995E-03,2.0874139121391527E-04 -15789 (1993 SC),F51,5.7988000000000000E+04,3.8065419474000002E+01,1.8886109025000000E+01,2.8940193299257924E+01,2.4509858865045690E+01,2.4461318749698728E+00,-1.4146112315070354E-03,2.4512772943886714E-03,2.0872801527447134E-04 -15789 (1993 SC),F51,5.7989000000000000E+04,3.8060443464999999E+01,1.8886498965000001E+01,2.8938739205730055E+01,2.4512354386724219E+01,2.4463419107844708E+00,-1.4147605997421962E-03,2.4511496585038692E-03,2.0871463744411267E-04 -15789 (1993 SC),F51,5.7990000000000000E+04,3.8055047061000003E+01,1.8886748756999999E+01,2.8937285241736287E+01,2.4514849487909036E+01,2.4465520020491054E+00,-1.4149099494448862E-03,2.4510219868886709E-03,2.0870125762295885E-04 -15789 (1993 SC),F51,5.7991000000000000E+04,3.8049232791999998E+01,1.8886858585999999E+01,2.8935831422869917E+01,2.4517344153060517E+01,2.4467621457594531E+00,-1.4150592802783784E-03,2.4508942787396897E-03,2.0868787569088592E-04 -15789 (1993 SC),F51,5.7992000000000000E+04,3.8043003333999998E+01,1.8886828701999999E+01,2.8934377761573376E+01,2.4519838370107053E+01,2.4469723390220608E+00,-1.4152085918096840E-03,2.4507665330776515E-03,2.0867449150417628E-04 -15789 (1993 SC),F51,5.7993000000000000E+04,3.8036361483000000E+01,1.8886659408000000E+01,2.8932924268097739E+01,2.4522332129355501E+01,2.4471825791910753E+00,-1.4153578834962544E-03,2.4506387487373098E-03,2.0866110489075858E-04 -15789 (1993 SC),F51,5.7994000000000000E+04,3.8029310142000000E+01,1.8886351056999999E+01,2.8931470951312050E+01,2.4524825422580538E+01,2.4473928638928752E+00,-1.4155071546248944E-03,2.4505109243599995E-03,2.0864771564580806E-04 -15789 (1993 SC),F51,5.7995000000000000E+04,3.8021852306000000E+01,1.8885904042000000E+01,2.8930017819232848E+01,2.4527318242434404E+01,2.4476031909813312E+00,-1.4156564042685739E-03,2.4503830583937902E-03,2.0863432352686157E-04 -15789 (1993 SC),F51,5.7996000000000000E+04,3.8013991056999998E+01,1.8885318796000000E+01,2.8928564879255838E+01,2.4529810582193392E+01,2.4478135584649161E+00,-1.4158056312179113E-03,2.4502551491028396E-03,2.0862092824899480E-04 -15789 (1993 SC),F51,5.7997000000000000E+04,3.8005729561999999E+01,1.8884595788999999E+01,2.8927112138130298E+01,2.4532302435793390E+01,2.4480239644376134E+00,-1.4159548339167530E-03,2.4501271945896411E-03,2.0860752948041007E-04 -15789 (1993 SC),F51,5.7998000000000000E+04,3.7997071062000003E+01,1.8883735525999999E+01,2.8925659601744236E+01,2.4534793798075519E+01,2.4482344070376310E+00,-1.4161040103899203E-03,2.4499991928335994E-03,2.0859412683890151E-04 -15789 (1993 SC),F51,5.7999000000000000E+04,3.7988018861000000E+01,1.8882738541999998E+01,2.8924207274804704E+01,2.4537284665146583E+01,2.4484448844517663E+00,-1.4162531581632023E-03,2.4498711417507806E-03,2.0858071988968751E-04 -15789 (1993 SC),F51,5.8000000000000000E+04,3.7978576318000002E+01,1.8881605397000001E+01,2.8922755160519468E+01,2.4539775034733143E+01,2.4486553949778003E+00,-1.4164022741901296E-03,2.4497430392789992E-03,2.0856730814556112E-04 -15789 (1993 SC),F51,5.8001000000000000E+04,3.7968746824999997E+01,1.8880336675999999E+01,2.8921303260408600E+01,2.4542264906385064E+01,2.4488659371486481E+00,-1.4165513547825187E-03,2.4496148834908214E-03,2.0855389106994761E-04 -15789 (1993 SC),F51,5.8002000000000000E+04,3.7958533793000001E+01,1.8878932972000001E+01,2.8919851574386495E+01,2.4544754281370459E+01,2.4490765099076306E+00,-1.4167003955674762E-03,2.4494866727390301E-03,2.0854046808469124E-04 -15789 (1993 SC),F51,5.8003000000000000E+04,3.7947940641000002E+01,1.8877394885000001E+01,2.8918400101226108E+01,2.4547243162138525E+01,2.4492871128042251E+00,-1.4168493914719291E-03,2.4493584058198990E-03,2.0852703858212238E-04 -15789 (1993 SC),F51,5.8004000000000000E+04,3.7936970785000000E+01,1.8875723013000002E+01,2.8916948839434269E+01,2.4549731551321251E+01,2.4494977461620788E+00,-1.4169983367350210E-03,2.4492300821841798E-03,2.0851360194353832E-04 -15789 (1993 SC),F51,5.8005000000000000E+04,3.7925627648000003E+01,1.8873917948999999E+01,2.8915497788437229E+01,2.4552219450390883E+01,2.4497084111656835E+00,-1.4171472250029808E-03,2.4491017021307585E-03,2.0850015756370804E-04 -15789 (1993 SC),F51,5.8006000000000000E+04,3.7913914679000001E+01,1.8871980278999999E+01,2.8914046949856861E+01,2.4554706858223390E+01,2.4499191098272890E+00,-1.4172960494685111E-03,2.4489732670126083E-03,2.0848670488059109E-04 -15789 (1993 SC),F51,5.8007000000000000E+04,3.7901835384000002E+01,1.8869910587000000E+01,2.8912596328611318E+01,2.4557193769867599E+01,2.4501298448292612E+00,-1.4174448030802706E-03,2.4488447794174806E-03,2.0847324340930127E-04 -15789 (1993 SC),F51,5.8008000000000000E+04,3.7889393368999997E+01,1.8867709464000001E+01,2.8911145933634835E+01,2.4559680175748959E+01,2.4503406192713135E+00,-1.4175934788329624E-03,2.4487162432892517E-03,2.0845977277890270E-04 -15789 (1993 SC),F51,5.8009000000000000E+04,3.7876592383000002E+01,1.8865377522999999E+01,2.8909695778138317E+01,2.4562166061392968E+01,2.4505514363697731E+00,-1.4177420700871961E-03,2.4485876639718310E-03,2.0844629276510300E-04 -15789 (1993 SC),F51,5.8010000000000000E+04,3.7863436370000002E+01,1.8862915408999999E+01,2.8908245879443868E+01,2.4564651407627945E+01,2.4507622991511524E+00,-1.4178905709312860E-03,2.4484590481499997E-03,2.0843280331871590E-04 -15789 (1993 SC),F51,5.8011000000000000E+04,3.7849929506000002E+01,1.8860323821000001E+01,2.8906796258468322E+01,2.4567136191181607E+01,2.4509732101655666E+00,-1.4180389765317833E-03,2.4483304036824489E-03,2.0841930458472517E-04 -15789 (1993 SC),F51,5.8012000000000000E+04,3.7836076235000000E+01,1.8857603520000001E+01,2.8905346938905829E+01,2.4569620385614961E+01,2.4511841712334412E+00,-1.4181872834088500E-03,2.4482017393391096E-03,2.0840579690536100E-04 -15789 (1993 SC),F51,5.8013000000000000E+04,3.7821881288000000E+01,1.8854755350000001E+01,2.8903897946128104E+01,2.4572103962572495E+01,2.4513951832418899E+00,-1.4183354896553360E-03,2.4480730644452688E-03,2.0839228081179684E-04 -15789 (1993 SC),F51,5.8014000000000000E+04,3.7807349701000000E+01,1.8851780244000000E+01,2.8902449305842762E+01,2.4574586893301809E+01,2.4516062460186876E+00,-1.4184835950255511E-03,2.4479443884768987E-03,2.0837875699891359E-04 -15789 (1993 SC),F51,5.8015000000000000E+04,3.7792486801000003E+01,1.8848679229999998E+01,2.8901001042639557E+01,2.4577069150293902E+01,2.4518173583183565E+00,-1.4186316009092590E-03,2.4478157206464582E-03,2.0836522628948619E-04 -15789 (1993 SC),F51,5.8016000000000000E+04,3.7777298184999999E+01,1.8845453438000000E+01,2.8899553178658184E+01,2.4579550708778530E+01,2.4520285179407622E+00,-1.4187795101734185E-03,2.4476870695517988E-03,2.0835168959052966E-04 -15789 (1993 SC),F51,5.8017000000000000E+04,3.7761789694000001E+01,1.8842104088999999E+01,2.8898105732644705E+01,2.4582031547773472E+01,2.4522397219672332E+00,-1.4189273269414977E-03,2.4475584428627680E-03,2.0833814784828987E-04 -15789 (1993 SC),F51,5.8018000000000000E+04,3.7745967364000002E+01,1.8838632491999999E+01,2.8896658719574411E+01,2.4584511650489880E+01,2.4524509670615426E+00,-1.4190750562814757E-03,2.4474298471273206E-03,2.0832460200291737E-04 -15789 (1993 SC),F51,5.8019000000000000E+04,3.7729837392000000E+01,1.8835040029999998E+01,2.8895212150845882E+01,2.4586991004092930E+01,2.4526622497642276E+00,-1.4192227038959382E-03,2.4473012876657096E-03,2.0831105295235000E-04 -15789 (1993 SC),F51,5.8020000000000000E+04,3.7713406096000000E+01,1.8831328154000001E+01,2.8893766034883793E+01,2.4589469599005348E+01,2.4528735667207182E+00,-1.4193702758057113E-03,2.4471727685674797E-03,2.0829750152170776E-04 -15789 (1993 SC),F51,5.8021000000000000E+04,3.7696679893000002E+01,1.8827498370000001E+01,2.8892320377910558E+01,2.4591947428027151E+01,2.4530849148138993E+00,-1.4195177780923747E-03,2.4470442927491814E-03,2.0828394844693267E-04 -15789 (1993 SC),F51,5.8022000000000000E+04,3.7679665274999998E+01,1.8823552230000001E+01,2.8890875184667625E+01,2.4594424485519085E+01,2.4532962912047145E+00,-1.4196652166586338E-03,2.4469158620857318E-03,2.0827039436098049E-04 -15789 (1993 SC),F51,5.8023000000000000E+04,3.7662368801000000E+01,1.8819491330000002E+01,2.8889430458944062E+01,2.4596900766809611E+01,2.4535076933052773E+00,-1.4198125970746485E-03,2.4467874775605403E-03,2.0825683979335647E-04 -15789 (1993 SC),F51,5.8024000000000000E+04,3.7644797085999997E+01,1.8815317305000001E+01,2.8887986203854133E+01,2.4599376267889138E+01,2.4537191187154370E+00,-1.4199599244697205E-03,2.4466591394319004E-03,2.0824328517419268E-04 -15789 (1993 SC),F51,5.8025000000000000E+04,3.7626956798999998E+01,1.8811031825000001E+01,2.8886542421866114E+01,2.4601850985387525E+01,2.4539305651534025E+00,-1.4201072034635347E-03,2.4465308473992104E-03,2.0822973083994142E-04 -15789 (1993 SC),F51,5.8026000000000000E+04,3.7608854649000001E+01,1.8806636593000000E+01,2.8885099114621994E+01,2.4604324916788041E+01,2.4541420304053085E+00,-1.4202544381596868E-03,2.4464026007464078E-03,2.0821617704738855E-04 -15789 (1993 SC),F51,5.8027000000000000E+04,3.7590497380999999E+01,1.8802133340000001E+01,2.8883656282612392E+01,2.4606798060803751E+01,2.4543535123162235E+00,-1.4204016321389108E-03,2.4462743984820703E-03,2.0820262398130407E-04 -15789 (1993 SC),F51,5.8028000000000000E+04,3.7571891755000003E+01,1.8797523821999999E+01,2.8882213924802340E+01,2.4609270417805838E+01,2.4545650088416711E+00,-1.4205487885007770E-03,2.4461462394427293E-03,2.0818907176884001E-04 -15789 (1993 SC),F51,5.8029000000000000E+04,3.7553044534000001E+01,1.8792809814000002E+01,2.8880772038348280E+01,2.4611741990142075E+01,2.4547765181736807E+00,-1.4206959099063489E-03,2.4460181223799494E-03,2.0817552049070466E-04 -15789 (1993 SC),I11,5.7970000000000000E+04,3.8081733583999998E+01,1.8855396118000002E+01,2.8966382042586574E+01,2.4464874897073646E+01,2.4423449731297535E+00,-1.4119198239831206E-03,2.4535688744011484E-03,2.0896854494249764E-04 -15789 (1993 SC),I11,5.7971000000000000E+04,3.8084495312000001E+01,1.8858265089000000E+01,2.8964928170617895E+01,2.4467375486187940E+01,2.4425536877072793E+00,-1.4120694593911503E-03,2.4534418600936428E-03,2.0895519358568284E-04 -15789 (1993 SC),I11,5.7972000000000000E+04,3.8086826309000003E+01,1.8860999981999999E+01,2.8963474177080631E+01,2.4469875901921160E+01,2.4427624446143303E+00,-1.4122190851813803E-03,2.4533148099754078E-03,2.0894184109835010E-04 -15789 (1993 SC),I11,5.7973000000000000E+04,3.8088726418000000E+01,1.8863600350999999E+01,2.8962020065443301E+01,2.4472376142556488E+01,2.4429712428642083E+00,-1.4123687004998792E-03,2.4531877242443718E-03,2.0892848743421641E-04 -15789 (1993 SC),I11,5.7974000000000000E+04,3.8090195498999996E+01,1.8866065762000002E+01,2.8960565837855455E+01,2.4474876207822099E+01,2.4431800818250125E+00,-1.4125183045367497E-03,2.4530606031115572E-03,2.0891513255086021E-04 -15789 (1993 SC),I11,5.7975000000000000E+04,3.8091233416999998E+01,1.8868395780000000E+01,2.8959111495497282E+01,2.4477376098484903E+01,2.4433889613528681E+00,-1.4126678965239604E-03,2.4529334468035499E-03,2.0890177640628068E-04 -15789 (1993 SC),I11,5.7976000000000000E+04,3.8091840042000001E+01,1.8870589965000001E+01,2.8957657039143207E+01,2.4479875815706951E+01,2.4435978819060433E+00,-1.4128174757408012E-03,2.4528062555485008E-03,2.0888841896233584E-04 -15789 (1993 SC),I11,5.7977000000000000E+04,3.8092015242999999E+01,1.8872647870000002E+01,2.8956202469880679E+01,2.4482375360231810E+01,2.4438068446209473E+00,-1.4129670415135801E-03,2.4526790295728990E-03,2.0887506018327798E-04 -15789 (1993 SC),I11,5.7978000000000000E+04,3.8091758904999999E+01,1.8874569037000001E+01,2.8954747789909515E+01,2.4484874731485313E+01,2.4440158513403563E+00,-1.4131165932146691E-03,2.4525517690995903E-03,2.0886170003347822E-04 -15789 (1993 SC),I11,5.7979000000000000E+04,3.8091070942000002E+01,1.8876352998000002E+01,2.8953293003363299E+01,2.4487373926656090E+01,2.4442249045928248E+00,-1.4132661302652203E-03,2.4524244743358691E-03,2.0884833847911404E-04 -15789 (1993 SC),I11,5.7980000000000000E+04,3.8089951327000001E+01,1.8877999278000001E+01,2.8951838117127636E+01,2.4489872939783634E+01,2.4444340075228643E+00,-1.4134156521356904E-03,2.4522971454636801E-03,2.0883497548849033E-04 -15789 (1993 SC),I11,5.7981000000000000E+04,3.8088400127000000E+01,1.8879507403000002E+01,2.8950383141637609E+01,2.4492371760874313E+01,2.4446431637632697E+00,-1.4135651583415190E-03,2.4521697826424809E-03,2.0882161102652469E-04 -15789 (1993 SC),I11,5.7982000000000000E+04,3.8086417544000000E+01,1.8880876909000001E+01,2.8948928091591434E+01,2.4494870375117625E+01,2.4448523772302471E+00,-1.4137146484463695E-03,2.4520423859874813E-03,2.0880824505930265E-04 -15789 (1993 SC),I11,5.7983000000000000E+04,3.8084003963999997E+01,1.8882107358999999E+01,2.8947472986415214E+01,2.4497368762389126E+01,2.4450616518214519E+00,-1.4138641220576183E-03,2.4519149555658811E-03,2.0879487755030390E-04 -15789 (1993 SC),I11,5.7984000000000000E+04,3.8081160009999998E+01,1.8883198355000001E+01,2.8946017850211447E+01,2.4499866897339707E+01,2.4452709910214852E+00,-1.4140135788232918E-03,2.4517874913855004E-03,2.0878150845932383E-04 -15789 (1993 SC),I11,5.7985000000000000E+04,3.8077886585999998E+01,1.8884149562000001E+01,2.8944562710928778E+01,2.4502364750360588E+01,2.4454803974696659E+00,-1.4141630184279774E-03,2.4516599933796200E-03,2.0876813774231494E-04 -15789 (1993 SC),I11,5.7986000000000000E+04,3.8074184905999999E+01,1.8884960722999999E+01,2.8943107598691768E+01,2.4504862289482681E+01,2.4456898725999845E+00,-1.4143124405845992E-03,2.4515324613997597E-03,2.0875476534714559E-04 -15789 (1993 SC),I11,5.7987000000000000E+04,3.8070056506000000E+01,1.8885631671999999E+01,2.8941652543582144E+01,2.4507359482873461E+01,2.4458994164733281E+00,-1.4144618450272206E-03,2.4514048951947611E-03,2.0874139121445235E-04 -15789 (1993 SC),I11,5.7988000000000000E+04,3.8065503227999997E+01,1.8886162337999998E+01,2.8940197573463482E+01,2.4509856301261919E+01,2.4461090278679389E+00,-1.4146112314983340E-03,2.4512772943966407E-03,2.0872801527508890E-04 -15789 (1993 SC),I11,5.7989000000000000E+04,3.8060527186999998E+01,1.8886552746000000E+01,2.8938742712459039E+01,2.4512352719611943E+01,2.4463187045921235E+00,-1.4147605997327194E-03,2.4511496585095487E-03,2.0871463744536890E-04 -15789 (1993 SC),I11,5.7990000000000000E+04,3.8055130726000002E+01,1.8886803005000001E+01,2.8937287980393233E+01,2.4514848717706919E+01,2.4465284439009634E+00,-1.4149099494377322E-03,2.4510219868953201E-03,2.0870125762345132E-04 -15789 (1993 SC),I11,5.7991000000000000E+04,3.8049316374000000E+01,1.8886913301000000E+01,2.8935833393106684E+01,2.4517344279758568E+01,2.4467382428845936E+00,-1.4150592802703900E-03,2.4508942787441115E-03,2.0868787569199750E-04 -15789 (1993 SC),I11,5.7992000000000000E+04,3.8043086807000002E+01,1.8886883882999999E+01,2.8934378963288861E+01,2.4519839393446624E+01,2.4469480987416641E+00,-1.4152085918034268E-03,2.4507665330823700E-03,2.0867449150481130E-04 -15789 (1993 SC),I11,5.7993000000000000E+04,3.8036444822000000E+01,1.8886715057000000E+01,2.8932924701437756E+01,2.4522334048829162E+01,2.4471580089163867E+00,-1.4153578834907561E-03,2.4506387487413794E-03,2.0866110489132695E-04 -15789 (1993 SC),I11,5.7994000000000000E+04,3.8029393321999997E+01,1.8886407170999998E+01,2.8931470616668861E+01,2.4524828237432168E+01,2.4473679711231715E+00,-1.4155071546208316E-03,2.4505109243640310E-03,2.0864771564605013E-04 -15789 (1993 SC),I11,5.7995000000000000E+04,3.8021935300000003E+01,1.8885960620999999E+01,2.8930016717244726E+01,2.4527321951659243E+01,2.4475779833021236E+00,-1.4156564042645927E-03,2.4503830583965779E-03,2.0863432352729655E-04 -15789 (1993 SC),I11,5.7996000000000000E+04,3.8014073840999998E+01,1.8885375839999998E+01,2.8928563010806489E+01,2.4529815184538229E+01,2.4477880435459758E+00,-1.4158056312139839E-03,2.4502551491044113E-03,2.0862092824961033E-04 -15789 (1993 SC),I11,5.7997000000000000E+04,3.8005812110000001E+01,1.8884653296000000E+01,2.8927109504348206E+01,2.4532307929756669E+01,2.4479981500309931E+00,-1.4159548339139219E-03,2.4501271945908589E-03,2.0860752948083380E-04 -15789 (1993 SC),I11,5.7998000000000000E+04,3.7997153347999998E+01,1.8883793494999999E+01,2.8925656204001729E+01,2.4534800181907897E+01,2.4482083009755984E+00,-1.4161040103882003E-03,2.4499991928344702E-03,2.0859412683913646E-04 -15789 (1993 SC),I11,5.7999000000000000E+04,3.7988100860000003E+01,1.8882796971000001E+01,2.8924203114717027E+01,2.4537291936851290E+01,2.4484184946448586E+00,-1.4162531581625969E-03,2.4498711417513010E-03,2.0858071988973884E-04 -15789 (1993 SC),I11,5.8000000000000000E+04,3.7978658004000003E+01,1.8881664285999999E+01,2.8922750239943987E+01,2.4539783192066214E+01,2.4486287294127953E+00,-1.4164022741895337E-03,2.4497430392783487E-03,2.0856730814577750E-04 -15789 (1993 SC),I11,5.8001000000000000E+04,3.7968828172000002E+01,1.8880396020999999E+01,2.8921297581443728E+01,2.4542273946855854E+01,2.4488390038863685E+00,-1.4165513547826636E-03,2.4496148834895395E-03,2.0855389107009634E-04 -15789 (1993 SC),I11,5.8002000000000000E+04,3.7958614777999998E+01,1.8878992773000000E+01,2.8919845139370604E+01,2.4544764202242231E+01,2.4490493170803167E+00,-1.4167003955691147E-03,2.4494866727376319E-03,2.0854046808455170E-04 -15789 (1993 SC),I11,5.8003000000000000E+04,3.7948021236000002E+01,1.8877455138999998E+01,2.8918392912736394E+01,2.4547253960429003E+01,2.4492596686126662E+00,-1.4168493914739275E-03,2.4493584058176403E-03,2.0852703858202792E-04 -15789 (1993 SC),I11,5.8004000000000000E+04,3.7937050966000001E+01,1.8875783719000001E+01,2.8916940900285464E+01,2.4549743223803389E+01,2.4494700588724512E+00,-1.4169983367377523E-03,2.4492300821812897E-03,2.0851360194337623E-04 -15789 (1993 SC),I11,5.8005000000000000E+04,3.7925707389999999E+01,1.8873979104000000E+01,2.8915489101680759E+01,2.4552231993593175E+01,2.4496804891060799E+00,-1.4171472250064420E-03,2.4491017021272508E-03,2.0850015756348437E-04 -15789 (1993 SC),I11,5.8006000000000000E+04,3.7913993957000002E+01,1.8872041880000001E+01,2.8914037518779725E+01,2.4554720268430394E+01,2.4498909613841446E+00,-1.4172960494722941E-03,2.4489732670082403E-03,2.0848670488040022E-04 -15789 (1993 SC),I11,5.8007000000000000E+04,3.7901914173000002E+01,1.8869972632000000E+01,2.8912586156734594E+01,2.4557208043120855E+01,2.4501014784440374E+00,-1.4174448030863933E-03,2.4488447794134109E-03,2.0847324340865904E-04 -15789 (1993 SC),I11,5.8008000000000000E+04,3.7889471643000000E+01,1.8867771950000002E+01,2.8911135024712358E+01,2.4559695307847587E+01,2.4503120434378380E+00,-1.4175934788385890E-03,2.4487162432839001E-03,2.0845977277848411E-04 -15789 (1993 SC),I11,5.8009000000000000E+04,3.7876670119000003E+01,1.8865440447000001E+01,2.8909684136154926E+01,2.4562182047894677E+01,2.4505226596321044E+00,-1.4177420700922957E-03,2.4485876639652598E-03,2.0844629276489264E-04 -15789 (1993 SC),I11,5.8010000000000000E+04,3.7863513542000000E+01,1.8862978769000001E+01,2.8908233508613680E+01,2.4564668243849859E+01,2.4507333301019929E+00,-1.4178905709391607E-03,2.4484590481438622E-03,2.0843280331799569E-04 -15789 (1993 SC),I11,5.8011000000000000E+04,3.7850006090000001E+01,1.8860387612000000E+01,2.8906783163232483E+01,2.4567153872201548E+01,2.4509440574448242E+00,-1.4180389765395323E-03,2.4483304036753105E-03,2.0841930458411471E-04 -15789 (1993 SC),I11,5.8012000000000000E+04,3.7836152206000001E+01,1.8857667740000000E+01,2.8905333123930337E+01,2.4569638906272619E+01,2.4511548435269703E+00,-1.4181872834172961E-03,2.4482017393313796E-03,2.0840579690469213E-04 -15789 (1993 SC),I11,5.8013000000000000E+04,3.7821956622999998E+01,1.8854819995000000E+01,2.8903883416301682E+01,2.4572123317470517E+01,2.4513656892797875E+00,-1.4183354896640402E-03,2.4480730644367704E-03,2.0839228081114336E-04 -15789 (1993 SC),I11,5.8014000000000000E+04,3.7807424376000000E+01,1.8851845309000002E+01,2.8902434066274743E+01,2.4574607076806871E+01,2.4515765945729164E+00,-1.4184835950353740E-03,2.4479443884680013E-03,2.0837875699811952E-04 -15789 (1993 SC),I11,5.8015000000000000E+04,3.7792560790000003E+01,1.8848744712999999E+01,2.8900985098657625E+01,2.4577090156537892E+01,2.4517875581997881E+00,-1.4186316009193209E-03,2.4478157206368218E-03,2.0836522628870751E-04 -15789 (1993 SC),I11,5.8016000000000000E+04,3.7777371467000002E+01,1.8845519333999999E+01,2.8899536535806387E+01,2.4579572531659458E+01,2.4519985779957691E+00,-1.4187795101854640E-03,2.4476870695420913E-03,2.0835168958947497E-04 -15789 (1993 SC),I11,5.8017000000000000E+04,3.7761862244000000E+01,1.8842170394000000E+01,2.8898088396681448E+01,2.4582054180956419E+01,2.4522096510740798E+00,-1.4189273269537774E-03,2.4475584428523284E-03,2.0833814784724651E-04 -15789 (1993 SC),I11,5.8018000000000000E+04,3.7746039158999999E+01,1.8838699201000001E+01,2.8896640696470687E+01,2.4584535087407634E+01,2.4524207741269586E+00,-1.4190750562944187E-03,2.4474298471163121E-03,2.0832460200181859E-04 -15789 (1993 SC),I11,5.8019000000000000E+04,3.7729908408999997E+01,1.8835107140000002E+01,2.8895193446782972E+01,2.4587015237947185E+01,2.4526319437202906E+00,-1.4192227039073128E-03,2.4473012876534209E-03,2.0831105295150259E-04 -15789 (1993 SC),I11,5.8020000000000000E+04,3.7713476311999997E+01,1.8831395659999998E+01,2.8893746656250684E+01,2.4589494622768154E+01,2.4528431565220457E+00,-1.4193702758204057E-03,2.4471727685554893E-03,2.0829750152043965E-04 -15789 (1993 SC),I11,5.8021000000000000E+04,3.7696749285000003E+01,1.8827566267000002E+01,2.8892300331301335E+01,2.4591973234442438E+01,2.4530544094352438E+00,-1.4195177781072643E-03,2.4470442927365093E-03,2.0828394844566768E-04 -15789 (1993 SC),I11,5.8022000000000000E+04,3.7679733820999999E+01,1.8823620513000002E+01,2.8890854476878836E+01,2.4594451067104135E+01,2.4532656996388695E+00,-1.4196652166737062E-03,2.4469158620724022E-03,2.0827039435971343E-04 -15789 (1993 SC),I11,5.8023000000000000E+04,3.7662436479000000E+01,1.8819559993999999E+01,2.8889409096972020E+01,2.4596928115856610E+01,2.4534770245609385E+00,-1.4198125970907979E-03,2.4467874775467909E-03,2.0825683979198487E-04 -15789 (1993 SC),I11,5.8024000000000000E+04,3.7644863874999999E+01,1.8815386345000000E+01,2.8887964194891854E+01,2.4599404376467206E+01,2.4536883818151285E+00,-1.4199599244851164E-03,2.4466591394172992E-03,2.0824328517290411E-04 -15789 (1993 SC),I11,5.8025000000000000E+04,3.7627022676000003E+01,1.8811101234999999E+01,2.8886519773300428E+01,2.4601879845344374E+01,2.4538997691315081E+00,-1.4201072034818261E-03,2.4465308473846075E-03,2.0822973083838006E-04 -15789 (1993 SC),I11,5.8026000000000000E+04,3.7608919593000003E+01,1.8806706368000000E+01,2.8885075834030289E+01,2.4604354519752306E+01,2.4541111843060279E+00,-1.4202544381772062E-03,2.4464026007310000E-03,2.0821617704590083E-04 -15789 (1993 SC),I11,5.8027000000000000E+04,3.7590561370000003E+01,1.8802203473999999E+01,2.8883632377759447E+01,2.4606828398186959E+01,2.4543226251915660E+00,-1.4204016321565608E-03,2.4462743984660796E-03,2.0820262397979491E-04 -15789 (1993 SC),I11,5.8028000000000000E+04,3.7571954769999998E+01,1.8797594311000001E+01,2.8882189403637334E+01,2.4609301480804394E+01,2.4545340897494849E+00,-1.4205487885199327E-03,2.4461462394264125E-03,2.0818907176721200E-04 -15789 (1993 SC),I11,5.8029000000000000E+04,3.7553106554000003E+01,1.8792880650000001E+01,2.8880746909001854E+01,2.4611773769739177E+01,2.4547455761755406E+00,-1.4206959099251528E-03,2.4460181223629890E-03,2.0817552048908679E-04 -15789 (1993 SC),I41,5.7970000000000000E+04,3.8081688315000001E+01,1.8855332459000000E+01,2.8966378529353616E+01,2.4464877680891824E+01,2.4423569151891229E+00,-1.4119198239968007E-03,2.4535688743902231E-03,2.0896854494120861E-04 -15789 (1993 SC),I41,5.7971000000000000E+04,3.8084450021000002E+01,1.8858201165000001E+01,2.8964925073595222E+01,2.4467377782191825E+01,2.4425658372074706E+00,-1.4120694594047505E-03,2.4534418600834339E-03,2.0895519358427121E-04 -15789 (1993 SC),I41,5.7972000000000000E+04,3.8086781010000003E+01,1.8860935791999999E+01,2.8963471497076590E+01,2.4469877709701155E+01,2.4427747977885010E+00,-1.4122190851942398E-03,2.4533148099651764E-03,2.0894184109713381E-04 -15789 (1993 SC),I41,5.7973000000000000E+04,3.8088681123000001E+01,1.8863535894999998E+01,2.8962017803132390E+01,2.4472377461837798E+01,2.4429837958873004E+00,-1.4123687005116702E-03,2.4531877242337623E-03,2.0892848743334850E-04 -15789 (1993 SC),I41,5.7974000000000000E+04,3.8090150221999998E+01,1.8866001040000000E+01,2.8960563993778173E+01,2.4474877038464783E+01,2.4431928308149908E+00,-1.4125183045486187E-03,2.4530606031018393E-03,2.0891513254979525E-04 -15789 (1993 SC),I41,5.7975000000000000E+04,3.8091188172000003E+01,1.8868330791000002E+01,2.8959110070059968E+01,2.4477376440483798E+01,2.4434019023722060E+00,-1.4126678965354200E-03,2.4529334467941737E-03,2.0890177640525524E-04 -15789 (1993 SC),I41,5.7976000000000000E+04,3.8091794841000002E+01,1.8870524710000002E+01,2.8957656032617880E+01,2.4479875669191603E+01,2.4436110109633447E+00,-1.4128174757516813E-03,2.4528062555392999E-03,2.0888841896141809E-04 -15789 (1993 SC),I41,5.7977000000000000E+04,3.8091970101000001E+01,1.8872582349000002E+01,2.8956201882404930E+01,2.4482374725466482E+01,2.4438201576726941E+00,-1.4129670415245800E-03,2.4526790295645515E-03,2.0887506018217713E-04 -15789 (1993 SC),I41,5.7978000000000000E+04,3.8091713835000000E+01,1.8874503250000000E+01,2.8954747621486273E+01,2.4484873608868938E+01,2.4440293442927570E+00,-1.4131165932252700E-03,2.4525517690915898E-03,2.0886170003241381E-04 -15789 (1993 SC),I41,5.7979000000000000E+04,3.8091025958000003E+01,1.8876286944000000E+01,2.8953293253860767E+01,2.4487372316722283E+01,2.4442385733035374E+00,-1.4132661302746607E-03,2.4524244743275494E-03,2.0884833847837020E-04 -15789 (1993 SC),I41,5.7980000000000000E+04,3.8089906442999997E+01,1.8877932958999999E+01,2.8951838786279207E+01,2.4489870843200599E+01,2.4444478478025027E+00,-1.4134156521454690E-03,2.4522971454563596E-03,2.0883497548750487E-04 -15789 (1993 SC),I41,5.7981000000000000E+04,3.8088355356000001E+01,1.8879440817999999E+01,2.8950384229041962E+01,2.4492369178444743E+01,2.4446571713767891E+00,-1.4135651583507096E-03,2.4521697826353512E-03,2.0882161102564500E-04 -15789 (1993 SC),I41,5.7982000000000000E+04,3.8086372898999997E+01,1.8880810060000002E+01,2.8948929596712894E+01,2.4494867307778204E+01,2.4448665478981093E+00,-1.4137146484549633E-03,2.4520423859805303E-03,2.0880824505852810E-04 -15789 (1993 SC),I41,5.7983000000000000E+04,3.8083959458999999E+01,1.8882040243999999E+01,2.8947474908584038E+01,2.4497365211210251E+01,2.4450759812203131E+00,-1.4138641220658027E-03,2.4519149555592701E-03,2.0879487754956523E-04 -15789 (1993 SC),I41,5.7984000000000000E+04,3.8081115658999998E+01,1.8883130977000000E+01,2.8946020188624136E+01,2.4499862863525347E+01,2.4452854747847232E+00,-1.4140135788308621E-03,2.4517874913790802E-03,2.0878150845868255E-04 -15789 (1993 SC),I41,5.7985000000000000E+04,3.8077842402999998E+01,1.8884081921000000E+01,2.8944565464648882E+01,2.4502360235247416E+01,2.4454950311882815E+00,-1.4141630184357594E-03,2.4516599933739804E-03,2.0876813774152236E-04 -15789 (1993 SC),I41,5.7986000000000000E+04,3.8074140903999997E+01,1.8884892820000001E+01,2.8943110766650243E+01,2.4504857294539867E+01,2.4457046518236334E+00,-1.4143124405917827E-03,2.4515324613943214E-03,2.0875476534645157E-04 -15789 (1993 SC),I41,5.7987000000000000E+04,3.8070012697999999E+01,1.8885563507000001E+01,2.8941656124577779E+01,2.4507354009702297E+01,2.4459143367119260E+00,-1.4144618450331724E-03,2.4514048951890799E-03,2.0874139121403477E-04 -15789 (1993 SC),I41,5.7988000000000000E+04,3.8065459627999999E+01,1.8886093913000000E+01,2.8940201566163221E+01,2.4509850351595745E+01,2.4461240845935848E+00,-1.4146112315040812E-03,2.4512772943914504E-03,2.0872801527464416E-04 -15789 (1993 SC),I41,5.7989000000000000E+04,3.8060483806999997E+01,1.8886484061000001E+01,2.8938747115398151E+01,2.4512346295316018E+01,2.4463338932411660E+00,-1.4147605997391326E-03,2.4511496585053593E-03,2.0871463744467385E-04 -15789 (1993 SC),I41,5.7990000000000000E+04,3.8055087581000002E+01,1.8886734061999999E+01,2.8937292791975622E+01,2.4514841820778383E+01,2.4465437598760351E+00,-1.4149099494426796E-03,2.4510219868908202E-03,2.0870125762306963E-04 -15789 (1993 SC),I41,5.7991000000000000E+04,3.8049273477000000E+01,1.8886844101000001E+01,2.8935838611605330E+01,2.4517336912326144E+01,2.4467536815563800E+00,-1.4150592802760296E-03,2.4508942787405709E-03,2.0868787569137937E-04 -15789 (1993 SC),I41,5.7992000000000000E+04,3.8043044172000002E+01,1.8886814428000001E+01,2.8934384586846665E+01,2.4519831557770093E+01,2.4469636554504754E+00,-1.4152085918080187E-03,2.4507665330787791E-03,2.0867449150438816E-04 -15789 (1993 SC),I41,5.7993000000000000E+04,3.8036402461999998E+01,1.8886645347000002E+01,2.8932930728068246E+01,2.4522325747298858E+01,2.4471736789735581E+00,-1.4153578834949603E-03,2.4506387487381303E-03,2.0866110489093864E-04 -15789 (1993 SC),I41,5.7994000000000000E+04,3.8029351249000001E+01,1.8886337209000001E+01,2.8931477044257086E+01,2.4524819472568407E+01,2.4473837498123769E+00,-1.4155071546241996E-03,2.4505109243608703E-03,2.0864771564579573E-04 -15789 (1993 SC),I41,5.7995000000000000E+04,3.8021893529000003E+01,1.8885890408000002E+01,2.8930023543548121E+01,2.4527312726111738E+01,2.4475938658805347E+00,-1.4156564042680266E-03,2.4503830583939706E-03,2.0863432352697850E-04 -15789 (1993 SC),I41,5.7996000000000000E+04,3.8014032383999997E+01,1.8885305377000002E+01,2.8928570233455908E+01,2.4529805501085345E+01,2.4478040252455111E+00,-1.4158056312174941E-03,2.4502551491023400E-03,2.0862092824923485E-04 -15789 (1993 SC),I41,5.7997000000000000E+04,3.8005770980000001E+01,1.8884582585000000E+01,2.8927117120848852E+01,2.4532297791304870E+01,2.4480142260595259E+00,-1.4159548339168293E-03,2.4501271945889993E-03,2.0860752948053724E-04 -15789 (1993 SC),I41,5.7998000000000000E+04,3.7997112557999998E+01,1.8883722538000001E+01,2.8925664211734279E+01,2.4534789591490995E+01,2.4482244665181483E+00,-1.4161040103904997E-03,2.4499991928328309E-03,2.0859412683891799E-04 -15789 (1993 SC),I41,5.7999000000000000E+04,3.7988060423000000E+01,1.8882725770000000E+01,2.8924211510938786E+01,2.4537280897629547E+01,2.4484347448647581E+00,-1.4162531581642882E-03,2.4498711417498577E-03,2.0858071988959421E-04 -15789 (1993 SC),I41,5.8000000000000000E+04,3.7978617933000002E+01,1.8881592843000000E+01,2.8922759021789961E+01,2.4539771707325762E+01,2.4486450594528137E+00,-1.4164022741913283E-03,2.4497430392774102E-03,2.0856730814558782E-04 -15789 (1993 SC),I41,5.8001000000000000E+04,3.7968788480999997E+01,1.8880324339000001E+01,2.8921306745927918E+01,2.4542262020007733E+01,2.4488554088699557E+00,-1.4165513547840921E-03,2.4496148834889184E-03,2.0855389106993829E-04 -15789 (1993 SC),I41,5.8002000000000000E+04,3.7958575476999997E+01,1.8878920853000000E+01,2.8919854683387186E+01,2.4544751836821483E+01,2.4490657921130676E+00,-1.4167003955697054E-03,2.4494866727371289E-03,2.0854046808450348E-04 -15789 (1993 SC),I41,5.8003000000000000E+04,3.7947982340000003E+01,1.8877382984000000E+01,2.8918402833060973E+01,2.4547241160093861E+01,2.4492762087838065E+00,-1.4168493914743976E-03,2.4493584058175293E-03,2.0852703858197257E-04 -15789 (1993 SC),I41,5.8004000000000000E+04,3.7937012486000000E+01,1.8875711331000002E+01,2.8916951193576260E+01,2.4549729992334424E+01,2.4494866592564568E+00,-1.4169983367378685E-03,2.4492300821814788E-03,2.0851360194335669E-04 -15789 (1993 SC),I41,5.8005000000000000E+04,3.7925669339000002E+01,1.8873906485999999E+01,2.8915499764479673E+01,2.4552218334892565E+01,2.4496971447646412E+00,-1.4171472250062069E-03,2.4491017021277210E-03,2.0850015756349464E-04 -15789 (1993 SC),I41,5.8006000000000000E+04,3.7913956347000003E+01,1.8871969033999999E+01,2.8914048547513513E+01,2.4554706186521102E+01,2.4499076673682914E+00,-1.4172960494719597E-03,2.4489732670090886E-03,2.0848670488041356E-04 -15789 (1993 SC),I41,5.8007000000000000E+04,3.7901877014999997E+01,1.8869899560000000E+01,2.8912597547716224E+01,2.4557193542145566E+01,2.4501182297961113E+00,-1.4174448030847232E-03,2.4488447794142713E-03,2.0847324340881495E-04 -15789 (1993 SC),I41,5.8008000000000000E+04,3.7889434950000002E+01,1.8867698656000002E+01,2.8911146774142363E+01,2.4559680392067900E+01,2.4503288351932211E+00,-1.4175934788373239E-03,2.4487162432852497E-03,2.0845977277858773E-04 -15789 (1993 SC),I41,5.8009000000000000E+04,3.7876633902999998E+01,1.8865366933000001E+01,2.8909696240122763E+01,2.4562166721690051E+01,2.4505394868205839E+00,-1.4177420700914427E-03,2.4485876639670588E-03,2.0844629276495008E-04 -15789 (1993 SC),I41,5.8010000000000000E+04,3.7863477815000003E+01,1.8862905038000001E+01,2.8908245963099382E+01,2.4564652511716556E+01,2.4507501877489100E+00,-1.4178905709367295E-03,2.4484590481456715E-03,2.0843280331820290E-04 -15789 (1993 SC),I41,5.8011000000000000E+04,3.7849970863000003E+01,1.8860313667000000E+01,2.8906795964108522E+01,2.4567137738751317E+01,2.4509609405719859E+00,-1.4180389765372720E-03,2.4483304036774910E-03,2.0841930458430862E-04 -15789 (1993 SC),I41,5.8012000000000000E+04,3.7836117489999999E+01,1.8857593584000000E+01,2.8905346266963413E+01,2.4569622376231504E+01,2.4511717471532495E+00,-1.4181872834147149E-03,2.4482017393338412E-03,2.0840579690491168E-04 -15789 (1993 SC),I41,5.8013000000000000E+04,3.7821922430000001E+01,1.8854745631000000E+01,2.8903896897154528E+01,2.4572106395677693E+01,2.4513826084219765E+00,-1.4183354896613971E-03,2.4480730644395390E-03,2.0839228081137725E-04 -15789 (1993 SC),I41,5.8014000000000000E+04,3.7807390716999997E+01,1.8851770739999999E+01,2.8902447880507861E+01,2.4574589768213510E+01,2.4515935242468330E+00,-1.4184835950321610E-03,2.4479443884709903E-03,2.0837875699839756E-04 -15789 (1993 SC),I41,5.8015000000000000E+04,3.7792527675999999E+01,1.8848669943000001E+01,2.8900999241731071E+01,2.4577072466206097E+01,2.4518044934216605E+00,-1.4186316009160579E-03,2.4478157206401022E-03,2.0836522628899778E-04 -15789 (1993 SC),I41,5.8016000000000000E+04,3.7777338907999997E+01,1.8845444365999999E+01,2.8899551003081331E+01,2.4579554464761241E+01,2.4520155137839779E+00,-1.4187795101811324E-03,2.4476870695455295E-03,2.0835168958983306E-04 -15789 (1993 SC),I41,5.8017000000000000E+04,3.7761830252000003E+01,1.8842095230999998E+01,2.8898103183421803E+01,2.4582035742772746E+01,2.4522265824510554E+00,-1.4189273269494024E-03,2.4475584428560494E-03,2.0833814784761785E-04 -15789 (1993 SC),I41,5.8018000000000000E+04,3.7746007744000003E+01,1.8838623847000001E+01,2.8896655797844542E+01,2.4584516283327609E+01,2.4524376961211480E+00,-1.4190750562897492E-03,2.4474298471202811E-03,2.0832460200221364E-04 -15789 (1993 SC),I41,5.8019000000000000E+04,3.7729877580999997E+01,1.8835031598000000E+01,2.8895208857864315E+01,2.4586996073466882E+01,2.4526488513678837E+00,-1.4192227039036358E-03,2.4473012876577299E-03,2.0831105295188531E-04 -15789 (1993 SC),I41,5.8020000000000000E+04,3.7713446081999997E+01,1.8831319933000000E+01,2.8893762372021317E+01,2.4589475103489288E+01,2.4528600448686482E+00,-1.4193702758149088E-03,2.4471727685599406E-03,2.0829750152089011E-04 -15789 (1993 SC),I41,5.8021000000000000E+04,3.7696719662000000E+01,1.8827490358999999E+01,2.8892316346652699E+01,2.4591953366071081E+01,2.4530712735372724E+00,-1.4195177781017466E-03,2.4470442927411913E-03,2.0828394844613551E-04 -15789 (1993 SC),I41,5.8022000000000000E+04,3.7679704815000001E+01,1.8823544428000002E+01,2.8890870786613878E+01,2.4594430855449438E+01,2.4532825345646900E+00,-1.4196652166681728E-03,2.4469158620773288E-03,2.0827039436020084E-04 -15789 (1993 SC),I41,5.8023000000000000E+04,3.7662408100000000E+01,1.8819483736999999E+01,2.8889425695807169E+01,2.4596907566829348E+01,2.4534938253921323E+00,-1.4198125970847414E-03,2.4467874775519500E-03,2.0825683979250087E-04 -15789 (1993 SC),I41,5.8024000000000000E+04,3.7644836132000002E+01,1.8815309919000001E+01,2.8887981077459102E+01,2.4599383496078246E+01,2.4537051436475763E+00,-1.4199599244795716E-03,2.4466591394226699E-03,2.0824328517344583E-04 -15789 (1993 SC),I41,5.8025000000000000E+04,3.7626995577999999E+01,1.8811024644000000E+01,2.8886536934149312E+01,2.4601858639703266E+01,2.4539164870764170E+00,-1.4201072034747426E-03,2.4465308473902193E-03,2.0822973083892986E-04 -15789 (1993 SC),I41,5.8026000000000000E+04,3.7608893150000000E+01,1.8806629614999999E+01,2.8885093267630086E+01,2.4604332995065477E+01,2.4541278534909781E+00,-1.4202544381706425E-03,2.4464026007368009E-03,2.0821617704648468E-04 -15789 (1993 SC),I41,5.8027000000000000E+04,3.7590535590000002E+01,1.8802126564000002E+01,2.8883650078501297E+01,2.4606806560756194E+01,2.4543392407615281E+00,-1.4204016321500079E-03,2.4462743984720679E-03,2.0820262398041150E-04 -15789 (1993 SC),I41,5.8028000000000000E+04,3.7571929660999999E+01,1.8797517247999998E+01,2.8882207365836202E+01,2.4609279337025288E+01,2.4545506468678262E+00,-1.4205487885126328E-03,2.4461462394326419E-03,2.0818907176783157E-04 -15789 (1993 SC),I41,5.8029000000000000E+04,3.7553082125000003E+01,1.8792803438000000E+01,2.8880765126898680E+01,2.4611751326099487E+01,2.4547620700251143E+00,-1.4206959099181309E-03,2.4460181223693693E-03,2.0817552048974742E-04 -163693 Atira (2003 CP20),500,5.7970000000000000E+04,1.1027542644000000E+02,1.4884366249999999E+01,2.3522377106332970E-01,5.0962411816961561E-01,-1.6812282352483407E-01,-1.6998970059318871E-02,1.6922876449538868E-02,5.9630903490912324E-03 -163693 Atira (2003 CP20),500,5.7971000000000000E+04,1.1145007358300001E+02,1.5056310094000001E+01,2.1805964015363660E-01,5.2617324001032684E-01,-1.6203953323440598E-01,-1.7327178392190799E-02,1.6172776150468651E-02,6.2022604148701662E-03 -163693 Atira (2003 CP20),500,5.7972000000000000E+04,1.1262289627000000E+02,1.5221370683000000E+01,2.0058462604626393E-01,5.4197263415037644E-01,-1.5572522279284945E-01,-1.7620784155579557E-02,1.5423526670922848E-02,6.4252262834051457E-03 -163693 Atira (2003 CP20),500,5.7973000000000000E+04,1.1379358491900000E+02,1.5379271513999999E+01,1.8283262585640103E-01,5.5702406824736839E-01,-1.4919587323011957E-01,-1.7881198225366692E-02,1.4676941196285882E-02,6.6324358111412209E-03 -163693 Atira (2003 CP20),500,5.7974000000000000E+04,1.1496185449799999E+02,1.5529776462999999E+01,1.6483611050810054E-01,5.7133102524389046E-01,-1.4246699931755560E-01,-1.8109859969130268E-02,1.3934638834228281E-02,6.8243724710539940E-03 -163693 Atira (2003 CP20),500,5.7975000000000000E+04,1.1612744299100000E+02,1.5672686534000000E+01,1.4662610474531790E-01,5.8489851448592112E-01,-1.3555361852287545E-01,-1.8308220567471820E-02,1.3198055149261768E-02,7.0015463759424152E-03 -163693 Atira (2003 CP20),500,5.7976000000000000E+04,1.1729010977500000E+02,1.5807836805000001E+01,1.2823218258457558E-01,5.9773289384507400E-01,-1.2847022841657613E-01,-1.8477728781019831E-02,1.2468453566038965E-02,7.1644863400258637E-03 -163693 Atira (2003 CP20),500,5.7977000000000000E+04,1.1844963395500000E+02,1.5935093573000000E+01,1.0968247585990165E-01,6.0984170351456257E-01,-1.2123079151204125E-01,-1.8619818988003398E-02,1.1746937264961272E-02,7.3137329406989865E-03 -163693 Atira (2003 CP20),500,5.7978000000000000E+04,1.1960581272500001E+02,1.6054351698000001E+01,9.1003693689089005E-02,6.2123351181150099E-01,-1.1384872656680753E-01,-1.8735901296654679E-02,1.1034461259379031E-02,7.4498325251232556E-03 -163693 Atira (2003 CP20),500,5.7979000000000000E+04,1.2075845980500000E+02,1.6165532134999999E+01,7.2221150881243035E-02,6.3191777304334673E-01,-1.0633690543030477E-01,-1.8827353527060879E-02,1.0331844403866773E-02,7.5733320949150744E-03 -163693 Atira (2003 CP20),500,5.7980000000000000E+04,1.2190740399400001E+02,1.6268579637999999E+01,5.3358803527534304E-02,6.4190469726390609E-01,-9.8707654599832675E-02,-1.8895514855876691E-02,9.6397811377895749E-03,7.6847749953207860E-03 -163693 Atira (2003 CP20),500,5.7981000000000000E+04,1.2305248787600000E+02,1.6363460631999999E+01,3.4439290208841178E-02,6.5120513158292836E-01,-9.0972760716426182E-02,-1.8941680922762050E-02,8.9588528151496490E-03,7.7846973324232011E-03 -163693 Atira (2003 CP20),500,5.7982000000000000E+04,1.2419356673700000E+02,1.6450161216000001E+01,1.5483977461327014E-02,6.5983045256072681E-01,-8.3143479312750304E-02,-1.8967100207270594E-02,8.2895385126011134E-03,7.8736250418001228E-03 -163693 Atira (2003 CP20),500,5.7983000000000000E+04,1.2533050775800000E+02,1.6528685286999998E+01,-3.4869916787960697E-03,6.6779246913098911E-01,-7.5230546199367088E-02,-1.8972971497908345E-02,7.6322252414351092E-03,7.9520715341993130E-03 -163693 Atira (2003 CP20),500,5.7984000000000000E+04,1.2646318954400000E+02,1.6599052744000002E+01,-2.2454647065621725E-02,6.7510333543207579E-01,-6.7244190947711377E-02,-1.8960442289854100E-02,6.9872175173843250E-03,8.0205358474386285E-03 -163693 Atira (2003 CP20),500,5.7985000000000000E+04,1.2759150201800000E+02,1.6661297755000000E+01,-4.1401139635756756E-02,6.8177547288484108E-01,-5.9194151996414070E-02,-1.8930607963447612E-02,6.3547462648327301E-03,8.0795012383895384E-03 -163693 Atira (2003 CP20),500,5.7986000000000000E+04,1.2871534663000000E+02,1.6715467074999999E+01,-6.0309689136280542E-02,6.8782150083275362E-01,-5.1089692970579428E-02,-1.8884511611296805E-02,5.7349770499907360E-03,8.1294341541607081E-03 -163693 Atira (2003 CP20),500,5.7987000000000000E+04,1.2983463670699999E+02,1.6761618437999999E+01,-7.9164531994660114E-02,6.9325417505837228E-01,-4.2939619862155505E-02,-1.8823144397198927E-02,5.1280176515336780E-03,8.1707835271343839E-03 -163693 Atira (2003 CP20),500,5.7988000000000000E+04,1.3094929774299999E+02,1.6799819037999999E+01,-9.7950869818574482E-02,6.9808633351201765E-01,-3.4752298770554794E-02,-1.8747446344626113E-02,4.5339249874995994E-03,8.2039803440983796E-03 -163693 Atira (2003 CP20),500,5.7989000000000000E+04,1.3205926743699999E+02,1.6830144177000001E+01,-1.1665481888853413E-01,7.0233084862157247E-01,-2.6535673955637284E-02,-1.8658307466134214E-02,3.9527114251870690E-03,8.2294374451337970E-03 -163693 Atira (2003 CP20),500,5.7990000000000000E+04,1.3316449537299999E+02,1.6852676065000001E+01,-1.3526336092809710E-01,7.0600058559845413E-01,-1.8297285991010413E-02,-1.8556569157440365E-02,3.3843505055305804E-03,8.2475495131405351E-03 -163693 Atira (2003 CP20),500,5.7991000000000000E+04,1.3426494239700000E+02,1.6867502810000001E+01,-1.5376429535062719E-01,7.0910836618740436E-01,-1.0044289850051532E-02,-1.8443025791232064E-02,2.8287821173162090E-03,8.2586932197015739E-03 -163693 Atira (2003 CP20),500,5.7992000000000000E+04,1.3536057978200000E+02,1.6874717546999999E+01,-1.7214619315007695E-01,7.1166693734317721E-01,-1.7834727812093068E-03,-1.8318426455752858E-02,2.2859171578819993E-03,8.2632274974864701E-03 -163693 Atira (2003 CP20),500,5.7993000000000000E+04,1.3645138833300001E+02,1.6874417699999999E+01,-1.9039835255419413E-01,7.1368894434346275E-01,6.4787281390471501E-03,-1.8183476792149982E-02,1.7556417179240089E-03,8.2614939134431683E-03 -163693 Atira (2003 CP20),500,5.7994000000000000E+04,1.3753735753000001E+02,1.6866704327000001E+01,-2.0851075652587014E-01,7.1518690787914596E-01,1.4736208864820820E-02,-1.8038840892369692E-02,1.2378208276803797E-03,8.2538171206983594E-03 -163693 Atira (2003 CP20),500,5.7995000000000000E+04,1.3861848478700000E+02,1.6851681530000000E+01,-2.2647403217076856E-01,7.1617320469728540E-01,2.2983181722448155E-02,-1.7885143226127574E-02,7.3230180066975910E-04,8.2405053703510332E-03 -163693 Atira (2003 CP20),500,5.7996000000000000E+04,1.3969477483500000E+02,1.6829455920000001E+01,-2.4427941207018555E-01,7.1666005140621214E-01,3.1214159285306329E-02,-1.7722970571407870E-02,2.3891721001111088E-04,8.2218510672344581E-03 -163693 Atira (2003 CP20),500,5.7997000000000000E+04,1.4076623923500000E+02,1.6800136117000001E+01,-2.6191869754127628E-01,7.1665949108771221E-01,3.9423938821011188E-02,-1.7552873927911456E-02,-2.4251246963466824E-04,8.1981313562619895E-03 -163693 Atira (2003 CP20),500,5.7998000000000000E+04,1.4183289599500000E+02,1.6763832290000000E+01,-2.7938422379894601E-01,7.1618338239353041E-01,4.7607587334519225E-02,-1.7375370397217423E-02,-7.1217652319647759E-04,8.1696087281944718E-03 -163693 Atira (2003 CP20),500,5.7999000000000000E+04,1.4289476923999999E+02,1.6720655746999999E+01,-2.9666882698579300E-01,7.1524339083407507E-01,5.5760427224050509E-02,-1.7190945016983077E-02,-1.1702719303704305E-03,8.1365316355855675E-03 -163693 Atira (2003 CP20),500,5.8000000000000000E+04,1.4395188890000000E+02,1.6670718566000001E+01,-3.1376581301437756E-01,7.1385098199568486E-01,6.3878022553790215E-02,-1.7000052539654795E-02,-1.6170015476512888E-03,8.0991351113378143E-03 -163693 Atira (2003 CP20),500,5.8001000000000000E+04,1.4500429035799999E+02,1.6614133293999998E+01,-3.3066892816964288E-01,7.1201741644937377E-01,7.1956165946702483E-02,-1.6803119148580837E-02,-2.0525725124799395E-03,8.0576413837086091E-03 -163693 Atira (2003 CP20),500,5.8002000000000000E+04,1.4605201399399999E+02,1.6551012712999999E+01,-3.4737233139643642E-01,7.0975374614091558E-01,7.9990866088278698E-02,-1.6600544106685065E-02,-2.4771948464164979E-03,8.0122604828511586E-03 -163693 Atira (2003 CP20),500,5.8003000000000000E+04,1.4709510460900000E+02,1.6481469694000001E+01,-3.6387056820246233E-01,7.0707081207746980E-01,8.7978335833032689E-02,-1.6392701334479558E-02,-2.8910802365574896E-03,7.9631908349890347E-03 -163693 Atira (2003 CP20),500,5.8004000000000000E+04,1.4813361069999999E+02,1.6405617117999999E+01,-3.8015854609638644E-01,7.0397924315077987E-01,9.5914980898827565E-02,-1.6179940915664656E-02,-3.2944409760775409E-03,7.9106198412122880E-03 -163693 Atira (2003 CP20),500,5.8005000000000000E+04,1.4916758362799999E+02,1.6323567865000001E+01,-3.9623151148023483E-01,7.0048945595811729E-01,1.0379738913119506E-01,-1.5962590529749604E-02,-3.6874890466411583E-03,7.8547244386171691E-03 -163693 Atira (2003 CP20),500,5.8006000000000000E+04,1.5019707675999999E+02,1.6235434849000001E+01,-4.1208502791868518E-01,6.9661165549758985E-01,1.1162232031783063E-01,-1.5740956811978978E-02,-4.0704353269994213E-03,7.7956716421288420E-03 -163693 Atira (2003 CP20),500,5.8007000000000000E+04,1.5122214465400000E+02,1.6141331041000001E+01,-4.2771495571610418E-01,6.9235583662333733E-01,1.1938669653336564E-01,-1.5515326641582696E-02,-4.4434889137252576E-03,7.7336190658488738E-03 -163693 Atira (2003 CP20),500,5.8008000000000000E+04,1.5224284240500000E+02,1.6041369487000001E+01,-4.4311743273321369E-01,6.8773178615359798E-01,1.2708759299163760E-01,-1.5285968359976291E-02,-4.8068565413157995E-03,7.6687154232083308E-03 -163693 Atira (2003 CP20),500,5.8009000000000000E+04,1.5325922517100000E+02,1.5935663273999999E+01,-4.5828885638537775E-01,6.8274908553034752E-01,1.3472222938581674E-01,-1.5053132920864479E-02,-5.1607420903214823E-03,7.6011010055313443E-03 -163693 Atira (2003 CP20),500,5.8010000000000000E+04,1.5427134793400000E+02,1.5824325437000001E+01,-4.7322586675941669E-01,6.7741711394091153E-01,1.4228796169393873E-01,-1.4817054974580799E-02,-5.5053461731902793E-03,7.5309081389163431E-03 -163693 Atira (2003 CP20),500,5.8011000000000000E+04,1.5527926546699999E+02,1.5707468821999999E+01,-4.8792533079046263E-01,6.7174505182282995E-01,1.4978227442985176E-01,-1.4577953889146920E-02,-5.8408657886912102E-03,7.4582616195502261E-03 -163693 Atira (2003 CP20),500,5.8012000000000000E+04,1.5628303250200000E+02,1.5585205877000000E+01,-5.0238432743609385E-01,6.6574188468581519E-01,1.5720277331712634E-01,-1.4336034710738953E-02,-6.1674940366388091E-03,7.3832791277712549E-03 -163693 Atira (2003 CP20),500,5.8013000000000000E+04,1.5728270409500001E+02,1.5457648410999999E+01,-5.1660013379148839E-01,6.5941640719059424E-01,1.6454717836569890E-01,-1.4091489066285580E-02,-6.4854198855862494E-03,7.3060716213215558E-03 -163693 Atira (2003 CP20),500,5.8014000000000000E+04,1.5827833613400000E+02,1.5324907295999999E+01,-5.3057021209140487E-01,6.5277722742838806E-01,1.7181331733081812E-01,-1.3844496010990715E-02,-6.7948279868974108E-03,7.2267437083501319E-03 -163693 Atira (2003 CP20),500,5.8015000000000000E+04,1.5926998596000001E+02,1.5187092158000000E+01,-5.4429219754721703E-01,6.4583277134789674E-01,1.7899911953464309E-01,-1.3595222823597609E-02,-7.0958985292811083E-03,7.1453940008138154E-03 -163693 Atira (2003 CP20),500,5.8016000000000000E+04,1.6025771300900001E+02,1.5044311075000000E+01,-5.5776388697128687E-01,6.3859128728119863E-01,1.8610261003370279E-01,-1.3343825752139995E-02,-7.3888071285734096E-03,7.0621154489689478E-03 -163693 Atira (2003 CP20),500,5.8017000000000000E+04,1.6124157937400000E+02,1.4896670310999999E+01,-5.7098322813515412E-01,6.3106085053332139E-01,1.9312190411382976E-01,-1.3090450712987735E-02,-7.6737247481112394E-03,6.9769956577049926E-03 -163693 Atira (2003 CP20),500,5.8018000000000000E+04,1.6222165021100000E+02,1.4744274130999999E+01,-5.8394830981233614E-01,6.2324936801131348E-01,2.0005520209722463E-01,-1.2835233945771154E-02,-7.9508176456039789E-03,6.8901171854647255E-03 -163693 Atira (2003 CP20),500,5.8019000000000000E+04,1.6319799393599999E+02,1.4587224681000000E+01,-5.9665735244953488E-01,6.1516458288465525E-01,2.0690078444173501E-01,-1.2578302626893231E-02,-8.2202473427942895E-03,6.8015578265508076E-03 -163693 Atira (2003 CP20),500,5.8020000000000000E+04,1.6417068221900001E+02,1.4425621950000000E+01,-6.0910869942372003E-01,6.0681407926880759E-01,2.1365700711716545E-01,-1.2319775444041482E-02,-8.4821706147878012E-03,6.7113908775662430E-03 -163693 Atira (2003 CP20),500,5.8021000000000000E+04,1.6513978983600001E+02,1.4259563787999999E+01,-6.2130080884285110E-01,5.9820528692572250E-01,2.2032229724072130E-01,-1.2059763134117694E-02,-8.7367394962060696E-03,6.6196853887583486E-03 -163693 Atira (2003 CP20),500,5.8022000000000000E+04,1.6610539442300001E+02,1.4089145944000000E+01,-6.3323224585400806E-01,5.8934548597162795E-01,2.2689514895456003E-01,-1.1798368986936380E-02,-8.9841013016141412E-03,6.5265064010474041E-03 -163693 Atira (2003 CP20),500,5.8023000000000000E+04,1.6706757623199999E+02,1.3914462124000000E+01,-6.4490167543271504E-01,5.8024181157514754E-01,2.3337411953274662E-01,-1.1535689316768096E-02,-9.2243986581154180E-03,6.4319151694439457E-03 -163693 Atira (2003 CP20),500,5.8024000000000000E+04,1.6802641790199999E+02,1.3735604027000001E+01,-6.5630785562321936E-01,5.7090125863214702E-01,2.3975782570248835E-01,-1.1271813903864477E-02,-9.4577695480788787E-03,6.3359693736175704E-03 -163693 Atira (2003 CP20),500,5.8025000000000000E+04,1.6898200431399999E+02,1.3552661373999999E+01,-6.6744963120656320E-01,5.6133068640046158E-01,2.4604494016863390E-01,-1.1006826407815836E-02,-9.6843473603301193E-03,6.2387233162932154E-03 -163693 Atira (2003 CP20),500,5.8026000000000000E+04,1.6993442250600000E+02,1.3365721915000000E+01,-6.7832592776971323E-01,5.5153682308254459E-01,2.5223418832878386E-01,-1.0740804754619061E-02,-9.9042609482526307E-03,6.1402281101646770E-03 -163693 Atira (2003 CP20),500,5.8027000000000000E+04,1.7088376166899999E+02,1.3174871424000001E+01,-6.8893574615321485E-01,5.4152627034270995E-01,2.5832434516892022E-01,-1.0473821499100066E-02,-1.0117634693465480E-02,6.0405318539686528E-03 -163693 Atira (2003 CP20),500,5.8028000000000000E+04,1.7183011318900000E+02,1.2980193691000000E+01,-6.9927815725431852E-01,5.3130550774714003E-01,2.6431423232955559E-01,-1.0205944164298151E-02,-1.0324588573923321E-02,5.9396797983243595E-03 -163693 Atira (2003 CP20),500,5.8029000000000000E+04,1.7277357068399999E+02,1.2781770539000000E+01,-7.0935229715726755E-01,5.2088089712145891E-01,2.7020271532983942E-01,-9.9372355594688072E-03,-1.0525238235288437E-02,5.8377145019871263E-03 -163693 Atira (2003 CP20),703,5.7970000000000000E+04,1.1027384205200001E+02,1.4883411271000000E+01,2.3522388270113104E-01,5.0962421391618495E-01,-1.6812238879312313E-01,-1.6998970067944690E-02,1.6922876430844117E-02,5.9630903552593166E-03 -163693 Atira (2003 CP20),703,5.7971000000000000E+04,1.1144850393599999E+02,1.5055366759000000E+01,2.1805975016790641E-01,5.2617333651767817E-01,-1.6203908884160351E-01,-1.7327178400262509E-02,1.6172776130985611E-02,6.2022604208709330E-03 -163693 Atira (2003 CP20),703,5.7972000000000000E+04,1.1262134074399999E+02,1.5220438530999999E+01,2.0058473451596504E-01,5.4197273125535850E-01,-1.5572476890932940E-01,-1.7620784163053550E-02,1.5423526650719959E-02,6.4252262892108150E-03 -163693 Atira (2003 CP20),703,5.7973000000000000E+04,1.1379204292800000E+02,1.5378350105000001E+01,1.8283273287172819E-01,5.5702416579682767E-01,-1.4919541004597869E-01,-1.7881198232206380E-02,1.4676941175435120E-02,6.6324358167266506E-03 -163693 Atira (2003 CP20),703,5.7974000000000000E+04,1.1496032549000000E+02,1.5528865372000000E+01,1.6483621616870170E-01,5.7133112309549072E-01,-1.4246652704130391E-01,-1.8109859975309561E-02,1.3934638812798484E-02,6.8243724763984446E-03 -163693 Atira (2003 CP20),703,5.7975000000000000E+04,1.1612592644700000E+02,1.5671785353000001E+01,1.4662620915875157E-01,5.8489861250863184E-01,-1.3555313738020974E-01,-1.8308220572967840E-02,1.3198055127323811E-02,7.0015463810273668E-03 -163693 Atira (2003 CP20),703,5.7976000000000000E+04,1.1728860520400001E+02,1.5806945140000000E+01,1.2823228586471747E-01,5.9773299191959361E-01,-1.2846973864912756E-01,-1.8477728785816539E-02,1.2468453543662125E-02,7.1644863448359465E-03 -163693 Atira (2003 CP20),703,5.7977000000000000E+04,1.1844814089499999E+02,1.5934211044000000E+01,1.0968257812546556E-01,6.0984180153357392E-01,-1.2123029337615808E-01,-1.8619818992091773E-02,1.1746937242212473E-02,7.3137329452219631E-03 -163693 Atira (2003 CP20),703,5.7978000000000000E+04,1.1960433073900001E+02,1.6053477940000001E+01,9.1003795062224446E-02,6.2123360967979846E-01,-1.1384822033235628E-01,-1.8735901300028814E-02,1.1034461236324358E-02,7.4498325293490177E-03 -163693 Atira (2003 CP20),703,5.7979000000000000E+04,1.2075698848099999E+02,1.6164666794999999E+01,7.2221251486214610E-02,6.3191787067786087E-01,-1.0633639137949470E-01,-1.8827353529719260E-02,1.0331844380570041E-02,7.5733320988358842E-03 -163693 Atira (2003 CP20),703,5.7980000000000000E+04,1.2190594294200000E+02,1.6267722375000002E+01,5.3358903489499454E-02,6.4190479459362171E-01,-9.8707133026072091E-02,-1.8895514857825320E-02,9.6397811143098915E-03,7.6847749989319911E-03 -163693 Atira (2003 CP20),703,5.7981000000000000E+04,1.2305103672600001E+02,1.6362611117000000E+01,3.4439389652726193E-02,6.5120522854871332E-01,-9.0972231923218100E-02,-1.8941680924006957E-02,8.9588527915453499E-03,7.7846973357212851E-03 -163693 Atira (2003 CP20),703,5.7982000000000000E+04,1.2419212514000000E+02,1.6449319130999999E+01,1.5484076510781097E-02,6.5983054911508598E-01,-8.3142943612630305E-02,-1.8967100207822468E-02,8.2895384889265372E-03,7.8736250447837951E-03 -163693 Atira (2003 CP20),703,5.7983000000000000E+04,1.2532907538300000E+02,1.6527850321999999E+01,-3.4868929023408324E-03,6.6779256523774766E-01,-7.5230003912906046E-02,-1.8972971497780936E-02,7.6322252177413530E-03,7.9520715368690160E-03 -163693 Atira (2003 CP20),703,5.7984000000000000E+04,1.2646176607500000E+02,1.6598224601999998E+01,-2.2454548443833544E-02,6.7510343106598569E-01,-6.7243642402571219E-02,-1.8960442289063042E-02,6.9872174937197261E-03,8.0205358497961281E-03 -163693 Atira (2003 CP20),703,5.7985000000000000E+04,1.2759008715800000E+02,1.6660476148000001E+01,-4.1401041054215715E-02,6.8177556803114525E-01,-5.9193597526461139E-02,-1.8930607962011858E-02,6.3547462412412593E-03,8.0795012404383509E-03 -163693 Atira (2003 CP20),703,5.7986000000000000E+04,1.2871394009500000E+02,1.6714651725000000E+01,-6.0309590485231768E-02,6.8782159548666422E-01,-5.1089132915054389E-02,-1.8884511609234985E-02,5.7349770265148394E-03,8.1294341559048581E-03 -163693 Atira (2003 CP20),703,5.7987000000000000E+04,1.2983323822500000E+02,1.6760809073000001E+01,-7.9164433169709336E-02,6.9325426922450806E-01,-4.2939054564878697E-02,-1.8823144394531352E-02,5.1280176282126697E-03,8.1707835285789697E-03 -163693 Atira (2003 CP20),703,5.7988000000000000E+04,1.3094790705800000E+02,1.6799015399000002E+01,-9.7950770721343727E-02,6.9808642720379877E-01,-3.4751728579160271E-02,-1.8747446341376248E-02,4.5339249643680593E-03,8.2039803452500417E-03 -163693 Atira (2003 CP20),703,5.7989000000000000E+04,1.3205788430300001E+02,1.6829346009999998E+01,-1.1665471942724559E-01,7.0233094186055567E-01,-2.6535099220832518E-02,-1.8658307462326107E-02,3.9527114022770010E-03,8.2294374459998577E-03 -163693 Atira (2003 CP20),703,5.7990000000000000E+04,1.3316311955699999E+02,1.6851883125000001E+01,-1.3526326101810948E-01,7.0600067841365255E-01,-1.8296707065861135E-02,-1.8556569153095330E-02,3.3843504828736694E-03,8.2475495137277546E-03 -163693 Atira (2003 CP20),703,5.7991000000000000E+04,1.3426357367500000E+02,1.6866714859999998E+01,-1.5376419491487248E-01,7.0910845861458749E-01,-1.0043707089319495E-02,-1.8443025786376473E-02,2.8287820949378789E-03,8.2586932200188774E-03 -163693 Atira (2003 CP20),703,5.7992000000000000E+04,1.3535921794199999E+02,1.6873934357000000E+01,-1.7214609211942866E-01,7.1166702942417492E-01,-1.7828865407291028E-03,-1.8318426450409764E-02,2.2859171358080195E-03,8.2632274975418963E-03 -163693 Atira (2003 CP20),703,5.7993000000000000E+04,1.3645003317000001E+02,1.6873639049000001E+01,-1.9039825086776152E-01,7.1368903612545720E-01,6.4793175029368242E-03,-1.8183476786344507E-02,1.7556416961761086E-03,8.2614939132458088E-03 -163693 Atira (2003 CP20),703,5.7994000000000000E+04,1.3753600885000000E+02,1.6865929997999999E+01,-2.0851065413121561E-01,7.1518699941398123E-01,1.4736800995801706E-02,-1.8038840886125809E-02,1.2378208062791014E-03,8.2538171202571203E-03 -163693 Atira (2003 CP20),703,5.7995000000000000E+04,1.3861714240200001E+02,1.6850911315000001E+01,-2.2647392902406038E-01,7.1617329604078772E-01,2.2983776264704207E-02,-1.7885143219471170E-02,7.3230177963149942E-04,8.2405053696758615E-03 -163693 Atira (2003 CP20),703,5.7996000000000000E+04,1.3969343856399999E+02,1.6828689616999998E+01,-2.4427930813629828E-01,7.1666014261751076E-01,3.1214755883972208E-02,-1.7722970564363033E-02,2.3891718935166104E-04,8.2218510663347906E-03 -163693 Atira (2003 CP20),703,5.7997000000000000E+04,1.4076490890700001E+02,1.6799373530000000E+01,-2.6191859279382357E-01,7.1665958222858905E-01,3.9424537122580601E-02,-1.7552873920501547E-02,-2.4251248990094995E-04,8.1981313551471400E-03 -163693 Atira (2003 CP20),703,5.7998000000000000E+04,1.4183157144200001E+02,1.6763073230000000E+01,-2.7938411822026565E-01,7.1618347352778233E-01,4.7608186987220379E-02,-1.7375370389466127E-02,-7.1217654305763198E-04,8.1696087268740836E-03 -163693 Atira (2003 CP20),703,5.7999000000000000E+04,1.4289345030100000E+02,1.6719900030000002E+01,-2.9666872056689320E-01,7.1524348202689414E-01,5.5761027878192058E-02,-1.7190945008913709E-02,-1.1702719498160909E-03,8.1365316340692839E-03 -163693 Atira (2003 CP20),703,5.8000000000000000E+04,1.4395057542100000E+02,1.6669966015000000E+01,-3.1376570575485674E-01,7.1385107331304720E-01,6.3878623862082706E-02,-1.7000052531290690E-02,-1.6170015666735482E-03,8.0991351096355371E-03 -163693 Atira (2003 CP20),703,5.8001000000000000E+04,1.4500298218800000E+02,1.6613383735999999E+01,-3.3066882007755372E-01,7.1201750795745244E-01,7.1956767564542654E-02,-1.6803119139943826E-02,-2.0525725310711895E-03,8.0576413818296572E-03 -163693 Atira (2003 CP20),703,5.8002000000000000E+04,1.4605071098900001E+02,1.6550265981999999E+01,-3.4737222248811939E-01,7.0975383790552282E-01,7.9991467674005806E-02,-1.6600544097796460E-02,-2.4771948645703583E-03,8.0122604808047487E-03 -163693 Atira (2003 CP20),703,5.8003000000000000E+04,1.4709380662800001E+02,1.6480725628999998E+01,-3.6387045850232513E-01,7.0707090416353791E-01,8.7978937048152198E-02,-1.6392701325361216E-02,-2.8910802542698212E-03,7.9631908327848187E-03 -163693 Atira (2003 CP20),703,5.8004000000000000E+04,1.4813231760599999E+02,1.6404875563000001E+01,-3.8015843563668161E-01,7.0397933562188864E-01,9.5915581408234821E-02,-1.6179940906336836E-02,-3.2944409933448084E-03,7.9106198388593056E-03 -163693 Atira (2003 CP20),703,5.8005000000000000E+04,1.4916629528999999E+02,1.6322828670000000E+01,-3.9623140030073589E-01,7.0048954887605741E-01,1.0379798860336360E-01,-1.5962590520232436E-02,-3.6874890634606729E-03,7.8547244361244772E-03 -163693 Atira (2003 CP20),703,5.8006000000000000E+04,1.5019579304700000E+02,1.6234697865000001E+01,-4.1208491606640973E-01,6.9661174892196986E-01,1.1162291842503856E-01,-1.5740956802291907E-02,-4.0704353433701490E-03,7.7956716395053728E-03 -163693 Atira (2003 CP20),703,5.8007000000000000E+04,1.5122086544199999E+02,1.6140596127999999E+01,-4.2771484324491471E-01,6.9235593061126810E-01,1.1938729295188159E-01,-1.5515326631743744E-02,-4.4434889296451896E-03,7.7336190631027667E-03 -163693 Atira (2003 CP20),703,5.8008000000000000E+04,1.5224156756900001E+02,1.6040636508999999E+01,-4.4311731970346613E-01,6.8773188075940572E-01,1.2708818740193195E-01,-1.5285968350004793E-02,-4.8068565567870383E-03,7.6687154203488560E-03 -163693 Atira (2003 CP20),703,5.8009000000000000E+04,1.5325795459200000E+02,1.5934932096000001E+01,-4.5828874286351062E-01,6.8274918080533942E-01,1.3472282147274267E-01,-1.5053132910777943E-02,-5.1607421053450828E-03,7.6011010025667956E-03 -163693 Atira (2003 CP20),703,5.8010000000000000E+04,1.5427008149500000E+02,1.5823595932000000E+01,-4.7322575281754520E-01,6.7741720993316246E-01,1.4228855114690225E-01,-1.4817054964395032E-02,-5.5053461877657382E-03,7.5309081358539282E-03 -163693 Atira (2003 CP20),703,5.8011000000000000E+04,1.5527800305200000E+02,1.5706740864000000E+01,-4.8792521650599441E-01,6.7174514857699874E-01,1.4978286094296020E-01,-1.4577953878879406E-02,-5.8408658028227117E-03,7.4582616163986499E-03 -163693 Atira (2003 CP20),703,5.8012000000000000E+04,1.5628177399900000E+02,1.5584479347000000E+01,-5.0238421289132040E-01,6.6574198224299452E-01,1.5720335658929746E-01,-1.4336034700405290E-02,-6.1674940503286500E-03,7.3832791245380114E-03 -163693 Atira (2003 CP20),703,5.8013000000000000E+04,1.5728144939300000E+02,1.5456923193000000E+01,-5.1660001907321074E-01,6.5941650558815268E-01,1.6454775810075781E-01,-1.4091489055901067E-02,-6.4854198988378194E-03,7.3060716180141632E-03 -163693 Atira (2003 CP20),703,5.8014000000000000E+04,1.5827708512400000E+02,1.5324183276999999E+01,-5.3057009729056492E-01,6.5277732669982580E-01,1.7181389323757421E-01,-1.3844496000570135E-02,-6.7948279997145887E-03,7.2267437049759100E-03 -163693 Atira (2003 CP20),703,5.8015000000000000E+04,1.5926873853699999E+02,1.5186369231000000E+01,-5.4429208275853802E-01,6.4583287152271174E-01,1.7899969132696117E-01,-1.3595222813155235E-02,-7.0958985416685605E-03,7.1453939973799762E-03 -163693 Atira (2003 CP20),703,5.8016000000000000E+04,1.6025646906700001E+02,1.5043589133999999E+01,-5.5776377229291696E-01,6.3859138838474894E-01,1.8610317743057334E-01,-1.3343825741689203E-02,-7.3888071405345500E-03,7.0621154454819932E-03 -163693 Atira (2003 CP20),703,5.8017000000000000E+04,1.6124033881099999E+02,1.4895949257000000E+01,-5.7098311366835786E-01,6.3106095258667017E-01,1.9312246683946668E-01,-1.3090450702542191E-02,-7.6737247596523096E-03,6.9769956541721242E-03 -163693 Atira (2003 CP20),703,5.8018000000000000E+04,1.6222041292700001E+02,1.4743553865999999E+01,-5.8394819566115497E-01,6.2324947103107320E-01,2.0005575988116187E-01,-1.2835233935343433E-02,-7.9508176567301310E-03,6.8901171818923539E-03 -163693 Atira (2003 CP20),703,5.8019000000000000E+04,1.6319675983100001E+02,1.4586505110999999E+01,-5.9665723872045495E-01,6.1516468688286285E-01,2.0690133701891414E-01,-1.2578302616496218E-02,-8.2202473535125317E-03,6.8015578229459455E-03 -163693 Atira (2003 CP20),703,5.8020000000000000E+04,1.6416945119700000E+02,1.4424902986999999E+01,-6.0910858622535491E-01,6.0681418425279265E-01,2.1365755422803026E-01,-1.2319775433685821E-02,-8.4821706251009786E-03,6.7113908739337095E-03 -163693 Atira (2003 CP20),703,5.8021000000000000E+04,1.6513856179999999E+02,1.4258845344999999E+01,-6.2130069628561491E-01,5.9820539289801045E-01,2.2032283863128127E-01,-1.2059763123815495E-02,-8.7367395061223596E-03,6.6196853851050253E-03 -163693 Atira (2003 CP20),703,5.8022000000000000E+04,1.6610416928100000E+02,1.4088427940000001E+01,-6.3323213404978596E-01,5.8934559292985134E-01,2.2689568437644864E-01,-1.1798368976698522E-02,-8.9841013111400005E-03,6.5265063973791041E-03 -163693 Atira (2003 CP20),703,5.8023000000000000E+04,1.6706635389100001E+02,1.3913744478000000E+01,-6.4490156449453484E-01,5.8024191951197135E-01,2.3337464874326536E-01,-1.1535689306604993E-02,-9.2243986672568314E-03,6.4319151657661064E-03 -163693 Atira (2003 CP20),703,5.8024000000000000E+04,1.6802519827200001E+02,1.3734886663999999E+01,-6.5630774566493666E-01,5.7090136753522758E-01,2.3975834846463487E-01,-1.1271813893786425E-02,-9.4577695568435899E-03,6.3359693699360353E-03 -163693 Atira (2003 CP20),703,5.8025000000000000E+04,1.6898078730500001E+02,1.3551944220999999E+01,-6.6744952234252453E-01,5.6133079625241955E-01,2.4604545625111821E-01,-1.1006826397832096E-02,-9.6843473687233395E-03,6.2387233126125589E-03 -163693 Atira (2003 CP20),703,5.8026000000000000E+04,1.6993320803000000E+02,1.3365004903999999E+01,-6.7832582011444065E-01,5.5153693386095981E-01,2.5223469750603428E-01,-1.0740804744739487E-02,-9.9042609562835296E-03,6.1402281064909491E-03 -163693 Atira (2003 CP20),703,5.8027000000000000E+04,1.7088254964000001E+02,1.3174154487999999E+01,-6.8893563982108919E-01,5.4152638202011949E-01,2.5832484722108390E-01,-1.0473821489333464E-02,-1.0117634701140767E-02,6.0405318503066064E-03 -163693 Atira (2003 CP20),703,5.8028000000000000E+04,1.7182890352100000E+02,1.2979476767000000E+01,-6.9927805235927953E-01,5.3130562029103146E-01,2.6431472704249392E-01,-1.0205944154652893E-02,-1.0324588581249520E-02,5.9396797946784565E-03 -163693 Atira (2003 CP20),703,5.8029000000000000E+04,1.7277236329199999E+02,1.2781053568000001E+01,-7.0935219381250603E-01,5.2088101049426139E-01,2.7020320249511770E-01,-9.9372355499534430E-03,-1.0525238242274200E-02,5.8377144983626054E-03 -163693 Atira (2003 CP20),F51,5.7970000000000000E+04,1.1027414199800000E+02,1.4884044748999999E+01,2.3522254715586782E-01,5.0962375390443526E-01,-1.6812227620198822E-01,-1.6998970119612967E-02,1.6922876318857725E-02,5.9630903922075502E-03 -163693 Atira (2003 CP20),F51,5.7971000000000000E+04,1.1144880520000000E+02,1.5055996734000001E+01,2.1805841154707306E-01,5.2617284662231800E-01,-1.6203896648227067E-01,-1.7327178446541289E-02,1.6172776019268104E-02,6.2022604552793978E-03 -163693 Atira (2003 CP20),F51,5.7972000000000000E+04,1.1262164332800000E+02,1.5221065084999999E+01,2.0058339387477109E-01,5.4197221136264839E-01,-1.5572463672881678E-01,-1.7620784204178709E-02,1.5423526539548087E-02,6.4252263211578044E-03 -163693 Atira (2003 CP20),F51,5.7973000000000000E+04,1.1379234682800001E+02,1.5378973308000001E+01,1.8283139125639192E-01,5.5702361583175586E-01,-1.4919526800013125E-01,-1.7881198268417140E-02,1.4676941065054067E-02,6.6324358462954668E-03 -163693 Atira (2003 CP20),F51,5.7974000000000000E+04,1.1496063069500001E+02,1.5529485288000000E+01,1.6483487461490176E-01,5.7133054302035913E-01,-1.4246637509439691E-01,-1.8109860006846119E-02,1.3934638703425373E-02,6.8243725036752079E-03 -163693 Atira (2003 CP20),F51,5.7975000000000000E+04,1.1612623293800000E+02,1.5672402033999999E+01,1.4662486869025004E-01,5.8489800232162770E-01,-1.3555297550456349E-01,-1.8308220600068328E-02,1.3198055019144785E-02,7.0015464061017538E-03 -163693 Atira (2003 CP20),F51,5.7976000000000000E+04,1.1728891296000000E+02,1.5807558633999999E+01,1.2823094749217256E-01,5.9773235165336280E-01,-1.2846956682474586E-01,-1.8477728808715357E-02,1.2468453436838037E-02,7.1644863677986547E-03 -163693 Atira (2003 CP20),F51,5.7977000000000000E+04,1.1844844988600001E+02,1.5934821391000000E+01,1.0968124284536285E-01,6.0984113125382544E-01,-1.2123011159037753E-01,-1.8619819011018481E-02,1.1746937136881311E-02,7.3137329661635163E-03 -163693 Atira (2003 CP20),F51,5.7978000000000000E+04,1.1960464093300000E+02,1.6054085175000001E+01,9.1002463855952453E-02,6.2123290948392507E-01,-1.1384802857952915E-01,-1.8735901315205982E-02,1.1034461132600785E-02,7.4498325483601299E-03 -163693 Atira (2003 CP20),F51,5.7979000000000000E+04,1.2075729984100001E+02,1.6165270948000000E+01,7.2219925319220502E-02,6.3191714069360250E-01,-1.0633618966068507E-01,-1.8827353541362023E-02,1.0331844278548181E-02,7.5733321160062752E-03 -163693 Atira (2003 CP20),F51,5.7980000000000000E+04,1.2190625542600000E+02,1.6268323471999999E+01,5.3357583310579049E-02,6.4190403497773996E-01,-9.8706921348801699E-02,-1.8895514866141421E-02,9.6397810140692944E-03,7.6847750143483381E-03 -163693 Atira (2003 CP20),F51,5.7981000000000000E+04,1.2305135029000000E+02,1.6363209178999998E+01,3.4438076393347061E-02,6.5120443948570828E-01,-9.0972010301221068E-02,-1.8941680929194599E-02,8.9588526931462572E-03,7.7846973494694474E-03 -163693 Atira (2003 CP20),F51,5.7982000000000000E+04,1.2419243973800000E+02,1.6449914175000000E+01,1.5482771084500024E-02,6.5982973081593199E-01,-8.3142712065643581E-02,-1.8967100210071232E-02,8.2895383924161820E-03,7.8736250569465694E-03 -163693 Atira (2003 CP20),F51,5.7983000000000000E+04,1.2532939096299999E+02,1.6528442366000000E+01,-3.4881896004074209E-03,6.6779171793864589E-01,-7.5229762466472935E-02,-1.8972971497271340E-02,7.6322251231546951E-03,7.9520715475262897E-03 -163693 Atira (2003 CP20),F51,5.7984000000000000E+04,1.2646208258599999E+02,1.6598813658000001E+01,-2.2455835537495972E-02,6.7510255502713812E-01,-6.7243391087848325E-02,-1.8960442285966255E-02,6.9872174010798243E-03,8.0205358590250426E-03 -163693 Atira (2003 CP20),F51,5.7985000000000000E+04,1.2759040454500000E+02,1.6661062225999999E+01,-4.1402317686604073E-02,6.8177466353552962E-01,-5.9193336380029299E-02,-1.8930607956490431E-02,6.3547461505628041E-03,8.0795012483123926E-03 -163693 Atira (2003 CP20),F51,5.7986000000000000E+04,1.2871425830100000E+02,1.6715234834000000E+01,-6.0310855819140530E-02,6.8782066283882759E-01,-5.1088861978711930E-02,-1.8884511601441702E-02,5.7349769378019447E-03,8.1294341624951437E-03 -163693 Atira (2003 CP20),F51,5.7987000000000000E+04,1.2983355719299999E+02,1.6761389219000002E+01,-7.9165686387839385E-02,6.9325330874937741E-01,-4.2938773885430312E-02,-1.8823144384610288E-02,5.1280175414623562E-03,8.1707835339532749E-03 -163693 Atira (2003 CP20),F51,5.7988000000000000E+04,1.3094822672699999E+02,1.6799592585999999E+01,-9.7952011026452124E-02,6.9808543924551514E-01,-3.4751438208207315E-02,-1.8747446329463884E-02,4.5339248795729908E-03,8.2039803494721349E-03 -163693 Atira (2003 CP20),F51,5.7989000000000000E+04,1.3205820461400000E+02,1.6829920242000000E+01,-1.1665594604223606E-01,7.0232992678136685E-01,-2.6534799214577964E-02,-1.8658307448550612E-02,3.9527113194237403E-03,8.2294374491304438E-03 -163693 Atira (2003 CP20),F51,5.7990000000000000E+04,1.3316344044700000E+02,1.6852454403999999E+01,-1.3526447318600832E-01,7.0599963659284060E-01,-1.8296397484955630E-02,-1.8556569137575418E-02,3.3843504019413599E-03,8.2475495158257309E-03 -163693 Atira (2003 CP20),F51,5.7991000000000000E+04,1.3426389508400001E+02,1.6867283185000002E+01,-1.5376539189878435E-01,7.0910739044745674E-01,-1.0043387998722078E-02,-1.8443025769225581E-02,2.8287820159059607E-03,8.2586932211382840E-03 -163693 Atira (2003 CP20),F51,5.7992000000000000E+04,1.3535953980599999E+02,1.6874499729000000E+01,-1.7214727320244316E-01,7.1166593532110545E-01,-1.7825580095949839E-03,-1.8318426431732315E-02,2.2859170586493702E-03,8.2632274977352243E-03 -163693 Atira (2003 CP20),F51,5.7993000000000000E+04,1.3645035542599999E+02,1.6874201463999999E+01,-1.9039941535283000E-01,7.1368791651100461E-01,6.4796554013493348E-03,-1.8183476766239128E-02,1.7556416208627211E-03,8.2614939125619322E-03 -163693 Atira (2003 CP20),F51,5.7994000000000000E+04,1.3753633143600001E+02,1.6866489454000000E+01,-2.0851180134101854E-01,7.1518585472603557E-01,1.4737148184214600E-02,-1.8038840864683998E-02,1.2378207327796899E-03,8.2538171187426217E-03 -163693 Atira (2003 CP20),F51,5.7995000000000000E+04,1.3861746525500001E+02,1.6851467808999999E+01,-2.2647505830084980E-01,7.1617212672976893E-01,2.2984132661892389E-02,-1.7885143196779568E-02,7.3230170791509057E-04,8.2405053673738626E-03 -163693 Atira (2003 CP20),F51,5.7996000000000000E+04,1.3969376162200001E+02,1.6829243142999999E+01,-2.4428041884173501E-01,7.1665894914561568E-01,3.1215121404830661E-02,-1.7722970540501613E-02,2.3891711938454907E-04,8.2218510632865189E-03 -163693 Atira (2003 CP20),F51,5.7997000000000000E+04,1.4076523210700000E+02,1.6799924083000001E+01,-2.6191968430880963E-01,7.1665836506906666E-01,3.9424911678191503E-02,-1.7552873895544569E-02,-2.4251255815386716E-04,8.1981313513915972E-03 -163693 Atira (2003 CP20),F51,5.7998000000000000E+04,1.4183189472399999E+02,1.6763620803999999E+01,-2.7938518994476125E-01,7.1618223316424778E-01,4.7608570484911239E-02,-1.7375370363483179E-02,-7.1217660963144094E-04,8.1696087224477024E-03 -163693 Atira (2003 CP20),F51,5.7999000000000000E+04,1.4289377360500001E+02,1.6720444618999998E+01,-2.9666977191972077E-01,7.1524221895267792E-01,5.5761420221590551E-02,-1.7190944981969575E-02,-1.1702720147463500E-03,8.1365316290063234E-03 -163693 Atira (2003 CP20),F51,5.8000000000000000E+04,1.4395089868599999E+02,1.6670507611000001E+01,-3.1376673617348660E-01,7.1384978803057786E-01,6.3879024951161184E-02,-1.7000052503446238E-02,-1.6170016299952121E-03,8.0991351039679423E-03 -163693 Atira (2003 CP20),F51,5.8001000000000000E+04,1.4500330535500001E+02,1.6613922331000001E+01,-3.3066982901789843E-01,7.1201620097768159E-01,7.1957177295665919E-02,-1.6803119111254938E-02,-2.0525725928201878E-03,8.0576413755878533E-03 -163693 Atira (2003 CP20),F51,5.8002000000000000E+04,1.4605103399999999E+02,1.6550801569000001E+01,-3.4737320942430472E-01,7.0975250974737936E-01,7.9991885939979357E-02,-1.6600544068315126E-02,-2.4771949247823499E-03,8.0122604740173065E-03 -163693 Atira (2003 CP20),F51,5.8003000000000000E+04,1.4709412942599999E+02,1.6481258196999999E+01,-3.6387142292647900E-01,7.0706955535343441E-01,8.7979363738279304E-02,-1.6392701295136470E-02,-2.8910803129793897E-03,7.9631908254781392E-03 -163693 Atira (2003 CP20),F51,5.8004000000000000E+04,1.4813264013599999E+02,1.6405405102000000E+01,-3.8015937705870173E-01,7.0397796669325774E-01,9.5916016408366750E-02,-1.6179940875413787E-02,-3.2944410505865405E-03,7.9106198310585022E-03 -163693 Atira (2003 CP20),F51,5.8005000000000000E+04,1.4916661749700000E+02,1.6323355169999999E+01,-3.9623231824811223E-01,7.0048816036892625E-01,1.0379843179596421E-01,-1.5962590488653020E-02,-3.6874891192686735E-03,7.8547244278530035E-03 -163693 Atira (2003 CP20),F51,5.8006000000000000E+04,1.5019611487700001E+02,1.6235221317000001E+01,-4.1208581008403167E-01,6.9661034138256039E-01,1.1162336968922754E-01,-1.5740956770095432E-02,-4.0704353977774298E-03,7.7956716307851816E-03 -163693 Atira (2003 CP20),F51,5.8007000000000000E+04,1.5122118684300000E+02,1.6141116520000001E+01,-4.2771571289494814E-01,6.9235450459160108E-01,1.1938775216349297E-01,-1.5515326598965547E-02,-4.4434889826853279E-03,7.7336190539548794E-03 -163693 Atira (2003 CP20),F51,5.8008000000000000E+04,1.5224188849100000E+02,1.6041153828999999E+01,-4.4311816456522957E-01,6.8773043681691282E-01,1.2708865443354764E-01,-1.5285968316679851E-02,-4.8068566084905791E-03,7.6687154107920874E-03 -163693 Atira (2003 CP20),F51,5.8009000000000000E+04,1.5325827498400000E+02,1.5935446334000000E+01,-4.5828956253339515E-01,6.8274771950246205E-01,1.3472329619372470E-01,-1.5053132876937624E-02,-5.1607421557430290E-03,7.6011009926193031E-03 -163693 Atira (2003 CP20),F51,5.8010000000000000E+04,1.5427040130899999E+02,1.5824107075000001E+01,-4.7322654690896249E-01,6.7741573183693715E-01,1.4228903342342422E-01,-1.4817054930066863E-02,-5.5053462368896411E-03,7.5309081255333045E-03 -163693 Atira (2003 CP20),F51,5.8011000000000000E+04,1.5527832224100001E+02,1.5707248900000000E+01,-4.8792598464930526E-01,6.7174365425862759E-01,1.4978335063803916E-01,-1.4577953844091726E-02,-5.8408658507006113E-03,7.4582616057203158E-03 -163693 Atira (2003 CP20),F51,5.8012000000000000E+04,1.5628209251600001E+02,1.5584984263999999E+01,-5.0238495473378919E-01,6.6574047227739097E-01,1.5720385356284952E-01,-1.4336034665182710E-02,-6.1674940969893913E-03,7.3832791135170278E-03 -163693 Atira (2003 CP20),F51,5.8013000000000000E+04,1.5728176719400000E+02,1.5457424977000001E+01,-5.1660073427892372E-01,6.5941498055348879E-01,1.6454826220966115E-01,-1.4091489020266898E-02,-6.4854199443088213E-03,7.3060716066645345E-03 -163693 Atira (2003 CP20),F51,5.8014000000000000E+04,1.5827740216500001E+02,1.5324681915999999E+01,-5.3057078554033898E-01,6.5277578717706120E-01,1.7181440433576711E-01,-1.3844495964545903E-02,-6.7948280440224794E-03,7.2267436933107299E-03 -163693 Atira (2003 CP20),F51,5.8015000000000000E+04,1.5926905477500000E+02,1.5186864711000000E+01,-5.4429274374977599E-01,6.4583131809513239E-01,1.7900020926554799E-01,-1.3595222776761316E-02,-7.0958985848387120E-03,7.1453939854114953E-03 -163693 Atira (2003 CP20),F51,5.8016000000000000E+04,1.6025678446100000E+02,1.5044081442000000E+01,-5.5776440573945996E-01,6.3858982163750422E-01,1.8610370205795318E-01,-1.3343825704943186E-02,-7.3888071825925009E-03,7.0621154332219304E-03 -163693 Atira (2003 CP20),F51,5.8017000000000000E+04,1.6124065332000001E+02,1.4896438377999999E+01,-5.7098371930025604E-01,6.3105937310634974E-01,1.9312299800143506E-01,-1.3090450665462170E-02,-7.6737248006212913E-03,6.9769956416309920E-03 -163693 Atira (2003 CP20),F51,5.8018000000000000E+04,1.6222072651200000E+02,1.4744039785000000E+01,-5.8394877322444017E-01,6.2324787940529347E-01,2.0005629742101019E-01,-1.2835233897945183E-02,-7.9508176966332812E-03,6.8901171690803021E-03 -163693 Atira (2003 CP20),F51,5.8019000000000000E+04,1.6319707245399999E+02,1.4586987814000000E+01,-5.9665778797688596E-01,6.1516308369987927E-01,2.0690188077751376E-01,-1.2578302578795632E-02,-8.2202473923712396E-03,6.8015578098721049E-03 -163693 Atira (2003 CP20),F51,5.8020000000000000E+04,1.6416976282100001E+02,1.4425382457000000E+01,-6.0910910695215192E-01,6.0681257010113943E-01,2.1365810404389787E-01,-1.2319775395694182E-02,-8.4821706629380697E-03,6.7113908606075785E-03 -163693 Atira (2003 CP20),F51,5.8021000000000000E+04,1.6513887238999999E+02,1.4259321566000001E+01,-6.2130118827517400E-01,5.9820376836617284E-01,2.2032339434062953E-01,-1.2059763085547145E-02,-8.7367395429571587E-03,6.6196853715344683E-03 -163693 Atira (2003 CP20),F51,5.8022000000000000E+04,1.6610447880300001E+02,1.4088900895000000E+01,-6.3323259710941882E-01,5.8934395860595157E-01,2.2689624581323717E-01,-1.1798368938165252E-02,-8.9841013469921099E-03,6.5265063835718657E-03 -163693 Atira (2003 CP20),F51,5.8023000000000000E+04,1.6706666231099999E+02,1.3914214149999999E+01,-6.4490199844619300E-01,5.8024027598348238E-01,2.3337521573923817E-01,-1.1535689267817230E-02,-9.2243987021452707E-03,6.4319151517295220E-03 -163693 Atira (2003 CP20),F51,5.8024000000000000E+04,1.6802550555900001E+02,1.3735353034999999E+01,-6.5630815034493328E-01,5.7089971538870266E-01,2.3975892084936640E-01,-1.1271813854754991E-02,-9.4577695907858902E-03,6.3359693556767340E-03 -163693 Atira (2003 CP20),F51,5.8025000000000000E+04,1.6898109342900000E+02,1.3552407274000000E+01,-6.6744989760127538E-01,5.6132913607323587E-01,2.4604603385205534E-01,-1.1006826358564953E-02,-9.6843474017373997E-03,6.2387232981371771E-03 -163693 Atira (2003 CP20),F51,5.8026000000000000E+04,1.6993351296200001E+02,1.3365464619000001E+01,-6.7832616581618743E-01,5.5153526623308058E-01,2.5223528014854091E-01,-1.0740804705247031E-02,-9.9042609883848408E-03,6.1402280918050863E-03 -163693 Atira (2003 CP20),F51,5.8027000000000000E+04,1.7088285335200001E+02,1.3174610846000000E+01,-6.8893595584363621E-01,5.4152470752586401E-01,2.5832543472848701E-01,-1.0473821449623277E-02,-1.0117634732345188E-02,6.0405318354159214E-03 -163693 Atira (2003 CP20),F51,5.8028000000000000E+04,1.7182920598600001E+02,1.2979929749000000E+01,-6.9927833859371391E-01,5.3130393951087362E-01,2.6431531923612067E-01,-1.0205944114731677E-02,-1.0324588611572320E-02,5.9396797795882505E-03 -163693 Atira (2003 CP20),F51,5.8029000000000000E+04,1.7277266448800000E+02,1.2781503152000001E+01,-7.0935245016292303E-01,5.2087932400665293E-01,2.7020379919432769E-01,-9.9372355098290011E-03,-1.0525238271729142E-02,5.8377144830775284E-03 -163693 Atira (2003 CP20),I11,5.7970000000000000E+04,1.1027422722100000E+02,1.4884971360000000E+01,2.3522495135205995E-01,5.0962455662173556E-01,-1.6812265916597516E-01,-1.6998970000281031E-02,1.6922876577498955E-02,5.9630903068727103E-03 -163693 Atira (2003 CP20),I11,5.7971000000000000E+04,1.1144888212600000E+02,1.5056906296999999E+01,2.1806082207950184E-01,5.2617370383504192E-01,-1.6203937124659473E-01,-1.7327178339255941E-02,1.6172776278255849E-02,6.2022603755123116E-03 -163693 Atira (2003 CP20),I11,5.7972000000000000E+04,1.1262171220099999E+02,1.5221958459000000E+01,2.0058580877564280E-01,5.4197312334655201E-01,-1.5572506332159269E-01,-1.7620784108494620E-02,1.5423526798206532E-02,6.4252262468281725E-03 -163693 Atira (2003 CP20),I11,5.7973000000000000E+04,1.1379240789200000E+02,1.5379851325000001E+01,1.8283380856983833E-01,5.5702458278739486E-01,-1.4919571642535423E-01,-1.7881198183871919E-02,1.4676941322772981E-02,6.6324357772579194E-03 -163693 Atira (2003 CP20),I11,5.7974000000000000E+04,1.1496068419100000E+02,1.5530348753000000E+01,1.6483729240051337E-01,5.7133156507539185E-01,-1.4246684533318824E-01,-1.8109859932964961E-02,1.3934638959655177E-02,6.8243724397735496E-03 -163693 Atira (2003 CP20),I11,5.7975000000000000E+04,1.1612627910800001E+02,1.5673251729000000E+01,1.4662728502623212E-01,5.8489907953322517E-01,-1.3555346751637642E-01,-1.8308220536373470E-02,1.3198055273400134E-02,7.0015463471688735E-03 -163693 Atira (2003 CP20),I11,5.7976000000000000E+04,1.1728895204299999E+02,1.5808395313000000E+01,1.2823336047818956E-01,5.9773348401065574E-01,-1.2847008054854092E-01,-1.8477728754728431E-02,1.2468453688689573E-02,7.1644863136611113E-03 -163693 Atira (2003 CP20),I11,5.7977000000000000E+04,1.1844848211999999E+02,1.5935645787000000E+01,1.0968365060509033E-01,6.0984231868036676E-01,-1.2123064694575121E-01,-1.8619818966263621E-02,1.1746937385950944E-02,7.3137329166442777E-03 -163693 Atira (2003 CP20),I11,5.7978000000000000E+04,1.1960466655499999E+02,1.6054897996000001E+01,9.1004864539365515E-02,6.2123415184016817E-01,-1.1384858546778884E-01,-1.8735901279215948E-02,1.1034461378562314E-02,7.4498325032786037E-03 -163693 Atira (2003 CP20),I11,5.7979000000000000E+04,1.2075731908300000E+02,1.6166072877000001E+01,7.2222317104650990E-02,6.3191843777936796E-01,-1.0633676796586299E-01,-1.8827353513679590E-02,1.0331844521121326E-02,7.5733320751809980E-03 -163693 Atira (2003 CP20),I11,5.7980000000000000E+04,1.2190626852100000E+02,1.6269115170999999E+01,5.3359964406551996E-02,6.4190538653466311E-01,-9.8707520938597165E-02,-1.8895514846318330E-02,9.6397812530108588E-03,7.6847749776005276E-03 -163693 Atira (2003 CP20),I11,5.7981000000000000E+04,1.2305135746800001E+02,1.6363991288000001E+01,3.4440445040255674E-02,6.5120584519968872E-01,-9.0972631027881223E-02,-1.8941680916799410E-02,8.9588529282557255E-03,7.7846973166202198E-03 -163693 Atira (2003 CP20),I11,5.7982000000000000E+04,1.2419244122400001E+02,1.6450687313000000E+01,1.5485125556127355E-02,6.5983119031954962E-01,-8.3143353766784528E-02,-1.8967100204686151E-02,8.2895386235258411E-03,7.8736250278207756E-03 -163693 Atira (2003 CP20),I11,5.7983000000000000E+04,1.2532938698400000E+02,1.6529207129000000E+01,-3.4858509955392192E-03,6.6779323081359021E-01,-7.5230424965834569E-02,-1.8972971498494126E-02,7.6322253501273302E-03,7.9520715219527430E-03 -163693 Atira (2003 CP20),I11,5.7984000000000000E+04,1.2646207336300000E+02,1.6599570623000002E+01,-2.2453514454891188E-02,6.7510412080661908E-01,-6.7244074196017606E-02,-1.8960442293411622E-02,6.9872176238070759E-03,8.0205358368366491E-03 -163693 Atira (2003 CP20),I11,5.7985000000000000E+04,1.2759039029900001E+02,1.6661811951000001E+01,-4.1400015744726182E-02,6.8177628170670090E-01,-5.9194039895151387E-02,-1.8930607969788467E-02,6.3547463689595154E-03,8.0795012293477502E-03 -163693 Atira (2003 CP20),I11,5.7986000000000000E+04,1.2871423924900000E+02,1.6715977857999999E+01,-6.0308574598484377E-02,6.8782233284520955E-01,-5.1089585687199464E-02,-1.8884511620241712E-02,5.7349771518083806E-03,8.1294341465969252E-03 -163693 Atira (2003 CP20),I11,5.7987000000000000E+04,1.2983353355000000E+02,1.6762126063000000E+01,-7.9163427430214206E-02,6.9325502999327437E-01,-4.2939517562666563E-02,-1.8823144408578178E-02,5.1280177510378104E-03,8.1707835209699261E-03 -163693 Atira (2003 CP20),I11,5.7988000000000000E+04,1.3094819870699999E+02,1.6800323752000001E+01,-9.7949775834412223E-02,6.9808721109038774E-01,-3.4752201619248677E-02,-1.8747446358279886E-02,4.5339250846917600E-03,8.2039803392589972E-03 -163693 Atira (2003 CP20),I11,5.7989000000000000E+04,1.3205817242500001E+02,1.6830646216000002E+01,-1.1665373607870932E-01,7.0233174855415381E-01,-2.6535582114802822E-02,-1.8658307481911565E-02,3.9527115200760597E-03,8.2294374415485209E-03 -163693 Atira (2003 CP20),I11,5.7990000000000000E+04,1.3316340429799999E+02,1.6853175656000001E+01,-1.3526228987409616E-01,7.0600150758619606E-01,-1.8297199620649126E-02,-1.8556569175198434E-02,3.3843505981353186E-03,8.2475495107399537E-03 -163693 Atira (2003 CP20),I11,5.7991000000000000E+04,1.3426385517599999E+02,1.6868000169999998E+01,-1.5376323662166902E-01,7.0910930992188614E-01,-1.0044209107599442E-02,-1.8443025810837337E-02,2.8287822076553011E-03,8.2586932184220870E-03 -163693 Atira (2003 CP20),I11,5.7992000000000000E+04,1.3535949633999999E+02,1.6875212885000000E+01,-1.7214514730342612E-01,7.1166790250699685E-01,-1.7833978212599311E-03,-1.8318426477079184E-02,2.2859172459827187E-03,8.2632274972657526E-03 -163693 Atira (2003 CP20),I11,5.7993000000000000E+04,1.3645030860000000E+02,1.6874911216000001E+01,-1.9039732013541422E-01,7.1368993061055619E-01,6.4787971649957095E-03,-1.8183476815079366E-02,1.7556418038152284E-03,8.2614939142231208E-03 -163693 Atira (2003 CP20),I11,5.7994000000000000E+04,1.3753628144199999E+02,1.6867196213000000E+01,-2.0850973806909401E-01,7.1518791491509637E-01,1.4736271808616313E-02,-1.8038840916791251E-02,1.2378209113952307E-03,8.2538171224232904E-03 -163693 Atira (2003 CP20),I11,5.7995000000000000E+04,1.3861741228299999E+02,1.6852171971000001E+01,-2.2647302819890147E-01,7.1617423215957476E-01,2.2983238439504967E-02,-1.7885143251937591E-02,7.3230188224125865E-04,8.2405053729694040E-03 -163693 Atira (2003 CP20),I11,5.7996000000000000E+04,1.3969370585999999E+02,1.6829945092999999E+01,-2.4427842309509684E-01,7.1666109894445662E-01,3.1214209634812064E-02,-1.7722970598509188E-02,2.3891728947657981E-04,8.2218510706966470E-03 -163693 Atira (2003 CP20),I11,5.7997000000000000E+04,1.4076517373600001E+02,1.6800624193000001E+01,-2.6191772406397951E-01,7.1666055834388098E-01,3.9423982666128399E-02,-1.7552873956213012E-02,-2.4251239223601131E-04,8.1981313605208415E-03 -163693 Atira (2003 CP20),I11,5.7998000000000000E+04,1.4183183392399999E+02,1.6764319435000001E+01,-2.7938326630973365E-01,7.1618446900213906E-01,4.7607624542550575E-02,-1.7375370426634160E-02,-7.1217644782507750E-04,8.1696087332058260E-03 -163693 Atira (2003 CP20),I11,5.7999000000000000E+04,1.4289371055100000E+02,1.6721142117999999E+01,-2.9666788596436267E-01,7.1524449642236154E-01,5.5760457666600406E-02,-1.7190945047435569E-02,-1.1702718569856982E-03,8.1365316413077680E-03 -163693 Atira (2003 CP20),I11,5.8000000000000000E+04,1.4395083355099999E+02,1.6671204317000001E+01,-3.1376488892997112E-01,7.1385210618375372E-01,6.3878046106919759E-02,-1.7000052571068715E-02,-1.6170014762131521E-03,8.0991351177319582E-03 -163693 Atira (2003 CP20),I11,5.8001000000000000E+04,1.4500323830599999E+02,1.6614618572000001E+01,-3.3066802148114982E-01,7.1201855885033050E-01,7.1956182491059076E-02,-1.6803119180886793E-02,-2.0525724429465916E-03,8.0576413907373825E-03 -163693 Atira (2003 CP20),I11,5.8002000000000000E+04,1.4605096520199999E+02,1.6551497661999999E+01,-3.4737144255246688E-01,7.0975490636098493E-01,7.9990875509200407E-02,-1.6600544139818374E-02,-2.4771947787458198E-03,8.0122604904793848E-03 -163693 Atira (2003 CP20),I11,5.8003000000000000E+04,1.4709405904100001E+02,1.6481954451000000E+01,-3.6386969764141930E-01,7.0707198971610596E-01,8.7978338020644004E-02,-1.6392701368379753E-02,-2.8910801707090414E-03,7.9631908431842396E-03 -163693 Atira (2003 CP20),I11,5.8004000000000000E+04,1.4813256831999999E+02,1.6406101816000000E+01,-3.8015769424650525E-01,7.0398043780075614E-01,9.5914975748123271E-02,-1.6179940950275373E-02,-3.2944409120099598E-03,7.9106198499433542E-03 -163693 Atira (2003 CP20),I11,5.8005000000000000E+04,1.4916654440299999E+02,1.6324052635000001E+01,-3.9623067875957874E-01,7.0049066720561926E-01,1.0379737654211739E-01,-1.5962590565018225E-02,-3.6874889843138484E-03,7.8547244478549480E-03 -163693 Atira (2003 CP20),I11,5.8006000000000000E+04,1.5019604065600001E+02,1.6235919814999999E+01,-4.1208421473509638E-01,6.9661288292232948E-01,1.1162230019534823E-01,-1.5740956847856435E-02,-4.0704352663725289E-03,7.7956716518460048E-03 -163693 Atira (2003 CP20),I11,5.8007000000000000E+04,1.5122111164000000E+02,1.6141816326000001E+01,-4.2771416246710336E-01,6.9235707979868633E-01,1.1938666878755552E-01,-1.5515326678023540E-02,-4.4434888547577184E-03,7.7336190760189339E-03 -163693 Atira (2003 CP20),I11,5.8008000000000000E+04,1.5224181244900001E+02,1.6041855209000001E+01,-4.4311665980587434E-01,6.8773304464675011E-01,1.2708755753777906E-01,-1.5285968396937492E-02,-4.8068564839709310E-03,7.6687154338078928E-03 -163693 Atira (2003 CP20),I11,5.8009000000000000E+04,1.5325819824300001E+02,1.5936149546999999E+01,-4.5828810415614307E-01,6.8275035890251501E-01,1.3472218614447737E-01,-1.5053132958306268E-02,-5.1607420345612214E-03,7.6011010165375238E-03 -163693 Atira (2003 CP20),I11,5.8010000000000000E+04,1.5427032400400000E+02,1.5824812374000000E+01,-4.7322513559391410E-01,6.7741840174755430E-01,1.4228791059105550E-01,-1.4817055012466728E-02,-5.5053461189748902E-03,7.5309081503065920E-03 -163693 Atira (2003 CP20),I11,5.8011000000000000E+04,1.5527824450400001E+02,1.5707956529000001E+01,-4.8792462104331646E-01,6.7174635361391100E-01,1.4978221539679121E-01,-1.4577953927442005E-02,-5.8408657359864009E-03,7.4582616313051920E-03 -163693 Atira (2003 CP20),I11,5.8012000000000000E+04,1.5628201447800001E+02,1.5585694460999999E+01,-5.0238363945072784E-01,6.6574320000607956E-01,1.5720270629071298E-01,-1.4336034749411237E-02,-6.1674939854083899E-03,7.3832791398716416E-03 -163693 Atira (2003 CP20),I11,5.8013000000000000E+04,1.5728168898100000E+02,1.5458137974000000E+01,-5.1659946789996725E-01,6.5941773557985572E-01,1.6454710328821984E-01,-1.4091489105305206E-02,-6.4854198357955292E-03,7.3060716337494704E-03 -163693 Atira (2003 CP20),I11,5.8014000000000000E+04,1.5827732390200001E+02,1.5325397938000000E+01,-5.3056956861429705E-01,6.5277856842183302E-01,1.7181323414999691E-01,-1.3844496050329830E-02,-6.7948279385126702E-03,7.2267437210887311E-03 -163693 Atira (2003 CP20),I11,5.8015000000000000E+04,1.5926897658100000E+02,1.5187583976999999E+01,-5.4429157679349216E-01,6.4583412447638433E-01,1.7899902820359409E-01,-1.3595222863230089E-02,-7.0958984822699599E-03,7.1453940138473462E-03 -163693 Atira (2003 CP20),I11,5.8016000000000000E+04,1.6025670645500000E+02,1.5044804166000000E+01,-5.5776328923823293E-01,6.3859265207156246E-01,1.8610251051087015E-01,-1.3343825792042288E-02,-7.3888070829026473E-03,7.0621154622820667E-03 -163693 Atira (2003 CP20),I11,5.8017000000000000E+04,1.6124057561699999E+02,1.4897164768000000E+01,-5.7098265370837997E-01,6.3106222650863253E-01,1.9312179636295823E-01,-1.3090450753136845E-02,-7.6737247037512724E-03,6.9769956712841460E-03 -163693 Atira (2003 CP20),I11,5.8018000000000000E+04,1.6222064922400000E+02,1.4744770043000001E+01,-5.8394775896574891E-01,6.2325075469114222E-01,2.0005508608732522E-01,-1.2835233986146333E-02,-7.9508176025245188E-03,6.8901171992966272E-03 -163693 Atira (2003 CP20),I11,5.8019000000000000E+04,1.6319699569100001E+02,1.4587722137000000E+01,-5.9665682544536502E-01,6.1516597978530840E-01,2.0690066014707345E-01,-1.2578302667474431E-02,-8.2202473009677472E-03,6.8015578406236780E-03 -163693 Atira (2003 CP20),I11,5.8020000000000000E+04,1.6416968668900000E+02,1.4426121037000000E+01,-6.0910819651255488E-01,6.0681548590356016E-01,2.1365687451725179E-01,-1.2319775484811881E-02,-8.4821705741830004E-03,6.7113908918670561E-03 -163693 Atira (2003 CP20),I11,5.8021000000000000E+04,1.6513879699300000E+02,1.4260064590000001E+01,-6.2130033026366416E-01,5.9820670280503863E-01,2.2032215632030222E-01,-1.2059763175059628E-02,-8.7367394567978221E-03,6.6196854032770014E-03 -163693 Atira (2003 CP20),I11,5.8022000000000000E+04,1.6610440424000001E+02,1.4089648545999999E+01,-6.3323179183419498E-01,5.8934691060336131E-01,2.2689499970361440E-01,-1.1798369028034130E-02,-8.9841012633762388E-03,6.5265064157735723E-03 -163693 Atira (2003 CP20),I11,5.8023000000000000E+04,1.6706658868000000E+02,1.3914966606000000E+01,-6.4490124618813605E-01,5.8024324446473563E-01,2.3337396194647950E-01,-1.1535689358007261E-02,-9.2243986210220411E-03,6.4319151843676417E-03 -163693 Atira (2003 CP20),I11,5.8024000000000000E+04,1.6802543295400000E+02,1.3736110469000000E+01,-6.5630745135821245E-01,5.7090269928282389E-01,2.3975765978130045E-01,-1.1271813945231048E-02,-9.4577695121063829E-03,6.3359693887300181E-03 -163693 Atira (2003 CP20),I11,5.8025000000000000E+04,1.6898102194000001E+02,1.3553169855000000E+01,-6.6744925211399408E-01,5.6133213431344109E-01,2.4604476591810553E-01,-1.1006826449297987E-02,-9.6843473254533130E-03,6.2387233315850795E-03 -163693 Atira (2003 CP20),I11,5.8026000000000000E+04,1.6993344267800001E+02,1.3366232512000000E+01,-6.7832557403099736E-01,5.5153827775722775E-01,2.5223400575963256E-01,-1.0740804796204016E-02,-9.9042609144506591E-03,6.1402281256286908E-03 -163693 Atira (2003 CP20),I11,5.8027000000000000E+04,1.7088278435800001E+02,1.3175384212999999E+01,-6.8893541793836177E-01,5.4152773127686138E-01,2.5832415429697070E-01,-1.0473821540777058E-02,-1.0117634660715989E-02,6.0405318695969249E-03 -163693 Atira (2003 CP20),I11,5.8028000000000000E+04,1.7182913836399999E+02,1.2980708747000000E+01,-6.9927785472198134E-01,5.3130697443706298E-01,2.6431403317569940E-01,-1.0205944206057353E-02,-1.0324588542204468E-02,5.9396798141093214E-03 -163693 Atira (2003 CP20),I11,5.8029000000000000E+04,1.7277259831600000E+02,1.2782287934999999E+01,-7.0935202045478929E-01,5.2088236906214014E-01,2.7020250791999800E-01,-9.9372356012999916E-03,-1.0525238204581022E-02,5.8377145179224436E-03 -163693 Atira (2003 CP20),I41,5.7970000000000000E+04,1.1027386060000001E+02,1.4883429093000000E+01,2.3522370569709966E-01,5.0962415380548032E-01,-1.6812236776228320E-01,-1.6998970075635861E-02,1.6922876414174191E-02,5.9630903607593103E-03 -163693 Atira (2003 CP20),I41,5.7971000000000000E+04,1.1144852286100000E+02,1.5055384865000001E+01,2.1805957272924797E-01,5.2617327242268019E-01,-1.6203906637319412E-01,-1.7327178407164360E-02,1.6172776114324487E-02,6.2022604260024827E-03 -163693 Atira (2003 CP20),I41,5.7972000000000000E+04,1.1262136003600000E+02,1.5220456900000000E+01,2.0058455678483667E-01,5.4197266315859427E-01,-1.5572474499860720E-01,-1.7620784169198041E-02,1.5423526634109803E-02,6.4252262939840047E-03 -163693 Atira (2003 CP20),I41,5.7973000000000000E+04,1.1379206257900000E+02,1.5378368716000001E+01,1.8283255498924356E-01,5.5702409368613626E-01,-1.4919538468965041E-01,-1.7881198237626211E-02,1.4676941158913864E-02,6.6324358211523552E-03 -163693 Atira (2003 CP20),I41,5.7974000000000000E+04,1.1496034549100000E+02,1.5528884203000000E+01,1.6483603827470183E-01,5.7133104696384673E-01,-1.4246650023745644E-01,-1.8109859980037828E-02,1.3934638796400223E-02,6.8243724804880378E-03 -163693 Atira (2003 CP20),I41,5.7975000000000000E+04,1.1612594678799999E+02,1.5671804383000000E+01,1.4662603139158359E-01,5.8489853235397282E-01,-1.3555310912823612E-01,-1.8308220577037709E-02,1.3198055111077812E-02,7.0015463847929640E-03 -163693 Atira (2003 CP20),I41,5.7976000000000000E+04,1.1728862587600000E+02,1.5806964347999999E+01,1.2823210836107268E-01,5.9773290774462307E-01,-1.2846970894966811E-01,-1.8477728789260829E-02,1.2468453527594332E-02,7.1644863482898486E-03 -163693 Atira (2003 CP20),I41,5.7977000000000000E+04,1.1844816188800000E+02,1.5934230411000000E+01,1.0968240102020044E-01,6.0984171334558690E-01,-1.2123026223103078E-01,-1.8619818994942930E-02,1.1746937226345181E-02,7.3137329483766453E-03 -163693 Atira (2003 CP20),I41,5.7978000000000000E+04,1.1960435204200000E+02,1.6053497445000001E+01,9.1003618488232796E-02,6.2123351749048838E-01,-1.1384818774450520E-01,-1.8735901302318420E-02,1.1034461220676792E-02,7.4498325322170074E-03 -163693 Atira (2003 CP20),I41,5.7979000000000000E+04,1.2075701008400000E+02,1.6164686417999999E+01,7.2221075574282811E-02,6.3191777450314901E-01,-1.0633635735292615E-01,-1.8827353531478068E-02,1.0331844365158167E-02,7.5733321014297165E-03 -163693 Atira (2003 CP20),I41,5.7980000000000000E+04,1.2190596483400000E+02,1.6267742097999999E+01,5.3358728368203434E-02,6.4190469445347620E-01,-9.8707097565809712E-02,-1.8895514859083220E-02,9.6397810991475652E-03,7.6847750012638636E-03 -163693 Atira (2003 CP20),I41,5.7981000000000000E+04,1.2305105889600000E+02,1.6362630920000001E+01,3.4439215448315630E-02,6.5120512446697898E-01,-9.0972195035250752E-02,-1.8941680924792613E-02,8.9588527766433085E-03,7.7846973378033774E-03 -163693 Atira (2003 CP20),I41,5.7982000000000000E+04,1.2419214757700000E+02,1.6449338995000002E+01,1.5483903347101480E-02,6.5983044111930256E-01,-8.3142905303875539E-02,-1.8967100208163425E-02,8.2895384742938654E-03,7.8736250466278860E-03 -163693 Atira (2003 CP20),I41,5.7983000000000000E+04,1.2532909807599999E+02,1.6527870231000001E+01,-3.4870649039439039E-03,6.6779245335898518E-01,-7.5229964191166010E-02,-1.8972971497703592E-02,7.6322252033850591E-03,7.9520715384865694E-03 -163693 Atira (2003 CP20),I41,5.7984000000000000E+04,1.2646178901300000E+02,1.6598244536999999E+01,-2.2454719164585857E-02,6.7510331533867540E-01,-6.7243601276495202E-02,-1.8960442288592554E-02,6.9872174796450585E-03,8.0205358511982669E-03 -163693 Atira (2003 CP20),I41,5.7985000000000000E+04,1.2759011032799999E+02,1.6660496091999999E+01,-4.1401210377981279E-02,6.8177544849290883E-01,-5.9193555005508429E-02,-1.8930607961172238E-02,6.3547462274520933E-03,8.0795012416357368E-03 -163693 Atira (2003 CP20),I41,5.7986000000000000E+04,1.2871396348600001E+02,1.6714671662000001E+01,-6.0309758298569771E-02,6.8782147217814338E-01,-5.1089089009453692E-02,-1.8884511608048903E-02,5.7349770130133426E-03,8.1294341569078596E-03 -163693 Atira (2003 CP20),I41,5.7987000000000000E+04,1.2983326182700000E+02,1.6760828987000000E+01,-7.9164599361914334E-02,6.9325414218919945E-01,-4.2939009285590628E-02,-1.8823144393020293E-02,5.1280176149998465E-03,8.1707835293975163E-03 -163693 Atira (2003 CP20),I41,5.7988000000000000E+04,1.3094793085900000E+02,1.6799035273000001E+01,-9.7950935184466736E-02,6.9808629648788678E-01,-3.4751681937841929E-02,-1.8747446339560679E-02,4.5339249514444215E-03,8.2039803458935287E-03 -163693 Atira (2003 CP20),I41,5.7989000000000000E+04,1.3205790829099999E+02,1.6829365829000000E+01,-1.1665488205613217E-01,7.0233080751276122E-01,-2.6535051229793358E-02,-1.8658307460225322E-02,3.9527113896416690E-03,8.2294374464772918E-03 -163693 Atira (2003 CP20),I41,5.7990000000000000E+04,1.3316314372100001E+02,1.6851902875000000E+01,-1.3526342171039196E-01,7.0600054048507754E-01,-1.8296657738038773E-02,-1.8556569150727262E-02,3.3843504705248304E-03,8.2475495140478649E-03 -163693 Atira (2003 CP20),I41,5.7991000000000000E+04,1.3426359800399999E+02,1.6866734524999998E+01,-1.5376435357096541E-01,7.0910831715856437E-01,-1.0043656438251922E-02,-1.8443025783758390E-02,2.8287820828736508E-03,8.2586932201897632E-03 -163693 Atira (2003 CP20),I41,5.7992000000000000E+04,1.3535924242400000E+02,1.6873953923999998E+01,-1.7214624864252970E-01,7.1166688449613846E-01,-1.7828345805295952E-03,-1.8318426447557629E-02,2.2859171240255192E-03,8.2632274975714213E-03 -163693 Atira (2003 CP20),I41,5.7993000000000000E+04,1.3645005779400000E+02,1.6873658503000001E+01,-1.9039840516383921E-01,7.1368888778281048E-01,6.4793707576025180E-03,-1.8183476783273454E-02,1.7556416846721511E-03,8.2614939131413524E-03 -163693 Atira (2003 CP20),I41,5.7994000000000000E+04,1.3753603360500000E+02,1.6865949326999999E+01,-2.0851080610899753E-01,7.1518684771597552E-01,1.4736855529732815E-02,-1.8038840882849901E-02,1.2378207950497801E-03,8.2538171200257256E-03 -163693 Atira (2003 CP20),I41,5.7995000000000000E+04,1.3861716727699999E+02,1.6850930506000001E+01,-2.2647407859500579E-01,7.1617314104840268E-01,2.2983832062178040E-02,-1.7885143216003811E-02,7.3230176867297020E-04,8.2405053693241116E-03 -163693 Atira (2003 CP20),I41,5.7996000000000000E+04,1.3969346354900000E+02,1.6828708656000000E+01,-2.4427945521457306E-01,7.1665998439334622E-01,3.1214812928757843E-02,-1.7722970560716735E-02,2.3891717865984034E-04,8.2218510658689879E-03 -163693 Atira (2003 CP20),I41,5.7997000000000000E+04,1.4076493399000000E+02,1.6799392404999999E+01,-2.6191873729629633E-01,7.1665942083676037E-01,3.9424595397962302E-02,-1.7552873916687861E-02,-2.4251250033073199E-04,8.1981313545732605E-03 -163693 Atira (2003 CP20),I41,5.7998000000000000E+04,1.4183159661400001E+02,1.6763091930000002E+01,-2.7938426006647077E-01,7.1618330903381677E-01,4.7608246476002980E-02,-1.7375370385495973E-02,-7.1217655323000881E-04,8.1696087261977426E-03 -163693 Atira (2003 CP20),I41,5.7999000000000000E+04,1.4289347555099999E+02,1.6719918542999999E+01,-2.9666885967900125E-01,7.1524331449763845E-01,5.5761088562713133E-02,-1.7190945004797335E-02,-1.1702719597357601E-03,8.1365316332957949E-03 -163693 Atira (2003 CP20),I41,5.8000000000000000E+04,1.4395060073900001E+02,1.6669984328999998E+01,-3.1376584205765712E-01,7.1385090281657460E-01,6.3878685724228529E-02,-1.7000052527037700E-02,-1.6170015763453879E-03,8.0991351087698685E-03 -163693 Atira (2003 CP20),I41,5.8001000000000000E+04,1.4500300756400000E+02,1.6613401840000002E+01,-3.3066895349840841E-01,7.1201733456297900E-01,7.1956830585749948E-02,-1.6803119135563174E-02,-2.0525725404999598E-03,8.0576413808765707E-03 -163693 Atira (2003 CP20),I41,5.8002000000000000E+04,1.4605073641300001E+02,1.6550283866000001E+01,-3.4737235295694580E-01,7.0975366168332588E-01,7.9991531835279892E-02,-1.6600544093296452E-02,-2.4771948737610690E-03,8.0122604797687198E-03 -163693 Atira (2003 CP20),I41,5.8003000000000000E+04,1.4709383209100000E+02,1.6480743281999999E+01,-3.6387058595156219E-01,7.0707072518488323E-01,8.7979002330076425E-02,-1.6392701320749686E-02,-2.8910802632274198E-03,7.9631908316700074E-03 -163693 Atira (2003 CP20),I41,5.8004000000000000E+04,1.4813234309800001E+02,1.6404892973999999E+01,-3.8015856000123904E-01,7.0397915395896338E-01,9.5915647790972974E-02,-1.6179940901621122E-02,-3.2944410020740826E-03,7.9106198376696999E-03 -163693 Atira (2003 CP20),I41,5.8005000000000000E+04,1.4916632080200000E+02,1.6322845828999998E+01,-3.9623152151798569E-01,7.0048936460190603E-01,1.0379805606667972E-01,-1.5962590515419324E-02,-3.6874890719665286E-03,7.8547244348638051E-03 -163693 Atira (2003 CP20),I41,5.8006000000000000E+04,1.5019581857099999E+02,1.6234714762999999E+01,-4.1208503407614883E-01,6.9661156211043540E-01,1.1162298694830115E-01,-1.5740956797387830E-02,-4.0704353516573220E-03,7.7956716381771480E-03 -163693 Atira (2003 CP20),I41,5.8007000000000000E+04,1.5122089096799999E+02,1.6140612754999999E+01,-4.2771495798934445E-01,6.9235574133693445E-01,1.1938736251407663E-01,-1.5515326626754495E-02,-4.4434889377185580E-03,7.7336190617103362E-03 -163693 Atira (2003 CP20),I41,5.8008000000000000E+04,1.5224159309000001E+02,1.6040652855000001E+01,-4.4311743112717106E-01,6.8773168909754157E-01,1.2708825798166912E-01,-1.5285968344936063E-02,-4.8068565646511609E-03,7.6687154188952722E-03 -163693 Atira (2003 CP20),I41,5.8009000000000000E+04,1.5325798009900001E+02,1.5934948153000001E+01,-4.5828885091343063E-01,6.8274898683184559E-01,1.3472289304825585E-01,-1.5053132905635043E-02,-5.1607421130043726E-03,7.6011010010550309E-03 -163693 Atira (2003 CP20),I41,5.8010000000000000E+04,1.5427010698000001E+02,1.5823611690000000E+01,-4.7322585744298817E-01,6.7741701372450458E-01,1.4228862369606915E-01,-1.4817054959182473E-02,-5.5053461952249590E-03,7.5309081342867885E-03 -163693 Atira (2003 CP20),I41,5.8011000000000000E+04,1.5527802850600000E+02,1.5706756314000000E+01,-4.8792531765859792E-01,6.7174495021015601E-01,1.4978293444329593E-01,-1.4577953873601963E-02,-5.8408658100860093E-03,7.4582616147787027E-03 -163693 Atira (2003 CP20),I41,5.8012000000000000E+04,1.5628179941600001E+02,1.5584494481000000E+01,-5.0238431052505372E-01,6.6574178179538968E-01,1.5720343101797199E-01,-1.4336034695067057E-02,-6.1674940574004099E-03,7.3832791228677043E-03 -163693 Atira (2003 CP20),I41,5.8013000000000000E+04,1.5728147476400000E+02,1.5456938001999999E+01,-5.1660011314434962E-01,6.5941630313759692E-01,1.6454783343459833E-01,-1.4091489050506049E-02,-6.4854199057221423E-03,7.3060716162958320E-03 -163693 Atira (2003 CP20),I41,5.8014000000000000E+04,1.5827711044300000E+02,1.5324197754000000E+01,-5.3057018775768183E-01,6.5277712232444762E-01,1.7181396945308508E-01,-1.3844495995121976E-02,-6.7948280064155410E-03,7.2267437032117179E-03 -163693 Atira (2003 CP20),I41,5.8015000000000000E+04,1.5926876379600000E+02,1.5186383366999999E+01,-5.4429216958247295E-01,6.4583266530089634E-01,1.7899976840033568E-01,-1.3595222807657443E-02,-7.0958985481899897E-03,7.1453939955719841E-03 -163693 Atira (2003 CP20),I41,5.8016000000000000E+04,1.6025649426000001E+02,1.5043602921000000E+01,-5.5776385543675788E-01,6.3859118039507445E-01,1.8610325533771324E-01,-1.3343825736144836E-02,-7.3888071468803905E-03,7.0621154436321500E-03 -163693 Atira (2003 CP20),I41,5.8017000000000000E+04,1.6124036393099999E+02,1.4895962687999999E+01,-5.7098319309740009E-01,6.3106074290784642E-01,1.9312254555599784E-01,-1.3090450696954319E-02,-7.6737247658262391E-03,6.9769956522822037E-03 -163693 Atira (2003 CP20),I41,5.8018000000000000E+04,1.6222043796599999E+02,1.4743566933000000E+01,-5.8394827134286986E-01,6.2324925974188805E-01,2.0005583938244625E-01,-1.2835233929714843E-02,-7.9508176627357194E-03,6.8901171799640865E-03 -163693 Atira (2003 CP20),I41,5.8019000000000000E+04,1.6319678478399999E+02,1.4586517807000000E+01,-5.9665731062444904E-01,6.1516447406212749E-01,2.0690141728006403E-01,-1.2578302610829682E-02,-8.2202473593531514E-03,6.8015578209809132E-03 -163693 Atira (2003 CP20),I41,5.8020000000000000E+04,1.6416947605700000E+02,1.4424915304000001E+01,-6.0910865432333505E-01,6.0681396997928871E-01,2.1365763522392009E-01,-1.2319775427983369E-02,-8.4821706307802308E-03,6.7113908719334901E-03 -163693 Atira (2003 CP20),I41,5.8021000000000000E+04,1.6513858656200000E+02,1.4258857276000001E+01,-6.2130076055133610E-01,5.9820517725044953E-01,2.2032292033655118E-01,-1.2059763118079690E-02,-8.7367395116433079E-03,6.6196853830710178E-03 -163693 Atira (2003 CP20),I41,5.8022000000000000E+04,1.6610419393800001E+02,1.4088439477000000E+01,-6.3323219445902179E-01,5.8934537598682857E-01,2.2689576676551595E-01,-1.1798368970931469E-02,-8.9841013165057812E-03,6.5265063953126538E-03 -163693 Atira (2003 CP20),I41,5.8023000000000000E+04,1.6706637843700000E+02,1.3913755616000000E+01,-6.4490162102503601E-01,5.8024170135192388E-01,2.3337473179033080E-01,-1.1535689300808527E-02,-9.2243986724705809E-03,6.4319151636684727E-03 -163693 Atira (2003 CP20),I41,5.8024000000000000E+04,1.6802522270300000E+02,1.3734897395000001E+01,-6.5630779829637509E-01,5.7090114823640659E-01,2.3975843214368259E-01,-1.1271813887962612E-02,-9.4577695619080700E-03,6.3359693678084368E-03 -163693 Atira (2003 CP20),I41,5.8025000000000000E+04,1.6898081161499999E+02,1.3551954538000000E+01,-6.6744957105647351E-01,5.6133057589284396E-01,2.4604554053593128E-01,-1.1006826391982368E-02,-9.6843473736415303E-03,6.2387233104561172E-03 -163693 Atira (2003 CP20),I41,5.8026000000000000E+04,1.6993323221399999E+02,1.3365014800000001E+01,-6.7832586489431945E-01,5.5153671251839598E-01,2.5223478237019137E-01,-1.0740804738865774E-02,-9.9042609610579604E-03,6.1402281043067232E-03 -163693 Atira (2003 CP20),I41,5.8027000000000000E+04,1.7088257369300001E+02,1.3174163956999999E+01,-6.8893568065213495E-01,5.4152615977203822E-01,2.5832493263797440E-01,-1.0473821483437111E-02,-1.0117634705774151E-02,6.0405318480955730E-03 -163693 Atira (2003 CP20),I41,5.8028000000000000E+04,1.7182892743799999E+02,1.2979485802999999E+01,-6.9927808922849277E-01,5.3130539721459402E-01,2.6431481298531412E-01,-1.0205944148735279E-02,-1.0324588585744338E-02,5.9396797924416017E-03 -163693 Atira (2003 CP20),I41,5.8029000000000000E+04,1.7277238707000001E+02,1.2781062163000000E+01,-7.0935222670861930E-01,5.2088078666628457E-01,2.7020328893688211E-01,-9.9372355440159599E-03,-1.0525238246632849E-02,5.8377144961007732E-03 -1876 Napolitania (1970 BA),500,5.7970000000000000E+04,1.8594693875700000E+02,-2.4933446739000001E+01,-1.1886953631650998E+00,-1.2749997615998749E+00,-7.2624494459431577E-01,8.7793700286825094E-03,-9.2159608714123403E-03,8.6145443905552262E-04 -1876 Napolitania (1970 BA),500,5.7971000000000000E+04,1.8652346460699999E+02,-2.5055369469999999E+01,-1.1798919871387732E+00,-1.2841857175905673E+00,-7.2536734383459267E-01,8.8313799413501769E-03,-9.1597521900762483E-03,8.9333660006384269E-04 -1876 Napolitania (1970 BA),500,5.7972000000000000E+04,1.8710199821200001E+02,-2.5177543959000001E+01,-1.1710368440753398E+00,-1.2933153033786031E+00,-7.2445788751171547E-01,8.8829717853073538E-03,-9.1031742957430814E-03,9.2516088716352641E-04 -1876 Napolitania (1970 BA),500,5.7973000000000000E+04,1.8768252897700000E+02,-2.5299930118999999E+01,-1.1621303530285934E+00,-1.3023881512345428E+00,-7.2351663432946300E-01,8.9341435222918004E-03,-9.0462303966922283E-03,9.5692580722298417E-04 -1876 Napolitania (1970 BA),500,5.7974000000000000E+04,1.8826504808999999E+02,-2.5422488521999998E+01,-1.1531729351256974E+00,-1.3114038966160571E+00,-7.2254364442419416E-01,8.9848931437278429E-03,-8.9889237158993999E-03,9.8862987402642262E-04 -1876 Napolitania (1970 BA),500,5.7975000000000000E+04,1.8884954847800000E+02,-2.5545180541000001E+01,-1.1441650135342250E+00,-1.3203621782181914E+00,-7.2153897934548827E-01,9.0352186707593051E-03,-8.9312574907383195E-03,1.0202716083588213E-03 -1876 Napolitania (1970 BA),500,5.7976000000000000E+04,1.8943602465600000E+02,-2.5667968462000001E+01,-1.1351070134170316E+00,-1.3292626380379180E+00,-7.2050270204076605E-01,9.0851181543023813E-03,-8.8732349726564318E-03,1.0518495381043314E-03 -1876 Napolitania (1970 BA),500,5.7977000000000000E+04,1.9002447247200001E+02,-2.5790815562999999E+01,-1.1259993618800501E+00,-1.3381049214422402E+00,-7.1943487684588581E-01,9.1345896750927857E-03,-8.8148594268528894E-03,1.0833621983419141E-03 -1876 Napolitania (1970 BA),500,5.7978000000000000E+04,1.9061488873900001E+02,-2.5913686130999999E+01,-1.1168424879156555E+00,-1.3468886772331774E+00,-7.1833556948208133E-01,9.1836313437219826E-03,-8.7561341319655189E-03,1.1148081314350522E-03 -1876 Napolitania (1970 BA),500,5.7979000000000000E+04,1.9120727077600000E+02,-2.6036545425000000E+01,-1.1076368223398032E+00,-1.3556135577095751E+00,-7.1720484705834142E-01,9.2322413006805035E-03,-8.6970623797456119E-03,1.1461858871268087E-03 -1876 Napolitania (1970 BA),500,5.7980000000000000E+04,1.9180161587600000E+02,-2.6159359566999999E+01,-1.0983827977277754E+00,-1.3642792187206858E+00,-7.1604277807953332E-01,9.2804177163864597E-03,-8.6376474747466986E-03,1.1774940226262447E-03 -1876 Napolitania (1970 BA),500,5.7981000000000000E+04,1.9239792070100000E+02,-2.6282095368000000E+01,-1.0890808483460812E+00,-1.3728853197129194E+00,-7.1484943246100119E-01,9.3281587912164132E-03,-8.5778927340077801E-03,1.2087311026968859E-03 -1876 Napolitania (1970 BA),500,5.7982000000000000E+04,1.9299618063899999E+02,-2.6404720069000000E+01,-1.0797314100845763E+00,-1.3814315237618906E+00,-7.1362488155200265E-01,9.3754627555292080E-03,-8.5178014867422006E-03,1.2398956997411721E-03 -1876 Napolitania (1970 BA),500,5.7983000000000000E+04,1.9359638917600000E+02,-2.6527201018000000E+01,-1.0703349203948953E+00,-1.3899174975768229E+00,-7.1236919816922994E-01,9.4223278696842841E-03,-8.4573770740315208E-03,1.2709863938814821E-03 -1876 Napolitania (1970 BA),500,5.7984000000000000E+04,1.9419853734200001E+02,-2.6649505277999999E+01,-1.0608918182457474E+00,-1.3983429114606354E+00,-7.1108245663752689E-01,9.4687524240563339E-03,-8.3966228485224410E-03,1.3020017730388295E-03 -1876 Napolitania (1970 BA),500,5.7985000000000000E+04,1.9480261335899999E+02,-2.6771599217999999E+01,-1.0514025441073143E+00,-1.4067074392150425E+00,-7.0976473282844077E-01,9.5147347390469560E-03,-8.3355421741271793E-03,1.3329404330090738E-03 -1876 Napolitania (1970 BA),500,5.7986000000000000E+04,1.9540860257899999E+02,-2.6893448157000002E+01,-1.0418675399713035E+00,-1.4150107579991826E+00,-7.0841610418227297E-01,9.5602731650921025E-03,-8.2741384257289611E-03,1.3638009775357950E-03 -1876 Napolitania (1970 BA),500,5.7987000000000000E+04,1.9601648777700001E+02,-2.7015016116999998E+01,-1.0322872493997992E+00,-1.4232525481752551E+00,-7.0703664970088520E-01,9.6053660826660881E-03,-8.2124149888931578E-03,1.3945820183798193E-03 -1876 Napolitania (1970 BA),500,5.7988000000000000E+04,1.9662624974200000E+02,-2.7136265760000001E+01,-1.0226621175806527E+00,-1.4314324931893261E+00,-7.0562644990811174E-01,9.6500119022931551E-03,-8.1503752595696918E-03,1.4252821753920333E-03 -1876 Napolitania (1970 BA),500,5.7989000000000000E+04,1.9723786804299999E+02,-2.7257158497999999E+01,-1.0129925913681515E+00,-1.4395502795200430E+00,-7.0418558678839349E-01,9.6942090645512780E-03,-8.0880226438076394E-03,1.4559000765794502E-03 -1876 Napolitania (1970 BA),500,5.7990000000000000E+04,1.9785132178600000E+02,-2.7377654725999999E+01,-1.0032791192883961E+00,-1.4476055967053636E+00,-7.0271414372081209E-01,9.7379560400916217E-03,-8.0253605574508186E-03,1.4864343581793673E-03 -1876 Napolitania (1970 BA),500,5.7991000000000000E+04,1.9846659024300001E+02,-2.7497714125000002E+01,-9.9352215151308620E-01,-1.4555981374210698E+00,-7.0121220542523577E-01,9.7812513296506275E-03,-7.9623924258459492E-03,1.5168836647253617E-03 -1876 Napolitania (1970 BA),500,5.7992000000000000E+04,1.9908365326900000E+02,-2.7617295952999999E+01,-9.8372213980798695E-01,-1.4635275975807507E+00,-6.9967985792763343E-01,9.8240934640739901E-03,-7.8991216835367795E-03,1.5472466491182910E-03 -1876 Napolitania (1970 BA),500,5.7993000000000000E+04,1.9970249152200000E+02,-2.7736359278999998E+01,-9.7387953747243006E-01,-1.4713936764268354E+00,-6.9811718854402172E-01,9.8664810043421949E-03,-7.8355517739581004E-03,1.5775219726943770E-03 -1876 Napolitania (1970 BA),500,5.7994000000000000E+04,2.0032308653600001E+02,-2.7854863159000001E+01,-9.6399479928186915E-01,-1.4791960765969381E+00,-6.9652428587746162E-01,9.9084125415959626E-03,-7.7716861491321596E-03,1.6077083052888140E-03 -1876 Napolitania (1970 BA),500,5.7995000000000000E+04,2.0094542070399999E+02,-2.7972766745000001E+01,-9.5406838143804040E-01,-1.4869345041636826E+00,-6.9490123982120211E-01,9.9498866971708243E-03,-7.7075282693524101E-03,1.6378043253007623E-03 -1876 Napolitania (1970 BA),500,5.7996000000000000E+04,2.0156947723799999E+02,-2.8090029359999999E+01,-9.4410074153131840E-01,-1.4946086686498390E+00,-6.9324814156294501E-01,9.9909021226313090E-03,-7.6430816028661488E-03,1.6678087197536196E-03 -1876 Napolitania (1970 BA),500,5.7997000000000000E+04,2.0219524014199999E+02,-2.8206610532999999E+01,-9.3409233851321039E-01,-1.5022182830265516E+00,-6.9156508358622204E-01,1.0031457499812286E-02,-7.5783496255404509E-03,1.6977201843564303E-03 -1876 Napolitania (1970 BA),500,5.7998000000000000E+04,2.0282269423200000E+02,-2.8322470053000000E+01,-9.2404363267914802E-01,-1.5097630637001636E+00,-6.8985215966671931E-01,1.0071551540858141E-02,-7.5133358205196482E-03,1.7275374235614061E-03 -1876 Napolitania (1970 BA),500,5.7999000000000000E+04,2.0345182521100000E+02,-2.8437568017000000E+01,-9.1395508565626582E-01,-1.5172427304967129E+00,-6.8810946486147040E-01,1.0111182988267117E-02,-7.4480436778540209E-03,1.7572591506256913E-03 -1876 Napolitania (1970 BA),500,5.8000000000000000E+04,2.0408261979800000E+02,-2.8551864923000000E+01,-9.0382716039521538E-01,-1.5246570066494032E+00,-6.8633709549056165E-01,1.0150350614922770E-02,-7.3824766941170787E-03,1.7868840876679032E-03 -1876 Napolitania (1970 BA),500,5.8001000000000000E+04,2.0471506588800000E+02,-2.8665321780999999E+01,-8.9366032115511196E-01,-1.5320056188012412E+00,-6.8453514911076996E-01,1.0189053224122599E-02,-7.3166383719799992E-03,1.8164109657340009E-03 -1876 Napolitania (1970 BA),500,5.8002000000000000E+04,2.0534915270400001E+02,-2.8777900271000000E+01,-8.8345503347821841E-01,-1.5392882970278103E+00,-6.8270372448396976E-01,1.0227289649578294E-02,-7.2505322197656506E-03,1.8458385248607762E-03 -1876 Napolitania (1970 BA),500,5.8003000000000000E+04,2.0598487088100001E+02,-2.8889562903000002E+01,-8.7321176414391743E-01,-1.5465047748874388E+00,-6.8084292154429971E-01,1.0265058755385026E-02,-7.1841617509787493E-03,1.8751655141456514E-03 -1876 Napolitania (1970 BA),500,5.8004000000000000E+04,2.0662221242400000E+02,-2.9000273176000000E+01,-8.6293098109864130E-01,-1.5536547894961739E+00,-6.7895284137061951E-01,1.0302359435955741E-02,-7.1175304837886588E-03,1.9043906918227702E-03 -1876 Napolitania (1970 BA),500,5.8005000000000000E+04,2.0726117050600001E+02,-2.9109995696999999E+01,-8.5261315336454269E-01,-1.5607380816165723E+00,-6.7703358617080633E-01,1.0339190615879082E-02,-7.0506419405293695E-03,1.9335128253426942E-03 -1876 Napolitania (1970 BA),500,5.8006000000000000E+04,2.0790173907799999E+02,-2.9218696218000002E+01,-8.4225875093670122E-01,-1.5677543957426214E+00,-6.7508525928181407E-01,1.0375551249721244E-02,-6.9834996471925398E-03,1.9625306914551614E-03 -1876 Napolitania (1970 BA),500,5.8007000000000000E+04,2.0854391233100000E+02,-2.9326341590999998E+01,-8.3186824468152198E-01,-1.5747034801636222E+00,-6.7310796518463722E-01,1.0411440321756064E-02,-6.9161071329436503E-03,1.9914430762961611E-03 -1876 Napolitania (1970 BA),500,5.8008000000000000E+04,2.0918768405800000E+02,-2.9432899640999999E+01,-8.2144210625062275E-01,-1.5815850869946364E+00,-6.7110180952974807E-01,1.0446856845617974E-02,-6.8484679297038109E-03,2.0202487754724281E-03 -1876 Napolitania (1970 BA),500,5.8009000000000000E+04,2.0983304700599999E+02,-2.9538338950000000E+01,-8.1098080801537975E-01,-1.5883989721734735E+00,-6.6906689916628193E-01,1.0481799863902241E-02,-6.7805855718128319E-03,2.0489465941432544E-03 -1876 Napolitania (1970 BA),500,5.8010000000000000E+04,2.1047999225500001E+02,-2.9642628610999999E+01,-8.0048482302496482E-01,-1.5951448954289633E+00,-6.6700334217019652E-01,1.0516268447735207E-02,-6.7124635958013684E-03,2.0775353470915622E-03 -1876 Napolitania (1970 BA),500,5.8011000000000000E+04,2.1112850870400001E+02,-2.9745737946999999E+01,-7.8995462498440661E-01,-1.6018226202291550E+00,-6.6491124786842970E-01,1.0550261696356599E-02,-6.6441055402683621E-03,2.1060138587845568E-03 -1876 Napolitania (1970 BA),500,5.8012000000000000E+04,2.1177858267200000E+02,-2.9847636230999999E+01,-7.7939068825374391E-01,-1.6084319137128802E+00,-6.6279072685823681E-01,1.0583778736746666E-02,-6.5755149458688808E-03,2.1343809634181026E-03 -1876 Napolitania (1970 BA),500,5.8013000000000000E+04,2.1243019766399999E+02,-2.9948292431999999E+01,-7.6879348786827151E-01,-1.6149725466074913E+00,-6.6064189101980109E-01,1.0616818723335667E-02,-6.5066953553901095E-03,2.1626355049439937E-03 -1876 Napolitania (1970 BA),500,5.8014000000000000E+04,2.1308333432699999E+02,-3.0047674996000001E+01,-7.5816349958012097E-01,-1.6214442931365698E+00,-6.5846485351865769E-01,1.0649380837823108E-02,-6.4376503138819097E-03,2.1907763370821623E-03 -1876 Napolitania (1970 BA),500,5.8015000000000000E+04,2.1373797060699999E+02,-3.0145751700999998E+01,-7.4750119991692698E-01,-1.6278469309267560E+00,-6.5625972879397465E-01,1.0681464289117868E-02,-6.3683833688008978E-03,2.2188023233172399E-03 -1876 Napolitania (1970 BA),500,5.8016000000000000E+04,2.1439408209600001E+02,-3.0242489600999999E+01,-7.3680706624270287E-01,-1.6341802409307695E+00,-6.5402663253012738E-01,1.0713068313401155E-02,-6.2988980700908401E-03,2.2467123368898308E-03 -1876 Napolitania (1970 BA),500,5.8017000000000000E+04,2.1505164253100000E+02,-3.0337855057999999E+01,-7.2608157680519003E-01,-1.6404440073818449E+00,-6.5176568161440418E-01,1.0744192174261006E-02,-6.2291979702243615E-03,2.2745052607831663E-03 -1876 Napolitania (1970 BA),500,5.8018000000000000E+04,2.1571062434100000E+02,-3.0431813868999999E+01,-7.1532521075202404E-01,-1.6466380177899465E+00,-6.4947699408748161E-01,1.0774835162904827E-02,-6.1592866241262818E-03,2.3021799877117844E-03 -1876 Napolitania (1970 BA),500,5.8019000000000000E+04,2.1637099917699999E+02,-3.0524331434000000E+01,-7.0453844811373001E-01,-1.6527620629740734E+00,-6.4716068909663871E-01,1.0804996598379139E-02,-6.0891675890097710E-03,2.3297354201147957E-03 -1876 Napolitania (1970 BA),500,5.8020000000000000E+04,2.1703273833300000E+02,-3.0615372953000001E+01,-6.9372176975559818E-01,-1.6588159371188151E+00,-6.4481688685837368E-01,1.0834675827780188E-02,-6.0188444241098503E-03,2.3571704701597263E-03 -1876 Napolitania (1970 BA),500,5.8021000000000000E+04,2.1769581305599999E+02,-3.0704903610999999E+01,-6.8287565731223210E-01,-1.6647994378370172E+00,-6.4244570863387307E-01,1.0863872226433403E-02,-5.9483206903417525E-03,2.3844840597555140E-03 -1876 Napolitania (1970 BA),500,5.8022000000000000E+04,2.1836019471200001E+02,-3.0792888723000001E+01,-6.7200059312026994E-01,-1.6707123662232299E+00,-6.4004727671674988E-01,1.0892585198010689E-02,-5.8775999499138393E-03,2.4116751205694475E-03 -1876 Napolitania (1970 BA),500,5.8023000000000000E+04,2.1902585486699999E+02,-3.0879293845999999E+01,-6.6109706015711400E-01,-1.6765545268913928E+00,-6.3762171442893800E-01,1.0920814174592362E-02,-5.8066857659013586E-03,2.4387425940547735E-03 -1876 Napolitania (1970 BA),500,5.8024000000000000E+04,2.1969276530799999E+02,-3.0964084853999999E+01,-6.5016554199442544E-01,-1.6823257279930195E+00,-6.3516914612111408E-01,1.0948558616669019E-02,-5.7355817018182285E-03,2.4656854314796688E-03 -1876 Napolitania (1970 BA),500,5.8025000000000000E+04,2.2036089805700001E+02,-3.1047227980999999E+01,-6.3920652276678913E-01,-1.6880257812186308E+00,-6.3268969717336876E-01,1.0975818013094685E-02,-5.6642913211886609E-03,2.4925025939611079E-03 -1876 Napolitania (1970 BA),500,5.8026000000000000E+04,2.2103022539599999E+02,-3.1128689863000002E+01,-6.2822048715736123E-01,-1.6936545017849951E+00,-6.3018349399334772E-01,1.1002591880995199E-02,-5.5928181871400806E-03,2.5191930524976472E-03 -1876 Napolitania (1970 BA),500,5.8027000000000000E+04,2.2170071995699999E+02,-3.1208437569000001E+01,-6.1720792039726091E-01,-1.6992117084136642E+00,-6.2765066400882497E-01,1.1028879765644343E-02,-5.5211658620155195E-03,2.5457557880028225E-03 -1876 Napolitania (1970 BA),500,5.8028000000000000E+04,2.2237235487199999E+02,-3.1286438659000002E+01,-6.0616930827424564E-01,-1.7046972233069768E+00,-6.2509133565222508E-01,1.1054681240317521E-02,-5.4493379070082622E-03,2.5721897913380627E-03 -1876 Napolitania (1970 BA),500,5.8029000000000000E+04,2.2304510399500001E+02,-3.1362661273000001E+01,-5.9510513714874869E-01,-1.7101108721269120E+00,-6.2250563833667505E-01,1.1079995906116656E-02,-5.3773378818617497E-03,2.5984940633286295E-03 -1876 Napolitania (1970 BA),703,5.7970000000000000E+04,1.8594662133800000E+02,-2.4934416894999998E+01,-1.1886949497005648E+00,-1.2750022517400781E+00,-7.2624419831073050E-01,8.7793700352076353E-03,-9.2159608644112097E-03,8.6145444304391915E-04 -1876 Napolitania (1970 BA),703,5.7971000000000000E+04,1.8652314065600001E+02,-2.5056336176999999E+01,-1.1798915420075298E+00,-1.2841882112036520E+00,-7.2536660639846051E-01,8.8313799477794976E-03,-9.1597521830757214E-03,8.9333660401894933E-04 -1876 Napolitania (1970 BA),703,5.7972000000000000E+04,1.8710166781500001E+02,-2.5178507223000000E+01,-1.1710363670928750E+00,-1.2933177999679706E+00,-7.2445715920249576E-01,8.8829717916423974E-03,-9.1031742887440186E-03,9.2516089108473872E-04 -1876 Napolitania (1970 BA),703,5.7973000000000000E+04,1.8768219221600000E+02,-2.5300889946000002E+01,-1.1621298440206340E+00,-1.3023906502987797E+00,-7.2351591542724558E-01,8.9341435285332158E-03,-9.0462303896957693E-03,9.5692581110986066E-04 -1876 Napolitania (1970 BA),703,5.7974000000000000E+04,1.8826470504800000E+02,-2.5423444918000001E+01,-1.1531723939283005E+00,-1.3114063976490695E+00,-7.2254293520959956E-01,8.9848931498736923E-03,-8.9889237089078693E-03,9.8862987787905394E-04 -1876 Napolitania (1970 BA),703,5.7975000000000000E+04,1.8884919923699999E+02,-2.5546133511000001E+01,-1.1441644399938729E+00,-1.3203646807093385E+00,-7.2153828009956467E-01,9.0352186768107474E-03,-8.9312574837526384E-03,1.0202716121767209E-03 -1876 Napolitania (1970 BA),703,5.7976000000000000E+04,1.8943566929599999E+02,-2.5668918011999999E+01,-1.1351064073907318E+00,-1.3292651414721222E+00,-7.2050201304489347E-01,9.0851181602595761E-03,-8.8732349656779896E-03,1.0518495418872188E-03 -1876 Napolitania (1970 BA),703,5.7977000000000000E+04,1.9002411107300000E+02,-2.5791761695999998E+01,-1.1259987232354576E+00,-1.3381074253000820E+00,-7.1943419838167366E-01,9.1345896809552386E-03,-8.8148594198834297E-03,1.0833622020896944E-03 -1876 Napolitania (1970 BA),703,5.7978000000000000E+04,1.9061452137800001E+02,-2.5914628851000000E+01,-1.1168418165312164E+00,-1.3468911809909825E+00,-7.1833490183125470E-01,9.1836313494902139E-03,-8.7561341250062524E-03,1.1148081351474192E-03 -1876 Napolitania (1970 BA),703,5.7979000000000000E+04,1.9120689753299999E+02,-2.6037484737000000E+01,-1.1076361181049241E+00,-1.3556160608394827E+00,-7.1720419050263085E-01,9.2322413063560243E-03,-8.6970623727971718E-03,1.1461858908032297E-03 -1876 Napolitania (1970 BA),703,5.7980000000000000E+04,1.9180123682700000E+02,-2.6160295475000002E+01,-1.0983820605430272E+00,-1.3642817206907221E+00,-7.1604213290056085E-01,9.2804177219677625E-03,-8.6376474678114112E-03,1.1774940262669555E-03 -1876 Napolitania (1970 BA),703,5.7981000000000000E+04,1.9239753592100001E+02,-2.6283027875999998E+01,-1.0890800781234320E+00,-1.3728878199870689E+00,-7.1484879894017339E-01,9.3281587967050713E-03,-8.5778927270862195E-03,1.2087311063013670E-03 -1876 Napolitania (1970 BA),703,5.7982000000000000E+04,1.9299579020400000E+02,-2.6405649180000001E+01,-1.0797306067476402E+00,-1.3814340218001915E+00,-7.1362425997041623E-01,9.3754627609252753E-03,-8.5178014798357911E-03,1.2398957033093077E-03 -1876 Napolitania (1970 BA),703,5.7983000000000000E+04,1.9359599316000001E+02,-2.6528126737000001E+01,-1.0703340838792044E+00,-1.3899199928354740E+00,-7.1236858880761078E-01,9.4223278749878785E-03,-8.4573770671416797E-03,1.2709863974131772E-03 -1876 Napolitania (1970 BA),703,5.7984000000000000E+04,1.9419813581899999E+02,-2.6650427607000001E+01,-1.0608909484990421E+00,-1.3983454033921419E+00,-7.1108185977618543E-01,9.4687524292683799E-03,-8.3966228416500598E-03,1.3020017765337738E-03 -1876 Napolitania (1970 BA),703,5.7985000000000000E+04,1.9480220639999999E+02,-2.6772518163000001E+01,-1.0514016410898126E+00,-1.4067099272684125E+00,-7.0976414874725791E-01,9.5147347441667200E-03,-8.3355421672742704E-03,1.3329404364674860E-03 -1876 Napolitania (1970 BA),703,5.7986000000000000E+04,1.9540819025499999E+02,-2.6894363720000001E+01,-1.0418666036559718E+00,-1.4150132416201626E+00,-7.0841553316067241E-01,9.5602731701209410E-03,-8.2741384188961108E-03,1.3638009809572608E-03 -1876 Napolitania (1970 BA),703,5.7987000000000000E+04,1.9601607015900001E+02,-2.7015928302999999E+01,-1.0322862797725949E+00,-1.4232550268066126E+00,-7.0703609201779394E-01,9.6053660876053697E-03,-8.2124149820808397E-03,1.3945820217639458E-03 -1876 Napolitania (1970 BA),703,5.7988000000000000E+04,1.9662582689900000E+02,-2.7137174572999999E+01,-1.0226611146407572E+00,-1.4314349662711296E+00,-7.0562590584188234E-01,9.6500119071421080E-03,-8.1503752527800101E-03,1.4252821787391191E-03 -1876 Napolitania (1970 BA),703,5.7989000000000000E+04,1.9723744004100001E+02,-2.7258063940000000E+01,-1.0129915551281528E+00,-1.4395527464899960E+00,-7.0418505661666020E-01,9.6942090693094788E-03,-8.0880226370425197E-03,1.4559000798897625E-03 -1876 Napolitania (1970 BA),703,5.7990000000000000E+04,1.9785088869399999E+02,-2.7378556801999999E+01,-1.0032780497744533E+00,-1.4476080569991274E+00,-7.0271362772031476E-01,9.7379560447621617E-03,-8.0253605507092790E-03,1.4864343614519266E-03 -1876 Napolitania (1970 BA),703,5.7991000000000000E+04,1.9846615212600000E+02,-2.7498612839000000E+01,-9.9352104876505765E-01,-1.4556005904725957E+00,-7.0121170387162479E-01,9.7812513342316748E-03,-7.9623924191310896E-03,1.5168836679609787E-03 -1876 Napolitania (1970 BA),703,5.7992000000000000E+04,1.9908321019200000E+02,-2.7618191308000000E+01,-9.8372100387951278E-01,-1.4635300428226061E+00,-6.9967937109528056E-01,9.8240934685676941E-03,-7.8991216768483294E-03,1.5472466523163448E-03 -1876 Napolitania (1970 BA),703,5.7993000000000000E+04,1.9970204354900000E+02,-2.7737251277999999E+01,-9.7387836843101550E-01,-1.4713961132905298E+00,-6.9811671670582820E-01,9.8664810087486961E-03,-7.8355517672975116E-03,1.5775219758550137E-03 -1876 Napolitania (1970 BA),703,5.7994000000000000E+04,2.0032263373000001E+02,-2.7855751805000001E+01,-9.6399359720894173E-01,-1.4791985045132288E+00,-6.9652382930468482E-01,9.9084125459165655E-03,-7.7716861424998000E-03,1.6077083084117326E-03 -1876 Napolitania (1970 BA),703,5.7995000000000000E+04,2.0094496312699999E+02,-2.7973652043000001E+01,-9.5406714642899637E-01,-1.4869369225628954E+00,-6.9490079878329536E-01,9.9498867014049530E-03,-7.7075282627504498E-03,1.6378043283864668E-03 -1876 Napolitania (1970 BA),703,5.7996000000000000E+04,2.0156901495200000E+02,-2.8090911309999999E+01,-9.4409947369556335E-01,-1.4946110769621754E+00,-6.9324771632739512E-01,9.9909021267797632E-03,-7.6430815962954604E-03,1.6678087228020706E-03 -1876 Napolitania (1970 BA),703,5.7997000000000000E+04,2.0219477320900000E+02,-2.8207489140000000E+01,-9.3409103797418058E-01,-1.5022206806824010E+00,-6.9156467441840552E-01,1.0031457503876309E-02,-7.5783496190014212E-03,1.6977201873674120E-03 -1876 Napolitania (1970 BA),703,5.7998000000000000E+04,2.0282222271099999E+02,-2.8323345319000001E+01,-9.2404229957434070E-01,-1.5097654501304008E+00,-6.8985176682976390E-01,1.0071551544838641E-02,-7.5133358140129711E-03,1.7275374265348380E-03 -1876 Napolitania (1970 BA),703,5.7999000000000000E+04,2.0345134916200001E+02,-2.8438439945999999E+01,-9.1395372013723319E-01,-1.5172451051330160E+00,-6.8810908861611797E-01,1.0111182992164713E-02,-7.4480436713806712E-03,1.7572591535616655E-03 -1876 Napolitania (1970 BA),703,5.8000000000000000E+04,2.0408213928000001E+02,-2.8552733517000000E+01,-9.0382576262755354E-01,-1.5246593689245609E+00,-6.8633673609503543E-01,1.0150350618737498E-02,-7.3824766876787566E-03,1.7868840905668273E-03 -1876 Napolitania (1970 BA),703,5.8001000000000000E+04,2.0471458096000001E+02,-2.8666187043000001E+01,-8.9365889131842080E-01,-1.5320079681494685E+00,-6.8453480682063816E-01,1.0189053227855828E-02,-7.3166383655768399E-03,1.8164109685956319E-03 -1876 Napolitania (1970 BA),703,5.8002000000000000E+04,2.0534866342399999E+02,-2.8778762201999999E+01,-8.8345357176605332E-01,-1.5392906328850557E+00,-6.8270339955202819E-01,1.0227289653231079E-02,-7.2505322133980983E-03,1.8458385276850309E-03 -1876 Napolitania (1970 BA),703,5.8003000000000000E+04,2.0598437730600000E+02,-2.8890421505999999E+01,-8.7321027076373503E-01,-1.5465070966916570E+00,-6.8084261422045644E-01,1.0265058758957673E-02,-7.1841617446482091E-03,1.8751655169328813E-03 -1876 Napolitania (1970 BA),703,5.8004000000000000E+04,2.0662171461099999E+02,-2.9001128455000000E+01,-8.6292945627174844E-01,-1.5536570966875811E+00,-6.7895255190179105E-01,1.0302359439448974E-02,-7.1175304774960015E-03,1.9043906945731290E-03 -1876 Napolitania (1970 BA),703,5.8005000000000000E+04,2.0726066851100001E+02,-2.9110847653000000E+01,-8.5261159732607084E-01,-1.5607403736379004E+00,-6.7703331480078233E-01,1.0339190619293896E-02,-7.0506419342751016E-03,1.9335128280561816E-03 -1876 Napolitania (1970 BA),703,5.8006000000000000E+04,2.0790123295800001E+02,-2.9219544853999999E+01,-8.4225716393559669E-01,-1.5677566720393481E+00,-6.7508500625111056E-01,1.0375551253058380E-02,-6.9834996409774905E-03,1.9625306941319517E-03 -1876 Napolitania (1970 BA),703,5.8007000000000000E+04,2.0854340214100000E+02,-2.9327186910999998E+01,-8.3186662698058278E-01,-1.5747057401841897E+00,-6.7310773073035512E-01,1.0411440325017042E-02,-6.9161071267674901E-03,1.9914430789359444E-03 -1876 Napolitania (1970 BA),703,5.8008000000000000E+04,2.0918716985300000E+02,-2.9433741646000001E+01,-8.2144045812656619E-01,-1.5815873301906840E+00,-6.7110159388542023E-01,1.0446856848802638E-02,-6.8484679235687393E-03,2.0202487780760065E-03 -1876 Napolitania (1970 BA),703,5.8009000000000000E+04,2.0983252884100000E+02,-2.9539177644999999E+01,-8.1097912975892672E-01,-1.5884011980000583E+00,-6.6906670256173428E-01,1.0481799867011391E-02,-6.7805855657196400E-03,2.0489465967108412E-03 -1876 Napolitania (1970 BA),703,5.8010000000000000E+04,2.1047947018400001E+02,-2.9643464000000002E+01,-8.0048311494094415E-01,-1.5951471033448306E+00,-6.6700316483141220E-01,1.0516268450770888E-02,-6.7124635897486892E-03,2.0775353496224561E-03 -1876 Napolitania (1970 BA),703,5.8011000000000000E+04,2.1112798278099999E+02,-2.9746570033000001E+01,-7.8995288739186331E-01,-1.6018248096970236E+00,-6.6491109001744941E-01,1.0550261699318763E-02,-6.6441055342583814E-03,2.1060138612796113E-03 -1876 Napolitania (1970 BA),703,5.8012000000000000E+04,2.1177805294900000E+02,-2.9848465017999999E+01,-7.7938892148602823E-01,-1.6084340841997451E+00,-6.6279058871309326E-01,1.0583778739636351E-02,-6.5755149399018900E-03,2.1343809658773741E-03 -1876 Napolitania (1970 BA),703,5.8013000000000000E+04,2.1242966419499999E+02,-2.9949117924999999E+01,-7.6879169227311972E-01,-1.6149746975849733E+00,-6.6064177279445579E-01,1.0616818726153842E-02,-6.5066953494665285E-03,2.1626355073676136E-03 -1876 Napolitania (1970 BA),703,5.8014000000000000E+04,2.1308279716300001E+02,-3.0048497199000000E+01,-7.5816167551971603E-01,-1.6214464240812820E+00,-6.5846475542295102E-01,1.0649380840570738E-02,-6.4376503080021200E-03,2.1907763394702594E-03 -1876 Napolitania (1970 BA),703,5.8015000000000000E+04,2.1373742979799999E+02,-3.0146570619999999E+01,-7.4749934776793303E-01,-1.6278490413206819E+00,-6.5625965103357575E-01,1.0681464291795725E-02,-6.3683833629656628E-03,2.2188023256701304E-03 -1876 Napolitania (1970 BA),703,5.8016000000000000E+04,2.1439353769300001E+02,-3.0243305241000002E+01,-7.3680518639626391E-01,-1.6341823302616763E+00,-6.5402657530644459E-01,1.0713068316010453E-02,-6.2988980642999515E-03,2.2467123392074166E-03 -1876 Napolitania (1970 BA),703,5.8017000000000000E+04,2.1505109458400000E+02,-3.0338667425000001E+01,-7.2607966966689785E-01,-1.6404460751436980E+00,-6.5176564512446111E-01,1.0744192176802470E-02,-6.2291979644786798E-03,2.2745052630658482E-03 -1876 Napolitania (1970 BA),703,5.8018000000000000E+04,2.1571007290000000E+02,-3.0432622968000000E+01,-7.1532327674184004E-01,-1.6466400634833482E+00,-6.4947697852375075E-01,1.0774835165379158E-02,-6.1592866184267785E-03,2.3021799899600212E-03 -1876 Napolitania (1970 BA),703,5.8019000000000000E+04,2.1637044428799999E+02,-3.0525137269999998E+01,-7.0453648766588106E-01,-1.6527640861066824E+00,-6.4716069464687098E-01,1.0804996600787001E-02,-6.0891675833575909E-03,2.3297354223291225E-03 -1876 Napolitania (1970 BA),703,5.8020000000000000E+04,2.1703218004499999E+02,-3.0616175533000000E+01,-6.9371978331841788E-01,-1.6588179372057699E+00,-6.4481691370541583E-01,1.0834675830123449E-02,-6.0188444185028285E-03,2.3571704723392667E-03 -1876 Napolitania (1970 BA),703,5.8021000000000000E+04,2.1769525141599999E+02,-3.0705702940999998E+01,-6.8287364534800199E-01,-1.6648014144013332E+00,-6.4244575695549344E-01,1.0863872228712525E-02,-5.9483206847814989E-03,2.3844840619010677E-03 -1876 Napolitania (1970 BA),703,5.8022000000000000E+04,2.1835962976700000E+02,-3.0793684808999998E+01,-6.7199855610502190E-01,-1.6707143187961937E+00,-6.4004734668546925E-01,1.0892585200226318E-02,-5.8775999444015820E-03,2.4116751226816247E-03 -1876 Napolitania (1970 BA),703,5.8023000000000000E+04,2.1902528666200001E+02,-3.0880086693999999E+01,-6.6109499858041687E-01,-1.6765564550129541E+00,-6.3762180621185827E-01,1.0920814176745787E-02,-5.8066857604362615E-03,2.4387425961333265E-03 -1876 Napolitania (1970 BA),703,5.8024000000000000E+04,2.1969219389000000E+02,-3.0964874470000002E+01,-6.5016345635916384E-01,-1.6823276312121529E+00,-6.3516925987978323E-01,1.0948558618760878E-02,-5.7355816964016100E-03,2.4656854335252886E-03 -1876 Napolitania (1970 BA),703,5.8025000000000000E+04,2.2036032347000000E+02,-3.1048014373000001E+01,-6.3920441358892455E-01,-1.6880276590937020E+00,-6.3268983306363569E-01,1.0975818015126395E-02,-5.6642913158190394E-03,2.4925025959733056E-03 -1876 Napolitania (1970 BA),703,5.8026000000000000E+04,2.2102964768499999E+02,-3.1129473036000000E+01,-6.2821835496569167E-01,-1.6936563538841074E+00,-6.3018365216524186E-01,1.1002591882967152E-02,-5.5928181818197809E-03,2.5191930544775682E-03 -1876 Napolitania (1970 BA),703,5.8027000000000000E+04,2.2170013916600001E+02,-3.1209217530000000E+01,-6.1720576573314612E-01,-1.6992135343149979E+00,-6.2765084460643195E-01,1.1028879767557634E-02,-5.5211658567441875E-03,2.5457557899504898E-03 -1876 Napolitania (1970 BA),703,5.8028000000000000E+04,2.2237177104599999E+02,-3.1287215415999999E+01,-6.0616713169132852E-01,-1.7046990225991316E+00,-6.2509153881356261E-01,1.1054681242173320E-02,-5.4493379017849300E-03,2.5721897932532347E-03 -1876 Napolitania (1970 BA),703,5.8029000000000000E+04,2.2304451717600000E+02,-3.1363434830999999E+01,-5.9510293921262192E-01,-1.7101126444092465E+00,-6.2250586419356324E-01,1.1079995907915552E-02,-5.3773378766883984E-03,2.5984940652123575E-03 -1876 Napolitania (1970 BA),F51,5.7970000000000000E+04,1.8594752125700001E+02,-2.4934229659000000E+01,-1.1886953440210823E+00,-1.2750019868413234E+00,-7.2624337724405230E-01,8.7793700363374017E-03,-9.2159608631986623E-03,8.6145444373428824E-04 -1876 Napolitania (1970 BA),F51,5.7971000000000000E+04,1.8652403778600001E+02,-2.5056152377000000E+01,-1.1798919387708162E+00,-1.2841879627567634E+00,-7.2536577132044910E-01,8.8313799489616075E-03,-9.1597521817874793E-03,8.9333660474557068E-04 -1876 Napolitania (1970 BA),F51,5.7972000000000000E+04,1.8710256214500001E+02,-2.5178326842000001E+01,-1.1710367659373986E+00,-1.2933175680946305E+00,-7.2445631010025135E-01,8.8829717928755915E-03,-9.1031742873809406E-03,9.2516089184773353E-04 -1876 Napolitania (1970 BA),F51,5.7973000000000000E+04,1.8768308373799999E+02,-2.5300712966999999E+01,-1.1621302445791069E+00,-1.3023904351152700E+00,-7.2351505229200053E-01,8.9341435298161617E-03,-9.0462303882580097E-03,9.5692581190900158E-04 -1876 Napolitania (1970 BA),F51,5.7974000000000000E+04,1.8826559375100001E+02,-2.5423271324000002E+01,-1.1531727958277882E+00,-1.3114061992660733E+00,-7.2254205803676397E-01,8.9848931512046259E-03,-8.9889237073933984E-03,9.8862987871318488E-04 -1876 Napolitania (1970 BA),F51,5.7975000000000000E+04,1.8885008511199999E+02,-2.5545963283999999E+01,-1.1441648428559241E+00,-1.3203644992317294E+00,-7.2153738888876440E-01,9.0352186781884128E-03,-8.9312574821620392E-03,1.0202716130457751E-03 -1876 Napolitania (1970 BA),F51,5.7976000000000000E+04,1.8943655233600001E+02,-2.5668751135000001E+01,-1.1351068108315197E+00,-1.3292649769987612E+00,-7.2050110780000332E-01,9.0851181616825333E-03,-8.8732349640109811E-03,1.0518495427907530E-03 -1876 Napolitania (1970 BA),F51,5.7977000000000000E+04,1.9002499126800001E+02,-2.5791598152999999E+01,-1.1259991268659044E+00,-1.3381072779236334E+00,-7.1943327911084742E-01,9.1345896824219092E-03,-8.8148594181391409E-03,1.0833622030270039E-03 -1876 Napolitania (1970 BA),F51,5.7978000000000000E+04,1.9061539872000000E+02,-2.5914468624000001E+01,-1.1168422199571477E+00,-1.3468910507977181E+00,-7.1833396854696641E-01,9.1836313509992048E-03,-8.7561341231847285E-03,1.1148081361181548E-03 -1876 Napolitania (1970 BA),F51,5.7979000000000000E+04,1.9120777201499999E+02,-2.6037327808000001E+01,-1.1076365209272003E+00,-1.3556159479091197E+00,-7.1720324322171947E-01,9.2322413079062252E-03,-8.6970623708992802E-03,1.1461858918074032E-03 -1876 Napolitania (1970 BA),F51,5.7980000000000000E+04,1.9180210844100000E+02,-2.6160141827000000E+01,-1.0983824623576721E+00,-1.3642816250962606E+00,-7.1604117164429104E-01,9.2804177235572879E-03,-8.6376474658354397E-03,1.1774940273034367E-03 -1876 Napolitania (1970 BA),F51,5.7981000000000000E+04,1.9239840466100000E+02,-2.6282877490000001E+01,-1.0890804785217578E+00,-1.3728877417946661E+00,-7.1484782373430977E-01,9.3281587983328317E-03,-8.5778927250330719E-03,1.2087311073701592E-03 -1876 Napolitania (1970 BA),F51,5.7982000000000000E+04,1.9299665606400001E+02,-2.6405502039000002E+01,-1.0797310053163582E+00,-1.3814339610690460E+00,-7.1362327084530985E-01,9.3754627625897806E-03,-8.5178014777050996E-03,1.2398957044098364E-03 -1876 Napolitania (1970 BA),F51,5.7983000000000000E+04,1.9359685613299999E+02,-2.6527982821999998E+01,-1.0703344802005268E+00,-1.3899199496177439E+00,-7.1236758579828707E-01,9.4223278766876317E-03,-8.4573770649331113E-03,1.2709863985448727E-03 -1876 Napolitania (1970 BA),F51,5.7984000000000000E+04,1.9419899590099999E+02,-2.6650286901000001E+01,-1.0608913421507762E+00,-1.3983453777328612E+00,-7.1108084292243023E-01,9.4687524310021580E-03,-8.3966228393639788E-03,1.3020017776963638E-03 -1876 Napolitania (1970 BA),F51,5.7985000000000000E+04,1.9480306358499999E+02,-2.6772380645999998E+01,-1.0514020316454609E+00,-1.4067099192054355E+00,-7.0976311809367643E-01,9.5147347459326823E-03,-8.3355421649095787E-03,1.3329404376600370E-03 -1876 Napolitania (1970 BA),F51,5.7986000000000000E+04,1.9540904454000000E+02,-2.6894229374999998E+01,-1.0418669906848468E+00,-1.4150132511840920E+00,-7.0841448875672797E-01,9.5602731719180451E-03,-8.2741384164535525E-03,1.3638009821796563E-03 -1876 Napolitania (1970 BA),F51,5.7987000000000000E+04,1.9601692153799999E+02,-2.7015797109000001E+01,-1.0322866628399341E+00,-1.4232550540207267E+00,-7.0703503391781475E-01,9.6053660894325973E-03,-8.2124149795611886E-03,1.3945820230160367E-03 -1876 Napolitania (1970 BA),F51,5.7988000000000000E+04,1.9662667536900000E+02,-2.7137046513000001E+01,-1.0226614933078544E+00,-1.4314350111513097E+00,-7.0562483410505217E-01,9.6500119089975578E-03,-8.1503752501821090E-03,1.4252821800199381E-03 -1876 Napolitania (1970 BA),F51,5.7989000000000000E+04,1.9723828560000001E+02,-2.7257938995000000E+01,-1.0129919289525060E+00,-1.4395528090445981E+00,-7.0418397130701760E-01,9.6942090711913086E-03,-8.0880226343654910E-03,1.4559000811984421E-03 -1876 Napolitania (1970 BA),F51,5.7990000000000000E+04,1.9785173133600000E+02,-2.7378434951999999E+01,-1.0032784183099261E+00,-1.4476081372288441E+00,-7.0271252890676161E-01,9.7379560466702188E-03,-8.0253605479554801E-03,1.4864343627889827E-03 -1876 Napolitania (1970 BA),F51,5.7991000000000000E+04,1.9846699185000000E+02,-2.7498494065999999E+01,-9.9352141156203644E-01,-1.4556006883703094E+00,-7.0121059162795041E-01,9.7812513361634282E-03,-7.9623924162983504E-03,1.5168836693249853E-03 -1876 Napolitania (1970 BA),F51,5.7992000000000000E+04,1.9908404699400000E+02,-2.7618075592000000E+01,-9.8372136048509207E-01,-1.4635301583732254E+00,-6.9967824550019198E-01,9.8240934705225852E-03,-7.8991216739381399E-03,1.5472466537074215E-03 -1876 Napolitania (1970 BA),F51,5.7993000000000000E+04,1.9970287742700000E+02,-2.7737138600000002E+01,-9.7387871838917006E-01,-1.4713962464708235E+00,-6.9811557784298828E-01,9.8664810107251463E-03,-7.8355517643094990E-03,1.5775219772724896E-03 -1876 Napolitania (1970 BA),F51,5.7994000000000000E+04,2.0032346468000000E+02,-2.7855642146000001E+01,-9.6399394006072248E-01,-1.4791986552916656E+00,-6.9652267726275430E-01,9.9084125479136538E-03,-7.7716861394346911E-03,1.6077083098553862E-03 -1876 Napolitania (1970 BA),F51,5.7995000000000000E+04,2.0094579114699999E+02,-2.7973545382000001E+01,-9.5406748171272382E-01,-1.4869370908994790E+00,-6.9489963365596508E-01,9.9498867034206288E-03,-7.7075282596071881E-03,1.6378043298553152E-03 -1876 Napolitania (1970 BA),F51,5.7996000000000000E+04,2.0156984004000000E+02,-2.8090807629000000E+01,-9.4409980094703905E-01,-1.4946112628082853E+00,-6.9324653821342330E-01,9.9909021288127689E-03,-7.6430815930742906E-03,1.6678087242956783E-03 -1876 Napolitania (1970 BA),F51,5.7997000000000000E+04,2.0219559536000000E+02,-2.8207388418000001E+01,-9.3409135672690269E-01,-1.5022208839806415E+00,-6.9156348342164398E-01,1.0031457505925696E-02,-7.5783496157029694E-03,1.6977201888855066E-03 -1876 Napolitania (1970 BA),F51,5.7998000000000000E+04,2.0282304192500001E+02,-2.8323247536000000E+01,-9.2404260935970828E-01,-1.5097656708144662E+00,-6.8985056305918413E-01,1.0071551546903286E-02,-7.5133358106376190E-03,1.7275374280770178E-03 -1876 Napolitania (1970 BA),F51,5.7999000000000000E+04,2.0345216543399999E+02,-2.8438345081000001E+01,-9.1395402048477770E-01,-1.5172453431275401E+00,-6.8810787218583169E-01,1.0111182994243274E-02,-7.4480436679284882E-03,1.7572591551273994E-03 -1876 Napolitania (1970 BA),F51,5.8000000000000000E+04,2.0408295260800000E+02,-2.8552641550000001E+01,-9.0382605306518360E-01,-1.5246596241449681E+00,-6.8633550712431435E-01,1.0150350620828162E-02,-7.3824766841492015E-03,1.7868840921553256E-03 -1876 Napolitania (1970 BA),F51,5.8001000000000000E+04,2.0471539134200000E+02,-2.8666097953000001E+01,-8.9365917137266737E-01,-1.5320082405018214E+00,-6.8453356543392818E-01,1.0189053229957820E-02,-7.3166383619707107E-03,1.8164109702066699E-03 -1876 Napolitania (1970 BA),F51,5.8002000000000000E+04,2.0534947085600001E+02,-2.8778675968999998E+01,-8.8345384096233870E-01,-1.5392909222659039E+00,-6.8270214587894729E-01,1.0227289655343398E-02,-7.2505322097158910E-03,1.8458385293182340E-03 -1876 Napolitania (1970 BA),F51,5.8003000000000000E+04,2.0598518178500001E+02,-2.8890338108000002E+01,-8.7321052862664383E-01,-1.5465074029878978E+00,-6.8084134839578736E-01,1.0265058761078680E-02,-7.1841617408896809E-03,1.8751655185875547E-03 -1876 Napolitania (1970 BA),F51,5.8004000000000000E+04,2.0662251613399999E+02,-2.9001047871000001E+01,-8.6292970232531463E-01,-1.5536574197763278E+00,-6.7895127406545908E-01,1.0302359441577359E-02,-7.1175304736612807E-03,1.9043906962487470E-03 -1876 Napolitania (1970 BA),F51,5.8005000000000000E+04,2.0726146707600000E+02,-2.9110769862000001E+01,-8.5261183109407535E-01,-1.5607407133863331E+00,-6.7703202509784566E-01,1.0339190621428617E-02,-7.0506419303646324E-03,1.9335128297523400E-03 -1876 Napolitania (1970 BA),F51,5.8006000000000000E+04,2.0790202856200000E+02,-2.9219469833000002E+01,-8.4225738494187574E-01,-1.5677570283045903E+00,-6.7508370483175040E-01,1.0375551255198148E-02,-6.9834996369914706E-03,1.9625306958481231E-03 -1876 Napolitania (1970 BA),F51,5.8007000000000000E+04,2.0854419478099999E+02,-2.9327114639000001E+01,-8.3186683474931422E-01,-1.5747061128132132E+00,-6.7310641774987956E-01,1.0411440327161393E-02,-6.9161071227069187E-03,1.9914430806719464E-03 -1876 Napolitania (1970 BA),F51,5.8008000000000000E+04,2.0918795952700000E+02,-2.9433672100999999E+01,-8.2144065218255058E-01,-1.5815877190202232E+00,-6.7110026950429202E-01,1.0446856850949301E-02,-6.8484679194328185E-03,2.0202487798308935E-03 -1876 Napolitania (1970 BA),F51,5.8009000000000000E+04,2.0983331554500000E+02,-2.9539110804000000E+01,-8.1097930962786013E-01,-1.5884016028565702E+00,-6.6906536694561325E-01,1.0481799869159088E-02,-6.7805855615086091E-03,2.0489465984841033E-03 -1876 Napolitania (1970 BA),F51,5.8010000000000000E+04,2.1048025391600001E+02,-2.9643399840000001E+01,-8.0048328014967440E-01,-1.5951475240444501E+00,-6.6700181815121717E-01,1.0516268452919902E-02,-6.7124635854641512E-03,2.0775353514141635E-03 -1876 Napolitania (1970 BA),F51,5.8011000000000000E+04,2.1112876353900000E+02,-2.9746508532000000E+01,-7.8995303746864531E-01,-1.6018252460455580E+00,-6.6490973244941109E-01,1.0550261701466791E-02,-6.6441055298996597E-03,2.1060138630888334E-03 -1876 Napolitania (1970 BA),F51,5.8012000000000000E+04,2.1177883073100000E+02,-2.9848406152999999E+01,-7.7938905596075225E-01,-1.6084345359926973E+00,-6.6278922043879840E-01,1.0583778741782464E-02,-6.5755149354694807E-03,2.1343809677037110E-03 -1876 Napolitania (1970 BA),F51,5.8013000000000000E+04,2.1243043899800000E+02,-2.9949061671999999E+01,-7.6879181067756963E-01,-1.6149751646075634E+00,-6.6064039400086860E-01,1.0616818728297022E-02,-6.5066953449608722E-03,2.1626355092106294E-03 -1876 Napolitania (1970 BA),F51,5.8014000000000000E+04,2.1308356898599999E+02,-3.0048443536000001E+01,-7.5816177738781287E-01,-1.6214469061084864E+00,-6.5846336630240709E-01,1.0649380842709976E-02,-6.4376503034236608E-03,2.1907763413295056E-03 -1876 Napolitania (1970 BA),F51,5.8015000000000000E+04,2.1373819863899999E+02,-3.0146519521999998E+01,-7.4749943263597185E-01,-1.6278495381172984E+00,-6.5625825178374109E-01,1.0681464293929733E-02,-6.3683833583145916E-03,2.2188023275450702E-03 -1876 Napolitania (1970 BA),F51,5.8016000000000000E+04,2.1439430355100001E+02,-3.0243256684999999E+01,-7.3680525380318995E-01,-1.6341828415823574E+00,-6.5402516613026229E-01,1.0713068318138678E-02,-6.2988980595770315E-03,2.2467123410977439E-03 -1876 Napolitania (1970 BA),F51,5.8017000000000000E+04,2.1505185745599999E+02,-3.0338621388000000E+01,-7.2607971915455916E-01,-1.6404466007330021E+00,-6.5176422623009067E-01,1.0744192178923539E-02,-6.2291979596840602E-03,2.2745052649709974E-03 -1876 Napolitania (1970 BA),F51,5.8018000000000000E+04,2.1571083278399999E+02,-3.0432579425000000E+01,-7.1532330785528808E-01,-1.6466406030757450E+00,-6.4947555012450953E-01,1.0774835167491587E-02,-6.1592866135605599E-03,2.3021799918794025E-03 -1876 Napolitania (1970 BA),F51,5.8019000000000000E+04,2.1637120118300001E+02,-3.0525096199000000E+01,-7.0453649995364587E-01,-1.6527646394265816E+00,-6.4715925696117882E-01,1.0804996602889208E-02,-6.0891675784198185E-03,2.3297354242621288E-03 -1876 Napolitania (1970 BA),F51,5.8020000000000000E+04,2.1703293394900001E+02,-3.0616136909000002E+01,-6.9371977633280091E-01,-1.6588185039675400E+00,-6.4481546695675129E-01,1.0834675832216378E-02,-6.0188444134951502E-03,2.3571704742859894E-03 -1876 Napolitania (1970 BA),F51,5.8021000000000000E+04,2.1769600232700000E+02,-3.0705666740000002E+01,-6.8287361864536100E-01,-1.6648019943093182E+00,-6.4244430137236197E-01,1.0863872230794184E-02,-5.9483206797036996E-03,2.3844840638607748E-03 -1876 Napolitania (1970 BA),F51,5.8022000000000000E+04,2.1836037768200001E+02,-3.0793651007000001E+01,-6.7199850924607296E-01,-1.6707149115447324E+00,-6.4004588250136707E-01,1.0892585202295038E-02,-5.8775999392536582E-03,2.4116751246537060E-03 -1876 Napolitania (1970 BA),F51,5.8023000000000000E+04,2.1902603157900000E+02,-3.0880055268000000E+01,-6.6109493113054985E-01,-1.6765570602863833E+00,-6.3762033366524529E-01,1.0920814178801490E-02,-5.8066857552191604E-03,2.4387425981175544E-03 -1876 Napolitania (1970 BA),F51,5.8024000000000000E+04,2.1969293580600001E+02,-3.0964845395000001E+01,-6.5016336788873130E-01,-1.6823282486848605E+00,-6.3516777921404444E-01,1.0948558620801794E-02,-5.7355816911153004E-03,2.4656854355210420E-03 -1876 Napolitania (1970 BA),F51,5.8025000000000000E+04,2.2036106238200000E+02,-3.1047987624000001E+01,-6.3920430367355541E-01,-1.6880282884301525E+00,-6.3268834452704570E-01,1.0975818017152951E-02,-5.6642913104646801E-03,2.4925025979804509E-03 -1876 Napolitania (1970 BA),F51,5.8026000000000000E+04,2.2103038359100000E+02,-3.1129448588999999E+01,-6.2821822318658338E-01,-1.6936569947389077E+00,-6.3018215601092165E-01,1.1002591884976792E-02,-5.5928181763969416E-03,2.5191930564953165E-03 -1876 Napolitania (1970 BA),F51,5.8027000000000000E+04,2.2170087206200000E+02,-3.1209195360999999E+01,-6.1720561167737220E-01,-1.6992141863329540E+00,-6.2764934109230563E-01,1.1028879769549874E-02,-5.5211658512535414E-03,2.5457557919785177E-03 -1876 Napolitania (1970 BA),F51,5.8028000000000000E+04,2.2237250092799999E+02,-3.1287195498999999E+01,-6.0616695495214989E-01,-1.7046996854153025E+00,-6.2509002820231052E-01,1.1054681244148205E-02,-5.4493378962273409E-03,2.5721897952913041E-03 -1876 Napolitania (1970 BA),F51,5.8029000000000000E+04,2.2304524404200001E+02,-3.1363417142999999E+01,-5.9510273938982305E-01,-1.7101133176489940E+00,-6.2250434675256960E-01,1.1079995909870740E-02,-5.3773378710636512E-03,2.5984940672597661E-03 -1876 Napolitania (1970 BA),I11,5.7970000000000000E+04,1.8594600044500001E+02,-2.4933148499000001E+01,-1.1886947886186365E+00,-1.2750014707318618E+00,-7.2624517892972984E-01,8.7793700369215646E-03,-9.2159608625728123E-03,8.6145444409140752E-04 -1876 Napolitania (1970 BA),I11,5.7971000000000000E+04,1.8652252473400000E+02,-2.5055071410000000E+01,-1.1798913915989135E+00,-1.2841874151330108E+00,-7.2536759511564552E-01,8.8313799494700897E-03,-9.1597521812365988E-03,8.9333660505854352E-04 -1876 Napolitania (1970 BA),I11,5.7972000000000000E+04,1.8710105683800001E+02,-2.5177246057000001E+01,-1.1710362277324495E+00,-1.2933169889330962E+00,-7.2445815591634166E-01,8.8829717933095013E-03,-9.1031742869031006E-03,9.2516089211639937E-04 -1876 Napolitania (1970 BA),I11,5.7973000000000000E+04,1.8768158615799999E+02,-2.5299632353000000E+01,-1.1621297160839497E+00,-1.3023898244042869E+00,-7.2351692003253543E-01,8.9341435301771126E-03,-9.0462303878524383E-03,9.5692581213374531E-04 -1876 Napolitania (1970 BA),I11,5.7974000000000000E+04,1.8826410388400001E+02,-2.5422190871000002E+01,-1.1531722777914459E+00,-1.3114055570061178E+00,-7.2254394759742435E-01,8.9848931514960283E-03,-8.9889237070628503E-03,9.8862987889589506E-04 -1876 Napolitania (1970 BA),I11,5.7975000000000000E+04,1.8884860294100000E+02,-2.5544882984000001E+01,-1.1441643360333305E+00,-1.3203638254357468E+00,-7.2153930015733425E-01,9.0352186784115260E-03,-8.9312574819051110E-03,1.0202716131865596E-03 -1876 Napolitania (1970 BA),I11,5.7976000000000000E+04,1.8943507784400001E+02,-2.5667670979000000E+01,-1.1351063159832226E+00,-1.3292642716924985E+00,-7.2050304065634663E-01,9.0851181618393229E-03,-8.8732349638276312E-03,1.0518495428903181E-03 -1876 Napolitania (1970 BA),I11,5.7977000000000000E+04,1.9002352443900000E+02,-2.5790518130999999E+01,-1.1259986447577668E+00,-1.3381065411459487E+00,-7.1943523342689586E-01,9.1345896825148609E-03,-8.8148594180302593E-03,1.0833622030864563E-03 -1876 Napolitania (1970 BA),I11,5.7978000000000000E+04,1.9061393953800001E+02,-2.5913388730000001E+01,-1.1168417513600279E+00,-1.3468902826008935E+00,-7.1833594418669955E-01,9.1836313510300482E-03,-8.7561341231498519E-03,1.1148081361380289E-03 -1876 Napolitania (1970 BA),I11,5.7979000000000000E+04,1.9120632046099999E+02,-2.6036248034000000E+01,-1.1076360666166285E+00,-1.3556151483591408E+00,-7.1720524004112784E-01,9.2322413078757479E-03,-8.6970623709365907E-03,1.1461858917876642E-03 -1876 Napolitania (1970 BA),I11,5.7980000000000000E+04,1.9180066449800000E+02,-2.6159062165999998E+01,-1.0983820231135319E+00,-1.3642807942730786E+00,-7.1604318949131229E-01,9.2804177234689696E-03,-8.6376474659472201E-03,1.1774940272458172E-03 -1876 Napolitania (1970 BA),I11,5.7981000000000000E+04,1.9239696831099999E+02,-2.6281797935000000E+01,-1.0890800551279709E+00,-1.3728868797923959E+00,-7.1484986244874105E-01,9.3281587981873786E-03,-8.5778927252175181E-03,1.2087311072746297E-03 -1876 Napolitania (1970 BA),I11,5.7982000000000000E+04,1.9299522728700001E+02,-2.6404422584999999E+01,-1.0797305985605836E+00,-1.3814330679961238E+00,-7.1362533025869912E-01,9.3754627623892813E-03,-8.5178014779624112E-03,1.2398957042772457E-03 -1876 Napolitania (1970 BA),I11,5.7983000000000000E+04,1.9359543491100001E+02,-2.6526903462000000E+01,-1.0703340908738739E+00,-1.3899190255970360E+00,-7.1236966573379246E-01,9.4223278764341504E-03,-8.4573770652634477E-03,1.2709863983760537E-03 -1876 Napolitania (1970 BA),I11,5.7984000000000000E+04,1.9419758221300000E+02,-2.6649207628999999E+01,-1.0608909710475167E+00,-1.3983444229017601E+00,-7.1108294319467102E-01,9.4687524306969161E-03,-8.3966228397664589E-03,1.3020017774916820E-03 -1876 Napolitania (1970 BA),I11,5.7985000000000000E+04,1.9480165741200000E+02,-2.6771301457000000E+01,-1.0514016795627501E+00,-1.4067089337158674E+00,-7.0976523850862683E-01,9.5147347455787068E-03,-8.3355421653855382E-03,1.3329404374208484E-03 -1876 Napolitania (1970 BA),I11,5.7986000000000000E+04,1.9540764586099999E+02,-2.6893150262999999E+01,-1.0418666584224221E+00,-1.4150122352025509E+00,-7.0841662911164638E-01,9.5602731715160628E-03,-8.2741384170015499E-03,1.3638009819060836E-03 -1876 Napolitania (1970 BA),I11,5.7987000000000000E+04,1.9601553033200000E+02,-2.7014718070000001E+01,-1.0322863511998022E+00,-1.4232540077282985E+00,-7.0703719400123743E-01,9.6053660889832710E-03,-8.2124149801798101E-03,1.3945820227082375E-03 -1876 Napolitania (1970 BA),I11,5.7988000000000000E+04,1.9662529161500001E+02,-2.7135967540999999E+01,-1.0226612030939581E+00,-1.4314339347437115E+00,-7.0562701369683500E-01,9.6500119085040324E-03,-8.1503752508727892E-03,1.4252821796792916E-03 -1876 Napolitania (1970 BA),I11,5.7989000000000000E+04,1.9723690927700000E+02,-2.7256860085000000E+01,-1.0129916609703784E+00,-1.4395517027322784E+00,-7.0418617017839058E-01,9.6942090706564690E-03,-8.0880226351292793E-03,1.4559000808261403E-03 -1876 Napolitania (1970 BA),I11,5.7990000000000000E+04,1.9785036242400000E+02,-2.7377356100000000E+01,-1.0032781733663212E+00,-1.4476070012371152E+00,-7.0271474682038293E-01,9.7379560460924414E-03,-8.0253605487886990E-03,1.4864343623841939E-03 -1876 Napolitania (1970 BA),I11,5.7991000000000000E+04,1.9846563032700001E+02,-2.7497415265000001E+01,-9.9352119046457310E-01,-1.4555995229394942E+00,-7.0121282833794640E-01,9.7812513355474487E-03,-7.9623924172039402E-03,1.5168836688897170E-03 -1876 Napolitania (1970 BA),I11,5.7992000000000000E+04,1.9908269283999999E+02,-2.7616996838999999E+01,-9.8372116404190502E-01,-1.4635289637588089E+00,-6.9968050075217536E-01,9.8240934698678867E-03,-7.8991216749137623E-03,1.5472466532413978E-03 -1876 Napolitania (1970 BA),I11,5.7993000000000000E+04,1.9970153062000000E+02,-2.7736059891000000E+01,-9.7387854740853419E-01,-1.4713950229436339E+00,-6.9811785137406968E-01,9.8664810100339076E-03,-7.8355517653555112E-03,1.5775219767765866E-03 -1876 Napolitania (1970 BA),I11,5.7994000000000000E+04,2.0032212520100001E+02,-2.7854563475999999E+01,-9.6399379535068197E-01,-1.4791974031380397E+00,-6.9652496880154757E-01,9.9084125471863727E-03,-7.7716861405499101E-03,1.6077083093298165E-03 -1876 Napolitania (1970 BA),I11,5.7995000000000000E+04,2.0094445897599999E+02,-2.7972466747999999E+01,-9.5406736408071058E-01,-1.4869358104214334E+00,-6.9490194292258123E-01,9.9498867026606361E-03,-7.7075282607930000E-03,1.6378043293013805E-03 -1876 Napolitania (1970 BA),I11,5.7996000000000000E+04,2.0156851515599999E+02,-2.8089729028000001E+01,-9.4409971119947678E-01,-1.4946099543236824E+00,-6.9324886491947724E-01,9.9909021280213881E-03,-7.6430815943302095E-03,1.6678087237138859E-03 -1876 Napolitania (1970 BA),I11,5.7997000000000000E+04,2.0219427774400000E+02,-2.8206309847000000E+01,-9.3409129566880356E-01,-1.5022195478233380E+00,-6.9156582727026406E-01,1.0031457505103484E-02,-7.5783496170280101E-03,1.6977201882761139E-03 -1876 Napolitania (1970 BA),I11,5.7998000000000000E+04,2.0282173155699999E+02,-2.8322168992000002E+01,-9.2404257779427368E-01,-1.5097643073344520E+00,-6.8985292374502327E-01,1.0071551546051275E-02,-7.5133358120311987E-03,1.7275374274404720E-03 -1876 Napolitania (1970 BA),I11,5.7999000000000000E+04,2.0345086229600000E+02,-2.8437266563000001E+01,-9.1395401921298458E-01,-1.5172439526910755E+00,-6.8811024939507881E-01,1.0111182993363010E-02,-7.4480436693904681E-03,1.7572591544643154E-03 -1876 Napolitania (1970 BA),I11,5.8000000000000000E+04,2.0408165668100000E+02,-2.8551563054999999E+01,-9.0382608288533905E-01,-1.5246582071347412E+00,-6.8633790053471178E-01,1.0150350619922296E-02,-7.3824766856802511E-03,1.7868840914666605E-03 -1876 Napolitania (1970 BA),I11,5.8001000000000000E+04,2.0471410260700000E+02,-2.8665019481000002E+01,-8.9365923307997475E-01,-1.5320067973170945E+00,-6.8453597471480332E-01,1.0189053229026565E-02,-7.3166383635697406E-03,1.8164109694926084E-03 -1876 Napolitania (1970 BA),I11,5.8002000000000000E+04,2.0534818929500000E+02,-2.8777597519000000E+01,-8.8345393534842798E-01,-1.5392894533226560E+00,-6.8270457069126700E-01,1.0227289654387489E-02,-7.2505322113822386E-03,1.8458385285791456E-03 -1876 Napolitania (1970 BA),I11,5.8003000000000000E+04,2.0598390738000001E+02,-2.8889259678999998E+01,-8.7321065647907936E-01,-1.5465059087189894E+00,-6.8084378839222004E-01,1.0265058760100349E-02,-7.1841617426236792E-03,1.8751655178242401E-03 -1876 Napolitania (1970 BA),I11,5.8004000000000000E+04,2.0662124886800001E+02,-2.8999969462999999E+01,-8.6292986442709729E-01,-1.5536559006316453E+00,-6.7895372889044614E-01,1.0302359440578061E-02,-7.1175304754627806E-03,1.9043906954617636E-03 -1876 Napolitania (1970 BA),I11,5.8005000000000000E+04,2.0726020693100000E+02,-2.9109691475000002E+01,-8.5261202822308879E-01,-1.5607391698329598E+00,-6.7703449438768415E-01,1.0339190620409208E-02,-7.0506419322330996E-03,1.9335128289420863E-03 -1876 Napolitania (1970 BA),I11,5.8006000000000000E+04,2.0790077552000000E+02,-2.9218391468000000E+01,-8.4225761787033437E-01,-1.5677554608269377E+00,-6.7508618821467758E-01,1.0375551254160046E-02,-6.9834996389267386E-03,1.9625306950151493E-03 -1876 Napolitania (1970 BA),I11,5.8007000000000000E+04,2.0854294882500000E+02,-2.9326036297000002E+01,-8.3186710424322052E-01,-1.5747045219131048E+00,-6.7310891484612700E-01,1.0411440326104186E-02,-6.9161071247077800E-03,1.9914430798163556E-03 -1876 Napolitania (1970 BA),I11,5.8008000000000000E+04,2.0918672064000000E+02,-2.9432593783000002E+01,-8.2144095900115432E-01,-1.5815861052169493E+00,-6.7110277992610101E-01,1.0446856849876583E-02,-6.8484679215003313E-03,2.0202487789537493E-03 -1876 Napolitania (1970 BA),I11,5.8009000000000000E+04,2.0983208370899999E+02,-2.9538032512000001E+01,-8.1097965452312915E-01,-1.5883999666868822E+00,-6.6906789029721359E-01,1.0481799868072248E-02,-6.7805855636425619E-03,2.0489465975859116E-03 -1876 Napolitania (1970 BA),I11,5.8010000000000000E+04,2.1047902911500000E+02,-2.9642321575000000E+01,-8.0048366386578707E-01,-1.5951458660625146E+00,-6.6700435402877867E-01,1.0516268451816971E-02,-6.7124635876627294E-03,2.0775353504947176E-03 -1876 Napolitania (1970 BA),I11,5.8011000000000000E+04,2.1112754575400001E+02,-2.9745430294999998E+01,-7.8995346074150052E-01,-1.6018235668228413E+00,-6.6491228044098782E-01,1.0550261700351374E-02,-6.6441055321637896E-03,2.1060138621491328E-03 -1876 Napolitania (1970 BA),I11,5.8012000000000000E+04,2.1177761994500000E+02,-2.9847327947000000E+01,-7.7938951951750968E-01,-1.6084328361178102E+00,-6.6279178012426188E-01,1.0583778740655247E-02,-6.5755149377986905E-03,2.1343809667441144E-03 -1876 Napolitania (1970 BA),I11,5.8013000000000000E+04,2.1242923519400000E+02,-2.9947983497999999E+01,-7.6879231523616531E-01,-1.6149734446860724E+00,-6.6064296495188346E-01,1.0616818727158868E-02,-6.5066953473547906E-03,2.1626355082315302E-03 -1876 Napolitania (1970 BA),I11,5.8014000000000000E+04,2.1308237214499999E+02,-3.0047365396000000E+01,-7.5816232365649006E-01,-1.6214451667626986E+00,-6.5846594808246117E-01,1.0649380841561725E-02,-6.4376503058819583E-03,2.1907763403313054E-03 -1876 Napolitania (1970 BA),I11,5.8015000000000000E+04,2.1373700874500000E+02,-3.0145441418000001E+01,-7.4750002131282001E-01,-1.6278477799860096E+00,-6.5626084394822204E-01,1.0681464292772849E-02,-6.3683833608371883E-03,2.2188023265282690E-03 -1876 Napolitania (1970 BA),I11,5.8016000000000000E+04,2.1439312058600001E+02,-3.0242178618000001E+01,-7.3680588557565696E-01,-1.6341810653206155E+00,-6.5402776822658626E-01,1.0713068316973095E-02,-6.2988980621632683E-03,2.2467123400625772E-03 -1876 Napolitania (1970 BA),I11,5.8017000000000000E+04,2.1505068140300000E+02,-3.0337543359000001E+01,-7.2608039469898089E-01,-1.6404448070118658E+00,-6.5176683779786582E-01,1.0744192177750895E-02,-6.2291979623339822E-03,2.2745052639179843E-03 -1876 Napolitania (1970 BA),I11,5.8018000000000000E+04,2.1570966362700000E+02,-3.0431501436000001E+01,-7.1532402783637505E-01,-1.6466387925820909E+00,-6.4947817069570768E-01,1.0774835166313747E-02,-6.1592866162742677E-03,2.3021799908090664E-03 -1876 Napolitania (1970 BA),I11,5.8019000000000000E+04,2.1637003890599999E+02,-3.0524018251000001E+01,-7.0453726502400893E-01,-1.6527628128628897E+00,-6.4716188606030334E-01,1.0804996601708229E-02,-6.0891675811974404E-03,2.3297354231750023E-03 -1876 Napolitania (1970 BA),I11,5.8020000000000000E+04,2.1703177853700001E+02,-3.0615059002999999E+01,-6.9372058713248785E-01,-1.6588166620516827E+00,-6.4481810410099649E-01,1.0834675831029218E-02,-6.0188444163352221E-03,2.3571704731818960E-03 -1876 Napolitania (1970 BA),I11,5.8021000000000000E+04,2.1769485376300000E+02,-3.0704588877999999E+01,-6.8287447580138405E-01,-1.6648001377743720E+00,-6.4244694607175001E-01,1.0863872229603753E-02,-5.9483206826066795E-03,2.3844840627403625E-03 -1876 Napolitania (1970 BA),I11,5.8022000000000000E+04,2.1835923595200001E+02,-3.0792573189999999E+01,-6.7199941337193914E-01,-1.6707130411387869E+00,-6.4004853425887476E-01,1.0892585201103588E-02,-5.8775999422197890E-03,2.4116751235174860E-03 -1876 Napolitania (1970 BA),I11,5.8023000000000000E+04,2.1902489666899999E+02,-3.0878977496000001E+01,-6.6109588282577203E-01,-1.6765551767723643E+00,-6.3762299197693195E-01,1.0920814177608110E-02,-5.8066857582478003E-03,2.4387425969656642E-03 -1876 Napolitania (1970 BA),I11,5.8024000000000000E+04,2.1969180770200001E+02,-3.0963767670999999E+01,-6.5016436773837649E-01,-1.6823263528402996E+00,-6.3517044356917518E-01,1.0948558619608948E-02,-5.7355816942067199E-03,2.4656854343539877E-03 -1876 Napolitania (1970 BA),I11,5.8025000000000000E+04,2.2035994107200000E+02,-3.1046909949000000E+01,-6.3920535224777719E-01,-1.6880263810469855E+00,-6.3269101440821374E-01,1.0975818015958753E-02,-5.6642913136181229E-03,2.4925025967982998E-03 -1876 Napolitania (1970 BA),I11,5.8026000000000000E+04,2.2102926906100001E+02,-3.1128370964999998E+01,-6.2821932104018241E-01,-1.6936550766232163E+00,-6.3018483089417487E-01,1.1002591883785273E-02,-5.5928181796130391E-03,2.5191930552986778E-03 -1876 Napolitania (1970 BA),I11,5.8027000000000000E+04,2.2169976430099999E+02,-3.1208117788999999E+01,-6.1720675934933866E-01,-1.6992122583047258E+00,-6.2765202044727686E-01,1.1028879768360960E-02,-5.5211658545319918E-03,2.5457557907676131E-03 -1876 Napolitania (1970 BA),I11,5.8028000000000000E+04,2.2237139992300001E+02,-3.1286117982000000E+01,-6.0616815296520743E-01,-1.7046977483081913E+00,-6.2509271149235679E-01,1.1054681242960863E-02,-5.4493378995677695E-03,2.5721897940663000E-03 -1876 Napolitania (1970 BA),I11,5.8029000000000000E+04,2.2304414978299999E+02,-3.1362339682000002E+01,-5.9510398824994326E-01,-1.7101113723100934E+00,-6.2250703343492586E-01,1.1079995908688554E-02,-5.3773378744664604E-03,2.5984940660211510E-03 -1876 Napolitania (1970 BA),I41,5.7970000000000000E+04,1.8594673724699999E+02,-2.4934437767999999E+01,-1.1886949967282803E+00,-1.2750022503024980E+00,-7.2624407850761796E-01,8.7793700352808597E-03,-9.2159608643326008E-03,8.6145444308865908E-04 -1876 Napolitania (1970 BA),I41,5.7971000000000000E+04,1.8652325610299999E+02,-2.5056357300999998E+01,-1.1798915889307384E+00,-1.2841882120109767E+00,-7.2536648484390587E-01,8.8313799478589826E-03,-9.1597521829889905E-03,8.9333660406779437E-04 -1876 Napolitania (1970 BA),I41,5.7972000000000000E+04,1.8710178279900001E+02,-2.5178528598000000E+01,-1.1710364138607576E+00,-1.2933178030296961E+00,-7.2445703589858179E-01,8.8829717917280216E-03,-9.1031742886493201E-03,9.2516089113770959E-04 -1876 Napolitania (1970 BA),I41,5.7973000000000000E+04,1.8768230673700000E+02,-2.5300911569000000E+01,-1.1621298905817421E+00,-1.3023906556236140E+00,-7.2351579037661640E-01,8.9341435286248213E-03,-9.0462303895931379E-03,9.5692581116692244E-04 -1876 Napolitania (1970 BA),I41,5.7974000000000000E+04,1.8826481910600000E+02,-2.5423466788999999E+01,-1.1531724402305730E+00,-1.3114064052449106E+00,-7.2254280841546470E-01,8.9848931499710363E-03,-8.9889237087970603E-03,9.8862987794006395E-04 -1876 Napolitania (1970 BA),I41,5.7975000000000000E+04,1.8884931283200001E+02,-2.5546155630000001E+01,-1.1441644859846500E+00,-1.3203646905832451E+00,-7.2153815156570222E-01,9.0352186769137085E-03,-8.9312574836337491E-03,1.0202716122416711E-03 -1876 Napolitania (1970 BA),I41,5.7976000000000000E+04,1.8943578242800001E+02,-2.5668940375999998E+01,-1.1351064530167863E+00,-1.3292651536302871E+00,-7.2050188277565519E-01,9.0851181603679686E-03,-8.8732349655509992E-03,1.0518495419560476E-03 -1876 Napolitania (1970 BA),I41,5.7977000000000000E+04,1.9002422374200000E+02,-2.5791784305000000E+01,-1.1259987684429982E+00,-1.3381074397478137E+00,-7.1943406638198415E-01,9.1345896810688786E-03,-8.8148594197482305E-03,1.0833622021623145E-03 -1876 Napolitania (1970 BA),I41,5.7978000000000000E+04,1.9061463358399999E+02,-2.5914651705000001E+01,-1.1168418612659226E+00,-1.3468911977326754E+00,-7.1833476810661923E-01,9.1836313496089245E-03,-8.7561341248628792E-03,1.1148081352237900E-03 -1876 Napolitania (1970 BA),I41,5.7979000000000000E+04,1.9120700927499999E+02,-2.6037507833999999E+01,-1.1076361623119624E+00,-1.3556160798785986E+00,-7.1720405505913631E-01,9.2322413064797118E-03,-8.6970623726457495E-03,1.1461858908833500E-03 -1876 Napolitania (1970 BA),I41,5.7980000000000000E+04,1.9180134810600001E+02,-2.6160318814000000E+01,-1.0983821041670701E+00,-1.3642817420297675E+00,-7.1604199574488492E-01,9.2804177220961702E-03,-8.6376474676517316E-03,1.1774940263506834E-03 -1876 Napolitania (1970 BA),I41,5.7981000000000000E+04,1.9239764673700000E+02,-2.6283051454999999E+01,-1.0890801211086758E+00,-1.3728878436275833E+00,-7.1484866007959003E-01,9.3281587968380830E-03,-8.5778927269184006E-03,1.2087311063887077E-03 -1876 Napolitania (1970 BA),I41,5.7982000000000000E+04,1.9299590055700000E+02,-2.6405672999000000E+01,-1.0797306490378276E+00,-1.3814340477427298E+00,-7.1362411941280746E-01,9.3754627610627295E-03,-8.5178014796598190E-03,1.2398957034001922E-03 -1876 Napolitania (1970 BA),I41,5.7983000000000000E+04,1.9359610305100000E+02,-2.6528150792999998E+01,-1.0703341254176408E+00,-1.3899200210795977E+00,-7.1236844656147835E-01,9.4223278751295880E-03,-8.4573770669575180E-03,1.2709863975075310E-03 -1876 Napolitania (1970 BA),I41,5.7984000000000000E+04,1.9419824524800001E+02,-2.6650451901000000E+01,-1.0608909892286082E+00,-1.3983454339364119E+00,-7.1108171585066016E-01,9.4687524294142164E-03,-8.3966228414577605E-03,1.3020017766315671E-03 -1876 Napolitania (1970 BA),I41,5.7985000000000000E+04,1.9480231536700001E+02,-2.6772542691999998E+01,-1.0514016809529854E+00,-1.4067099601103825E+00,-7.0976400315210852E-01,9.5147347443164457E-03,-8.3355421670737295E-03,1.3329404365685993E-03 -1876 Napolitania (1970 BA),I41,5.7986000000000000E+04,1.9540829876100000E+02,-2.6894388484000000E+01,-1.0418666425948393E+00,-1.4150132767563748E+00,-7.0841538590631026E-01,9.5602731702744571E-03,-8.2741384186873993E-03,1.3638009810616870E-03 -1876 Napolitania (1970 BA),I41,5.7987000000000000E+04,1.9601617820300001E+02,-2.7015953300000000E+01,-1.0322863177288784E+00,-1.4232550642325896E+00,-7.0703594311527374E-01,9.6053660877625791E-03,-8.2124149818640982E-03,1.3945820218716691E-03 -1876 Napolitania (1970 BA),I41,5.7988000000000000E+04,1.9662593448300001E+02,-2.7137199802000001E+01,-1.0226611515558284E+00,-1.4314350059813705E+00,-7.0562575530290150E-01,9.6500119073027694E-03,-8.1503752525550685E-03,1.4252821788500233E-03 -1876 Napolitania (1970 BA),I41,5.7989000000000000E+04,1.9723754716500000E+02,-2.7258089400999999E+01,-1.0129915909430620E+00,-1.4395527884779602E+00,-7.0418490445355453E-01,9.6942090694733547E-03,-8.0880226368093017E-03,1.4559000800037415E-03 -1876 Napolitania (1970 BA),I41,5.7990000000000000E+04,1.9785099535800001E+02,-2.7378582492000000E+01,-1.0032780844299460E+00,-1.4476081012572246E+00,-7.0271347394605888E-01,9.7379560449293041E-03,-8.0253605504680588E-03,1.4864343615690425E-03 -1876 Napolitania (1970 BA),I41,5.7991000000000000E+04,1.9846625833100001E+02,-2.7498638756999998E+01,-9.9352108220160229E-01,-1.4556006369921668E+00,-7.0121154849983214E-01,9.7812513344017332E-03,-7.9623924188816416E-03,1.5168836680810685E-03 -1876 Napolitania (1970 BA),I41,5.7992000000000000E+04,1.9908331593800000E+02,-2.7618217453000000E+01,-9.8372103603732663E-01,-1.4635300915939076E+00,-6.9967921414020440E-01,9.8240934687406443E-03,-7.8991216765908392E-03,1.5472466524394230E-03 -1876 Napolitania (1970 BA),I41,5.7993000000000000E+04,1.9970214883700001E+02,-2.7737277648999999E+01,-9.7387839925008723E-01,-1.4713961643027165E+00,-6.9811655818236384E-01,9.8664810089243507E-03,-7.8355517670319185E-03,1.5775219759809969E-03 -1876 Napolitania (1970 BA),I41,5.7994000000000000E+04,2.0032273856000000E+02,-2.7855778399999998E+01,-9.6399362662905741E-01,-1.4791985577543374E+00,-6.9652366922837439E-01,9.9084125460948483E-03,-7.7716861422261908E-03,1.6077083085405982E-03 -1876 Napolitania (1970 BA),I41,5.7995000000000000E+04,2.0094506749999999E+02,-2.7973678860000000E+01,-9.5406717438976985E-01,-1.4869369780198234E+00,-6.9490063717032746E-01,9.9498867015855932E-03,-7.7075282624687307E-03,1.6378043285181056E-03 -1876 Napolitania (1970 BA),I41,5.7996000000000000E+04,2.0156911886899999E+02,-2.8090938349999998E+01,-9.4409950013645916E-01,-1.4946111346206696E+00,-6.9324755319460984E-01,9.9909021269626343E-03,-7.6430815960056506E-03,1.6678087229364345E-03 -1876 Napolitania (1970 BA),I41,5.7997000000000000E+04,2.0219487666900000E+02,-2.8207516399999999E+01,-9.3409106283455023E-01,-1.5022207405270338E+00,-6.9156450978329442E-01,1.0031457504061311E-02,-7.5783496187036108E-03,1.6977201875044636E-03 -1876 Napolitania (1970 BA),I41,5.7998000000000000E+04,2.0282232571599999E+02,-2.8323372797000001E+01,-9.2404232279344678E-01,-1.5097655121445652E+00,-6.8985160071047236E-01,1.0071551545025662E-02,-7.5133358137071983E-03,1.7275374266745359E-03 -1876 Napolitania (1970 BA),I41,5.7999000000000000E+04,2.0345145171100000E+02,-2.8438467640999999E+01,-9.1395374165427934E-01,-1.5172451692989006E+00,-6.8810892103144605E-01,1.0111182992353600E-02,-7.4480436710669604E-03,1.7572591537039480E-03 -1876 Napolitania (1970 BA),I41,5.8000000000000000E+04,2.0408224137400001E+02,-2.8552761427000000E+01,-9.0382578238171407E-01,-1.5246594352231444E+00,-6.8633656706443635E-01,1.0150350618928036E-02,-7.3824766873570209E-03,1.7868840907116108E-03 -1876 Napolitania (1970 BA),I41,5.8001000000000000E+04,2.0471468260000000E+02,-2.8666215167000001E+01,-8.9365890924888336E-01,-1.5320080365604940E+00,-6.8453463636422329E-01,1.0189053228047952E-02,-7.3166383652471904E-03,1.8164109687428915E-03 -1876 Napolitania (1970 BA),I41,5.8002000000000000E+04,2.0534876460999999E+02,-2.8778790539999999E+01,-8.8345358781204386E-01,-1.5392907033870209E+00,-6.8270322769056035E-01,1.0227289653424685E-02,-7.2505322130606113E-03,1.8458385278347250E-03 -1876 Napolitania (1970 BA),I41,5.8003000000000000E+04,2.0598447803700000E+02,-2.8890450054999999E+01,-8.7321028486455521E-01,-1.5465071692617964E+00,-6.8084244097535040E-01,1.0265058759152571E-02,-7.1841617443028222E-03,1.8751655170849324E-03 -1876 Napolitania (1970 BA),I41,5.8004000000000000E+04,2.0662181488900001E+02,-2.9001157212999999E+01,-8.6292946836682105E-01,-1.5536571713018552E+00,-6.7895237729510671E-01,1.0302359439645022E-02,-7.1175304771427424E-03,1.9043906947274836E-03 -1876 Napolitania (1970 BA),I41,5.8005000000000000E+04,2.0726076833700000E+02,-2.9110876618999999E+01,-8.5261160735496988E-01,-1.5607404502709716E+00,-6.7703313885522387E-01,1.0339190619490984E-02,-7.0506419339140293E-03,1.9335128282127892E-03 -1876 Napolitania (1970 BA),I41,5.8006000000000000E+04,2.0790133233099999E+02,-2.9219574026000000E+01,-8.4225717183809268E-01,-1.5677567506645751E+00,-6.7508482899002087E-01,1.0375551253256371E-02,-6.9834996406086328E-03,1.9625306942907613E-03 -1876 Napolitania (1970 BA),I41,5.8007000000000000E+04,2.0854350106100000E+02,-2.9327216286999999E+01,-8.3186663269668459E-01,-1.5747058207736151E+00,-6.7310755217771612E-01,1.0411440325215911E-02,-6.9161071263909579E-03,1.9914430790969359E-03 -1876 Napolitania (1970 BA),I41,5.8008000000000000E+04,2.0918726832199999E+02,-2.9433771225000001E+01,-8.2144046159655204E-01,-1.5815874127150256E+00,-6.7110141406585322E-01,1.0446856849002102E-02,-6.8484679231844113E-03,2.0202487782390735E-03 -1876 Napolitania (1970 BA),I41,5.8009000000000000E+04,2.0983262685800000E+02,-2.9539207425000001E+01,-8.1097913092338647E-01,-1.5884012824287066E+00,-6.6906652150050250E-01,1.0481799867211313E-02,-6.7805855653275612E-03,2.0489465968759305E-03 -1876 Napolitania (1970 BA),I41,5.8010000000000000E+04,2.1047956775099999E+02,-2.9643493978999999E+01,-8.0048311374081726E-01,-1.5951471896458485E+00,-6.6700298255443036E-01,1.0516268450971342E-02,-6.7124635893490506E-03,2.0775353497895794E-03 -1876 Napolitania (1970 BA),I41,5.8011000000000000E+04,2.1112807989699999E+02,-2.9746600209000000E+01,-7.8995288376846784E-01,-1.6018248978371477E+00,-6.6491090655128571E-01,1.0550261699519465E-02,-6.6441055338510996E-03,2.1060138614486662E-03 -1876 Napolitania (1970 BA),I41,5.8012000000000000E+04,2.1177814961499999E+02,-2.9848495390000000E+01,-7.7938891538109367E-01,-1.6084341741443970E+00,-6.6279040408497680E-01,1.0583778739837221E-02,-6.5755149394869997E-03,2.1343809660483255E-03 -1876 Napolitania (1970 BA),I41,5.8013000000000000E+04,2.1242976041099999E+02,-2.9949148490999999E+01,-7.6879168362882844E-01,-1.6149747892982611E+00,-6.6064158703227793E-01,1.0616818726354768E-02,-6.5066953490440713E-03,2.1626355075404086E-03 -1876 Napolitania (1970 BA),I41,5.8014000000000000E+04,2.1308289293000001E+02,-3.0048527957000001E+01,-7.5816166427873100E-01,-1.6214465175260131E+00,-6.5846456855526536E-01,1.0649380840771615E-02,-6.4376503075721618E-03,2.1907763396448528E-03 -1876 Napolitania (1970 BA),I41,5.8015000000000000E+04,2.1373752511600000E+02,-3.0146601568000001E+01,-7.4749933387342793E-01,-1.6278491364583800E+00,-6.5625946308959160E-01,1.0681464291996413E-02,-6.3683833625282280E-03,2.2188023258464667E-03 -1876 Napolitania (1970 BA),I41,5.8016000000000000E+04,2.1439363256400000E+02,-3.0243336376999999E+01,-7.3680516979196486E-01,-1.6341824270525878E+00,-6.5402638631601739E-01,1.0713068316210914E-02,-6.2988980638550920E-03,2.2467123393854686E-03 -1876 Napolitania (1970 BA),I41,5.8017000000000000E+04,2.1505118900700000E+02,-3.0338698747999999E+01,-7.2607965029711519E-01,-1.6404461735468030E+00,-6.5176545511808548E-01,1.0744192177002551E-02,-6.2291979640264200E-03,2.2745052632455517E-03 -1876 Napolitania (1970 BA),I41,5.8018000000000000E+04,2.1571016687500000E+02,-3.0432654475000000E+01,-7.1532325455150891E-01,-1.6466401634563708E+00,-6.4947678753254867E-01,1.0774835165578688E-02,-6.1592866179671392E-03,2.3021799901413197E-03 -1876 Napolitania (1970 BA),I41,5.8019000000000000E+04,2.1637053781600000E+02,-3.0525168959999998E+01,-7.0453646260059299E-01,-1.6527641876060968E+00,-6.4716050270258241E-01,1.0804996600985790E-02,-6.0891675828905513E-03,2.3297354225119472E-03 -1876 Napolitania (1970 BA),I41,5.8020000000000000E+04,2.1703227312700000E+02,-3.0616207404000001E+01,-6.9371975532446184E-01,-1.6588180401868133E+00,-6.4481672084038899E-01,1.0834675830321680E-02,-6.0188444180285586E-03,2.3571704725236418E-03 -1876 Napolitania (1970 BA),I41,5.8021000000000000E+04,2.1769534405200000E+02,-3.0705734991000000E+01,-6.8287361437239813E-01,-1.6648015188180074E+00,-6.4244556320268076E-01,1.0863872228909941E-02,-5.9483206842999778E-03,2.3844840620869021E-03 -1876 Napolitania (1970 BA),I41,5.8022000000000000E+04,2.1835972195599999E+02,-3.0793717036000000E+01,-6.7199852209556088E-01,-1.6707144246012786E+00,-6.4004715207841834E-01,1.0892585200422722E-02,-5.8775999439127993E-03,2.4116751228688699E-03 -1876 Napolitania (1970 BA),I41,5.8023000000000000E+04,2.1902537840599999E+02,-3.0880119097000001E+01,-6.6109496148569802E-01,-1.6765565621580101E+00,-6.3762161078470581E-01,1.0920814176941213E-02,-5.8066857599403110E-03,2.4387425963219534E-03 -1876 Napolitania (1970 BA),I41,5.8024000000000000E+04,2.1969228518800000E+02,-3.0964907047000001E+01,-6.5016341612863104E-01,-1.6823277396475322E+00,-6.3516906366724923E-01,1.0948558618955107E-02,-5.7355816958984812E-03,2.4656854337152386E-03 -1876 Napolitania (1970 BA),I41,5.8025000000000000E+04,2.2036041432299999E+02,-3.1048047121000000E+01,-6.3920437017290255E-01,-1.6880277687685619E+00,-6.3268963610101536E-01,1.0975818015319513E-02,-5.6642913153088503E-03,2.4925025961645619E-03 -1876 Napolitania (1970 BA),I41,5.8026000000000000E+04,2.2102973809400001E+02,-3.1129505953999999E+01,-6.2821830831542635E-01,-1.6936564647464203E+00,-6.3018345448839808E-01,1.1002591883158858E-02,-5.5928181813024586E-03,2.5191930546700552E-03 -1876 Napolitania (1970 BA),I41,5.8027000000000000E+04,2.2170022913000000E+02,-3.1209250615999999E+01,-6.1720571580083883E-01,-1.6992136463115628E+00,-6.2765064625178990E-01,1.1028879767747879E-02,-5.5211658562198014E-03,2.5457557901441752E-03 -1876 Napolitania (1970 BA),I41,5.8028000000000000E+04,2.2237186056499999E+02,-3.1287248668000000E+01,-6.0616707843017681E-01,-1.7046991356755872E+00,-6.2509133981810039E-01,1.1054681242362144E-02,-5.4493379012535599E-03,2.5721897934480936E-03 -1876 Napolitania (1970 BA),I41,5.8029000000000000E+04,2.2304460625199999E+02,-3.1363468247000000E+01,-5.9510288257685218E-01,-1.7101127585100839E+00,-6.2250566459480183E-01,1.1079995908102673E-02,-5.3773378761500096E-03,2.5984940654083248E-03 -1I/'Oumuamua (A/2017 U1),500,5.7970000000000000E+04,1.9364866511100001E+02,3.1406573528999999E+01,-4.1866122280958895E-01,-7.1734774951459235E-01,7.4348839540337186E-01,-5.1767288595330925E-04,1.5786938574777278E-02,-2.2658883319632232E-02 -1I/'Oumuamua (A/2017 U1),500,5.7971000000000000E+04,1.9287174904800000E+02,3.0488276451000001E+01,-4.1913507081907730E-01,-7.0148120864667318E-01,7.2074733297771587E-01,-4.2516598756434966E-04,1.5943594815008101E-02,-2.2820540656288319E-02 -1I/'Oumuamua (A/2017 U1),500,5.7972000000000000E+04,1.9210965881900000E+02,2.9563213516000001E+01,-4.1951299517558471E-01,-6.8545435579102765E-01,6.9784152287023971E-01,-3.2591157100386042E-04,1.6107732207049578E-02,-2.2988409747472051E-02 -1I/'Oumuamua (A/2017 U1),500,5.7973000000000000E+04,1.9136122684200001E+02,2.8631854048000001E+01,-4.1978791440573238E-01,-6.6925943027417001E-01,6.7476457748819707E-01,-2.1923069822572111E-04,1.6279917708050071E-02,-2.3162852849828861E-02 -1I/'Oumuamua (A/2017 U1),500,5.7974000000000000E+04,1.9062526469200000E+02,2.7694626706000001E+01,-4.1995202491965455E-01,-6.5288807589814268E-01,6.5150973452780170E-01,-1.0435561369974942E-04,1.6460776621827301E-02,-2.3344257233972369E-02 -1I/'Oumuamua (A/2017 U1),500,5.7975000000000000E+04,1.8990056100300001E+02,2.6751919743999999E+01,-4.1999670518594301E-01,-6.3633127899170416E-01,6.2806983133112704E-01,1.9584652829739493E-05,1.6651000059008068E-02,-2.3533036413860935E-02 -1I/'Oumuamua (A/2017 U1),500,5.7976000000000000E+04,1.8918587824900001E+02,2.5804081426000000E+01,-4.1991240415773368E-01,-6.1957929845922854E-01,6.0443727811979775E-01,1.5358147366971962E-04,1.6851353502002200E-02,-2.3729631132318681E-02 -1I/'Oumuamua (A/2017 U1),500,5.7977000000000000E+04,1.8847994833600001E+02,2.4851420565000002E+01,-4.1968851085842596E-01,-6.0262158663997878E-01,5.8060403043473841E-01,2.9876722879850111E-04,1.7062686648749870E-02,-2.3934509941976077E-02 -1I/'Oumuamua (A/2017 U1),500,5.7978000000000000E+04,1.8778146698600000E+02,2.3894207157000000E+01,-4.1931320133081440E-01,-5.8544669959978868E-01,5.5656156129546364E-01,4.5644011832642918E-04,1.7285944733188834E-02,-2.4148169151052650E-02 -1I/'Oumuamua (A/2017 U1),500,5.7979000000000000E+04,1.8708908685500001E+02,2.2932673126000001E+01,-4.1877325826586642E-01,-5.6804219526069677E-01,5.3230083385764460E-01,6.2809417591103839E-04,1.7522181544340733E-02,-2.4371131804190347E-02 -1I/'Oumuamua (A/2017 U1),500,5.7980000000000000E+04,1.8640140934400000E+02,2.1967013176999998E+01,-4.1805385750620838E-01,-5.5039451755650670E-01,5.0781227576416732E-01,8.1545574140791215E-04,1.7772574386618306E-02,-2.4603945226797614E-02 -1I/'Oumuamua (A/2017 U1),500,5.7981000000000000E+04,1.8571697502300000E+02,2.0997385828999999E+01,-4.1713831419701108E-01,-5.3248886453764122E-01,4.8308575693295730E-01,1.0205279919936767E-03,1.8038441236871639E-02,-2.4847176458890591E-02 -1I/'Oumuamua (A/2017 U1),500,5.7982000000000000E+04,1.8503425257500001E+02,2.0023914684000001E+01,-4.1600777954673718E-01,-5.1430903809897710E-01,4.5811057334766531E-01,1.2456455713343393E-03,1.8321260349180774E-02,-2.5101404612956495E-02 -1I/'Oumuamua (A/2017 U1),500,5.7983000000000000E+04,1.8435162617399999E+02,1.9046690052999999E+01,-4.1464087684772644E-01,-4.9583727276121614E-01,4.3287544057353666E-01,1.4935419258712626E-03,1.8622692521460843E-02,-2.5367208769417615E-02 -1I/'Oumuamua (A/2017 U1),500,5.7984000000000000E+04,1.8366738121399999E+02,1.8065771088000002E+01,-4.1301326244483139E-01,-4.7705404076390079E-01,4.0736850239118683E-01,1.7674326928092503E-03,1.8944606142235691E-02,-2.5645149411735357E-02 -1I/'Oumuamua (A/2017 U1),500,5.7985000000000000E+04,1.8297968829499999E+02,1.7081188689000001E+01,-4.1109709354115831E-01,-4.5793783070709160E-01,3.8157736235775147E-01,2.0711194306371047E-03,1.9289104937508596E-02,-2.5935740509958113E-02 -1I/'Oumuamua (A/2017 U1),500,5.7986000000000000E+04,1.8228658526999999E+02,1.6092949528999998E+01,-4.0886037985769941E-01,-4.3846489724331117E-01,3.5548914961400269E-01,2.4091191904760893E-03,1.9658557962829365E-02,-2.6239408049691850E-02 -1I/'Oumuamua (A/2017 U1),500,5.7987000000000000E+04,1.8158595699500000E+02,1.5101041788000000E+01,-4.0626618993216301E-01,-4.1860898009432773E-01,3.2909063536946642E-01,2.7868269443674810E-03,2.0055630711126180E-02,-2.6556428866880019E-02 -1I/'Oumuamua (A/2017 U1),500,5.7988000000000000E+04,1.8087551217600000E+02,1.4105443323999999E+01,-4.0327167492376492E-01,-3.9834099232870579E-01,3.0236842397794478E-01,3.2107197440120307E-03,2.0483315026371737E-02,-2.6886840776785718E-02 -1I/'Oumuamua (A/2017 U1),500,5.7989000000000000E+04,1.8015275660699999E+02,1.3106133331000001E+01,-3.9982686285673041E-01,-3.7762868106398517E-01,2.7530925353553248E-01,3.6886136466804933E-03,2.0944953481207264E-02,-2.7230310711469842E-02 -1I/'Oumuamua (A/2017 U1),500,5.7990000000000000E+04,1.7941496217700001E+02,1.2103108882000001E+01,-3.9587316404853623E-01,-3.5643626963561759E-01,2.4790045716347078E-01,4.2299867264998427E-03,2.1444250417578709E-02,-2.7585941211133388E-02 -1I/'Oumuamua (A/2017 U1),500,5.7991000000000000E+04,1.7865913138799999E+02,1.1096408320000000E+01,-3.9134151414558216E-01,-3.3472410074744247E-01,2.2013066023532135E-01,4.8463833518795768E-03,2.1985256002610871E-02,-2.7951986140207753E-02 -1I/'Oumuamua (A/2017 U1),500,5.7992000000000000E+04,1.7788195788900001E+02,1.0086144324999999E+01,-3.8615006568683308E-01,-3.1244831823093849E-01,1.9199082445311388E-01,5.5519150787473170E-03,2.2572299836317471E-02,-2.8325432508416279E-02 -1I/'Oumuamua (A/2017 U1),500,5.7993000000000000E+04,1.7707978479900001E+02,9.0725507879999991E+00,-3.8020132536374418E-01,-2.8956065601231895E-01,1.6347580236415615E-01,6.3638691841453867E-03,2.3209834296557048E-02,-2.8701384953300952E-02 -1I/'Oumuamua (A/2017 U1),500,5.7994000000000000E+04,1.7624856473099999E+02,8.0560494970000001E+00,-3.7337862920129616E-01,-2.6600845506111553E-01,1.3458664288007452E-01,7.3034212078801949E-03,2.3902120902809507E-02,-2.9072160882461496E-02 -1I/'Oumuamua (A/2017 U1),500,5.7995000000000000E+04,1.7538382926899999E+02,7.0373452199999997E+00,-3.6554186727925453E-01,-2.4173511581249674E-01,1.0533399843343244E-01,8.3964111747966141E-03,2.4652649643166762E-02,-2.9425966743639235E-02 -1I/'Oumuamua (A/2017 U1),500,5.7996000000000000E+04,1.7448068222200001E+02,6.0175612090000001E+00,-3.5652244545942746E-01,-2.1668133490509428E-01,7.5743135203493073E-02,9.6740619530458101E-03,2.5463114049415023E-02,-2.9744983496057181E-02 -1I/'Oumuamua (A/2017 U1),500,5.7997000000000000E+04,1.7353384225799999E+02,4.9984311400000001E+00,-3.4611766684117728E-01,-1.9078769809788398E-01,4.5861236847320123E-02,1.1173351867772647E-02,2.6331668231125410E-02,-3.0002660472382817E-02 -1I/'Oumuamua (A/2017 U1),500,5.7998000000000000E+04,1.7253777872300000E+02,3.9825668550000000E+00,-3.3408514612540208E-01,-1.6399953335584488E-01,1.5767883223722325E-02,1.2936436553653771E-02,2.7250074348013353E-02,-3.0160055648505126E-02 -1I/'Oumuamua (A/2017 U1),500,5.7999000000000000E+04,1.7148701166100000E+02,2.9738205870000001E+00,-3.2013872783155184E-01,-1.3627536884850722E-01,-1.4410346331210477E-02,1.5007964576620791E-02,2.8199266073930498E-02,-3.0161299446356035E-02 -1I/'Oumuamua (A/2017 U1),500,5.8000000000000000E+04,1.7037668126800000E+02,1.9777469679999999E+00,-3.0394892241439042E-01,-1.0760078005449358E-01,-4.4480573022379129E-02,1.7428320829765073E-02,2.9142986219375482E-02,-2.9928971499807968E-02 -1I/'Oumuamua (A/2017 U1),500,5.8001000000000000E+04,1.6920351815300000E+02,1.0021275430000001E+00,-2.8515326588395995E-01,-7.8009443405520712E-02,-7.4160550831297203E-02,2.0220044424556622E-02,3.0019936134254681E-02,-2.9361791835502551E-02 -1I/'Oumuamua (A/2017 U1),500,5.8002000000000000E+04,1.6796731713299999E+02,5.7424009999999998E-02,-2.6338474437601345E-01,-4.7611848303870191E-02,-1.0305646205824556E-01,2.3365080973540564E-02,3.0737025350339151E-02,-2.8339802130275718E-02 -1I/'Oumuamua (A/2017 U1),500,5.8003000000000000E+04,1.6667283963099999E+02,-8.4313633099999996E-01,-2.3832708270549841E-01,-1.6627688371736005E-02,-1.3065289915369480E-01,2.6774844779637381E-02,3.1170245205551908E-02,-2.6744983882301013E-02 -1I/'Oumuamua (A/2017 U1),500,5.8004000000000000E+04,1.6533164190599999E+02,-1.6843043250000000E+00,-2.0979877376145228E-01,1.4590612729514174E-02,-1.5633398821747396E-01,3.0266120231683936E-02,3.1183264743451851E-02,-2.4503158799372739E-02 -1I/'Oumuamua (A/2017 U1),500,5.8005000000000000E+04,1.6396274312700001E+02,-2.4507829970000001E+00,-1.7784758829353176E-01,4.5564836407100989E-02,-1.7945437383863164E-01,3.3569247740772627E-02,3.0669577360465310E-02,-2.1638292257760074E-02 -1I/'Oumuamua (A/2017 U1),500,5.8006000000000000E+04,1.6259088700000001E+02,-3.1302486360000001E+00,-1.4281045904546219E-01,7.5747237687946500E-02,-1.9945755644534766E-01,3.6390534866253647E-02,2.9604452794285408E-02,-1.8305555919264239E-02 -1I/'Oumuamua (A/2017 U1),500,5.8007000000000000E+04,1.6124219062899999E+02,-3.7162686570000001E+00,-1.0528925533116618E-01,1.0461902658581590E-01,-2.1599948036867395E-01,3.8510249395477501E-02,2.8070745403725089E-02,-1.4764381064843440E-02 -1I/'Oumuamua (A/2017 U1),500,5.8008000000000000E+04,1.5993887210500000E+02,-4.2095692299999996E+00,-6.6036382875612754E-02,1.3178903285038399E-01,-2.2901400933440857E-01,3.9853340602994169E-02,2.6232261270149358E-02,-1.1295007196786572E-02 -1I/'Oumuamua (A/2017 U1),500,5.8009000000000000E+04,1.5869559581799999E+02,-4.6170379790000000E+00,-2.5805271702562749E-02,1.5704504060379931E-01,-2.3868874023370726E-01,4.0486207221525954E-02,2.4272243032371403E-02,-8.1135810764275864E-03 -1I/'Oumuamua (A/2017 U1),500,5.8010000000000000E+04,1.5751869979099999E+02,-4.9492938940000002E+00,1.4763989163595115E-02,1.8034444795347859E-01,-2.4537776328513766E-01,4.0557277874051639E-02,2.2340248744363266E-02,-5.3355046008456055E-03 -1I/'Oumuamua (A/2017 U1),500,5.8011000000000000E+04,1.5640764778499999E+02,-5.2181850399999998E+00,5.5192915162560641E-02,2.0176739246720876E-01,-2.4950413180665695E-01,4.0232144538437112E-02,2.0531327050414806E-02,-2.9879820951426513E-03 -1I/'Oumuamua (A/2017 U1),500,5.8012000000000000E+04,1.5535727778300000E+02,-5.4350451980000001E+00,9.5159557000618289E-02,2.2146341744798678E-01,-2.5148772114090107E-01,3.9654076011341466E-02,1.8891379076471041E-02,-1.0431681669658957E-03 -1I/'Oumuamua (A/2017 U1),500,5.8013000000000000E+04,1.5435981294000001E+02,-5.6098205480000001E+00,1.3446782862009288E-01,2.3960974588314310E-01,-2.5170607610444279E-01,3.8930877080309172E-02,1.7432538506038594E-02,5.5157440673152139E-04 -1I/'Oumuamua (A/2017 U1),500,5.8014000000000000E+04,1.5340625953899999E+02,-5.7508160249999998E+00,1.7301224705037177E-01,2.5638510351512817E-01,-2.5048021735935444E-01,3.8136886191496626E-02,1.6147764815054626E-02,1.8543309139690382E-03 -1I/'Oumuamua (A/2017 U1),500,5.8015000000000000E+04,1.5248722026499999E+02,-5.8647746710000002E+00,2.1074796943247087E-01,2.7195603239963961E-01,-2.4807468227420751E-01,3.7320342273741099E-02,1.5021052700749656E-02,2.9189665429565220E-03 -1I/'Oumuamua (A/2017 U1),500,5.8016000000000000E+04,1.5159328271699999E+02,-5.9570913430000001E+00,2.4766858973011674E-01,2.8647124136506286E-01,-2.4470390821757582E-01,3.6511019731956904E-02,1.4033472254676667E-02,3.7915277756199310E-03 -1I/'Oumuamua (A/2017 U1),500,5.8017000000000000E+04,1.5071513697000000E+02,-6.0320532900000003E+00,2.8379087594841435E-01,3.0006044089989070E-01,-2.4054046483349253E-01,3.5726345606142199E-02,1.3166315194520283E-02,4.5097535687997781E-03 -1I/'Oumuamua (A/2017 U1),500,5.8018000000000000E+04,1.4984353037500000E+02,-6.0930598290000004E+00,3.1914474456428510E-01,3.1283537960660091E-01,-2.3572300953504835E-01,3.4975781465782563E-02,1.2402514268612271E-02,5.1039050864150563E-03 -1I/'Oumuamua (A/2017 U1),500,5.8019000000000000E+04,1.4896912418599999E+02,-6.1428052480000002E+00,3.5376687450534683E-01,3.2489178251644857E-01,-2.3036316240364799E-01,3.4263784496181032E-02,1.1727128886674942E-02,5.5979960599319267E-03 -1I/'Oumuamua (A/2017 U1),500,5.8020000000000000E+04,1.4808228493100000E+02,-6.1834235010000000E+00,3.8769673959218554E-01,3.3631151508479951E-01,-2.2455113468650223E-01,3.3591743730996000E-02,1.1127368207782901E-02,6.0110137292425482E-03 -1I/'Oumuamua (A/2017 U1),500,5.8021000000000000E+04,1.4717282244399999E+02,-6.2165986330000003E+00,4.2097420668485475E-01,3.4716465300750765E-01,-2.1836021056147328E-01,3.2959221228580082E-02,1.0592410117891238E-02,6.3579784207062123E-03 -1I/'Oumuamua (A/2017 U1),500,5.8022000000000000E+04,1.4622967221200000E+02,-6.2436460000000000E+00,4.5363813086569604E-01,3.5751132795336049E-01,-2.1185026657010869E-01,3.2364736994735036E-02,1.0113149295012617E-02,6.6508080091160597E-03 -1I/'Oumuamua (A/2017 U1),500,5.8023000000000000E+04,1.4524050883500001E+02,-6.2655685620000003E+00,4.8572557777731939E-01,3.6740331449906816E-01,-2.0507051905755769E-01,3.1806259693317657E-02,9.6819385912303331E-03,6.8990013456432077E-03 -1I/'Oumuamua (A/2017 U1),500,5.8024000000000000E+04,1.4419126716200000E+02,-6.2830909520000002E+00,5.1727143578468704E-01,3.7688536767723213E-01,-1.9806166655130014E-01,3.1281509508973418E-02,9.2923517212787077E-03,7.1101699345162313E-03 -1I/'Oumuamua (A/2017 U1),500,5.8025000000000000E+04,1.4306553598900001E+02,-6.2966719969999998E+00,5.4830826688209644E-01,3.8599633836529473E-01,-1.9085756336912660E-01,3.0788141786768884E-02,8.9389770228426296E-03,7.2904484794394323E-03 -1I/'Oumuamua (A/2017 U1),500,5.8026000000000000E+04,1.4184377402999999E+02,-6.3064937470000002E+00,5.7886630064303368E-01,3.9477009862093970E-01,-1.8348653178847801E-01,3.0323855347430664E-02,8.6172433886479629E-03,7.4448111657819263E-03 -1I/'Oumuamua (A/2017 U1),500,5.8027000000000000E+04,1.4050227679500000E+02,-6.3124215899999996E+00,6.0897351087189389E-01,4.0323630802389010E-01,-1.7597239572771617E-01,2.9886453453025631E-02,8.3232757224304971E-03,7.5773155349524758E-03 -1I/'Oumuamua (A/2017 U1),500,5.8028000000000000E+04,1.3901179330500000E+02,-6.3139248080000003E+00,6.3865573711744417E-01,4.1142104865804768E-01,-1.6833529946033324E-01,2.9473875225692541E-02,8.0537759656244545E-03,7.6912910671937153E-03 -1I/'Oumuamua (A/2017 U1),500,5.8029000000000000E+04,1.3733564986400000E+02,-6.3099387640000000E+00,6.6793682749750971E-01,4.1934735229230841E-01,-1.6059235984023579E-01,2.9084208842994352E-02,7.8059255892003066E-03,7.7894856096668236E-03 -1I/'Oumuamua (A/2017 U1),703,5.7970000000000000E+04,1.9364837597499999E+02,3.1406533536000001E+01,-4.1866074441613166E-01,-7.1734922080512964E-01,7.4348916013165800E-01,-5.1767286417252027E-04,1.5786938612102831E-02,-2.2658883358318383E-02 -1I/'Oumuamua (A/2017 U1),703,5.7971000000000000E+04,1.9287140774599999E+02,3.0488203061000000E+01,-4.1913460813275383E-01,-7.0148266514576008E-01,7.2074811394735971E-01,-4.2516596431881916E-04,1.5943594853919676E-02,-2.2820540696269015E-02 -1I/'Oumuamua (A/2017 U1),703,5.7972000000000000E+04,1.9210926694800000E+02,2.9563106023000000E+01,-4.1951254934207993E-01,-6.8545579700224990E-01,6.9784231840181998E-01,-3.2591154617636967E-04,1.6107732247622349E-02,-2.2988409788778048E-02 -1I/'Oumuamua (A/2017 U1),703,5.7973000000000000E+04,1.9136078594599999E+02,2.8631711860999999E+01,-4.1978748649674225E-01,-6.6926085569131544E-01,6.7476538584285572E-01,-2.1923067168771841E-04,1.6279917750364307E-02,-2.3162852892490590E-02 -1I/'Oumuamua (A/2017 U1),703,5.7974000000000000E+04,1.9062477626399999E+02,2.7694449346999999E+01,-4.1995161593086650E-01,-6.5288948500381561E-01,6.5151055391000956E-01,-1.0435558531197986E-04,1.6460776665967774E-02,-2.3344257278019039E-02 -1I/'Oumuamua (A/2017 U1),703,5.7975000000000000E+04,1.8990002647899999E+02,2.6751706841000001E+01,-4.1999631603513066E-01,-6.3633267125578563E-01,6.2807065989142663E-01,1.9584683225649241E-05,1.6651000105067492E-02,-2.3533036459321397E-02 -1I/'Oumuamua (A/2017 U1),703,5.7976000000000000E+04,1.8918529900499999E+02,2.5803832713999999E+01,-4.1991203568295477E-01,-6.1958067333714972E-01,6.0443811395750668E-01,1.5358150624867999E-04,1.6851353550079641E-02,-2.3729631179219789E-02 -1I/'Oumuamua (A/2017 U1),703,5.7977000000000000E+04,1.8847932568900001E+02,2.4851135874000001E+01,-4.1968816381628749E-01,-6.0262294357079327E-01,5.8060487160059948E-01,2.9876726375507867E-04,1.7062686698951567E-02,-2.3934509990342013E-02 -1I/'Oumuamua (A/2017 U1),703,5.7978000000000000E+04,1.8778080219200001E+02,2.3893886417000001E+01,-4.1931287639480341E-01,-5.8544803800402723E-01,5.5656240579422878E-01,4.5644015587959982E-04,1.7285944785629684E-02,-2.4148169200904207E-02 -1I/'Oumuamua (A/2017 U1),703,5.7979000000000000E+04,1.8708838110700000E+02,2.2932316355000001E+01,-4.1877295602470310E-01,-5.6804351453796720E-01,5.3230167965057251E-01,6.2809421630736877E-04,1.7522181599144794E-02,-2.4371131855543467E-02 -1I/'Oumuamua (A/2017 U1),703,5.7980000000000000E+04,1.8640066377100001E+02,2.1966620482000000E+01,-4.1805357846218616E-01,-5.5039581708282093E-01,5.0781312077143037E-01,8.1545578492178347E-04,1.7772574443917180E-02,-2.4603945279660585E-02 -1I/'Oumuamua (A/2017 U1),703,5.7981000000000000E+04,1.8571619069100001E+02,2.0996957398999999E+01,-4.1713805876428700E-01,-5.3249014366243186E-01,4.8308659903593282E-01,1.0205280389381909E-03,1.8038441296808341E-02,-2.4847176513263066E-02 -1I/'Oumuamua (A/2017 U1),703,5.7982000000000000E+04,1.8503343048500000E+02,2.0023450786000002E+01,-4.1600754804951812E-01,-5.1431029614177248E-01,4.5811141039109859E-01,1.2456456220628527E-03,1.8321260411907764E-02,-2.5101404668825301E-02 -1I/'Oumuamua (A/2017 U1),703,5.7983000000000000E+04,1.8435076725799999E+02,1.9046191027999999E+01,-4.1464066951828749E-01,-4.9583850900791171E-01,4.3287627036756215E-01,1.4935419807852960E-03,1.8622692587140784E-02,-2.5367208826752814E-02 -1I/'Oumuamua (A/2017 U1),703,5.7984000000000000E+04,1.8366648633800000E+02,1.8065237349000000E+01,-4.1301307942127718E-01,-4.7705525446260005E-01,4.0736932271320137E-01,1.7674327523665130E-03,1.8944606211041229E-02,-2.5645149470484775E-02 -1I/'Oumuamua (A/2017 U1),703,5.7985000000000000E+04,1.8297875825300000E+02,1.7080620712000002E+01,-4.1109693486482668E-01,-4.5793902106343454E-01,3.8157817095415603E-01,2.0711194953592369E-03,1.9289105009620378E-02,-2.5935740570039559E-02 -1I/'Oumuamua (A/2017 U1),703,5.7986000000000000E+04,1.8228562078499999E+02,1.6092347853000000E+01,-4.0886024547007893E-01,-4.3846606341523520E-01,3.5548994420183488E-01,2.4091192609628619E-03,1.9658558038436476E-02,-2.6239408110984408E-02 -1I/'Oumuamua (A/2017 U1),703,5.7987000000000000E+04,1.8158495871400001E+02,1.5100407007999999E+01,-4.0626607967117312E-01,-4.1861012118613378E-01,3.2909141363797501E-01,2.7868270213069965E-03,2.0055630790421226E-02,-2.6556428929210483E-02 -1I/'Oumuamua (A/2017 U1),703,5.7988000000000000E+04,1.8087448066700000E+02,1.4104776090000000E+01,-4.0327158851923517E-01,-3.9834210738432663E-01,3.0236918359019294E-01,3.2107198281930410E-03,2.0483315109543612E-02,-2.6886840839910695E-02 -1I/'Oumuamua (A/2017 U1),703,5.7989000000000000E+04,1.8015169235799999E+02,1.3105434341000000E+01,-3.9982679992488090E-01,-3.7762976905933382E-01,2.7530999213015006E-01,3.6886137390106846E-03,2.0944953568433951E-02,-2.7230310775053501E-02 -1I/'Oumuamua (A/2017 U1),703,5.7990000000000000E+04,1.7941386558700000E+02,1.2102378881000000E+01,-3.9587312408523934E-01,-3.5643732946985668E-01,2.4790117235674397E-01,4.2299868280253079E-03,2.1444250509015397E-02,-2.7585941274717612E-02 -1I/'Oumuamua (A/2017 U1),703,5.7991000000000000E+04,1.7865800275900000E+02,1.1095648090999999E+01,-3.9134149651813965E-01,-3.3472513123302072E-01,2.2013134962388764E-01,4.8463834637935566E-03,2.1985256098362028E-02,-2.7951986203168168E-02 -1I/'Oumuamua (A/2017 U1),703,5.7992000000000000E+04,1.7788079742100001E+02,1.0085354689000001E+01,-3.8615006962392773E-01,-3.1244931808225940E-01,1.9199148561769280E-01,5.5519152024115529E-03,2.2572299936410845E-02,-2.8325432569910155E-02 -1I/'Oumuamua (A/2017 U1),703,5.7993000000000000E+04,1.7707859257400000E+02,9.0717325970000005E+00,-3.8020134994318133E-01,-2.8956162383298772E-01,1.6347643287496771E-01,6.3638693210884790E-03,2.3209834400889043E-02,-2.8701385012192306E-02 -1I/'Oumuamua (A/2017 U1),703,5.7994000000000000E+04,1.7624734070200000E+02,8.0552036269999991E+00,-3.7337867333505859E-01,-2.6600938932979745E-01,1.3458724030493471E-01,7.3034213597864481E-03,2.3902121011074647E-02,-2.9072160937227670E-02 -1I/'Oumuamua (A/2017 U1),703,5.7995000000000000E+04,1.7538257323600001E+02,7.0364725610000001E+00,-3.6554192969535426E-01,-2.4173601486772392E-01,1.0533456035002918E-01,8.3964113434519504E-03,2.4652649754747114E-02,-2.9425966792250409E-02 -1I/'Oumuamua (A/2017 U1),703,5.7996000000000000E+04,1.7447939381200001E+02,6.0166626589999996E+00,-3.5652252468011725E-01,-2.1668219692985430E-01,7.5743659218098780E-02,9.6740621402223621E-03,2.5463114163228519E-02,-2.9744983535835802E-02 -1I/'Oumuamua (A/2017 U1),703,5.7997000000000000E+04,1.7353252089300000E+02,4.9975075860000002E+00,-3.4611776115723958E-01,-1.9078852110571143E-01,4.5861720623269785E-02,1.1173352074993932E-02,2.6331668345413110E-02,-3.0002660499854780E-02 -1I/'Oumuamua (A/2017 U1),703,5.7998000000000000E+04,1.7253642358299999E+02,3.9816191580000000E+00,-3.3408525356687657E-01,-1.6400031518175193E-01,1.5768324524476147E-02,1.2936436781769037E-02,2.7250074460065651E-02,-3.0160055659288618E-02 -1I/'Oumuamua (A/2017 U1),703,5.7999000000000000E+04,1.7148562163700001E+02,2.9728495509999999E+00,-3.2013884613655019E-01,-1.3627610715070732E-01,-1.4409949577800280E-02,1.5007964825097184E-02,2.8199266179784410E-02,-3.0161299435191496E-02 -1I/'Oumuamua (A/2017 U1),703,5.8000000000000000E+04,1.7037525491800000E+02,1.9767533090000000E+00,-3.0394904900020359E-01,-1.0760147233682527E-01,-4.4480222630324640E-02,1.7428321095618909E-02,2.9142986313584952E-02,-2.9928971460925716E-02 -1I/'Oumuamua (A/2017 U1),703,5.8001000000000000E+04,1.6920205364700001E+02,1.0011118360000000E+00,-2.8515339782907489E-01,-7.8010087075628010E-02,-7.4160248224897501E-02,2.0220044700989093E-02,3.0019936209984780E-02,-2.9361791763637960E-02 -1I/'Oumuamua (A/2017 U1),703,5.8002000000000000E+04,1.6796581221800000E+02,5.6386631999999999E-02,-2.6338487842805847E-01,-4.7612440786726801E-02,-1.0305620809889132E-01,2.3365081248715090E-02,3.0737025400199142E-02,-2.8339802022639866E-02 -1I/'Oumuamua (A/2017 U1),703,5.8003000000000000E+04,1.6667129162200001E+02,-8.4419527200000000E-01,-2.3832721533673107E-01,-1.6628227296759890E-02,-1.3065269393535392E-01,2.6774845036702664E-02,3.1170245223609939E-02,-2.6744983741415318E-02 -1I/'Oumuamua (A/2017 U1),703,5.8004000000000000E+04,1.6533004773400000E+02,-1.6853850610000001E+00,-2.0979890129409262E-01,1.4590129266034702E-02,-1.5633383086805833E-01,3.0266120451573002E-02,3.1183264728282180E-02,-2.4503158635565327E-02 -1I/'Oumuamua (A/2017 U1),703,5.8005000000000000E+04,1.6396109945800001E+02,-2.4518861479999998E+00,-1.7784770710217801E-01,4.5564409541324097E-02,-1.7945426239654910E-01,3.3569247908204890E-02,3.0669577317683910E-02,-2.1638292088865838E-02 -1I/'Oumuamua (A/2017 U1),703,5.8006000000000000E+04,1.6258919040800001E+02,-3.1313752190000002E+00,-1.4281056580852969E-01,7.5746867535076895E-02,-1.9945748789024054E-01,3.6390534976179660E-02,2.9604452736081061E-02,-1.8305555765789433E-02 -1I/'Oumuamua (A/2017 U1),703,5.8007000000000000E+04,1.6124043778000001E+02,-3.7174200549999998E+00,-1.0528934726518768E-01,1.0461871213534202E-01,-2.1599945084076241E-01,3.8510249455056163E-02,2.8070745344611549E-02,-1.4764380942677577E-02 -1I/'Oumuamua (A/2017 U1),703,5.8008000000000000E+04,1.5993705987700000E+02,-4.2107471219999999E+00,-6.6036457880655153E-02,1.3178877205844280E-01,-2.2901401448954625E-01,3.9853340627307804E-02,2.6232261221698246E-02,-1.1295007112530097E-02 -1I/'Oumuamua (A/2017 U1),703,5.8009000000000000E+04,1.5869372133100001E+02,-4.6182442720000001E+00,-2.5805328387139670E-02,1.5704483063897828E-01,-2.3868877561897883E-01,4.0486207226772597E-02,2.4272243000517842E-02,-8.1135810279867882E-03 -1I/'Oumuamua (A/2017 U1),703,5.8010000000000000E+04,1.5751676035200001E+02,-4.9505306750000004E+00,1.4763951555994526E-02,1.8034428549621331E-01,-2.4537782463293975E-01,4.0557277872876940E-02,2.2340248729970209E-02,-5.3355045812526168E-03 -1I/'Oumuamua (A/2017 U1),703,5.8011000000000000E+04,1.5640564078400001E+02,-5.2194545530000003E+00,5.5192896876360420E-02,2.0176727397550090E-01,-2.4950421520786389E-01,4.0232144538690055E-02,2.0531327051340358E-02,-2.9879820962879335E-03 -1I/'Oumuamua (A/2017 U1),703,5.8012000000000000E+04,1.5535520058800000E+02,-5.4363498510000001E+00,9.5159557897325109E-02,2.2146333934952950E-01,-2.5148782311228102E-01,3.9654076016925957E-02,1.8891379089470632E-02,-1.0431681817335290E-03 -1I/'Oumuamua (A/2017 U1),703,5.8013000000000000E+04,1.5435766279699999E+02,-5.6111629310000000E+00,1.3446784828997216E-01,2.3960970469346141E-01,-2.5170619358674967E-01,3.8930877092573361E-02,1.7432538527894594E-02,5.5157438376462044E-04 -1I/'Oumuamua (A/2017 U1),703,5.8014000000000000E+04,1.5340403349299999E+02,-5.7521989480000002E+00,1.7301228489935361E-01,2.5638509589903652E-01,-2.5048034767957378E-01,3.8136886210391248E-02,1.6147764843056057E-02,1.8543308866047611E-03 -1I/'Oumuamua (A/2017 U1),703,5.8015000000000000E+04,1.5248491509100000E+02,-5.8662011950000004E+00,2.1074802474585885E-01,2.7195605519543214E-01,-2.4807482309436132E-01,3.7320342298574199E-02,1.5021052732796344E-02,2.9189665137165192E-03 -1I/'Oumuamua (A/2017 U1),703,5.8016000000000000E+04,1.5159089487000000E+02,-5.9585648339999997E+00,2.4766866171777657E-01,2.8647129158667617E-01,-2.4470405748239718E-01,3.6511019761821292E-02,1.4033472289221362E-02,3.7915277461054034E-03 -1I/'Oumuamua (A/2017 U1),703,5.8017000000000000E+04,1.5071266253600001E+02,-6.0335774669999997E+00,2.8379096377632740E-01,3.0006051572723452E-01,-2.4054062072260862E-01,3.5726345640128894E-02,1.3166315230456900E-02,4.5097535399859414E-03 -1I/'Oumuamua (A/2017 U1),703,5.8018000000000000E+04,1.4984096503300000E+02,-6.0946388259999997E+00,3.1914484737649618E-01,3.1283547637023157E-01,-2.3572317042157895E-01,3.4975781503075662E-02,1.2402514305169563E-02,5.1039050588640540E-03 -1I/'Oumuamua (A/2017 U1),703,5.8019000000000000E+04,1.4896646316900001E+02,-6.1444436859999998E+00,3.5376699143930790E-01,3.2489189868008655E-01,-2.3036332681930854E-01,3.4263784536088547E-02,1.1727128923326058E-02,5.5979960339401389E-03 -1I/'Oumuamua (A/2017 U1),703,5.8020000000000000E+04,1.4807952299600001E+02,-6.1851265709999996E+00,3.8769686978963624E-01,3.3631164822748066E-01,-2.2455130129250392E-01,3.3591743772952182E-02,1.1127368244180345E-02,6.0110137049369837E-03 -1I/'Oumuamua (A/2017 U1),703,5.8021000000000000E+04,1.4716995384800001E+02,-6.2183721959999998E+00,4.2097434929970146E-01,3.4716480080618362E-01,-2.1836037812427223E-01,3.2959221272131155E-02,1.0592410153808940E-02,6.3579783981117903E-03 -1I/'Oumuamua (A/2017 U1),703,5.8022000000000000E+04,1.4622669070100000E+02,-6.2454967100000003E+00,4.5363828506991966E-01,3.5751148816616851E-01,-2.1185043394103498E-01,3.2364737039525006E-02,1.0113149330313780E-02,6.6508079881952044E-03 -1I/'Oumuamua (A/2017 U1),703,5.8023000000000000E+04,1.4523740765500000E+02,-6.2675040109999998E+00,4.8572574276555802E-01,3.6740348494914576E-01,-2.0507068515543506E-01,3.1806259739073042E-02,9.6819386258426825E-03,6.8990013263219322E-03 -1I/'Oumuamua (A/2017 U1),703,5.8024000000000000E+04,1.4418803910899999E+02,-6.2851198540000004E+00,5.1727161077795381E-01,3.7688554623673909E-01,-1.9806183034726005E-01,3.1281509555488030E-02,9.2923517551719396E-03,7.1101699167028590E-03 -1I/'Oumuamua (A/2017 U1),703,5.8025000000000000E+04,1.4306217352199999E+02,-6.2988044070000004E+00,5.4830845113090354E-01,3.8599652293910958E-01,-1.9085772387288522E-01,3.0788141833893123E-02,8.9389770560208449E-03,7.2904484630329719E-03 -1I/'Oumuamua (A/2017 U1),703,5.8026000000000000E+04,1.4184026949299999E+02,-6.3087413440000004E+00,5.7886649342981678E-01,3.9477028712927870E-01,-1.8348668803544363E-01,3.0323855395062105E-02,8.6172434211345961E-03,7.4448111506811828E-03 -1I/'Oumuamua (A/2017 U1),703,5.8027000000000000E+04,1.4049862281599999E+02,-6.3147980260000001E+00,6.0897371151308910E-01,4.0323649838304365E-01,-1.7597254676613802E-01,2.9886453501100377E-02,8.3232757542669369E-03,7.5773155210580598E-03 -1I/'Oumuamua (A/2017 U1),703,5.8028000000000000E+04,1.3900798349199999E+02,-6.3164461459999997E+00,6.3865594496420786E-01,4.1142123875783276E-01,-1.6833544433792219E-01,2.9473875274180418E-02,8.0537759968645675E-03,7.6912910544107904E-03 -1I/'Oumuamua (A/2017 U1),703,5.8029000000000000E+04,1.3733167999099999E+02,-6.3126240410000003E+00,6.6793704193470171E-01,4.1934753996872465E-01,-1.6059249758933461E-01,2.9084208891893192E-02,7.8059256199041575E-03,7.7894855979078149E-03 -1I/'Oumuamua (A/2017 U1),F51,5.7970000000000000E+04,1.9364985833599999E+02,3.1406740622000001E+01,-4.1866115890941136E-01,-7.1734940820181547E-01,7.4348855438872563E-01,-5.1767286776738947E-04,1.5786938605942973E-02,-2.2658883351933761E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7971000000000000E+04,1.9287288246000000E+02,3.0488434974000000E+01,-4.1913499292912526E-01,-7.0148287895143002E-01,7.2074753008589787E-01,-4.2516596769744987E-04,1.5943594848265706E-02,-2.2820540690459076E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7972000000000000E+04,1.9211073284200000E+02,2.9563361569000001E+01,-4.1951290535480368E-01,-6.8545603714602388E-01,6.9784175777510526E-01,-3.2591154928672018E-04,1.6107732242540369E-02,-2.2988409783603891E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7973000000000000E+04,1.9136224193000001E+02,2.8631989805000000E+01,-4.1978781470441584E-01,-6.6926112209867883E-01,6.7476484975723328E-01,-2.1923067446922087E-04,1.6279917745928615E-02,-2.3162852888018708E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7974000000000000E+04,1.9062622132400000E+02,2.7694748420000000E+01,-4.1995191737589421E-01,-6.5288977759676237E-01,6.5151004362195331E-01,-1.0435558769450980E-04,1.6460776662263768E-02,-2.3344257274322676E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7975000000000000E+04,1.8990145967000001E+02,2.6752025747000001E+01,-4.1999659182223692E-01,-6.3633298995289445E-01,6.2807017660470121E-01,1.9584681324760073E-05,1.6651000102187456E-02,-2.3533036456478657E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7976000000000000E+04,1.8918671944700000E+02,2.5804170128999999E+01,-4.1991228697775884E-01,-6.1958101805359322E-01,6.0443765882042211E-01,1.5358150492614069E-04,1.6851353548128212E-02,-2.3729631177316014E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7977000000000000E+04,1.8848073256000001E+02,2.4851490458000001E+01,-4.1968839184398932E-01,-6.0262331421827176E-01,5.8060444570334002E-01,2.9876726312448067E-04,1.7062686698046881E-02,-2.3934509989470061E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7978000000000000E+04,1.8778219472100000E+02,2.3894256810000002E+01,-4.1931308243899668E-01,-5.8544843449060113E-01,5.5656201016622453E-01,4.5644015607515000E-04,1.7285944785903905E-02,-2.4148169201164468E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7979000000000000E+04,1.8708975856999999E+02,2.2932701187999999E+01,-4.1877314142635058E-01,-5.6804393676778719E-01,5.3230131525789404E-01,6.2809421748815861E-04,1.7522181600746655E-02,-2.4371131857044492E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7980000000000000E+04,1.8640202548799999E+02,2.1967018375999999E+01,-4.1805374461880229E-01,-5.5039626495572791E-01,5.0781278851416323E-01,8.1545578727590905E-04,1.7772574447018023E-02,-2.4603945282521016E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7981000000000000E+04,1.8571753601399999E+02,2.0997366970000002E+01,-4.1713820712935878E-01,-5.3249061707340628E-01,4.8308629974549416E-01,1.0205280426907656E-03,1.8038441301600153E-02,-2.4847176517609770E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7982000000000000E+04,1.8503475879900000E+02,2.0023870646999999E+01,-4.1600768013219735E-01,-5.1431079498019128E-01,4.5811114482745208E-01,1.2456456274830292E-03,1.8321260418610465E-02,-2.5101404674794967E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7983000000000000E+04,1.8435207797499999E+02,1.9046619792000001E+01,-4.1464078688339279E-01,-4.9583903315657241E-01,4.3287603921626916E-01,1.4935419881967095E-03,1.8622692596005581E-02,-2.5367208834491194E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7984000000000000E+04,1.8366777888700000E+02,1.8065673629999999E+01,-4.1301318368965512E-01,-4.7705580379643397E-01,4.0736912658223873E-01,1.7674327621601555E-03,1.8944606222355671E-02,-2.5645149480145589E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7985000000000000E+04,1.8298003208099999E+02,1.7081063130000000E+01,-4.1109702771408607E-01,-4.5793959544784041E-01,3.8157801037042111E-01,2.0711195080091423E-03,1.9289105023715621E-02,-2.5935740581782964E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7986000000000000E+04,1.8228687534900001E+02,1.6092795033000002E+01,-4.0886032863574284E-01,-4.3846666270389445E-01,3.5548981960720893E-01,2.4091192770481227E-03,1.9658558055691045E-02,-2.6239408124971934E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7987000000000000E+04,1.8158619347600001E+02,1.5100857586000000E+01,-4.0626615494827223E-01,-4.1861074521819297E-01,3.2909132538481228E-01,2.7868270415375151E-03,2.0055630811270701E-02,-2.6556428945599495E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7988000000000000E+04,1.8087569508700000E+02,1.4105228706000000E+01,-4.0327165776435048E-01,-3.9834275598074742E-01,3.0236913193602422E-01,3.2107198534428380E-03,2.0483315134490650E-02,-2.6886840858844761E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7989000000000000E+04,1.8015288588999999E+02,1.3105887649000000E+01,-3.9982686505863596E-01,-3.7763044201817053E-01,2.7530997723134509E-01,3.6886137703628138E-03,2.0944953598054459E-02,-2.7230310796644935E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7990000000000000E+04,1.7941503767099999E+02,1.2102831545000001E+01,-3.9587318709520425E-01,-3.5643802656017909E-01,2.4790119426082266E-01,4.2299868668299774E-03,2.1444250543963757E-02,-2.7585941299020440E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7991000000000000E+04,1.7865915281800000E+02,1.1096098791999999E+01,-3.9134155946205140E-01,-3.3472585218708500E-01,2.2013140826008418E-01,4.8463835117372924E-03,2.1985256139382830E-02,-2.7951986230140807E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7992000000000000E+04,1.7788192485200000E+02,1.0085802122000000E+01,-3.8615013463304004E-01,-3.1245006258541275E-01,1.9199158078526649E-01,5.5519152616142781E-03,2.2572299984329761E-02,-2.8325432599349783E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7993000000000000E+04,1.7707969674200001E+02,9.0721754760000000E+00,-3.8020141922539807E-01,-2.8956239151058683E-01,1.6347656422860304E-01,6.3638693942172433E-03,2.3209834456603750E-02,-2.8701385043641014E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7994000000000000E+04,1.7624842093000001E+02,8.0556406920000008E+00,-3.7337874917724845E-01,-2.6601017973022789E-01,1.3458740733640612E-01,7.3034214501994299E-03,2.3902121075512595E-02,-2.9072160969823773E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7995000000000000E+04,1.7538362880200000E+02,7.0369025819999997E+00,-3.6554201446381385E-01,-2.4173682744027086E-01,1.0533476236506882E-01,8.3964114553602039E-03,2.4652649828784720E-02,-2.9425966824505670E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7996000000000000E+04,1.7448042393899999E+02,6.0170844460000001E+00,-3.5652262081746999E-01,-2.1668303099584543E-01,7.5743895307207001E-02,9.6740622788570318E-03,2.5463114247527181E-02,-2.9744983565298873E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7997000000000000E+04,1.7353352473999999E+02,4.9979200040000000E+00,-3.4611787117300263E-01,-1.9078937582099262E-01,4.5861989625051038E-02,1.1173352246723011E-02,2.6331668440127031E-02,-3.0002660522621894E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7998000000000000E+04,1.7253740024400000E+02,3.9820211489999999E+00,-3.3408538001731514E-01,-1.6400118948831877E-01,1.5768624980175554E-02,1.2936436994050801E-02,2.7250074564340990E-02,-3.0160055669323903E-02 -1I/'Oumuamua (A/2017 U1),F51,5.7999000000000000E+04,1.7148657013600001E+02,2.9732401650000000E+00,-3.2013899158721382E-01,-1.3627699971555651E-01,-1.4409619479175633E-02,1.5007965086045129E-02,2.8199266290951430E-02,-3.0161299423466629E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8000000000000000E+04,1.7037617421300001E+02,1.9771317450000001E+00,-3.0394921596177049E-01,-1.0760238147750550E-01,-4.4479865114910359E-02,1.7428321412784113E-02,2.9142986425978689E-02,-2.9928971414539571E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8001000000000000E+04,1.6920294264500001E+02,1.0014775050000000E+00,-2.8515358865485352E-01,-7.8011010675746395E-02,-7.4159865999145105E-02,2.0220045078823093E-02,3.0019936313495553E-02,-2.9361791665412477E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8002000000000000E+04,1.6796666980500001E+02,5.6739232000000001E-02,-2.6338509516221076E-01,-4.7613376212419178E-02,-1.0305580440331896E-01,2.3365081684315274E-02,3.0737025479127392E-02,-2.8339801852252794E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8003000000000000E+04,1.6667211671100000E+02,-8.4385567100000003E-01,-2.3832745951105894E-01,-1.6629171337503301E-02,-1.3065227256186679E-01,2.6774845514474181E-02,3.1170245257172269E-02,-2.6744983479570876E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8004000000000000E+04,1.6533083932299999E+02,-1.6850579340000000E+00,-2.0979917369395573E-01,1.4589180395538359E-02,-1.5633339610575331E-01,3.0266120939736085E-02,3.1183264694606059E-02,-2.4503158271906696E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8005000000000000E+04,1.6396185668900000E+02,-2.4515704770000002E+00,-1.7784800755730235E-01,4.5563460099254188E-02,-1.7945381887431058E-01,3.3569248362123306E-02,3.0669577201702668E-02,-2.1638291630985088E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8006000000000000E+04,1.6258991259499999E+02,-3.1310695270000002E+00,-1.4281089309130768E-01,7.5745922037027319E-02,-1.9945704031535447E-01,3.6390535350946301E-02,2.9604452537649970E-02,-1.8305555242555838E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8007000000000000E+04,1.6124112438099999E+02,-3.7171225090000002E+00,-1.0528969916177633E-01,1.0461777506456749E-01,-2.1599900368639263E-01,3.8510249721346021E-02,2.8070745080397794E-02,-1.4764380396648409E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8008000000000000E+04,1.5993771041200000E+02,-4.2104556970000004E+00,-6.6036831429035603E-02,1.3178784758611484E-01,-2.2901357172201636E-01,3.9853340779431312E-02,2.6232260918557508E-02,-1.1295006585365494E-02 -1I/'Oumuamua (A/2017 U1),F51,5.8009000000000000E+04,1.5869433526099999E+02,-4.6179569110000003E+00,-2.5805720200033022E-02,1.5704392243358892E-01,-2.3868834053939031E-01,4.0486207278663887E-02,2.4272242685519897E-02,-8.1135805489462864E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8010000000000000E+04,1.5751733696700001E+02,-4.9502453979999999E+00,1.4763544985665455E-02,1.8034339665027851E-01,-2.4537739984863038E-01,4.0557277847874648E-02,2.2340248423638246E-02,-5.3355041642512389E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8011000000000000E+04,1.5640617910600000E+02,-5.2191695129999998E+00,5.5192478951217816E-02,2.0176640702663681E-01,-2.4950380269784653E-01,4.0232144460672185E-02,2.0531326765977423E-02,-2.9879817432628586E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8012000000000000E+04,1.5535569929799999E+02,-5.4360633470000002E+00,9.5159131784394058E-02,2.2146249635321813E-01,-2.5148742433617294E-01,3.9654075905733846E-02,1.8891378830640078E-02,-1.0431678877065788E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8013000000000000E+04,1.5435812018400000E+02,-5.6108733890000000E+00,1.3446741686358854E-01,2.3960888731158242E-01,-2.5170580959910482E-01,3.8930876962871327E-02,1.7432538296753168E-02,5.5157462665157589E-04 -1I/'Oumuamua (A/2017 U1),F51,5.8014000000000000E+04,1.5340444740000001E+02,-5.7519048919999998E+00,1.7301185073161018E-01,2.5638430548341273E-01,-2.5047997923008508E-01,3.8136886072244011E-02,1.6147764638324645E-02,1.8543310866766256E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8015000000000000E+04,1.5248528286400000E+02,-5.8659012099999996E+00,2.1074759012281130E-01,2.7195529285799697E-01,-2.4807447070788932E-01,3.7320342158534914E-02,1.5021052552077750E-02,2.9189666786064001E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8016000000000000E+04,1.5159121329700000E+02,-5.9582575310000001E+00,2.4766822866713389E-01,2.8647055825490125E-01,-2.4470372151968661E-01,3.6511019623969729E-02,1.4033472129766031E-02,3.7915278823421389E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8017000000000000E+04,1.5071292776400000E+02,-6.0332614460000000E+00,2.8379053409848498E-01,3.0005981218649608E-01,-2.4054030142506866E-01,3.5726345506880405E-02,1.3166315089563651E-02,4.5097536529537562E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8018000000000000E+04,1.4984117246599999E+02,-6.0943126410000001E+00,3.1914442267480903E-01,3.1283480329565350E-01,-2.3572286794382041E-01,3.4975781375761204E-02,1.2402514180366902E-02,5.1039051529200418E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8019000000000000E+04,1.4896660734200000E+02,-6.1441058079999999E+00,3.5376657314787041E-01,3.2489125666029839E-01,-2.3036304125261534E-01,3.4263784415347977E-02,1.1727128812436663E-02,5.5979961125783816E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8020000000000000E+04,1.4807959740600000E+02,-6.1847753489999997E+00,3.8769645919807394E-01,3.3631103778231480E-01,-2.2455103268171203E-01,3.3591743658998037E-02,1.1127368145323925E-02,6.0110137709515517E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8021000000000000E+04,1.4716995073800001E+02,-6.2180058100000002E+00,4.2097394757513562E-01,3.4716422239986500E-01,-2.1836012647987979E-01,3.2959221164913052E-02,1.0592410065383461E-02,6.3579784537368574E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8022000000000000E+04,1.4622660078600001E+02,-6.2451131200000001E+00,4.5363789327654358E-01,3.5751094221713986E-01,-2.1185019924785195E-01,3.2364736938842779E-02,1.0113149250960896E-02,6.6508080352226965E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8023000000000000E+04,1.4523721976700000E+02,-6.2671008920000002E+00,4.8572536188242588E-01,3.6740297183734683E-01,-2.0507046737868673E-01,3.1806259644648102E-02,9.6819385544135404E-03,6.8990013661950466E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8024000000000000E+04,1.4418773972599999E+02,-6.2846945160000001E+00,5.1727124171564320E-01,3.7688506630888702E-01,-1.9806162943676811E-01,3.1281509467004927E-02,9.2923516906976405E-03,7.1101699505887192E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8025000000000000E+04,1.4306174616400000E+02,-6.2983536920000001E+00,5.4830809474777875E-01,3.8599607651230317E-01,-1.9085753976571534E-01,3.0788141751032741E-02,8.9389769976825403E-03,7.2904484918810113E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8026000000000000E+04,1.4183969390900000E+02,-6.3082614870000002E+00,5.7886615054874224E-01,3.9476987449303808E-01,-1.8348652065722090E-01,3.0323855317514151E-02,8.6172433682434948E-03,7.4448111752665061E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8027000000000000E+04,1.4049787390800000E+02,-6.3142844750000000E+00,6.0897338293959802E-01,4.0323611979965107E-01,-1.7597239603103915E-01,2.9886453428581136E-02,8.3232757062424220E-03,7.5773155420174538E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8028000000000000E+04,1.3900702986799999E+02,-6.3158933089999998E+00,6.3865563150741211E-01,4.1142089446051050E-01,-1.6833531014712691E-01,2.9473875206439605E-02,8.0537759532200749E-03,7.6912910722693731E-03 -1I/'Oumuamua (A/2017 U1),F51,5.8029000000000000E+04,1.3733048201200000E+02,-6.3120249380000004E+00,6.6793674443266293E-01,4.1934723015668268E-01,-1.6059237982740787E-01,2.9084208828719024E-02,7.8059255802365706E-03,7.7894856130997989E-03 -1I/'Oumuamua (A/2017 U1),I11,5.7970000000000000E+04,1.9364725972200000E+02,3.1407898503999998E+01,-4.1866058840687959E-01,-7.1734847226962506E-01,7.4348936018045120E-01,-5.1767288104561000E-04,1.5786938583187374E-02,-2.2658883328349158E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7971000000000000E+04,1.9287031879800000E+02,3.0489577474000001E+01,-4.1913447058607045E-01,-7.0148190057688364E-01,7.2074828922775080E-01,-4.2516598244570977E-04,1.5943594823575883E-02,-2.2820540665092183E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7972000000000000E+04,1.9210820563999999E+02,2.9564490694000000E+01,-4.1951242903944963E-01,-6.8545501666102204E-01,6.9784246846016085E-01,-3.2591156567464939E-04,1.6107732215758199E-02,-2.2988409756338431E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7973000000000000E+04,1.9135975256600000E+02,2.8633107575000000E+01,-4.1978738219487877E-01,-6.6926005984570003E-01,6.7476551028828147E-01,-2.1923069268862949E-04,1.6279917716879082E-02,-2.3162852858730112E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7974000000000000E+04,1.9062377105499999E+02,2.7695856858999999E+01,-4.1995152636378985E-01,-6.5288867392916450E-01,6.5151065241577810E-01,-1.0435560796127896E-04,1.6460776630749862E-02,-2.3344257242876226E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7975000000000000E+04,1.8989904965100001E+02,2.6753126880000000E+01,-4.1999623991616541E-01,-6.3633184523539188E-01,6.2807073219617460E-01,1.9584658761718360E-05,1.6651000067996719E-02,-2.3533036422732873E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7976000000000000E+04,1.8918435073800001E+02,2.5805265977000001E+01,-4.1991197170662964E-01,-6.1957983266293548E-01,6.0443815986644778E-01,1.5358147978299964E-04,1.6851353511023570E-02,-2.3729631141119430E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7977000000000000E+04,1.8847840613899999E+02,2.4852583034999999E+01,-4.1968811066012057E-01,-6.0262208854414812E-01,5.8060489098668722E-01,2.9876723507582005E-04,1.7062686657764371E-02,-2.3934509950661313E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7978000000000000E+04,1.8777991149499999E+02,2.3895348120000001E+01,-4.1931283272095310E-01,-5.8544716893680093E-01,5.5656239859930079E-01,4.5644012474505002E-04,1.7285944742151470E-02,-2.4148169159573220E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7979000000000000E+04,1.8708751938500001E+02,2.2933793220999998E+01,-4.1877292048147263E-01,-5.6804263175366265E-01,5.3230164588652096E-01,6.2809418244096950E-04,1.7522181553199678E-02,-2.4371131812491415E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7980000000000000E+04,1.8639983114000000E+02,2.1968113109000001E+01,-4.1805354968536079E-01,-5.5039492091799747E-01,5.0781306052141639E-01,8.1545574800850895E-04,1.7772574395309382E-02,-2.4603945234816238E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7981000000000000E+04,1.8571538725900001E+02,2.0998466362999999E+01,-4.1713803537829697E-01,-5.3248923446835672E-01,4.8308651245569895E-01,1.0205279986133554E-03,1.8038441245322921E-02,-2.4847176466557586E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7982000000000000E+04,1.8503265636200001E+02,2.0024976645999999E+01,-4.1600752866841262E-01,-5.1430937428635681E-01,4.5811129771041265E-01,1.2456455779058014E-03,1.8321260357306201E-02,-2.5101404620193748E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7983000000000000E+04,1.8435002256000001E+02,1.9047734324000000E+01,-4.1464065274650785E-01,-4.9583757487801494E-01,4.3287613189185836E-01,1.4935419323077025E-03,1.8622692529158900E-02,-2.5367208776137767E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7984000000000000E+04,1.8366577118900000E+02,1.8066798607999999E+01,-4.1301306385424985E-01,-4.7705430846676733E-01,4.0736915882547742E-01,1.7674326989988842E-03,1.8944606149386461E-02,-2.5645149417841035E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7985000000000000E+04,1.8297807279500000E+02,1.7082200453999999E+01,-4.1109691908937407E-01,-4.5793806363513878E-01,3.8157798211717192E-01,2.0711194364355515E-03,1.9289104943968342E-02,-2.5935740515340561E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7986000000000000E+04,1.8228496517799999E+02,1.6093946592000002E+01,-4.0886022806467204E-01,-4.3846509501678427E-01,3.5548973096072684E-01,2.4091191956978775E-03,1.9658557968429861E-02,-2.6239408054232298E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7987000000000000E+04,1.8158433314700000E+02,1.5102025258999999E+01,-4.0626605920608228E-01,-4.1860914231338631E-01,3.2909117662337145E-01,2.7868269487728355E-03,2.0055630715666704E-02,-2.6556428870449011E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7988000000000000E+04,1.8087388536000000E+02,1.4106414372000000E+01,-4.0327156355661109E-01,-3.9834111857242005E-01,3.0236892352196776E-01,3.2107197472898375E-03,2.0483315029610320E-02,-2.6886840779243679E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7989000000000000E+04,1.8015112756900001E+02,1.3107093188000000E+01,-3.9982676901886138E-01,-3.7762877088966718E-01,2.7530970982197589E-01,3.6886136484268004E-03,2.0944953482855959E-02,-2.7230310712672019E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7990000000000000E+04,1.7941333161899999E+02,1.2104058845999999E+01,-3.9587308578219604E-01,-3.5643632257863428E-01,2.4790086872162745E-01,4.2299867261886542E-03,2.1444250417298624E-02,-2.7585941210938558E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7991000000000000E+04,1.7865749997099999E+02,1.1097349762000000E+01,-3.9134144935723714E-01,-3.3472411632174304E-01,2.2013102568091467E-01,4.8463833488216531E-03,2.1985255999993597E-02,-2.7951986138487032E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7992000000000000E+04,1.7788032623399999E+02,1.0087078696000001E+01,-3.8615001213828815E-01,-3.1244829593064749E-01,1.9199114250023164E-01,5.5519150720385619E-03,2.2572299830887054E-02,-2.8325432505080093E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7993000000000000E+04,1.7707815348200000E+02,9.0734796299999996E+00,-3.8020128066209036E-01,-2.8956059531495260E-01,1.6347607184062027E-01,6.3638691725952891E-03,2.3209834287756984E-02,-2.8701384948333721E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7994000000000000E+04,1.7624693428399999E+02,8.0569744579999991E+00,-3.7337859078788604E-01,-2.6600835543321200E-01,1.3458686274754258E-01,7.3034211899199982E-03,2.3902120890009364E-02,-2.9072160875986502E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7995000000000000E+04,1.7538220017200001E+02,7.0382680649999996E+00,-3.6554183241825144E-01,-2.4173497671890382E-01,1.0533416781401528E-01,8.3964111483618327E-03,2.4652649625677432E-02,-2.9425966736019830E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7996000000000000E+04,1.7447905489700000E+02,6.0184838500000000E+00,-3.5652241122707473E-01,-2.1668115582372563E-01,7.5743253415319942E-02,9.6740619154360580E-03,2.5463114026545143E-02,-2.9744983488063897E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7997000000000000E+04,1.7353221705499999E+02,4.9993556540000004E+00,-3.4611763011790553E-01,-1.9078747854261310E-01,4.5861303452256225E-02,1.1173351815503194E-02,2.6331668202296588E-02,-3.0002660465452882E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7998000000000000E+04,1.7253615590300001E+02,3.9834955230000002E+00,-3.3408510359464161E-01,-1.6399927291137167E-01,1.5767898091284125E-02,1.2936436482345087E-02,2.7250074312985352E-02,-3.0160055645133986E-02 -1I/'Oumuamua (A/2017 U1),I11,5.7999000000000000E+04,1.7148539137000000E+02,2.9747559259999998E+00,-3.2013867599175272E-01,-1.3627506722242450E-01,-1.4410382939186929E-02,1.5007964481035852E-02,2.8199266033210088E-02,-3.0161299450650797E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8000000000000000E+04,1.7037506350699999E+02,1.9786917740000001E+00,-3.0394885761466206E-01,-1.0760043715300449E-01,-4.4480660342415310E-02,1.7428320704213445E-02,2.9142986174883201E-02,-2.9928971518169870E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8001000000000000E+04,1.6920190273099999E+02,1.0030849270000000E+00,-2.8515318439839488E-01,-7.8009059439219403E-02,-7.4160687464004893E-02,2.0220044264025405E-02,3.0019936090275288E-02,-2.9361791877235564E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8002000000000000E+04,1.6796570362500000E+02,5.8397425000000003E-02,-2.6338464253521587E-01,-4.7611423926244817E-02,-1.0305664581828811E-01,2.3365080775958266E-02,3.0737025314538341E-02,-2.8339802207560934E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8003000000000000E+04,1.6667122733299999E+02,-8.4214309899999995E-01,-2.3832695710059526E-01,-1.6627224841822885E-02,-1.3065312693131201E-01,2.6774844549270538E-02,3.1170245189369040E-02,-2.6744984008554341E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8004000000000000E+04,1.6533002981199999E+02,-1.6832872120000000E+00,-2.0979862151726825E-01,1.4591113390288735E-02,-1.5633425590390357E-01,3.0266119982376424E-02,3.1183264760650087E-02,-2.4503158985094940E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8005000000000000E+04,1.6396112995300001E+02,-2.4497377839999999E+00,-1.7784740736838767E-01,4.5565371319409825E-02,-1.7945467638446352E-01,3.3569247496032066E-02,3.0669577422998889E-02,-2.1638292504636777E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8006000000000000E+04,1.6258927126600000E+02,-3.1291711200000001E+00,-1.4281024847027834E-01,7.5747803143797310E-02,-1.9945788810024026E-01,3.6390534653591357E-02,2.9604452906885112E-02,-1.8305556216174097E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8007000000000000E+04,1.6124057078900000E+02,-3.7151548160000001E+00,-1.0528901529148549E-01,1.0461961823041610E-01,-2.1599983507782325E-01,3.8510249236939458E-02,2.8070745561027441E-02,-1.4764381389927035E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8008000000000000E+04,1.5993724669100001E+02,-4.2084153239999997E+00,-6.6036114597666340E-02,1.3178964597398371E-01,-2.2901438118192624E-01,3.9853340508266347E-02,2.6232261458915749E-02,-1.1295007525053411E-02 -1I/'Oumuamua (A/2017 U1),I11,5.8009000000000000E+04,1.5869396355500001E+02,-4.6158405629999999E+00,-2.5804977194493040E-02,1.5704567044967449E-01,-2.3868912380027632E-01,4.0486207187830824E-02,2.4272243236910112E-02,-8.1135813874854586E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8010000000000000E+04,1.5751705965900001E+02,-4.9480497400000001E+00,1.4764307414395050E-02,1.8034508995827139E-01,-2.4537815384634240E-01,4.0557277890932733E-02,2.2340248951192680E-02,-5.3355048823968002E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8011000000000000E+04,1.5640599903500001E+02,-5.2168910210000004E+00,5.5193254452257534E-02,2.0176804240115093E-01,-2.4950452537976070E-01,4.0232144593067121E-02,2.0531327250232930E-02,-2.9879823423396542E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8012000000000000E+04,1.5535561993400000E+02,-5.4336981629999999E+00,9.5159914596222861E-02,2.2146407146762770E-01,-2.5148811443236835E-01,3.9654076091901344E-02,1.8891379263996505E-02,-1.0431683799917498E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8013000000000000E+04,1.5435814576800001E+02,-5.6084172050000003E+00,1.3446820187357766E-01,2.3961040052690077E-01,-2.5170646641217431E-01,3.8930877177341054E-02,1.7432538678958543E-02,5.5157422502438399E-04 -1I/'Oumuamua (A/2017 U1),I11,5.8014000000000000E+04,1.5340458306599999E+02,-5.7493528380000001E+00,1.7301263345796802E-01,2.5638575566948829E-01,-2.5048060246588061E-01,3.8136886298025731E-02,1.6147764972928542E-02,1.8543307596881266E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8015000000000000E+04,1.5248553476500001E+02,-5.8632477620000003E+00,2.1074836665857688E-01,2.7195667925457129E-01,-2.4807506034907600E-01,3.7320342384883930E-02,1.5021052844177657E-02,2.9189664120908960E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8016000000000000E+04,1.5159158873900000E+02,-5.9554964100000003E+00,2.4766899561066003E-01,2.8647188036880405E-01,-2.4470427773539907E-01,3.6511019844417084E-02,1.4033472384761412E-02,3.7915276644771060E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8017000000000000E+04,1.5071343537100000E+02,-6.0303855110000004E+00,2.8379128848340629E-01,3.0006106971770719E-01,-2.4054082450809136E-01,3.5726345717763418E-02,1.3166315312545506E-02,4.5097534741675048E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8018000000000000E+04,1.4984182238299999E+02,-6.0913137680000000E+00,3.1914516190537900E-01,3.1283599608502738E-01,-2.3572335826768409E-01,3.4975781575200010E-02,1.2402514375870949E-02,5.1039050055808393E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8019000000000000E+04,1.4896741148800001E+02,-6.1409747479999997E+00,3.5376729494162162E-01,3.2489238465302123E-01,-2.3036349924270785E-01,3.4263784602568889E-02,1.1727128984382208E-02,5.5979959906417012E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8020000000000000E+04,1.4808056979000000E+02,-6.1815015549999996E+00,3.8769716153581091E-01,3.3631210100264902E-01,-2.2455145879614172E-01,3.3591743833888403E-02,1.1127368297043173E-02,6.0110136696361182E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8021000000000000E+04,1.4717110786200001E+02,-6.2145772330000000E+00,4.2097462865736035E-01,3.4716522093398178E-01,-2.1836052119711857E-01,3.2959221327752246E-02,1.0592410199681084E-02,6.3579783692553913E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8022000000000000E+04,1.4622796215299999E+02,-6.2415159620000003E+00,4.5363855148507903E-01,3.5751187620184482E-01,-2.1185056305914901E-01,3.2364737090118077E-02,1.0113149370188767E-02,6.6508079645638098E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8023000000000000E+04,1.4523880853099999E+02,-6.2633193010000001E+00,4.8572599574586006E-01,3.6740384145325339E-01,-2.0507080078393580E-01,3.1806259784941719E-02,9.6819386605406944E-03,6.8990013069528287E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8024000000000000E+04,1.4418958352199999E+02,-6.2807102180000003E+00,5.1727184987719299E-01,3.7688587177715754E-01,-1.9806193294300406E-01,3.1281509596931427E-02,9.2923517853701655E-03,7.1101699008315504E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8025000000000000E+04,1.4306387818200000E+02,-6.2941455430000000E+00,5.4830867593411214E-01,3.8599681809458808E-01,-1.9085781388782067E-01,3.0788141871187332E-02,8.9389770822780462E-03,7.2904484500488920E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8026000000000000E+04,1.4184215428100001E+02,-6.3038049249999997E+00,5.7886670353818159E-01,3.9477055249468912E-01,-1.8348676592074462E-01,3.0323855428457360E-02,8.6172434439116142E-03,7.4448111400937647E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8027000000000000E+04,1.4050071152199999E+02,-6.3095508569999996E+00,6.0897390652787808E-01,4.0323673457683712E-01,-1.7597261297738434E-01,2.9886453530810764E-02,8.3232757739420560E-03,7.5773155124712228E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8028000000000000E+04,1.3901030473399999E+02,-6.3108491149999999E+00,6.3865612446877162E-01,4.1142144643258038E-01,-1.6833549934178541E-01,2.9473875300382146E-02,8.0537760137459925E-03,7.6912910475031952E-03 -1I/'Oumuamua (A/2017 U1),I11,5.8029000000000000E+04,1.3733426836100000E+02,-6.3066308329999998E+00,6.6793720547342983E-01,4.1934771982622954E-01,-1.6059254187252817E-01,2.9084208914723610E-02,7.8059256342395411E-03,7.7894855924176103E-03 -1I/'Oumuamua (A/2017 U1),I41,5.7970000000000000E+04,1.9364857007399999E+02,3.1406512611000000E+01,-4.1866079338461226E-01,-7.1734926593705695E-01,7.4348908951027248E-01,-5.1767286400507088E-04,1.5786938612389854E-02,-2.2658883358615843E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7971000000000000E+04,1.9287160011399999E+02,3.0488184471000000E+01,-4.1913465334529165E-01,-7.0148271360496084E-01,7.2074804647221413E-01,-4.2516596408719021E-04,1.5943594854307609E-02,-2.2820540696667516E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7972000000000000E+04,1.9210945744800000E+02,2.9563089613999999E+01,-4.1951259093626569E-01,-6.8545584877240928E-01,6.9784225423092983E-01,-3.2591154587115027E-04,1.6107732248121242E-02,-2.2988409789285916E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7973000000000000E+04,1.9136097445499999E+02,2.8631697474999999E+01,-4.1978752461789126E-01,-6.6926091075549932E-01,6.7476532512715937E-01,-2.1923067129813074E-04,1.6279917750985404E-02,-2.3162852893116821E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7974000000000000E+04,1.9062496266599999E+02,2.7694436823000000E+01,-4.1995165073178897E-01,-6.5288954334447169E-01,6.5151049679301432E-01,-1.0435558482578891E-04,1.6460776666723839E-02,-2.3344257278773470E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7975000000000000E+04,1.8990021066700001E+02,2.6751696017000000E+01,-4.1999634767590810E-01,-6.3633273285473213E-01,6.2807060650886604E-01,1.9584683822739327E-05,1.6651000105972306E-02,-2.3533036460214436E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7976000000000000E+04,1.8918548088099999E+02,2.5803823425000001E+01,-4.1991206433072203E-01,-6.1958073817555304E-01,6.0443806443701054E-01,1.5358150697310918E-04,1.6851353551148730E-02,-2.3729631180262712E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7977000000000000E+04,1.8847950516099999E+02,2.4851127955999999E+01,-4.1968818964503629E-01,-6.0262301162913301E-01,5.8060482606137365E-01,2.9876726462592894E-04,1.7062686700202313E-02,-2.3934509991546962E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7978000000000000E+04,1.8778097917299999E+02,2.3893879702000000E+01,-4.1931289958520168E-01,-5.8544810926204471E-01,5.5656236434673845E-01,4.5644015691908950E-04,1.7285944787081425E-02,-2.4148169202284211E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7979000000000000E+04,1.8708855551700000E+02,2.2932310677000000E+01,-4.1877297676393233E-01,-5.6804358897459606E-01,5.3230164239622846E-01,6.2809421754156380E-04,1.7522181600819160E-02,-2.4371131857112420E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7980000000000000E+04,1.8640083553599999E+02,2.1966615675000000E+01,-4.1805359694381405E-01,-5.5039589467609784E-01,5.0781308780227119E-01,8.1545578638107970E-04,1.7772574445838886E-02,-2.4603945281433465E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7981000000000000E+04,1.8571635973799999E+02,2.0996953296000001E+01,-4.1713807518816282E-01,-5.3249022438938254E-01,4.8308657043429765E-01,1.0205280406585422E-03,1.8038441299004900E-02,-2.4847176515255680E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7982000000000000E+04,1.8503359674399999E+02,2.0023447221000001E+01,-4.1600756262171246E-01,-5.1431037997826778E-01,4.5811138622928421E-01,1.2456456240867789E-03,1.8321260414410467E-02,-2.5101404671054334E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7983000000000000E+04,1.8435093066499999E+02,1.9046187835000001E+01,-4.1464068245106089E-01,-4.9583859592848573E-01,4.3287625070745561E-01,1.4935419831633347E-03,1.8622692589985085E-02,-2.5367208829235720E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7984000000000000E+04,1.8366664682800001E+02,1.8065234362999998E+01,-4.1301309093310024E-01,-4.7705534444022246E-01,4.0736930760588247E-01,1.7674327551590431E-03,1.8944606214267391E-02,-2.5645149473239436E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7985000000000000E+04,1.8297891576200001E+02,1.7080617768000000E+01,-4.1109694518044548E-01,-4.5793911406922516E-01,3.8157816043945303E-01,2.0711194986386666E-03,1.9289105013274372E-02,-2.5935740573083912E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7986000000000000E+04,1.8228577525099999E+02,1.6092344788999998E+01,-4.0886025482062338E-01,-4.3846615941810019E-01,3.5548993830782044E-01,2.4091192648167158E-03,1.9658558042570398E-02,-2.6239408114335613E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7987000000000000E+04,1.8158511007400000E+02,1.5100403662000000E+01,-4.0626608829432342E-01,-4.1861022015231009E-01,3.2909141238038714E-01,2.7868270258414101E-03,2.0055630795094405E-02,-2.6556428932883888E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7988000000000000E+04,1.8087462885799999E+02,1.4104772299000000E+01,-4.0327159665943446E-01,-3.9834220927680125E-01,3.0236918697174642E-01,3.2107198335373181E-03,2.0483315114823823E-02,-2.6886840843918215E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7989000000000000E+04,1.8015183731200000E+02,1.3105429944999999E+01,-3.9982680783358993E-01,-3.7762987383711089E-01,2.7531000013971696E-01,3.6886137453233502E-03,2.0944953574397868E-02,-2.7230310779400833E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7990000000000000E+04,1.7941400723500001E+02,1.2102373719999999E+01,-3.9587313202123886E-01,-3.5643743708702680E-01,2.4790118496835434E-01,4.2299868355019105E-03,2.1444250515749004E-02,-2.7585941279400120E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7991000000000000E+04,1.7865814102799999E+02,1.1095642006000000E+01,-3.9134150474784923E-01,-3.3472524163757877E-01,2.2013136679550518E-01,4.8463834726757025E-03,2.1985256105961571E-02,-2.7951986208165139E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7992000000000000E+04,1.7788093223300001E+02,1.0085347519999999E+01,-3.8615007842171767E-01,-3.1244943121460339E-01,1.9199150728970613E-01,5.5519152129996207E-03,2.2572299944980844E-02,-2.8325432575175263E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7993000000000000E+04,1.7707872384600000E+02,9.0717241850000008E+00,-3.8020135959162915E-01,-2.8956173962399762E-01,1.6347645896831331E-01,6.3638693337560587E-03,2.3209834410540101E-02,-2.8701385017639931E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7994000000000000E+04,1.7624746834199999E+02,8.0551938130000007E+00,-3.7337868412505837E-01,-2.6600950769837522E-01,1.3458727071875740E-01,7.3034213749983085E-03,2.3902121021916255E-02,-2.9072160942711926E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7995000000000000E+04,1.7538269714600000E+02,7.0364611860000004E+00,-3.6554194192594081E-01,-2.4173613571763050E-01,1.0533459495875731E-01,8.3964113617833822E-03,2.4652649766875027E-02,-2.9425966797534064E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7996000000000000E+04,1.7447951388300001E+02,6.0166495649999998E+00,-3.5652253865776107E-01,-2.1668232014564578E-01,7.5743697867797527E-02,9.6740621623777560E-03,2.5463114176700372E-02,-2.9744983540544320E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7997000000000000E+04,1.7353263700400001E+02,4.9974926140000004E+00,-3.4611777719424719E-01,-1.9078864654753439E-01,4.5861763127122993E-02,1.1173352101816423E-02,2.6331668360206527E-02,-3.0002660503410782E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7998000000000000E+04,1.7253653560199999E+02,3.9816021500000001E+00,-3.3408527197831284E-01,-1.6400044267875638E-01,1.5768370657289095E-02,1.2936436814225131E-02,2.7250074476008468E-02,-3.0160055660822933E-02 -1I/'Oumuamua (A/2017 U1),I41,5.7999000000000000E+04,1.7148572941899999E+02,2.9728303530000000E+00,-3.2013886723482843E-01,-1.3627623649289541E-01,-1.4409900086075183E-02,1.5007964864205811E-02,2.8199266196445159E-02,-3.0161299433434281E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8000000000000000E+04,1.7037535830499999E+02,1.9767317689999999E+00,-3.0394907308612906E-01,-1.0760160326539631E-01,-4.4480170101745216E-02,1.7428321142273290E-02,2.9142986330117839E-02,-2.9928971454102400E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8001000000000000E+04,1.6920215246699999E+02,1.0010878110000001E+00,-2.8515342517791042E-01,-7.8010219272461795E-02,-7.4160193040488112E-02,2.0220044755604249E-02,3.0019936224947051E-02,-2.9361791749439658E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8002000000000000E+04,1.6796590629100001E+02,5.6359993999999997E-02,-2.6338490926933977E-01,-4.7612573864733526E-02,-1.0305615070351958E-01,2.3365081310659928E-02,3.0737025411423181E-02,-2.8339801998409849E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8003000000000000E+04,1.6667138076699999E+02,-8.4422463299999995E-01,-2.3832724982781428E-01,-1.6628360794474606E-02,-1.3065263483731265E-01,2.6774845103620565E-02,3.1170245228310758E-02,-2.6744983704740714E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8004000000000000E+04,1.6533013177600000E+02,-1.6854172240000000E+00,-2.0979893949047501E-01,1.4589995880668838E-02,-1.5633377062914364E-01,3.0266120518995555E-02,3.1183264723630998E-02,-2.4503158585338684E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8005000000000000E+04,1.6396117823700001E+02,-2.4519211570000001E+00,-1.7784774893215882E-01,4.5564276853257396E-02,-1.7945420160930711E-01,3.3569247970101572E-02,3.0669577301868603E-02,-2.1638292026428838E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8006000000000000E+04,1.6258926378500001E+02,-3.1314130819999999E+00,-1.4281061106291881E-01,7.5746736149863603E-02,-1.9945742714333986E-01,3.6390535026697250E-02,2.9604452709333040E-02,-1.8305555695258866E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8007000000000000E+04,1.6124050563800000E+02,-3.7174607470000001E+00,-1.0528939560996853E-01,1.0461858263888532E-01,-2.1599939068005827E-01,3.8510249490583473E-02,2.8070745309361232E-02,-1.4764380869828593E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8008000000000000E+04,1.5993712210800001E+02,-4.2107905980000000E+00,-6.6036508890860102E-02,1.3178864498075560E-01,-2.2901395538635139E-01,3.9853340647418724E-02,2.6232261181622647E-02,-1.1295007042838246E-02 -1I/'Oumuamua (A/2017 U1),I41,5.8009000000000000E+04,1.5869377782500001E+02,-4.6182904819999999E+00,-2.5805381590500609E-02,1.5704470643199012E-01,-2.3868871795398114E-01,4.0486207233577258E-02,2.4272242959211120E-02,-8.1135809651686399E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8010000000000000E+04,1.5751681097700001E+02,-4.9505795770000001E+00,1.4763896639090945E-02,1.8034416452804788E-01,-2.4537776869643804E-01,4.0557277869621926E-02,2.2340248690089121E-02,-5.3355045269635722E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8011000000000000E+04,1.5640568537400000E+02,-5.2195061200000001E+00,5.5192840704497814E-02,2.0176715653695060E-01,-2.4950416121094646E-01,4.0232144528598697E-02,2.0531327014429605E-02,-2.9879820506253088E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8012000000000000E+04,1.5535523893100000E+02,-5.4364040779999998E+00,9.5159500892266324E-02,2.2146322566644833E-01,-2.5148777120236743E-01,3.9654076002628214E-02,1.8891379056188672E-02,-1.0431681439258139E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8013000000000000E+04,1.5435769462700000E+02,-5.6112198380000002E+00,1.3446779083055815E-01,2.3960959494025061E-01,-2.5170614386288925E-01,3.8930877075985804E-02,1.7432538498333993E-02,5.5157441482735475E-04 -1I/'Oumuamua (A/2017 U1),I41,5.8014000000000000E+04,1.5340405848099999E+02,-5.7522585790000003E+00,1.7301222732143162E-01,2.5638499021067684E-01,-2.5048030020534612E-01,3.8136886192812879E-02,1.6147764817005285E-02,1.8543309120626357E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8015000000000000E+04,1.5248493283900001E+02,-5.8662636199999998E+00,2.1074796734533852E-01,2.7195595367721237E-01,-2.4807477790788551E-01,3.7320342280840170E-02,1.5021052709910823E-02,2.9189665345975527E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8016000000000000E+04,1.5159090490099999E+02,-5.9586301500000003E+00,2.4766860475496588E-01,2.8647119432163892E-01,-2.4470401460373506E-01,3.6511019744444081E-02,1.4033472269120840E-02,3.7915277632790544E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8017000000000000E+04,1.5071266428199999E+02,-6.0336457970000001E+00,2.8379090748052715E-01,3.0006042278171335E-01,-2.4054058015909618E-01,3.5726345623406305E-02,1.3166315212774905E-02,4.5097535541633160E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8018000000000000E+04,1.4984095782099999E+02,-6.0947103210000000E+00,3.1914479195035073E-01,3.1283538779789904E-01,-2.3572313217160815E-01,3.4975781487167151E-02,1.2402514289574907E-02,5.1039050706167734E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8019000000000000E+04,1.4896644620399999E+02,-6.1445185259999997E+00,3.5376693706274109E-01,3.2489181452489219E-01,-2.3036329087498478E-01,3.4263784521066341E-02,1.1727128909529531E-02,5.5979960437240739E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8020000000000000E+04,1.4807949533900000E+02,-6.1852049700000000E+00,3.8769681662331457E-01,3.3631156852577254E-01,-2.2455126764150171E-01,3.3591743758835453E-02,1.1127368231933936E-02,6.0110137131149204E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8021000000000000E+04,1.4716991438400001E+02,-6.2184544009999998E+00,4.2097429748808490E-01,3.4716472558823352E-01,-2.1836034675112043E-01,3.2959221258906823E-02,1.0592410142902497E-02,6.3579784049726130E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8022000000000000E+04,1.4622663810500001E+02,-6.2455830089999997E+00,4.5363823474395981E-01,3.5751141745725651E-01,-2.1185040482799256E-01,3.2364737027162180E-02,1.0113149320569979E-02,6.6508079939697415E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8023000000000000E+04,1.4523734034399999E+02,-6.2675947360000004E+00,4.8572569404514176E-01,3.6740341877031180E-01,-2.0507065828306750E-01,3.1806259727531976E-02,9.6819386171122547E-03,6.8990013311954201E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8024000000000000E+04,1.4418795517800001E+02,-6.2852153860000000E+00,5.1727156377418582E-01,3.7688548460527138E-01,-1.9806180569478962E-01,3.1281509544725188E-02,9.2923517473294769E-03,7.1101699208246374E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8025000000000000E+04,1.4306207066799999E+02,-6.2989051849999997E+00,5.4830840594832342E-01,3.8599646586880410E-01,-1.9085770141835642E-01,3.0788141823865439E-02,8.9389770489607979E-03,7.2904484665241341E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8026000000000000E+04,1.4184014490700000E+02,-6.3088478690000001E+00,5.7886645016867344E-01,3.9477023463047600E-01,-1.8348666775572134E-01,3.0323855385728266E-02,8.6172434147685113E-03,7.4448111536403235E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8027000000000000E+04,1.4049847304700000E+02,-6.3149108719999996E+00,6.0897367027179872E-01,4.0323645046241208E-01,-1.7597252863673177E-01,2.9886453492423099E-02,8.3232757485205699E-03,7.5773155235659521E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8028000000000000E+04,1.3900780426000000E+02,-6.3165659620000003E+00,6.3865590584216814E-01,4.1142119541781830E-01,-1.6833542833259563E-01,2.9473875266127245E-02,8.0537759916760286E-03,7.6912910565338543E-03 -1I/'Oumuamua (A/2017 U1),I41,5.8029000000000000E+04,1.3733146594600001E+02,-6.3127515589999996E+00,6.6793700503567821E-01,4.1934750120651698E-01,-1.6059248367942131E-01,2.9084208884437055E-02,7.8059256152223904E-03,7.7894855997008476E-03 -2 Pallas (A802 FA),500,5.7970000000000000E+04,4.2810872373000002E+01,-1.8731162530000001E+00,2.5262233983292481E+00,7.8412934006468171E-01,-7.5331891984114563E-01,-6.1507444229954213E-03,7.1471298657125445E-03,-4.4230602509667833E-03 -2 Pallas (A802 FA),500,5.7971000000000000E+04,4.3058733363000002E+01,-2.0188686599999999E+00,2.5200523124857339E+00,7.9127419655282571E-01,-7.5773671071722137E-01,-6.1866809664587515E-03,7.1359130205642662E-03,-4.4122971472675097E-03 -2 Pallas (A802 FA),500,5.7972000000000000E+04,4.3303614711000002E+01,-2.1681343510000000E+00,2.5138452860881229E+00,7.9840773531748044E-01,-7.6214370724123626E-01,-6.2226235238310394E-03,7.1245647586211042E-03,-4.4014427601216863E-03 -2 Pallas (A802 FA),500,5.7973000000000000E+04,4.3545453291000001E+01,-2.3209381990000000E+00,2.5076023138205574E+00,8.0552982528733952E-01,-7.6653981827065254E-01,-6.2585715130724709E-03,7.1130845821001593E-03,-4.3904967942630796E-03 -2 Pallas (A802 FA),500,5.7974000000000000E+04,4.3784183751999997E+01,-2.4773047650000000E+00,2.5013233908581642E+00,8.1264033497251831E-01,-7.7092495240741954E-01,-6.2945243460954710E-03,7.1014719927121016E-03,-4.3794589545732903E-03 -2 Pallas (A802 FA),500,5.7975000000000000E+04,4.4019738295000003E+01,-2.6372582310000001E+00,2.4950085128949251E+00,8.1973913242993013E-01,-7.7529901800762968E-01,-6.3304814287077991E-03,7.0897264916961016E-03,-4.3683289461115497E-03 -2 Pallas (A802 FA),500,5.7976000000000000E+04,4.4252046505000003E+01,-2.8008222969999998E+00,2.4886576761815284E+00,8.2682608521808698E-01,-7.7966192319115768E-01,-6.3664421605643499E-03,7.0778475798430268E-03,-4.3571064741403549E-03 -2 Pallas (A802 FA),500,5.7977000000000000E+04,4.4481035269000003E+01,-2.9680200139999999E+00,2.4822708775733728E+00,8.3390106034370859E-01,-7.8401357584760978E-01,-6.4024059351202780E-03,7.0658347575224120E-03,-4.3457912441519607E-03 -2 Pallas (A802 FA),500,5.7978000000000000E+04,4.4706628795999997E+01,-3.1388735710000000E+00,2.4758481145849265E+00,8.4096392420499499E-01,-7.8835388363737025E-01,-6.4383721395789711E-03,7.0536875247122766E-03,-4.3343829618972861E-03 -2 Pallas (A802 FA),500,5.7979000000000000E+04,4.4928748767000002E+01,-3.3134040229999999E+00,2.4693893854443845E+00,8.4801454253827768E-01,-7.9268275398937449E-01,-6.4743401548471510E-03,7.0414053810249830E-03,-4.3228813334126506E-03 -2 Pallas (A802 FA),500,5.7980000000000000E+04,4.5147314618000003E+01,-3.4916309750000001E+00,2.4628946891500996E+00,8.5505278036651411E-01,-7.9700009409348271E-01,-6.5103093554808693E-03,7.0289878257342661E-03,-4.3112860650493480E-03 -2 Pallas (A802 FA),500,5.7981000000000000E+04,4.5362243966999998E+01,-3.6735722310000001E+00,2.4563640255261605E+00,8.6207850195344138E-01,-8.0130581088791020E-01,-6.5462791096386787E-03,7.0164343578026905E-03,-4.2995968635021649E-03 -2 Pallas (A802 FA),500,5.7982000000000000E+04,4.5573453180999998E+01,-3.8592434070000001E+00,2.4497973952748167E+00,8.6909157076658894E-01,-8.0559981103905520E-01,-6.5822487790325145E-03,7.0037444759076858E-03,-4.2878134358385984E-03 -2 Pallas (A802 FA),500,5.7983000000000000E+04,4.5780858090000002E+01,-4.0486575580000004E+00,2.4431948000163666E+00,8.7609184946058094E-01,-8.0988200091208506E-01,-6.6182177188779633E-03,6.9909176784674820E-03,-4.2759354895285850E-03 -2 Pallas (A802 FA),500,5.7984000000000000E+04,4.5984374787000000E+01,-4.2418248309999997E+00,2.4365562422999747E+00,8.8307919989820982E-01,-8.1415228653357752E-01,-6.6541852778467386E-03,6.9779534636655134E-03,-4.2639627324738113E-03 -2 Pallas (A802 FA),500,5.7985000000000000E+04,4.6183920428000000E+01,-4.4387522050000001E+00,2.4298817255685887E+00,8.9005348322364997E-01,-8.1841057355207603E-01,-6.6901507980202529E-03,6.9648513294733178E-03,-4.2518948730367748E-03 -2 Pallas (A802 FA),500,5.7986000000000000E+04,4.6379413882000001E+01,-4.6394433729999998E+00,2.4231712540721246E+00,8.9701455998685564E-01,-8.2265676720714298E-01,-6.7261136148432533E-03,6.9516107736726888E-03,-4.2397316200698879E-03 -2 Pallas (A802 FA),500,5.7987000000000000E+04,4.6570776123999998E+01,-4.8438987630000003E+00,2.4164248327440818E+00,9.0396229029441133E-01,-8.2689077231788044E-01,-6.7620730570731886E-03,6.9382312938760481E-03,-4.2274726829454289E-03 -2 Pallas (A802 FA),500,5.7988000000000000E+04,4.6757930266999999E+01,-5.0521156879999998E+00,2.4096424670748120E+00,9.1089653394688763E-01,-8.3111249329668113E-01,-6.7980284467335939E-03,6.9247123875474954E-03,-4.2151177715846434E-03 -2 Pallas (A802 FA),500,5.7989000000000000E+04,4.6940801286000003E+01,-5.2640885730000004E+00,2.4028241630208793E+00,9.1781715052210244E-01,-8.3532183418201722E-01,-6.8339790990541802E-03,6.9110535520250684E-03,-4.2026665964905686E-03 -2 Pallas (A802 FA),500,5.7990000000000000E+04,4.7119315526000001E+01,-5.4798091619999996E+00,2.3959699269686068E+00,9.2472399939245720E-01,-8.3951869868015816E-01,-6.8699243224114546E-03,6.8972542845402839E-03,-4.1901188687793094E-03 -2 Pallas (A802 FA),500,5.7991000000000000E+04,4.7293400163999998E+01,-5.6992666740000004E+00,2.3890797657528480E+00,9.3161693968488335E-01,-8.4370299020102868E-01,-6.9058634182552637E-03,6.8833140822451705E-03,-4.1774743002163028E-03 -2 Pallas (A802 FA),500,5.7992000000000000E+04,4.7462982713999999E+01,-5.9224478730000003E+00,2.3821536867081150E+00,9.3849583021329530E-01,-8.4787461188262725E-01,-6.9417956810334663E-03,6.8692324422381188E-03,-4.1647326032515841E-03 -2 Pallas (A802 FA),500,5.7993000000000000E+04,4.7627990679000000E+01,-6.1493370450000002E+00,2.3751916977308660E+00,9.4536052940835369E-01,-8.5203346660168411E-01,-6.9777203981072101E-03,6.8550088615944357E-03,-4.1518934910569931E-03 -2 Pallas (A802 FA),500,5.7994000000000000E+04,4.7788351323000001E+01,-6.3799159330000004E+00,2.3681938073358797E+00,9.5221089526131486E-01,-8.5617945697351083E-01,-7.0136368496557721E-03,6.8406428374030853E-03,-4.1389566775653164E-03 -2 Pallas (A802 FA),500,5.7995000000000000E+04,4.7943991560999997E+01,-6.6141636239999997E+00,2.3611600246968854E+00,9.5904678528968657E-01,-8.6031248534623350E-01,-7.0495443085778625E-03,6.8261338668095563E-03,-4.1259218775086485E-03 -2 Pallas (A802 FA),500,5.7996000000000000E+04,4.8094837917000000E+01,-6.8520564400000001E+00,2.3540903596707135E+00,9.6586805652257601E-01,-8.6443245379269773E-01,-7.0854420403800604E-03,6.8114814470688605E-03,-4.1127888064581963E-03 -2 Pallas (A802 FA),500,5.7997000000000000E+04,4.8240816498000001E+01,-7.0935678360000001E+00,2.3469848228056147E+00,9.7267456550330622E-01,-8.6853926410392179E-01,-7.1213293030668043E-03,6.7966850756131392E-03,-4.0995571808630166E-03 -2 Pallas (A802 FA),500,5.7998000000000000E+04,4.8381852954999999E+01,-7.3386683090000000E+00,2.3398434253382301E+00,9.7946616830186239E-01,-8.7263281778562463E-01,-7.1572053470142435E-03,6.7817442501346987E-03,-4.0862267180895662E-03 -2 Pallas (A802 FA),500,5.7999000000000000E+04,4.8517872384000000E+01,-7.5873253360000001E+00,2.3326661791820409E+00,9.8624272053365003E-01,-8.7671301606067242E-01,-7.1930694148525480E-03,6.7666584686905933E-03,-4.0727971364582010E-03 -2 Pallas (A802 FA),500,5.8000000000000000E+04,4.8648799171000000E+01,-7.8395033080000003E+00,2.3254530969154987E+00,9.9300407737460494E-01,-8.8077975987707235E-01,-7.2289207413399163E-03,6.7514272298361787E-03,-4.0592681552809890E-03 -2 Pallas (A802 FA),500,5.8001000000000000E+04,4.8774556765000000E+01,-8.0951634699999993E+00,2.3182041917736163E+00,9.9975009356795086E-01,-8.8483294992366635E-01,-7.2647585532534279E-03,6.7360500327827543E-03,-4.0456394948936505E-03 -2 Pallas (A802 FA),500,5.8002000000000000E+04,4.8895067404000002E+01,-8.3542638000000000E+00,2.3109194776546507E+00,1.0064806234119215E+00,-8.8887248665020890E-01,-7.3005820692935933E-03,6.7205263775938565E-03,-4.0319108766867411E-03 -2 Pallas (A802 FA),500,5.8003000000000000E+04,4.9010251877999998E+01,-8.6167588409999993E+00,2.3035989691467766E+00,1.0131955207246461E+00,-8.9289827028946989E-01,-7.3363905000194494E-03,6.7048557653979126E-03,-4.0180820231321360E-03 -2 Pallas (A802 FA),500,5.8004000000000000E+04,4.9120029367999997E+01,-8.8825994179999999E+00,2.2962426815787738E+00,1.0198946387864352E+00,-8.9691020087543283E-01,-7.3721830478199546E-03,6.6890376986494596E-03,-4.0041526578033140E-03 -2 Pallas (A802 FA),500,5.8005000000000000E+04,4.9224317474000003E+01,-9.1517322589999992E+00,2.2888506310908463E+00,1.0265778302669655E+00,-9.0090817825153258E-01,-7.4079589069523735E-03,6.6730716813754951E-03,-3.9901225053914852E-03 -2 Pallas (A802 FA),500,5.8006000000000000E+04,4.9323032478999998E+01,-9.4240995119999997E+00,2.2814228347146468E+00,1.0332449471524454E+00,-9.0489210206489035E-01,-7.4437172636348872E-03,6.6569572194351886E-03,-3.9759912917171642E-03 -2 Pallas (A802 FA),500,5.8007000000000000E+04,4.9416089870999997E+01,-9.6996382039999993E+00,2.2739593104468607E+00,1.0398958406889878E+00,-9.0886187174674060E-01,-7.4794572962122458E-03,6.6406938207534613E-03,-3.9617587437364580E-03 -2 Pallas (A802 FA),500,5.8008000000000000E+04,4.9503405094999998E+01,-9.9782796820000002E+00,2.2664600773050489E+00,1.0465303613519457E+00,-9.1281738648197319E-01,-7.5151781753867823E-03,6.6242809954983987E-03,-3.9474245895471678E-03 -2 Pallas (A802 FA),500,5.8009000000000000E+04,4.9584894470999998E+01,-1.0259949090999999E+01,2.2589251553586385E+00,1.0531483588454553E+00,-9.1675854517386501E-01,-7.5508790645128195E-03,6.6077182561776488E-03,-3.9329885583953101E-03 -2 Pallas (A802 FA),500,5.8010000000000000E+04,4.9660476205999998E+01,-1.0544564934000000E+01,2.2513545657368095E+00,1.0597496821261918E+00,-9.2068524640801730E-01,-7.5865591199017497E-03,6.5910051176343611E-03,-3.9184503806890623E-03 -2 Pallas (A802 FA),500,5.8011000000000000E+04,4.9730071422000002E+01,-1.0832038726000000E+01,2.2437483306159471E+00,1.0663341794480909E+00,-9.2459738841897965E-01,-7.6222174911315024E-03,6.5741410969370993E-03,-3.9038097880209604E-03 -2 Pallas (A802 FA),500,5.8012000000000000E+04,4.9793605130000003E+01,-1.1122274794000001E+01,2.2361064731902731E+00,1.0729016984217410E+00,-9.2849486906057621E-01,-7.6578533212910867E-03,6.5571257131678811E-03,-3.8890665132046654E-03 -2 Pallas (A802 FA),500,5.8013000000000000E+04,4.9851007094000003E+01,-1.1415170203000001E+01,2.2284290176257566E+00,1.0794520860885575E+00,-9.3237758578246765E-01,-7.6934657471552596E-03,6.5399584871250107E-03,-3.8742202903257719E-03 -2 Pallas (A802 FA),500,5.8014000000000000E+04,4.9902212499000001E+01,-1.1710614855999999E+01,2.2207159889982453E+00,1.0859851890047643E+00,-9.3624543561658113E-01,-7.7290538992401334E-03,6.5226389409702209E-03,-3.8592708548064489E-03 -2 Pallas (A802 FA),500,5.8015000000000000E+04,4.9947162376999998E+01,-1.2008491715000000E+01,2.2129674132224038E+00,1.0925008533263960E+00,-9.4009831517711173E-01,-7.7646169017358000E-03,6.5051665978729818E-03,-3.8442179434850701E-03 -2 Pallas (A802 FA),500,5.8016000000000000E+04,4.9985803740999998E+01,-1.2308677149999999E+01,2.2051833169817909E+00,1.0989989248816556E+00,-9.4393612067696642E-01,-7.8001538723177308E-03,6.4875409817129002E-03,-3.8290612946996552E-03 -2 Pallas (A802 FA),500,5.8017000000000000E+04,5.0018089465000003E+01,-1.2611041325000000E+01,2.1973637276764859E+00,1.1054792492155121E+00,-9.4775874795767978E-01,-7.8356639218820322E-03,6.4697616168277097E-03,-3.8138006483788298E-03 -2 Pallas (A802 FA),500,5.8018000000000000E+04,5.0043977966999996E+01,-1.2915448583000000E+01,2.1895086733978948E+00,1.1119416715994794E+00,-9.5156609252708124E-01,-7.8711461542010572E-03,6.4518280278731601E-03,-3.7984357461284704E-03 -2 Pallas (A802 FA),500,5.8019000000000000E+04,5.0063432814999999E+01,-1.3221757765000000E+01,2.1816181829365431E+00,1.1183860370087026E+00,-9.5535804959472848E-01,-7.9065996655680419E-03,6.4337397397842382E-03,-3.7829663313162817E-03 -2 Pallas (A802 FA),500,5.8020000000000000E+04,5.0076422360999999E+01,-1.3529822445000001E+01,2.1736922858137921E+00,1.1248121900791987E+00,-9.5913451409937456E-01,-7.9420235444469765E-03,6.4154962778270701E-03,-3.7673921491468624E-03 -2 Pallas (A802 FA),500,5.8021000000000000E+04,5.0082919480000001E+01,-1.3839491083000000E+01,2.1657310123268050E+00,1.1312199750602030E+00,-9.6289538072481562E-01,-7.9774168711576332E-03,6.3970971677288387E-03,-3.7517129467282422E-03 -2 Pallas (A802 FA),500,5.8022000000000000E+04,5.0082901434999997E+01,-1.4150607118000000E+01,2.1577343935960913E+00,1.1376092357728971E+00,-9.6664054390427467E-01,-8.0127787176136264E-03,6.3785419358659903E-03,-3.7359284731318474E-03 -2 Pallas (A802 FA),500,5.8023000000000000E+04,5.0076349874000002E+01,-1.4463009043000000E+01,2.1497024616045080E+00,1.1439798155839032E+00,-9.7036989781774841E-01,-8.0481081471167684E-03,6.3598301094831503E-03,-3.7200384794426255E-03 -2 Pallas (A802 FA),500,5.8024000000000000E+04,5.0063250910999997E+01,-1.4776530485000000E+01,2.1416352492256454E+00,1.1503315573941855E+00,-9.7408333638519951E-01,-8.0834042142048836E-03,6.3409612169271611E-03,-3.7040427188061824E-03 -2 Pallas (A802 FA),500,5.8025000000000000E+04,5.0043595238999998E+01,-1.5091000320999999E+01,2.1335327902385437E+00,1.1566643036433413E+00,-9.7778075326021607E-01,-8.1186659645577190E-03,6.3219347878754901E-03,-3.6879409464693862E-03 -2 Pallas (A802 FA),500,5.8026000000000000E+04,5.0017378239999999E+01,-1.5406242840000001E+01,2.1253951193313938E+00,1.1629778963238788E+00,-9.8146204182655106E-01,-8.1538924349313126E-03,6.3027503535555782E-03,-3.6717329198212327E-03 -2 Pallas (A802 FA),500,5.8027000000000000E+04,4.9984600026000003E+01,-1.5722077951999999E+01,2.1172222720953151E+00,1.1692721770023717E+00,-9.8512709520078412E-01,-8.1890826531319967E-03,6.2834074469442520E-03,-3.6554183984318276E-03 -2 Pallas (A802 FA),500,5.8028000000000000E+04,4.9945265390000003E+01,-1.6038321422999999E+01,2.1090142850124547E+00,1.1755469868403292E+00,-9.8877580624321681E-01,-8.2242356380099208E-03,6.2639056029461983E-03,-3.6389971440917331E-03 -2 Pallas (A802 FA),500,5.8029000000000000E+04,4.9899383653999998E+01,-1.6354785121999999E+01,2.1007711954493242E+00,1.1818021666026020E+00,-9.9240806757628897E-01,-8.2593503994435897E-03,6.2442443585627120E-03,-3.6224689208621155E-03 -2 Pallas (A802 FA),703,5.7970000000000000E+04,4.2810591015000000E+01,-1.8736109340000000E+00,2.5262255000104892E+00,7.8412724314792792E-01,-7.5331804977295069E-01,-6.1507444158224317E-03,7.1471298679391696E-03,-4.4230602531058396E-03 -2 Pallas (A802 FA),703,5.7971000000000000E+04,4.3058460339000000E+01,-2.0193641470000001E+00,2.5200544210086901E+00,7.9127211024601718E-01,-7.5773584664916838E-01,-6.1866809592406799E-03,7.1359130228308264E-03,-4.4122971494379385E-03 -2 Pallas (A802 FA),703,5.7972000000000000E+04,4.3303350213000002E+01,-2.1686305770000001E+00,2.5138474008760481E+00,7.9840565998109347E-01,-7.6214284914607877E-01,-6.2226235165688103E-03,7.1245647609277582E-03,-4.4014427623235101E-03 -2 Pallas (A802 FA),703,5.7973000000000000E+04,4.3545197512999998E+01,-2.3214350970000002E+00,2.5076044342951018E+00,8.0552776127417969E-01,-7.6653896611064665E-01,-6.2585715057658902E-03,7.1130845844475576E-03,-4.3904967964965447E-03 -2 Pallas (A802 FA),703,5.7974000000000000E+04,4.3783936891000003E+01,-2.4778022649999998E+00,2.5013255164396897E+00,8.1263828262780269E-01,-7.7092410613444040E-01,-6.2945243387477895E-03,7.1014719950993664E-03,-4.3794589568379640E-03 -2 Pallas (A802 FA),703,5.7975000000000000E+04,4.4019500551000000E+01,-2.6377562600000002E+00,2.4950106430027894E+00,8.1973709209140588E-01,-7.7529817756330266E-01,-6.3304814213188815E-03,7.0897264941238609E-03,-4.3683289484076513E-03 -2 Pallas (A802 FA),703,5.7976000000000000E+04,4.4251818084000000E+01,-2.8013207819999999E+00,2.4886598102344242E+00,8.2682405721608954E-01,-7.7966108850694671E-01,-6.3664421531340609E-03,7.0778475823119530E-03,-4.3571064764681240E-03 -2 Pallas (A802 FA),703,5.7977000000000000E+04,4.4480816376999996E+01,-2.9685188789999999E+00,2.4822730149896257E+00,8.3389904500128587E-01,-7.8401274684492772E-01,-6.4024059276519812E-03,7.0658347600314241E-03,-4.3457912465108498E-03 -2 Pallas (A802 FA),703,5.7978000000000000E+04,4.4706419644000000E+01,-3.1393727380000001E+00,2.4758502547828556E+00,8.4096192183798546E-01,-7.8835306022763907E-01,-6.4383721320725711E-03,7.0536875272620338E-03,-4.3343829642875182E-03 -2 Pallas (A802 FA),703,5.7979000000000000E+04,4.4928549568999998E+01,-3.3139034120000002E+00,2.4693915278426442E+00,8.4801255345545401E-01,-7.9268193607411208E-01,-6.4743401473037407E-03,7.0414053836155418E-03,-4.3228813358341771E-03 -2 Pallas (A802 FA),703,5.7980000000000000E+04,4.5147125592999998E+01,-3.4921305060000001E+00,2.4628968331680410E+00,8.5505080486972862E-01,-7.9699928156438449E-01,-6.5103093479015692E-03,7.0289878283656560E-03,-4.3112860675020882E-03 -2 Pallas (A802 FA),703,5.7981000000000000E+04,4.5362065334999997E+01,-3.6740718189999999E+00,2.4563661705842419E+00,8.6207654033778813E-01,-8.0130500362693879E-01,-6.5462791020246703E-03,7.0164343604749210E-03,-4.2995968659860322E-03 -2 Pallas (A802 FA),703,5.7982000000000000E+04,4.5573285167000002E+01,-3.8597429690000000E+00,2.4497995407950408E+00,8.6908962332056294E-01,-8.0559900891856029E-01,-6.5822487713849357E-03,7.0037444786207733E-03,-4.2878134383535086E-03 -2 Pallas (A802 FA),703,5.7983000000000000E+04,4.5780700920999998E+01,-4.0491570069999998E+00,2.4431969454226894E+00,8.7608991646633361E-01,-8.0988120379500916E-01,-6.6182177111980475E-03,6.9909176812214093E-03,-4.2759354920744105E-03 -2 Pallas (A802 FA),703,5.7984000000000000E+04,4.5984228696000002E+01,-4.2423240790000003E+00,2.4365583870187839E+00,8.8307728163175880E-01,-8.1415149427368383E-01,-6.6541852701356707E-03,6.9779534664602448E-03,-4.2639627350504385E-03 -2 Pallas (A802 FA),703,5.7985000000000000E+04,4.6183785649000001E+01,-4.4392511629999998E+00,2.4298838690291404E+00,8.9005157995519224E-01,-8.1840978599427916E-01,-6.6901507902793651E-03,6.9648513323087727E-03,-4.2518948756440321E-03 -2 Pallas (A802 FA),703,5.7986000000000000E+04,4.6379290652999998E+01,-4.6399419499999999E+00,2.4231733957070114E+00,8.9701267198107515E-01,-8.2265598418785701E-01,-6.7261136070738345E-03,6.9516107765487762E-03,-4.2397316227076164E-03 -2 Pallas (A802 FA),703,5.7987000000000000E+04,4.6570664686000001E+01,-4.8443968670000004E+00,2.4164269719896430E+00,9.0396041781086311E-01,-8.2688999366541316E-01,-6.7620730492755441E-03,6.9382312967934392E-03,-4.2274726856137788E-03 -2 Pallas (A802 FA),703,5.7988000000000000E+04,4.6757830865000003E+01,-5.0526132260000001E+00,2.4096446033714889E+00,9.1089467724045070E-01,-8.3111171883164048E-01,-6.7980284389110770E-03,6.9247123905045380E-03,-4.2151177742827516E-03 -2 Pallas (A802 FA),703,5.7989000000000000E+04,4.6940714167000003E+01,-5.2645854510000003E+00,2.4028262958135480E+00,9.1781530984343163E-01,-8.3532106371769554E-01,-6.8339790912072072E-03,6.9110535550223687E-03,-4.2026665992185401E-03 -2 Pallas (A802 FA),703,5.7990000000000000E+04,4.7119240941000001E+01,-5.4803052860000001E+00,2.3959720557068698E+00,9.2472217498844467E-01,-8.3951793202291192E-01,-6.8699243145414375E-03,6.8972542875776598E-03,-4.1901188715368952E-03 -2 Pallas (A802 FA),703,5.7991000000000000E+04,4.7293338364999997E+01,-5.6997619500000001E+00,2.3890818898912984E+00,9.3161513179909639E-01,-8.4370222715065191E-01,-6.9058634103636544E-03,6.8833140853224138E-03,-4.1774743030032506E-03 -2 Pallas (A802 FA),703,5.7992000000000000E+04,4.7462933956999997E+01,-5.9229422039999999E+00,2.3821558057065735E+00,9.3849403908640694E-01,-8.4787385223273815E-01,-6.9417956731217213E-03,6.8692324453550266E-03,-4.1647326060676171E-03 -2 Pallas (A802 FA),703,5.7993000000000000E+04,4.7627955221999997E+01,-6.1498303370000000E+00,2.3751938110545905E+00,9.4535875527854618E-01,-8.5203271014013104E-01,-6.9777203901769070E-03,6.8550088647507095E-03,-4.1518934939017869E-03 -2 Pallas (A802 FA),703,5.7994000000000000E+04,4.7788329425999997E+01,-6.3804080909999996E+00,2.3681959144558045E+00,9.5220913836463028E-01,-8.5617870348277003E-01,-7.0136368417084496E-03,6.8406428405984581E-03,-4.1389566804385450E-03 -2 Pallas (A802 FA),703,5.7995000000000000E+04,4.7943983488000001E+01,-6.6146545530000003E+00,2.3611621250898165E+00,9.5904504586040173E-01,-8.6031173460384458E-01,-7.0495443006142206E-03,6.8261338700446005E-03,-4.1259218804103525E-03 -2 Pallas (A802 FA),703,5.7996000000000000E+04,4.8094843931000000E+01,-6.8525460469999997E+00,2.3540924528195157E+00,9.6586633479355766E-01,-8.6443170557171278E-01,-7.0854420324035433E-03,6.8114814503414511E-03,-4.1127888093872179E-03 -2 Pallas (A802 FA),703,5.7997000000000000E+04,4.8240836866999999E+01,-7.0940560279999998E+00,2.3469869081994363E+00,9.7267286170632405E-01,-8.6853851817334116E-01,-7.1213292950780983E-03,6.7966850789238052E-03,-4.0995571838193688E-03 -2 Pallas (A802 FA),703,5.7998000000000000E+04,4.8381887945000003E+01,-7.3391549940000003E+00,2.3398455024726141E+00,9.7946448266798325E-01,-8.7263207391089914E-01,-7.1572053390151274E-03,6.7817442534829960E-03,-4.0862267210727953E-03 -2 Pallas (A802 FA),703,5.7999000000000000E+04,4.8517922265999999E+01,-7.5878104220000004E+00,2.3326682475591420E+00,9.8624105329351830E-01,-8.7671227400415630E-01,-7.1930694068447288E-03,6.7666584720761161E-03,-4.0727971394678682E-03 -2 Pallas (A802 FA),703,5.8000000000000000E+04,4.8648864216000000E+01,-7.8399867089999997E+00,2.3254551560441943E+00,9.9300242875878308E-01,-8.8077901939853265E-01,-7.2289207333251703E-03,6.7514272332584290E-03,-4.0592681583166137E-03 -2 Pallas (A802 FA),703,5.8001000000000000E+04,4.8774637243999997E+01,-8.0956450970000002E+00,2.3182062411696540E+00,9.9974846380720561E-01,-8.8483221078077845E-01,-7.2647585452335264E-03,6.7360500362412361E-03,-4.0456394979547419E-03 -2 Pallas (A802 FA),703,5.8002000000000000E+04,4.8895163592000003E+01,-8.3547435710000002E+00,2.3109215168407498E+00,1.0064790127375103E+00,-8.8887174859907225E-01,-7.3005820612696282E-03,6.7205263810889981E-03,-4.0319108797731871E-03 -2 Pallas (A802 FA),703,5.8003000000000000E+04,4.9010364047000003E+01,-8.6172366720000007E+00,2.3036009976527252E+00,1.0131939293685830E+00,-8.9289753308511521E-01,-7.3363904919948432E-03,6.7048557689271693E-03,-4.0180820262425256E-03 -2 Pallas (A802 FA),703,5.8004000000000000E+04,4.9120157792000001E+01,-8.8830752319999995E+00,2.2962446989415497E+00,1.0198930669817119E+00,-8.9690946427230889E-01,-7.3721830397958281E-03,6.6890377022132200E-03,-4.0041526609374978E-03 -2 Pallas (A802 FA),703,5.8005000000000000E+04,4.9224462428000002E+01,-9.1522059809999998E+00,2.2888526368547053E+00,1.0265762782478047E+00,-9.0090744200400730E-01,-7.4079588989306574E-03,6.6730716849731017E-03,-3.9901225085488502E-03 -2 Pallas (A802 FA),703,5.8006000000000000E+04,4.9323194237000003E+01,-9.4245710710000008E+00,2.2814248284312582E+00,1.0332434151545169E+00,-9.0489136592772834E-01,-7.4437172556175964E-03,6.6569572230659336E-03,-3.9759912948970581E-03 -2 Pallas (A802 FA),703,5.8007000000000000E+04,4.9416268705999997E+01,-9.7001075320000005E+00,2.2739612916754761E+00,1.0398943289496183E+00,-9.0886113547556968E-01,-7.4794572882007021E-03,6.6406938244176605E-03,-3.9617587469386577E-03 -2 Pallas (A802 FA),703,5.8008000000000000E+04,4.9503601279999998E+01,-9.9787467159999999E+00,2.2664620456126729E+00,1.0465288701103470E+00,-9.1281664983377930E-01,-7.5151781673843711E-03,6.6242809991932106E-03,-3.9474245927700862E-03 -2 Pallas (A802 FA),703,5.8009000000000000E+04,4.9585108277000003E+01,-1.0260413775000000E+01,2.2589271103202244E+00,1.0531468883429498E+00,-9.1675780790751282E-01,-7.5508790565209233E-03,6.6077182599033196E-03,-3.9329885616386619E-03 -2 Pallas (A802 FA),703,5.8010000000000000E+04,4.9660707903999999E+01,-1.0545027213999999E+01,2.2513565069354646E+00,1.0597482326064425E+00,-9.2068450828482018E-01,-7.5865591119225421E-03,6.5910051213900114E-03,-3.9184503839520667E-03 -2 Pallas (A802 FA),703,5.8011000000000000E+04,4.9730321279000002E+01,-1.0832498557999999E+01,2.2437502576431854E+00,1.0663327511572824E+00,-9.2459664920329399E-01,-7.6222174831664866E-03,6.5741411007229182E-03,-3.9038097913033044E-03 -2 Pallas (A802 FA),703,5.8012000000000000E+04,4.9793873410000003E+01,-1.1122732136000000E+01,2.2361083856461859E+00,1.0729002916088308E+00,-9.2849412852047986E-01,-7.6578533133430556E-03,6.5571257169818997E-03,-3.8890665165050619E-03 -2 Pallas (A802 FA),703,5.8013000000000000E+04,4.9851294058999997E+01,-1.1415625023000000E+01,2.2284309151192172E+00,1.0794507010054719E+00,-9.3237684369045692E-01,-7.6934657392275551E-03,6.5399584909640509E-03,-3.8742202936424010E-03 -2 Pallas (A802 FA),703,5.8014000000000000E+04,4.9902518405999999E+01,-1.1711067127000000E+01,2.2207178711470963E+00,1.0859838259065779E+00,-9.3624469175028735E-01,-7.7290538913332794E-03,6.5226389448365309E-03,-3.8592708581398519E-03 -2 Pallas (A802 FA),703,5.8015000000000000E+04,4.9947487477999999E+01,-1.2008941419999999E+01,2.2129692796535583E+00,1.0924995124715764E+00,-9.4009756932004795E-01,-7.7646168938520777E-03,6.5051666017655382E-03,-3.8442179468343397E-03 -2 Pallas (A802 FA),703,5.8016000000000000E+04,4.9986148284999999E+01,-1.2309124278000001E+01,2.2051851673312788E+00,1.0989976065322737E+00,-9.4393537261927030E-01,-7.8001538644605862E-03,6.4875409856283203E-03,-3.8290612980628235E-03 -2 Pallas (A802 FA),703,5.8017000000000000E+04,5.0018453692999998E+01,-1.2611485875000000E+01,2.1973655615895833E+00,1.1054779536373700E+00,-9.4775799749677503E-01,-7.8356639140527273E-03,6.4697616207670897E-03,-3.8138006517558997E-03 -2 Pallas (A802 FA),703,5.8018000000000000E+04,5.0044362112999998E+01,-1.2915890562000000E+01,2.1895104905290728E+00,1.1119403990623089E+00,-9.5156533946838562E-01,-7.8711461464023771E-03,6.4518280318342398E-03,-3.7984357495179670E-03 -2 Pallas (A802 FA),703,5.8019000000000000E+04,5.0063837106999998E+01,-1.3222197190999999E+01,2.1816199829494147E+00,1.1183847877863027E+00,-9.5535729375230749E-01,-7.9065996578032444E-03,6.4337397437634891E-03,-3.7829663347161441E-03 -2 Pallas (A802 FA),703,5.8020000000000000E+04,5.0076847018000002E+01,-1.3530259344999999E+01,2.1736940683810859E+00,1.1248109644494921E+00,-9.5913375529655354E-01,-7.9420235367167850E-03,6.4154962818276998E-03,-3.7673921525579589E-03 -2 Pallas (A802 FA),703,5.8021000000000000E+04,5.0083364713000002E+01,-1.3839925494999999E+01,2.1657327771302870E+00,1.1312187733052648E+00,-9.6289461879478433E-01,-7.9774168634652361E-03,6.3970971717473204E-03,-3.7517129501484993E-03 -2 Pallas (A802 FA),703,5.8022000000000000E+04,5.0083367443999997E+01,-1.4151039090999999E+01,2.1577361403264081E+00,1.1376080581789902E+00,-9.6663977869070605E-01,-8.0127787099622677E-03,6.3785419398985996E-03,-3.7359284765590755E-03 -2 Pallas (A802 FA),703,5.8023000000000000E+04,5.0076836849999999E+01,-1.4463438634999999E+01,2.1497041899611702E+00,1.1439786624413419E+00,-9.7036912917533602E-01,-8.0481081395073397E-03,6.3598301135331086E-03,-3.7200384828776855E-03 -2 Pallas (A802 FA),703,5.8024000000000000E+04,5.0063759032000000E+01,-1.4776957768000001E+01,2.1416369589167892E+00,1.1503304289973351E+00,-9.7408256418026651E-01,-8.0834042066413141E-03,6.3409612209883292E-03,-3.7040427222458003E-03 -2 Pallas (A802 FA),703,5.8025000000000000E+04,5.0044124672999999E+01,-1.5091425378000000E+01,2.1335344809809094E+00,1.1566632002904000E+00,-9.7777997737121070E-01,-8.1186659570414155E-03,6.3219347919499114E-03,-3.6879409499138683E-03 -2 Pallas (A802 FA),703,5.8026000000000000E+04,5.0017929141000003E+01,-1.5406665765000000E+01,2.1253967908500906E+00,1.1629768183167797E+00,-9.8146126214460039E-01,-8.1538924274650888E-03,6.3027503576405207E-03,-3.6717329232687878E-03 -2 Pallas (A802 FA),703,5.8027000000000000E+04,4.9985172532999997E+01,-1.5722498851999999E+01,2.1172239241236870E+00,1.1692711246465661E+00,-9.8512631163018283E-01,-8.1890826457188398E-03,6.2834074510357708E-03,-3.6554184018801322E-03 -2 Pallas (A802 FA),703,5.8028000000000000E+04,4.9945859630000001E+01,-1.6038740417000000E+01,2.1090159172918805E+00,1.1755459604445664E+00,-9.8877501870190887E-01,-8.2242356306511492E-03,6.2639056070485089E-03,-3.6389971475419701E-03 -2 Pallas (A802 FA),703,5.8029000000000000E+04,4.9899999739000002E+01,-1.6355202341999998E+01,2.1007728077290690E+00,1.1818011664786163E+00,-9.9240727599629808E-01,-8.2593503921425601E-03,6.2442443626694703E-03,-3.6224689243109258E-03 -2 Pallas (A802 FA),F51,5.7970000000000000E+04,4.2810042824000000E+01,-1.8734473220000001E+00,2.5262244197213155E+00,7.8412828263716317E-01,-7.5331857493912169E-01,-6.1507444194701302E-03,7.1471298668068515E-03,-4.4230602520180596E-03 -2 Pallas (A802 FA),F51,5.7971000000000000E+04,4.3057903732000000E+01,-2.0192003509999998E+00,2.5200533611261289E+00,7.9127311766426101E-01,-7.5773636428068625E-01,-6.1866809628284003E-03,7.1359130217042450E-03,-4.4122971483591331E-03 -2 Pallas (A802 FA),F51,5.7972000000000000E+04,4.3302785165000003E+01,-2.1684665820000002E+00,2.5138463616921993E+00,7.9840663547133128E-01,-7.6214335946945178E-01,-6.2226235200957009E-03,7.1245647598075293E-03,-4.4014427612541962E-03 -2 Pallas (A802 FA),F51,5.7973000000000000E+04,4.3544624001000003E+01,-2.3212708879999999E+00,2.5076034160915972E+00,8.0552870498186779E-01,-7.6653946935145933E-01,-6.2585715092309119E-03,7.1130845833333838E-03,-4.3904967954368256E-03 -2 Pallas (A802 FA),F51,5.7974000000000000E+04,4.3783354893999999E+01,-2.4776378220000002E+00,2.5013245194876830E+00,8.1263919470060009E-01,-7.7092460251702533E-01,-6.2945243421504808E-03,7.1014719939938324E-03,-4.3794589557892014E-03 -2 Pallas (A802 FA),F51,5.7975000000000000E+04,4.4018910050999999E+01,-2.6375915640000001E+00,2.4950096675629720E+00,8.1973797267889870E-01,-7.7529866731039365E-01,-6.3304814246581981E-03,7.0897264930266631E-03,-4.3683289473699623E-03 -2 Pallas (A802 FA),F51,5.7976000000000000E+04,4.4251219061999997E+01,-2.8011558089999999E+00,2.4886588565570253E+00,8.2682490646954365E-01,-7.7966157183933804E-01,-6.3664421564089500E-03,7.0778475812228250E-03,-4.3571064754416274E-03 -2 Pallas (A802 FA),F51,5.7977000000000000E+04,4.4480208820000001E+01,-2.9683536049999999E+00,2.4822720833144496E+00,8.3389986307337338E-01,-7.8401322398110795E-01,-6.4024059308620315E-03,7.0658347589529890E-03,-4.3457912454969456E-03 -2 Pallas (A802 FA),F51,5.7978000000000000E+04,4.4705803539000001E+01,-3.1392071360000000E+00,2.4758493453392725E+00,8.4096270888256397E-01,-7.8835353138345976E-01,-6.4383721352167210E-03,7.0536875261940383E-03,-4.3343829632863382E-03 -2 Pallas (A802 FA),F51,5.7979000000000000E+04,4.4927924906000001E+01,-3.3137374519999998E+00,2.4693906408495985E+00,8.4801330962731647E-01,-7.9268240146243518E-01,-6.4743401503811904E-03,7.0414053825586902E-03,-4.3228813348462833E-03 -2 Pallas (A802 FA),F51,5.7980000000000000E+04,4.5146492363999997E+01,-3.4919641549999998E+00,2.4628959688340579E+00,8.5505153032435899E-01,-7.9699974139474183E-01,-6.5103093509114203E-03,7.0289878273206933E-03,-4.3112860665280662E-03 -2 Pallas (A802 FA),F51,5.7981000000000000E+04,4.5361423535000000E+01,-3.6739050419999999E+00,2.4563653291073781E+00,8.6207723523115420E-01,-8.0130545810522280E-01,-6.5462791049661108E-03,7.0164343594425888E-03,-4.2995968650264664E-03 -2 Pallas (A802 FA),F51,5.7982000000000000E+04,4.5572634794999999E+01,-3.8595757279999998E+00,2.4497987223628388E+00,8.6909028780890507E-01,-8.0559945824670842E-01,-6.5822487742571659E-03,7.0037444776018080E-03,-4.2878134374089725E-03 -2 Pallas (A802 FA),F51,5.7983000000000000E+04,4.5780041979000003E+01,-4.0489892610000000E+00,2.4431961502121502E+00,8.7609055070591979E-01,-8.0988164817066310E-01,-6.6182177140002123E-03,6.9909176802165794E-03,-4.2759354911455156E-03 -2 Pallas (A802 FA),F51,5.7984000000000000E+04,4.5983561189000000E+01,-4.2421557830000003E+00,2.4365576151962536E+00,8.8307788577874313E-01,-8.1415193388987905E-01,-6.6541852728669859E-03,6.9779534654703266E-03,-4.2639627341377797E-03 -2 Pallas (A802 FA),F51,5.7985000000000000E+04,4.6183109584000000E+01,-4.4390822710000002E+00,2.4298831207502558E+00,8.9005215416541550E-01,-8.1841022103906846E-01,-6.6901507929389582E-03,6.9648513313345780E-03,-4.2518948747482391E-03 -2 Pallas (A802 FA),F51,5.7986000000000000E+04,4.6378606044000001E+01,-4.6397724100000000E+00,2.4231726711165971E+00,8.9701321640995058E-01,-8.2265641484393814E-01,-6.7261136096608831E-03,6.9516107755911005E-03,-4.2397316218293112E-03 -2 Pallas (A802 FA),F51,5.7987000000000000E+04,4.6569971549000002E+01,-4.8442266240000000E+00,2.4164262712216535E+00,9.0396093261325727E-01,-8.2689042010972214E-01,-6.7620730517888600E-03,6.9382312958521731E-03,-4.2274726847531859E-03 -2 Pallas (A802 FA),F51,5.7988000000000000E+04,4.6757129222000003E+01,-5.0524422240000000E+00,2.4096439265490197E+00,9.1089516257053016E-01,-8.3111214123491750E-01,-6.7980284413507053E-03,6.9247123895823173E-03,-4.2151177734412841E-03 -2 Pallas (A802 FA),F51,5.7989000000000000E+04,4.6940004041999998E+01,-5.2644136279999998E+00,2.4028256430488142E+00,9.1781576585456681E-01,-8.3532148224410019E-01,-6.8339790935719336E-03,6.9110535541191155E-03,-4.2026665983964486E-03 -2 Pallas (A802 FA),F51,5.7990000000000000E+04,4.7118522364000000E+01,-5.4801325759999999E+00,2.3959714271012689E+00,9.2472260183307353E-01,-8.3951834682964210E-01,-6.8699243168304398E-03,6.8972542866942380E-03,-4.1901188707348510E-03 -2 Pallas (A802 FA),F51,5.7991000000000000E+04,4.7292611372000003E+01,-5.6995882849999999E+00,2.3890812855354535E+00,9.3161552962862482E-01,-8.4370263838762094E-01,-6.9058634125761815E-03,6.8833140844596682E-03,-4.1774743022218912E-03 -2 Pallas (A802 FA),F51,5.7992000000000000E+04,4.7462198588000000E+01,-5.9227675110000000E+00,2.3821552256804579E+00,9.3849440805105755E-01,-8.4787426004224331E-01,-6.9417956752570453E-03,6.8692324445137950E-03,-4.1647326053075914E-03 -2 Pallas (A802 FA),F51,5.7993000000000000E+04,4.7627211522000003E+01,-6.1496545380000001E+00,2.3751932554276478E+00,9.4535909552722863E-01,-8.5203311465654485E-01,-6.9777203922342275E-03,6.8550088639318940E-03,-4.1518934931637757E-03 -2 Pallas (A802 FA),F51,5.7994000000000000E+04,4.7787577446000000E+01,-6.3802311039999999E+00,2.3681953832870528E+00,9.5220945004486046E-01,-8.5617910483226356E-01,-7.0136368436870787E-03,6.8406428398029157E-03,-4.1389566797232057E-03 -2 Pallas (A802 FA),F51,5.7995000000000000E+04,4.7943223283999998E+01,-6.6144762930000001E+00,2.3611616184280133E+00,9.5904532911817486E-01,-8.6031213290408148E-01,-7.0495443025128364E-03,6.8261338692723918E-03,-4.1259218797180053E-03 -2 Pallas (A802 FA),F51,5.7996000000000000E+04,4.8094075568000001E+01,-6.8523664240000004E+00,2.3540919707032799E+00,9.6586658977329476E-01,-8.6443210093157952E-01,-7.0854420342225562E-03,6.8114814495951487E-03,-4.1127888087192643E-03 -2 Pallas (A802 FA),F51,5.7997000000000000E+04,4.8240060413000002E+01,-7.0938749469999998E+00,2.3469864506574041E+00,9.7267308855080759E-01,-8.6853891069267064E-01,-7.1213292968162695E-03,6.7966850782034717E-03,-4.0995571831761281E-03 -2 Pallas (A802 FA),F51,5.7998000000000000E+04,4.8381103476000000E+01,-7.3389723560000002E+00,2.3398450695236157E+00,9.7946468151828880E-01,-8.7263246368019198E-01,-7.1572053406717597E-03,6.7817442527895542E-03,-4.0862267204549614E-03 -2 Pallas (A802 FA),F51,5.7999000000000000E+04,4.8517129863999997E+01,-7.5876261229999997E+00,2.3326678392123581E+00,9.8624122428899197E-01,-8.7671266110432788E-01,-7.1930694084191577E-03,6.7666584714104784E-03,-4.0727971388761349E-03 -2 Pallas (A802 FA),F51,5.8000000000000000E+04,4.8648063972000003E+01,-7.8398006400000000E+00,2.3254547722993304E+00,9.9300257203702880E-01,-8.8077940390066145E-01,-7.2289207348167671E-03,6.7514272326215253E-03,-4.0592681577516681E-03 -2 Pallas (A802 FA),F51,5.8001000000000000E+04,4.8773829253000002E+01,-8.0954571449999992E+00,2.3182058820171427E+00,9.9974857950406371E-01,-8.8483259274585058E-01,-7.2647585466416266E-03,6.7360500356340013E-03,-4.0456394974172872E-03 -2 Pallas (A802 FA),F51,5.8002000000000000E+04,4.8894347959000001E+01,-8.3545536170000005E+00,2.3109211822619331E+00,1.0064791009870833E+00,-8.8887212807774396E-01,-7.3005820625929958E-03,6.7205263805116093E-03,-4.0319108792635861E-03 -2 Pallas (A802 FA),F51,5.8003000000000000E+04,4.9009540884000003E+01,-8.6170445949999994E+00,2.3036006876201061E+00,1.0131939903032352E+00,-8.9289791011745268E-01,-7.3363904932341895E-03,6.7048557683820984E-03,-4.0180820257621477E-03 -2 Pallas (A802 FA),F51,5.8004000000000000E+04,4.9119327220000002E+01,-8.8828809030000002E+00,2.2962444134189992E+00,1.0198931007321175E+00,-8.9690983888754494E-01,-7.3721830409499449E-03,6.6890377017006404E-03,-4.0041526604867057E-03 -2 Pallas (A802 FA),F51,5.8005000000000000E+04,4.9223624575000002E+01,-9.1520092670000004E+00,2.2888523757977026E+00,1.0265762849429998E+00,-9.0090781422029143E-01,-7.4079588999990259E-03,6.6730716844939589E-03,-3.9901225081283393E-03 -2 Pallas (A802 FA),F51,5.8006000000000000E+04,4.9322349240999998E+01,-9.4243718360000006E+00,2.2814245917871174E+00,1.0332433949219786E+00,-9.0489173575188919E-01,-7.4437172565996407E-03,6.6569572226211991E-03,-3.9759912945075476E-03 -2 Pallas (A802 FA),F51,5.8007000000000000E+04,4.9415416714000003E+01,-9.6999056330000002E+00,2.2739610793835388E+00,1.0398942819153818E+00,-9.0886150290291245E-01,-7.4794572890952166E-03,6.6406938240075666E-03,-3.9617587465805423E-03 -2 Pallas (A802 FA),F51,5.8008000000000000E+04,4.9502742447000003E+01,-9.9785420059999996E+00,2.2664618576045124E+00,1.0465287963991288E+00,-9.1281701484789868E-01,-7.5151781681923619E-03,6.6242809988201565E-03,-3.9474245924446712E-03 -2 Pallas (A802 FA),F51,5.8009000000000000E+04,4.9584242770000003E+01,-1.0260206103000000E+01,2.2589269465198378E+00,1.0531467880782859E+00,-9.1675817048012787E-01,-7.5508790572411935E-03,6.6077182595675413E-03,-3.9329885613463523E-03 -2 Pallas (A802 FA),F51,5.8010000000000000E+04,4.9659835897999997E+01,-1.0544816423000000E+01,2.2513563672594072E+00,1.0597481059108997E+00,-9.2068486837566466E-01,-7.5865591125546849E-03,6.5910051210924785E-03,-3.9184503836935591E-03 -2 Pallas (A802 FA),F51,5.8011000000000000E+04,4.9729442960999997E+01,-1.0832284488000001E+01,2.2437501420007329E+00,1.0663325981526750E+00,-9.2459700676000700E-01,-7.6222174837093544E-03,6.5741411004639188E-03,-3.9038097910789969E-03 -2 Pallas (A802 FA),F51,5.8012000000000000E+04,4.9792988979000000E+01,-1.1122514621000001E+01,2.2361082939394907E+00,1.0729001124164577E+00,-9.2849448347851526E-01,-7.6578533137970310E-03,6.5571257167630591E-03,-3.8890665163159527E-03 -2 Pallas (A802 FA),F51,5.8013000000000000E+04,4.9850403722999999E+01,-1.1415403895000001E+01,2.2284308472434291E+00,1.0794504957464497E+00,-9.3237719597303059E-01,-7.6934657395939781E-03,6.5399584907875983E-03,-3.8742202934897124E-03 -2 Pallas (A802 FA),F51,5.8014000000000000E+04,4.9901622386000000E+01,-1.1710842211999999E+01,2.2207178269905521E+00,1.0859835947021366E+00,-9.3624504126830255E-01,-7.7290538916093832E-03,6.5226389447015191E-03,-3.8592708580234497E-03 -2 Pallas (A802 FA),F51,5.8015000000000000E+04,4.9946586005999997E+01,-1.2008712542000000E+01,2.2129692590979069E+00,1.0924992554434525E+00,-9.4009791597208114E-01,-7.7646168940376410E-03,6.5051666016729091E-03,-3.8442179467548937E-03 -2 Pallas (A802 FA),F51,5.8016000000000000E+04,4.9985241606000002E+01,-1.2308891256000001E+01,2.2051851702517080E+00,1.0989973238030637E+00,-9.4393571629153983E-01,-7.8001538645570117E-03,6.4875409855802684E-03,-3.8290612980215492E-03 -2 Pallas (A802 FA),F51,5.8017000000000000E+04,5.0017542065000001E+01,-1.2611248525000001E+01,2.1973655878549652E+00,1.1054776453309461E+00,-9.4775833806318921E-01,-7.8356639140581968E-03,6.4697616207633184E-03,-3.8138006517529186E-03 -2 Pallas (A802 FA),F51,5.8018000000000000E+04,5.0043445804999998E+01,-1.2915648698000000E+01,2.1895105400021997E+00,1.1119400653041880E+00,-9.5156567679059534E-01,-7.8711461463175595E-03,6.4518280318762895E-03,-3.7984357495542045E-03 -2 Pallas (A802 FA),F51,5.8019000000000000E+04,5.0062916401000003E+01,-1.3221950624000000E+01,2.1816200554871834E+00,1.1183844287040583E+00,-9.5535762767983934E-01,-7.9065996576298501E-03,6.4337397438533808E-03,-3.7829663347926992E-03 -2 Pallas (A802 FA),F51,5.8020000000000000E+04,5.0075922210999998E+01,-1.3530007885000000E+01,2.1736941638347500E+00,1.1248105801731070E+00,-9.5913408566694869E-01,-7.9420235364512648E-03,6.4154962819640803E-03,-3.7673921526744886E-03 -2 Pallas (A802 FA),F51,5.8021000000000000E+04,5.0082436112000003E+01,-1.3839668948000000E+01,2.1657328953457027E+00,1.1312183639674949E+00,-9.6289494543378606E-01,-7.9774168631093125E-03,6.3970971719322211E-03,-3.7517129503061119E-03 -2 Pallas (A802 FA),F51,5.8022000000000000E+04,5.0082435373000003E+01,-1.4150777263000000E+01,2.1577362811442571E+00,1.1376076239157435E+00,-9.6664010141248513E-01,-8.0127787095177986E-03,6.3785419401338906E-03,-3.7359284767588142E-03 -2 Pallas (A802 FA),F51,5.8023000000000000E+04,5.0075901645000002E+01,-1.4463171331000000E+01,2.1497043532172051E+00,1.1439782033920516E+00,-9.7036944778273815E-01,-8.0481081389707394E-03,6.3598301138176414E-03,-3.7200384831192644E-03 -2 Pallas (A802 FA),F51,5.8024000000000000E+04,5.0062821040999999E+01,-1.4776684791999999E+01,2.1416371444420674E+00,1.1503299453053395E+00,-9.7408287846509423E-01,-8.0834042060164459E-03,6.3409612213249297E-03,-3.7040427225306302E-03 -2 Pallas (A802 FA),F51,5.8025000000000000E+04,5.0043184259000000E+01,-1.5091146534000000E+01,2.1335346886020479E+00,1.1566626921033083E+00,-9.7778028711451526E-01,-8.1186659563256946E-03,6.3219347923378806E-03,-3.6879409502418598E-03 -2 Pallas (A802 FA),F51,5.8026000000000000E+04,5.0016986680000002E+01,-1.5406380859000000E+01,2.1253970203895234E+00,1.1629762857868373E+00,-9.8146156711700794E-01,-8.1538924266596428E-03,6.3027503580811977E-03,-3.6717329236407074E-03 -2 Pallas (A802 FA),F51,5.8027000000000000E+04,4.9984228416000001E+01,-1.5722207687999999E+01,2.1172241753998926E+00,1.1692705679310449E+00,-9.8512661159225390E-01,-8.1890826448258493E-03,6.2834074515308296E-03,-3.6554184022968765E-03 -2 Pallas (A802 FA),F51,5.8028000000000000E+04,4.9944914259999997E+01,-1.6038442804999999E+01,2.1090161901195992E+00,1.1755453797061426E+00,-9.8877531340452840E-01,-8.2242356296662461E-03,6.2639056075964594E-03,-3.6389971480030639E-03 -2 Pallas (A802 FA),F51,5.8029000000000000E+04,4.9899053533000000E+01,-1.6354898089999999E+01,2.1007731019195730E+00,1.1818005618857079E+00,-9.9240756518106032E-01,-8.2593503910699285E-03,6.2442443632728297E-03,-3.6224689248176077E-03 -2 Pallas (A802 FA),I11,5.7970000000000000E+04,4.2811159373999999E+01,-1.8726037609999999E+00,2.5262255521629164E+00,7.8412721969339472E-01,-7.5331796611047508E-01,-6.1507444159439803E-03,7.1471298679014299E-03,-4.4230602530695917E-03 -2 Pallas (A802 FA),I11,5.7971000000000000E+04,4.3059032336000001E+01,-2.0183512280000002E+00,2.5200544533956766E+00,7.9127210918992674E-01,-7.5773576682553290E-01,-6.1866809594522416E-03,7.1359130227643978E-03,-4.4122971493743201E-03 -2 Pallas (A802 FA),I11,5.7972000000000000E+04,4.3303925792000001E+01,-2.1676119080000000E+00,2.5138474134868325E+00,7.9840568105937992E-01,-7.6214277298288979E-01,-6.2226235168712195E-03,7.1245647608317048E-03,-4.4014427622318247E-03 -2 Pallas (A802 FA),I11,5.7973000000000000E+04,4.3545776615000001E+01,-2.3204106790000001E+00,2.5076044271282720E+00,8.0552780422383574E-01,-7.6653889343451087E-01,-6.2585715061606109E-03,7.1130845843215490E-03,-4.3904967963763241E-03 -2 Pallas (A802 FA),I11,5.7974000000000000E+04,4.3784519453999998E+01,-2.4767720990000002E+00,2.5013254895030861E+00,8.1263834718705685E-01,-7.7092403677717958E-01,-6.2945243392344696E-03,7.1014719949412386E-03,-4.3794589566879642E-03 -2 Pallas (A802 FA),I11,5.7975000000000000E+04,4.4020086509999999E+01,-2.6367203560000001E+00,2.4950105963133815E+00,8.1973717799989521E-01,-7.7529811136218085E-01,-6.3304814218989210E-03,7.0897264939332747E-03,-4.3683289482274049E-03 -2 Pallas (A802 FA),I11,5.7976000000000000E+04,4.4252407370999997E+01,-2.8002791490000001E+00,2.4886597438181446E+00,8.2682416421507676E-01,-7.7966102530493508E-01,-6.3664421538090193E-03,7.0778475820884772E-03,-4.3571064762571105E-03 -2 Pallas (A802 FA),I11,5.7977000000000000E+04,4.4481408921000003E+01,-2.9674715319999998E+00,2.4822729288812773E+00,8.3389917283378656E-01,-7.8401268649092726E-01,-6.4024059284213085E-03,7.0658347597729702E-03,-4.3457912462678550E-03 -2 Pallas (A802 FA),I11,5.7978000000000000E+04,4.4707015370000001E+01,-3.1383196970000000E+00,2.4758501490259350E+00,8.4096207024896519E-01,-7.8835300257675733E-01,-6.4383721329377280E-03,7.0536875269681509E-03,-4.3343829640120268E-03 -2 Pallas (A802 FA),I11,5.7979000000000000E+04,4.4929148398999999E+01,-3.3128446999999999E+00,2.4693914024892125E+00,8.4801272219196588E-01,-7.9268188098790759E-01,-6.4743401482655512E-03,7.0414053832852409E-03,-4.3228813355254249E-03 -2 Pallas (A802 FA),I11,5.7980000000000000E+04,4.5147727445999998E+01,-3.4910661510000001E+00,2.4628966882785939E+00,8.5505099368104909E-01,-7.9699922891110575E-01,-6.5103093489608001E-03,7.0289878279979102E-03,-4.3112860671593095E-03 -2 Pallas (A802 FA),I11,5.7981000000000000E+04,4.5362670125000001E+01,-3.6730018549999999E+00,2.4563660062275678E+00,8.6207674897554676E-01,-8.0130495328175777E-01,-6.5462791031821090E-03,7.0164343600687042E-03,-4.2995968656084514E-03 -2 Pallas (A802 FA),I11,5.7982000000000000E+04,4.5573892805000000E+01,-3.8586674329999999E+00,2.4497993570480725E+00,8.6908985153886975E-01,-8.0559896076379078E-01,-6.5822487726413508E-03,7.0037444781750465E-03,-4.2878134379403373E-03 -2 Pallas (A802 FA),I11,5.7983000000000000E+04,4.5781311315000004E+01,-4.0480759439999998E+00,2.4431967423704029E+00,8.7609016402184314E-01,-8.0988115772028602E-01,-6.6182177125541468E-03,6.9909176807351299E-03,-4.2759354916248752E-03 -2 Pallas (A802 FA),I11,5.7984000000000000E+04,4.5984841748000001E+01,-4.2412375359999999E+00,2.4365581647540653E+00,8.8307754828374896E-01,-8.1415145017616120E-01,-6.6541852715922122E-03,6.9779534659323459E-03,-4.2639627345637402E-03 -2 Pallas (A802 FA),I11,5.7985000000000000E+04,4.6184401256000001E+01,-4.4381591960000000E+00,2.4298836276526599E+00,8.9005186546558279E-01,-8.1840974377880438E-01,-6.6901507918370167E-03,6.9648513317382066E-03,-4.2518948751193867E-03 -2 Pallas (A802 FA),I11,5.7986000000000000E+04,4.6379908710999999E+01,-4.6388446190000003E+00,2.4231731353270938E+00,8.9701297611442965E-01,-8.2265594376716877E-01,-6.7261136087333594E-03,6.9516107759344569E-03,-4.2397316221442077E-03 -2 Pallas (A802 FA),I11,5.7987000000000000E+04,4.6571285082999999E+01,-4.8432942380000004E+00,2.4164266927221725E+00,9.0396074033430540E-01,-8.2688995496031514E-01,-6.7620730510383198E-03,6.9382312961347326E-03,-4.2274726850110066E-03 -2 Pallas (A802 FA),I11,5.7988000000000000E+04,4.6758453486000001E+01,-5.0515053730000004E+00,2.4096443053397616E+00,9.1089501792359973E-01,-8.3111168177120498E-01,-6.7980284407762534E-03,6.9247123897994787E-03,-4.2151177736394242E-03 -2 Pallas (A802 FA),I11,5.7989000000000000E+04,4.6941338891000001E+01,-5.2634724530000003E+00,2.4028259791481426E+00,9.1781566845829876E-01,-8.3532102823943921E-01,-6.8339790931761860E-03,6.9110535542702776E-03,-4.2026665985340295E-03 -2 Pallas (A802 FA),I11,5.7990000000000000E+04,4.7119867642999999E+01,-5.4791872279999998E+00,2.3959717205455191E+00,9.2472255130932512E-01,-8.3951789807293831E-01,-6.8699243166147981E-03,6.8972542867774614E-03,-4.1901188708104130E-03 -2 Pallas (A802 FA),I11,5.7991000000000000E+04,4.7293966912999998E+01,-5.6986389239999999E+00,2.3890815363786930E+00,9.3161552560252314E-01,-8.4370219468380181E-01,-6.9058634125419849E-03,6.8833140844730047E-03,-4.1774743022339657E-03 -2 Pallas (A802 FA),I11,5.7992000000000000E+04,4.7463564214999998E+01,-5.9218143090000002E+00,2.3821554339942019E+00,9.3849445015107091E-01,-8.4787382121268862E-01,-6.9417956754055741E-03,6.8692324444552845E-03,-4.1647326052547213E-03 -2 Pallas (A802 FA),I11,5.7993000000000000E+04,4.7628587048000000E+01,-6.1486976789999996E+00,2.3751934213005397E+00,9.4535918338524616E-01,-8.5203268053948977E-01,-6.9777203925667783E-03,6.8550088637995433E-03,-4.1518934930444840E-03 -2 Pallas (A802 FA),I11,5.7994000000000000E+04,4.7788962673000000E+01,-6.3792707819999999E+00,2.3681955068245579E+00,9.5220958329622918E-01,-8.5617867528315894E-01,-7.0136368442048607E-03,6.8406428395947350E-03,-4.1389566795360100E-03 -2 Pallas (A802 FA),I11,5.7995000000000000E+04,4.7944618001999999E+01,-6.6135127120000003E+00,2.3611616997520746E+00,9.5904550740174366E-01,-8.6031170779595756E-01,-7.0495443032184404E-03,6.8261338689875415E-03,-4.1259218794619202E-03 -2 Pallas (A802 FA),I11,5.7996000000000000E+04,4.8095479554000001E+01,-6.8513998010000003E+00,2.3540920099519802E+00,9.6586681273140074E-01,-8.6443168015537653E-01,-7.0854420351143385E-03,6.8114814492292661E-03,-4.1127888083918014E-03 -2 Pallas (A802 FA),I11,5.7997000000000000E+04,4.8241473434000000E+01,-7.0929055099999996E+00,2.3469864479846163E+00,9.7267335582925996E-01,-8.6853849415756323E-01,-7.1213292978966900E-03,6.7966850777557257E-03,-4.0995571827763012E-03 -2 Pallas (A802 FA),I11,5.7998000000000000E+04,4.8382525286000003E+01,-7.3380003450000002E+00,2.3398450250986254E+00,9.7946499276633014E-01,-8.7263205131389687E-01,-7.1572053419418592E-03,6.7817442522579152E-03,-4.0862267199812856E-03 -2 Pallas (A802 FA),I11,5.7999000000000000E+04,4.8518560203000000E+01,-7.5866517910000004E+00,2.3326677532194866E+00,9.8624157915923261E-01,-8.7671225285338827E-01,-7.1930694098799207E-03,6.7666584707929064E-03,-4.0727971383271219E-03 -2 Pallas (A802 FA),I11,5.8000000000000000E+04,4.8649502566000002E+01,-7.8388242490000000E+00,2.3254546449375706E+00,9.9300297018533490E-01,-8.8077899973070395E-01,-7.2289207364690643E-03,6.7514272319160080E-03,-4.0592681571258501E-03 -2 Pallas (A802 FA),I11,5.8001000000000000E+04,4.8775275817000001E+01,-8.0944789719999992E+00,2.3182057134997280E+00,9.9974902058948256E-01,-8.8483219264185664E-01,-7.2647585484863931E-03,6.7360500348384658E-03,-4.0456394967131630E-03 -2 Pallas (A802 FA),I11,5.8002000000000000E+04,4.8895802189999998E+01,-8.3535739489999994E+00,2.3109209728159481E+00,1.0064795846716930E+00,-8.8887173204427561E-01,-7.3005820646325319E-03,6.7205263796250442E-03,-4.0319108784801225E-03 -2 Pallas (A802 FA),I11,5.8003000000000000E+04,4.9011002468000001E+01,-8.6160637320000006E+00,2.3036004374860228E+00,1.0131945162520166E+00,-8.9289751817891416E-01,-7.3363904954662010E-03,6.7048557674004514E-03,-4.0180820248970047E-03 -2 Pallas (A802 FA),I11,5.8004000000000000E+04,4.9120795825999998E+01,-8.8818991569999994E+00,2.2962441228502328E+00,1.0198936686127869E+00,-8.9690945108843678E-01,-7.3721830433765732E-03,6.6890377006229088E-03,-4.0041526595388770E-03 -2 Pallas (A802 FA),I11,5.8005000000000000E+04,4.9225099856000000E+01,-9.1510269619999995E+00,2.2888520450601355E+00,1.0265768944258253E+00,-9.0090743062546941E-01,-7.4079589026209052E-03,6.6730716833180905E-03,-3.9901225070963610E-03 -2 Pallas (A802 FA),I11,5.8006000000000000E+04,4.9323830835000003E+01,-9.4233893070000008E+00,2.2814242211586615E+00,1.0332440456795264E+00,-9.0489135644678609E-01,-7.4437172594173460E-03,6.6569572213451503E-03,-3.9759912933899650E-03 -2 Pallas (A802 FA),I11,5.8007000000000000E+04,4.9416904242000001E+01,-9.6989232280000000E+00,2.2739606691536887E+00,1.0398949736222454E+00,-9.0886112799373520E-01,-7.4794572921108009E-03,6.6406938226302517E-03,-3.9617587453763155E-03 -2 Pallas (A802 FA),I11,5.8008000000000000E+04,4.9504235514000001E+01,-9.9775600850000004E+00,2.2664614080739218E+00,1.0465295287316077E+00,-9.1281664446176825E-01,-7.5151781714029413E-03,6.6242809973377902E-03,-3.9474245911516352E-03 -2 Pallas (A802 FA),I11,5.8009000000000000E+04,4.9585740962000003E+01,-1.0259225036000000E+01,2.2589264579998831E+00,1.0531475607140408E+00,-9.1675780476517155E-01,-7.5508790606487273E-03,6.6077182579790186E-03,-3.9329885599634733E-03 -2 Pallas (A802 FA),I11,5.8010000000000000E+04,4.9661338784999998E+01,-1.0543836595000000E+01,2.2513558400718461E+00,1.0597489185284883E+00,-9.2068450750100084E-01,-7.5865591161593804E-03,6.5910051193958114E-03,-3.9184503822194605E-03 -2 Pallas (A802 FA),I11,5.8011000000000000E+04,4.9730950092000000E+01,-1.0831306291000001E+01,2.2437495764773123E+00,1.0663334504310846E+00,-9.2459665091570364E-01,-7.6222174875130184E-03,6.5741410986579606E-03,-3.9038097895126591E-03 -2 Pallas (A802 FA),I11,5.8012000000000000E+04,4.9794499885000000E+01,-1.1121538461000000E+01,2.2361076904215911E+00,1.0729010040345448E+00,-9.2849413287548799E-01,-7.6578533177980510E-03,6.5571257148450707E-03,-3.8890665146556849E-03 -2 Pallas (A802 FA),I11,5.8013000000000000E+04,4.9851917917000002E+01,-1.1414430186000001E+01,2.2284302060817307E+00,1.0794514263822885E+00,-9.3237685084288668E-01,-7.6934657437888439E-03,6.5399584887542109E-03,-3.8742202917335898E-03 -2 Pallas (A802 FA),I11,5.8014000000000000E+04,4.9903139359999997E+01,-1.1709871379999999E+01,2.2207171485446451E+00,1.0859845640323584E+00,-9.3624470186317188E-01,-7.7290538960031159E-03,6.5226389425530606E-03,-3.8592708561711224E-03 -2 Pallas (A802 FA),I11,5.8015000000000000E+04,4.9948105233000000E+01,-1.2007745020000000E+01,2.2129685437359630E+00,1.0925002631424643E+00,-9.4009758256438225E-01,-7.7646168986300673E-03,6.5051665994074505E-03,-3.8442179448050580E-03 -2 Pallas (A802 FA),I11,5.8016000000000000E+04,4.9986762538000001E+01,-1.2307927488000001E+01,2.2051844183501501E+00,1.0989983695422305E+00,-9.4393538917369046E-01,-7.8001538693441980E-03,6.4875409831946923E-03,-3.8290612959724448E-03 -2 Pallas (A802 FA),I11,5.8017000000000000E+04,5.0019064131999997E+01,-1.2610288961000000E+01,2.1973647997980281E+00,1.1054787287778542E+00,-9.4775801754731093E-01,-7.8356639190432127E-03,6.4697616182571391E-03,-3.8138006496039028E-03 -2 Pallas (A802 FA),I11,5.8018000000000000E+04,5.0044968419999996E+01,-1.2914693795000000E+01,2.1895097161816031E+00,1.1119411861218180E+00,-9.5156536320809049E-01,-7.8711461514981533E-03,6.4518280292470819E-03,-3.7984357473038154E-03 -2 Pallas (A802 FA),I11,5.8019000000000000E+04,5.0064438955000000E+01,-1.3221000845000001E+01,2.1816191963017637E+00,1.1183855865500134E+00,-9.5535732138091201E-01,-7.9065996630017423E-03,6.4337397410983120E-03,-3.7829663324393447E-03 -2 Pallas (A802 FA),I11,5.8020000000000000E+04,5.0077444073000002E+01,-1.3529063699000000E+01,2.1736932696900482E+00,1.1248117746989093E+00,-9.5913378702008056E-01,-7.9420235420207194E-03,6.4154962790838287E-03,-3.7673921502181062E-03 -2 Pallas (A802 FA),I11,5.8021000000000000E+04,5.0083956632000003E+01,-1.3838730826999999E+01,2.1657319666535249E+00,1.1312195948179200E+00,-9.6289465482515746E-01,-7.9774168688718956E-03,6.3970971689240198E-03,-3.7517129477451635E-03 -2 Pallas (A802 FA),I11,5.8022000000000000E+04,5.0083953880000003E+01,-1.4149845682000000E+01,2.1577353183223220E+00,1.1376088907281132E+00,-9.6663981924531450E-01,-8.0127787154688178E-03,6.3785419369952624E-03,-3.7359284740919279E-03 -2 Pallas (A802 FA),I11,5.8023000000000000E+04,5.0077417447000002E+01,-1.4462246768000000E+01,2.1497033566886961E+00,1.1439795057956148E+00,-9.7036917447661308E-01,-8.0481081451163946E-03,6.3598301105489505E-03,-3.7200384803462807E-03 -2 Pallas (A802 FA),I11,5.8024000000000000E+04,5.0064333427000001E+01,-1.4775767724000000E+01,2.1416361146353204E+00,1.1503312829205514E+00,-9.7408261445520250E-01,-8.0834042123480217E-03,6.3409612179230086E-03,-3.7040427196499593E-03 -2 Pallas (A802 FA),I11,5.8025000000000000E+04,5.0044692497000000E+01,-1.5090237439999999E+01,2.1335336259500650E+00,1.1566640645412685E+00,-9.7778003285091752E-01,-8.1186659628472834E-03,6.3219347888026790E-03,-3.6879409472532231E-03 -2 Pallas (A802 FA),I11,5.8026000000000000E+04,5.0018490018999998E+01,-1.5405480214000001E+01,2.1253959253296024E+00,1.1629776926486477E+00,-9.8146132306381684E-01,-8.1538924333679503E-03,6.3027503544109409E-03,-3.6717329205431192E-03 -2 Pallas (A802 FA),I11,5.8027000000000000E+04,4.9985726085000003E+01,-1.5721315966000001E+01,2.1172230483732801E+00,1.1692720088071742E+00,-9.8512637822677074E-01,-8.1890826517155117E-03,6.2834074477235886E-03,-3.6554183990893459E-03 -2 Pallas (A802 FA),I11,5.8028000000000000E+04,4.9946405470000002E+01,-1.6037560472999999E+01,2.1090150315711345E+00,1.1755468541758427E+00,-9.8877509121634910E-01,-8.2242356367446274E-03,6.2639056036528223E-03,-3.6389971446856811E-03 -2 Pallas (A802 FA),I11,5.8029000000000000E+04,4.9900537473999997E+01,-1.6354025613000001E+01,2.1007719122972888E+00,1.1818020695164946E+00,-9.9240735467117558E-01,-8.2593503983277965E-03,6.2442443591903280E-03,-3.6224689213891887E-03 -2 Pallas (A802 FA),I41,5.7970000000000000E+04,4.2810513960000002E+01,-1.8736256480000000E+00,2.5262253843692291E+00,7.8412735350507423E-01,-7.5331810797438625E-01,-6.1507444162034290E-03,7.1471298678208927E-03,-4.4230602529922213E-03 -2 Pallas (A802 FA),I41,5.7971000000000000E+04,4.3058382272999999E+01,-2.0193790229999999E+00,2.5200543081884805E+00,7.9127221646320534E-01,-7.5773590392621026E-01,-6.1866809596123618E-03,7.1359130227141186E-03,-4.4122971493261729E-03 -2 Pallas (A802 FA),I41,5.7972000000000000E+04,4.3303271135999999E+01,-2.1686456150000000E+00,2.5138472909080494E+00,7.9840576208234515E-01,-7.6214290552864594E-01,-6.2226235169310397E-03,7.1245647608127018E-03,-4.4014427622136847E-03 -2 Pallas (A802 FA),I41,5.7973000000000000E+04,4.3545117423999997E+01,-2.3214502939999999E+00,2.5076043272090458E+00,8.0552785928374637E-01,-7.6653902162839527E-01,-6.2585715061185196E-03,7.1130845843341397E-03,-4.3904967963886822E-03 -2 Pallas (A802 FA),I41,5.7974000000000000E+04,4.3783855789999997E+01,-2.4778176180000000E+00,2.5013254122638910E+00,8.1263837657012672E-01,-7.7092416081671722E-01,-6.2945243390907981E-03,7.1014719949879235E-03,-4.3794589567322456E-03 -2 Pallas (A802 FA),I41,5.7975000000000000E+04,4.4019418440000003E+01,-2.6377717690000000E+00,2.4950105417641568E+00,8.1973718199107881E-01,-7.7529823143909782E-01,-6.3304814216520785E-03,7.0897264940143782E-03,-4.3683289483041109E-03 -2 Pallas (A802 FA),I41,5.7976000000000000E+04,4.4251734960999997E+01,-2.8013364420000002E+00,2.4886597119584470E+00,8.2682414309783814E-01,-7.7966114160486033E-01,-6.3664421534573301E-03,7.0778475822044053E-03,-4.3571064763667762E-03 -2 Pallas (A802 FA),I41,5.7977000000000000E+04,4.4480732244999999E+01,-2.9685346870000000E+00,2.4822729197004119E+00,8.3389912688990697E-01,-7.8401279919310407E-01,-6.4024059279652497E-03,7.0658347599261819E-03,-4.3457912464119029E-03 -2 Pallas (A802 FA),I41,5.7978000000000000E+04,4.4706334501999997E+01,-3.1393886910000002E+00,2.4758501625031024E+00,8.4096199975835040E-01,-7.8835311185374535E-01,-6.4383721323757210E-03,7.0536875271590624E-03,-4.3343829641909904E-03 -2 Pallas (A802 FA),I41,5.7979000000000000E+04,4.4928463420000000E+01,-3.3139195060000000E+00,2.4693914385936617E+00,8.4801262743245909E-01,-7.9268198700527792E-01,-6.4743401475966505E-03,7.0414053835149452E-03,-4.3228813357401481E-03 -2 Pallas (A802 FA),I41,5.7980000000000000E+04,4.5147038438999999E+01,-3.4921467360000000E+00,2.4628967469697702E+00,8.5505087492825427E-01,-7.9699933182715366E-01,-6.5103093481840880E-03,7.0289878282675765E-03,-4.3112860674106640E-03 -2 Pallas (A802 FA),I41,5.7981000000000000E+04,4.5361977177999997E+01,-3.6740881810000001E+00,2.4563660874552209E+00,8.6207660650270501E-01,-8.0130505324724888E-01,-6.5462791022967304E-03,7.0164343603794400E-03,-4.2995968658972820E-03 -2 Pallas (A802 FA),I41,5.7982000000000000E+04,4.5573196009000000E+01,-3.8597594570000000E+00,2.4497994607524287E+00,8.6908968561667854E-01,-8.0559905792168462E-01,-6.5822487716464140E-03,7.0037444785280159E-03,-4.2878134382675235E-03 -2 Pallas (A802 FA),I41,5.7983000000000000E+04,4.5780610766999999E+01,-4.0491736160000000E+00,2.4431968684822678E+00,8.7608997491836726E-01,-8.0988125220551743E-01,-6.6182177114488139E-03,6.9909176811314838E-03,-4.2759354919912817E-03 -2 Pallas (A802 FA),I41,5.7984000000000000E+04,4.5984137549000003E+01,-4.2423408010000001E+00,2.4365583131949400E+00,8.8307733626433538E-01,-8.1415154211540808E-01,-6.6541852703756402E-03,6.9779534663732719E-03,-4.2639627349702544E-03 -2 Pallas (A802 FA),I41,5.7985000000000000E+04,4.6183693511999998E+01,-4.4392679920000004E+00,2.4298837983348687E+00,8.9005163079280791E-01,-8.1840983329026229E-01,-6.6901507905083903E-03,6.9648513322248780E-03,-4.2518948755668933E-03 -2 Pallas (A802 FA),I41,5.7986000000000000E+04,4.6379197533000003E+01,-4.6399588789999999E+00,2.4231733281538994E+00,8.9701271904810331E-01,-8.2265603096031736E-01,-6.7261136072918528E-03,6.9516107764680743E-03,-4.2397316226335992E-03 -2 Pallas (A802 FA),I41,5.7987000000000000E+04,4.6570570588000002E+01,-4.8444138870000000E+00,2.4164269075878897E+00,9.0396046113152029E-01,-8.2689003993568000E-01,-6.7620730494823422E-03,6.9382312967159378E-03,-4.2274726855429405E-03 -2 Pallas (A802 FA),I41,5.7988000000000000E+04,4.6757735795000002E+01,-5.0526303300000004E+00,2.4096445421298887E+00,9.1089471683880097E-01,-8.3111176462011360E-01,-6.7980284391067087E-03,6.9247123904305910E-03,-4.2151177742152770E-03 -2 Pallas (A802 FA),I41,5.7989000000000000E+04,4.6940618131000001E+01,-5.2646026289999996E+00,2.4028262377394971E+00,9.1781534574338020E-01,-8.3532110904379864E-01,-6.8339790913915215E-03,6.9110535549519632E-03,-4.2026665991544594E-03 -2 Pallas (A802 FA),I41,5.7990000000000000E+04,4.7119143948000001E+01,-5.4803225270000002E+00,2.3959720008063989E+00,9.2472220721370246E-01,-8.3951797690503294E-01,-6.8699243147142923E-03,6.8972542875109493E-03,-4.1901188714763326E-03 -2 Pallas (A802 FA),I41,5.7991000000000000E+04,4.7293240421999997E+01,-5.6997792440000001E+00,2.3890818381690506E+00,9.3161516037320746E-01,-8.4370227160612532E-01,-6.9058634105249577E-03,6.8833140852595214E-03,-4.1774743029462848E-03 -2 Pallas (A802 FA),I41,5.7992000000000000E+04,4.7462835073000001E+01,-5.9229595410000000E+00,2.3821557571658443E+00,9.3849406403271241E-01,-8.4787389627779153E-01,-6.9417956732714080E-03,6.8692324452960564E-03,-4.1647326060143420E-03 -2 Pallas (A802 FA),I41,5.7993000000000000E+04,4.7627855406999998E+01,-6.1498477050000000E+00,2.3751937656973467E+00,9.4535877662017054E-01,-8.5203275378985122E-01,-6.9777203903148219E-03,6.8550088646958281E-03,-4.1518934938523143E-03 -2 Pallas (A802 FA),I41,5.7994000000000000E+04,4.7788228689999997E+01,-6.3804254770000002E+00,2.3681958722826888E+00,9.5220915612449164E-01,-8.5617874675108019E-01,-7.0136368418345441E-03,6.8406428405477660E-03,-4.1389566803929599E-03 -2 Pallas (A802 FA),I41,5.7995000000000000E+04,4.7943881841000000E+01,-6.6146719450000004E+00,2.3611620861001823E+00,9.5904506006118573E-01,-8.6031177750346022E-01,-7.0495443007283116E-03,6.8261338699981307E-03,-4.1259218803687096E-03 -2 Pallas (A802 FA),I41,5.7996000000000000E+04,4.8094741386999999E+01,-6.8525634310000001E+00,2.3540924170114459E+00,9.6586634545771821E-01,-8.6443174811411438E-01,-7.0854420325056934E-03,6.8114814502995367E-03,-4.1127888093497071E-03 -2 Pallas (A802 FA),I41,5.7997000000000000E+04,4.8240733437999999E+01,-7.0940733880000000E+00,2.3469868755697600E+00,9.7267286885608628E-01,-8.6853856036874688E-01,-7.1213292951681703E-03,6.7966850788864722E-03,-4.0995571837860335E-03 -2 Pallas (A802 FA),I41,5.7998000000000000E+04,4.8381783644999999E+01,-7.3391723160000000E+00,2.3398454730169411E+00,9.7946448632532790E-01,-8.7263211576822752E-01,-7.1572053390930425E-03,6.7817442534503884E-03,-4.0862267210437370E-03 -2 Pallas (A802 FA),I41,5.7999000000000000E+04,4.8517817110000003E+01,-7.5878276910000002E+00,2.3326682212718834E+00,9.8624105348018642E-01,-8.7671231553100182E-01,-7.1930694069103837E-03,6.7666584720483501E-03,-4.0727971394431944E-03 -2 Pallas (A802 FA),I41,5.8000000000000000E+04,4.8648758219999998E+01,-7.8400039069999998E+00,2.3254551329185897E+00,9.9300242549628270E-01,-8.8077906060113920E-01,-7.2289207333784784E-03,6.7514272332356694E-03,-4.0592681582964241E-03 -2 Pallas (A802 FA),I41,5.8001000000000000E+04,4.8774530423000002E+01,-8.0956622070000002E+00,2.3182062211977885E+00,9.9974845711681604E-01,-8.8483225166401669E-01,-7.2647585452744216E-03,6.7360500362235974E-03,-4.0456394979391302E-03 -2 Pallas (A802 FA),I41,5.8002000000000000E+04,4.8895055964000001E+01,-8.3547605740000002E+00,2.3109215000135892E+00,1.0064790026402815E+00,-8.8887178916640797E-01,-7.3005820612979718E-03,6.7205263810765168E-03,-4.0319108797622072E-03 -2 Pallas (A802 FA),I41,5.8003000000000000E+04,4.9010255632000003E+01,-8.6172535509999992E+00,2.3036009839601568E+00,1.0131939158853367E+00,-8.9289757333858244E-01,-7.3363904920107359E-03,6.7048557689201854E-03,-4.0180820262363673E-03 -2 Pallas (A802 FA),I41,5.8004000000000000E+04,4.9120048609000001E+01,-8.8830919660000003E+00,2.2962446883724001E+00,1.0198930501330619E+00,-8.9690950421248727E-01,-7.3721830397991128E-03,6.6890377022117680E-03,-4.0041526609362142E-03 -2 Pallas (A802 FA),I41,5.8005000000000000E+04,4.9224352498000002E+01,-9.1522225499999994E+00,2.2888526293967795E+00,1.0265762580541615E+00,-9.0090748162999434E-01,-7.4079588989212934E-03,6.6730716849772980E-03,-3.9901225085525382E-03 -2 Pallas (A802 FA),I41,5.8006000000000000E+04,4.9323083582000002E+01,-9.4245874539999992E+00,2.2814248240713670E+00,1.0332433916361010E+00,-9.0489140523711531E-01,-7.4437172555955203E-03,6.6569572230759273E-03,-3.9759912949058158E-03 -2 Pallas (A802 FA),I41,5.8007000000000000E+04,4.9416157349999999E+01,-9.7001237079999996E+00,2.2739612903994777E+00,1.0398943021264699E+00,-9.0886117446441350E-01,-7.4794572881657266E-03,6.6406938244335106E-03,-3.9617587469525624E-03 -2 Pallas (A802 FA),I41,5.8008000000000000E+04,4.9503489246999997E+01,-9.9787626609999993E+00,2.2664620474054789E+00,1.0465288400023685E+00,-9.1281668849659847E-01,-7.5151781673366827E-03,6.6242809992152398E-03,-3.9474245927892905E-03 -2 Pallas (A802 FA),I41,5.8009000000000000E+04,4.9584995593000002E+01,-1.0260429466000000E+01,2.2589271151658474E+00,1.0531468549699043E+00,-9.1675784623726053E-01,-7.5508790564603823E-03,6.6077182599315488E-03,-3.9329885616632343E-03 -2 Pallas (A802 FA),I41,5.8010000000000000E+04,4.9660594596000003E+01,-1.0545042627999999E+01,2.2513565148170298E+00,1.0597481959879986E+00,-9.2068454627288387E-01,-7.5865591118491216E-03,6.5910051214245705E-03,-3.9184503839820913E-03 -2 Pallas (A802 FA),I41,5.8011000000000000E+04,4.9730207374999999E+01,-1.0832513669000001E+01,2.2437502685429642E+00,1.0663327113130363E+00,-9.2459668683948215E-01,-7.6222174830800236E-03,6.5741411007638906E-03,-3.9038097913388550E-03 -2 Pallas (A802 FA),I41,5.8012000000000000E+04,4.9793758941999997E+01,-1.1122746920000001E+01,2.2361083995456061E+00,1.0729002485583490E+00,-9.2849416579302613E-01,-7.6578533132436516E-03,6.5571257170294606E-03,-3.8890665165462576E-03 -2 Pallas (A802 FA),I41,5.8013000000000000E+04,4.9851179055999999E+01,-1.1415639454000001E+01,2.2284309319988962E+00,1.0794506547683349E+00,-9.3237688058601764E-01,-7.6934657391154312E-03,6.5399584910184883E-03,-3.8742202936893921E-03 -2 Pallas (A802 FA),I41,5.8014000000000000E+04,4.9902402903000002E+01,-1.1711081178000001E+01,2.2207178909868803E+00,1.0859837765024061E+00,-9.3624472825393212E-01,-7.7290538912079760E-03,6.5226389448978100E-03,-3.8592708581926772E-03 -2 Pallas (A802 FA),I41,5.8015000000000000E+04,4.9947371509000000E+01,-1.2008955063000000E+01,2.2129693024324713E+00,1.0924994599201439E+00,-9.4009760541530496E-01,-7.7646168937137456E-03,6.5051666018337024E-03,-3.8442179468930232E-03 -2 Pallas (A802 FA),I41,5.8016000000000000E+04,4.9986031885999999E+01,-1.2309137485999999E+01,2.2051851930276598E+00,1.0989975508534762E+00,-9.4393540828807676E-01,-7.8001538643093565E-03,6.4875409857036801E-03,-3.8290612981275534E-03 -2 Pallas (A802 FA),I41,5.8017000000000000E+04,5.0018336900999998E+01,-1.2611498620000001E+01,2.1973655901810458E+00,1.1054778948513300E+00,-9.4775803271952708E-01,-7.8356639138883188E-03,6.4697616208496695E-03,-3.8138006518267310E-03 -2 Pallas (A802 FA),I41,5.8018000000000000E+04,5.0044244968000001E+01,-1.2915902815999999E+01,2.1895105219925073E+00,1.1119403371894474E+00,-9.5156537422396337E-01,-7.8711461462249999E-03,6.4518280319241818E-03,-3.7984357495949722E-03 -2 Pallas (A802 FA),I41,5.8019000000000000E+04,5.0063719650000003E+01,-1.3222208924000000E+01,2.1816200172610696E+00,1.1183847228473551E+00,-9.5535732801807749E-01,-7.9065996576131690E-03,6.4337397438610396E-03,-3.7829663347994581E-03 -2 Pallas (A802 FA),I41,5.8020000000000000E+04,5.0076729290999999E+01,-1.3530270528999999E+01,2.1736941055165802E+00,1.1248108964655716E+00,-9.5913378904840640E-01,-7.9420235365135466E-03,6.4154962819327407E-03,-3.7673921526475539E-03 -2 Pallas (A802 FA),I41,5.8021000000000000E+04,5.0083246760000002E+01,-1.3839936099000001E+01,2.1657328170646410E+00,1.1312187022979125E+00,-9.6289465200716617E-01,-7.9774168632491069E-03,6.3970971718600809E-03,-3.7517129502445097E-03 -2 Pallas (A802 FA),I41,5.8022000000000000E+04,5.0083249311000003E+01,-1.4151049086000000E+01,2.1577361830340873E+00,1.1376079841702094E+00,-9.6663981133665045E-01,-8.0127787097334681E-03,6.3785419400193191E-03,-3.7359284766616502E-03 -2 Pallas (A802 FA),I41,5.8023000000000000E+04,5.0076718585000002E+01,-1.4463447992000001E+01,2.1497042354160580E+00,1.1439785854537010E+00,-9.7036916122653261E-01,-8.0481081392655210E-03,6.3598301136616603E-03,-3.7200384829867567E-03 -2 Pallas (A802 FA),I41,5.8024000000000000E+04,5.0063640683999999E+01,-1.4776966456000000E+01,2.1416370070923119E+00,1.1503303490539358E+00,-9.7408259560706345E-01,-8.0834042063869516E-03,6.3409612211250688E-03,-3.7040427223615671E-03 -2 Pallas (A802 FA),I41,5.8025000000000000E+04,5.0044006291999999E+01,-1.5091433368000001E+01,2.1335345318499823E+00,1.1566631174149951E+00,-9.7778000814269761E-01,-8.1186659567742212E-03,6.3219347920947504E-03,-3.6879409500363159E-03 -2 Pallas (A802 FA),I41,5.8026000000000000E+04,5.0017810779000001E+01,-1.5406673027000000E+01,2.1253968443852016E+00,1.1629767325337759E+00,-9.8146129222863765E-01,-8.1538924271852241E-03,6.3027503577936395E-03,-3.6717329233980156E-03 -2 Pallas (A802 FA),I41,5.8027000000000000E+04,4.9985054245999997E+01,-1.5722505355999999E+01,2.1172239802968953E+00,1.1692710359811023E+00,-9.8512634099347007E-01,-8.1890826454266673E-03,6.2834074511973377E-03,-3.6554184020162277E-03 -2 Pallas (A802 FA),I41,5.8028000000000000E+04,4.9945741472000002E+01,-1.6038746134000000E+01,2.1090159760748750E+00,1.1755458689225358E+00,-9.8877504731002885E-01,-8.2242356303460478E-03,6.2639056072184406E-03,-3.6389971476849243E-03 -2 Pallas (A802 FA),I41,5.8029000000000000E+04,4.9899881768000000E+01,-1.6355207242999999E+01,2.1007728690931349E+00,1.1818010721267520E+00,-9.9240730381380282E-01,-8.2593503918252861E-03,6.2442443628479491E-03,-3.6224689244608002E-03 -2001 Einstein (1973 EB),500,5.7970000000000000E+04,2.6240963396000001E+01,1.3007202875999999E+01,2.0848007759826781E+00,2.8642812051052013E-02,5.6267519476357247E-02,4.1696557796835031E-04,1.0540189836758630E-02,4.4085605733219053E-03 -2001 Einstein (1973 EB),500,5.7971000000000000E+04,2.6343218183000001E+01,1.3230029333999999E+01,2.0851828085114947E+00,3.9184702292911600E-02,6.0675016154783247E-02,3.4900173435989910E-04,1.0539088059012889E-02,4.4066542856676903E-03 -2001 Einstein (1973 EB),500,5.7972000000000000E+04,2.6438545101999999E+01,1.3452598789000000E+01,2.0854969053061092E+00,4.9725299807432233E-02,6.5080538808182958E-02,2.8109245229967009E-04,1.0537644082669958E-02,4.4046063287555602E-03 -2001 Einstein (1973 EB),500,5.7973000000000000E+04,2.6526808473999999E+01,1.3674901848999999E+01,2.0857431223480605E+00,6.0264263264397933E-02,6.9483946128676061E-02,2.1323933372907958E-04,1.0535858604735401E-02,4.4024170275303596E-03 -2001 Einstein (1973 EB),500,5.7974000000000000E+04,2.6607868772000000E+01,1.3896926870000000E+01,2.0859215171898664E+00,7.0801252078613541E-02,7.3885097155525381E-02,1.4544397271685008E-04,1.0533732323674661E-02,4.4000867073689552E-03 -2001 Einstein (1973 EB),500,5.7975000000000000E+04,2.6681582501000001E+01,1.4118659705000001E+01,2.0860321489603688E+00,8.1335926381749024E-02,7.8283851279863578E-02,7.7707955569330037E-05,1.0531265939360272E-02,4.3976156940623585E-03 -2001 Einstein (1973 EB),500,5.7976000000000000E+04,2.6747802224000001E+01,1.4340083458000001E+01,2.0860750783757793E+00,9.1867946989950378E-02,8.2680068250852862E-02,1.0032860911250371E-05,1.0528460153019451E-02,4.3950043137974812E-03 -2001 Einstein (1973 EB),500,5.7977000000000000E+04,2.6806376782000001E+01,1.4561178265000001E+01,2.0860503677539222E+00,1.0239697536629022E-01,8.7073608180337880E-02,-5.7579740231369567E-05,1.0525315667182504E-02,4.3922528931394549E-03 -2001 Einstein (1973 EB),500,5.7978000000000000E+04,2.6857151721000001E+01,1.4781921120000000E+01,2.0859580810293288E+00,1.1292267358106634E-01,9.1464331544978614E-02,-1.2512828433746022E-04,1.0521833185632290E-02,4.3893617590148861E-03 -2001 Einstein (1973 EB),500,5.7979000000000000E+04,2.6899969961000000E+01,1.5002285749000000E+01,2.0857982837674545E+00,1.2344470427665666E-01,9.5852099187311884E-02,-1.9261121531483072E-04,1.0518013413353948E-02,4.3863312386947942E-03 -2001 Einstein (1973 EB),500,5.7980000000000000E+04,2.6934672695000000E+01,1.5222242544000000E+01,2.0855710431772936E+00,1.3396273063341424E-01,1.0023677231364544E-01,-2.6002698440973082E-04,1.0513857056485420E-02,4.3831616597786250E-03 -2001 Einstein (1973 EB),500,5.7981000000000000E+04,2.6961100518999999E+01,1.5441758577000000E+01,2.0852764281216940E+00,1.4447641634109443E-01,1.0461821248974561E-01,-3.2737405012688882E-04,1.0509364822268035E-02,4.3798533501781716E-03 -2001 Einstein (1973 EB),500,5.7982000000000000E+04,2.6979094778000000E+01,1.5660797686000000E+01,2.0849145091231858E+00,1.5498542557771666E-01,1.0899628163261323E-01,-3.9465087814872374E-04,1.0504537418997213E-02,4.3764066381018173E-03 -2001 Einstein (1973 EB),500,5.7983000000000000E+04,2.6988499083000001E+01,1.5879320656999999E+01,2.0844853583602925E+00,1.6548942300459080E-01,1.1337084199751431E-01,-4.6185594125549255E-04,1.0499375555973375E-02,4.3728218520389583E-03 -2001 Einstein (1973 EB),500,5.7984000000000000E+04,2.6989160867999999E+01,1.6097285484000000E+01,2.0839890496471876E+00,1.7598807378993897E-01,1.1774175616063072E-01,-5.2898771924969785E-04,1.0493879943451814E-02,4.3690993207444904E-03 -2001 Einstein (1973 EB),500,5.7985000000000000E+04,2.6980932821000000E+01,1.6314647660999999E+01,2.0834256583910267E+00,1.8648104367016294E-01,1.2210888699977564E-01,-5.9604469888549332E-04,1.0488051292592771E-02,4.3652393732228120E-03 -2001 Einstein (1973 EB),500,5.7986000000000000E+04,2.6963673943000000E+01,1.6531360445000001E+01,2.0827952615282705E+00,1.9696799904539752E-01,1.2647209767785095E-01,-6.6302537379772999E-04,1.0481890315410219E-02,4.3612423387119903E-03 -2001 Einstein (1973 EB),500,5.7987000000000000E+04,2.6937250083999999E+01,1.6747375006999999E+01,2.0820979374513628E+00,2.0744860708920276E-01,1.3083125163441500E-01,-7.2992824442761305E-04,1.0475397724720307E-02,4.3571085466678639E-03 -2001 Einstein (1973 EB),500,5.7988000000000000E+04,2.6901533906000001E+01,1.6962640414999999E+01,2.0813337659436892E+00,2.1792253584366983E-01,1.3518621258918506E-01,-7.9675181795242113E-04,1.0468574234089461E-02,4.3528383267476163E-03 -2001 Einstein (1973 EB),500,5.7989000000000000E+04,2.6856404410000000E+01,1.7177103434999999E+01,2.0805028281387754E+00,2.2838945427047758E-01,1.3953684455456289E-01,-8.6349460819494690E-04,1.0461420557783690E-02,4.3484320087943534E-03 -2001 Einstein (1973 EB),500,5.7990000000000000E+04,2.6801746273999999E+01,1.7390708204999999E+01,2.0796052065087669E+00,2.3884903225477389E-01,1.4388301185403529E-01,-9.3015513554088602E-04,1.0453937410716659E-02,4.3438899228206828E-03 -2001 Einstein (1973 EB),500,5.7991000000000000E+04,2.6737449257000002E+01,1.7603395848000002E+01,2.0786409848764418E+00,2.4930094056786378E-01,1.4822457913835746E-01,-9.9673192682855731E-04,1.0446125508403065E-02,4.3392123989939024E-03 -2001 Einstein (1973 EB),500,5.7992000000000000E+04,2.6663407842000002E+01,1.7815104092999999E+01,2.0776102484383250E+00,2.5974485081419901E-01,1.5256141139755108E-01,-1.0632235152438357E-03,1.0437985566911648E-02,4.3343997676203285E-03 -2001 Einstein (1973 EB),500,5.7993000000000000E+04,2.6579521169000000E+01,1.8025766955999998E+01,2.0765130837877441E+00,2.7018043537923375E-01,1.5689337396663616E-01,-1.1296284402038670E-03,1.0429518302822908E-02,4.3294523591299681E-03 -2001 Einstein (1973 EB),500,5.7994000000000000E+04,2.6485693240000000E+01,1.8235314488000000E+01,2.0753495789309917E+00,2.8060736738902559E-01,1.6122033252595475E-01,-1.1959452472277135E-03,1.0420724433192610E-02,4.3243705040617343E-03 -2001 Einstein (1973 EB),500,5.7995000000000000E+04,2.6381833308000001E+01,1.8443672604000000E+01,2.0741198232940525E+00,2.9102532068742526E-01,1.6554215309891043E-01,-1.2621724878075623E-03,1.0411604675522015E-02,4.3191545330483827E-03 -2001 Einstein (1973 EB),500,5.7996000000000000E+04,2.6267856369000000E+01,1.8650762947000000E+01,2.0728239077207693E+00,3.0143396982718651E-01,1.6985870204802409E-01,-1.3283087192692347E-03,1.0402159747739875E-02,4.3138047768016777E-03 -2001 Einstein (1973 EB),500,5.7997000000000000E+04,2.6143683677999999E+01,1.8856502789000000E+01,2.0714619244642738E+00,3.1183299007346377E-01,1.7416984607165456E-01,-1.3943525046279069E-03,1.0392390368195560E-02,4.3083215660988002E-03 -2001 Einstein (1973 EB),500,5.7998000000000000E+04,2.6009243224999999E+01,1.9060804942000001E+01,2.0700339671744010E+00,3.2222205741349969E-01,1.7847545220176611E-01,-1.4603024124367862E-03,1.0382297255671833E-02,4.3027052317694643E-03 -2001 Einstein (1973 EB),500,5.7999000000000000E+04,2.5864470139000002E+01,1.9263577637000001E+01,2.0685401308834650E+00,3.3260084857039651E-01,1.8277538780470715E-01,-1.5261570166412511E-03,1.0371881129417625E-02,4.2969561046844375E-03 -2001 Einstein (1973 EB),500,5.8000000000000000E+04,2.5709307031000002E+01,1.9464724386000000E+01,2.0669805119938776E+00,3.4296904101207915E-01,1.8706952058411647E-01,-1.5919148964209425E-03,1.0361142709209785E-02,4.2910745157477429E-03 -2001 Einstein (1973 EB),500,5.8001000000000000E+04,2.5543704289000001E+01,1.9664143797000001E+01,2.0653552082702089E+00,3.5332631295442912E-01,1.9135771858806866E-01,-1.6575746360566294E-03,1.0350082715440035E-02,4.2850607958910599E-03 -2001 Einstein (1973 EB),500,5.8002000000000000E+04,2.5367620427999999E+01,1.9861729357000002E+01,2.0636643188394226E+00,3.6367234334847520E-01,1.9563985021786745E-01,-1.7231348248015156E-03,1.0338701869238777E-02,4.2789152760739982E-03 -2001 Einstein (1973 EB),500,5.8003000000000000E+04,2.5181022602999999E+01,2.0057369213000001E+01,2.0619079442006547E+00,3.7400681185122187E-01,1.9991578423792741E-01,-1.7885940567845511E-03,1.0327000892620973E-02,4.2726382872902745E-03 -2001 Einstein (1973 EB),500,5.8004000000000000E+04,2.4983887409000001E+01,2.0250945996999999E+01,2.0600861862439377E+00,3.8432939878048261E-01,2.0418538978366102E-01,-1.8539509309565870E-03,1.0314980508670885E-02,4.2662301605778672E-03 -2001 Einstein (1973 EB),500,5.8005000000000000E+04,2.4776202086000001E+01,2.0442336746999999E+01,2.0581991482738911E+00,3.9463978506012765E-01,2.0844853636421606E-01,-1.9192040510966342E-03,1.0302641441722091E-02,4.2596912270386703E-03 -2001 Einstein (1973 EB),500,5.8006000000000000E+04,2.4557966166000000E+01,2.0631413000999999E+01,2.0562469350319508E+00,4.0493765216693661E-01,2.1270509385800823E-01,-1.9843520258724912E-03,1.0289984417545832E-02,4.2530218178630144E-03 -2001 Einstein (1973 EB),500,5.8007000000000000E+04,2.4329193503999999E+01,2.0818041071000000E+01,2.0542296527102968E+00,4.1522268209175428E-01,2.1695493250136563E-01,-2.0493934689807584E-03,1.0277010163513454E-02,4.2462222643579860E-03 -2001 Einstein (1973 EB),500,5.8008000000000000E+04,2.4089914577999998E+01,2.1002082542000000E+01,2.0521474089536405E+00,4.2549455732064023E-01,2.2119792287134812E-01,-2.1143269993522105E-03,1.0263719408704519E-02,4.2392928979786563E-03 -2001 Einstein (1973 EB),500,5.8009000000000000E+04,2.3840178884000000E+01,2.1183394946000000E+01,2.0500003128480113E+00,4.3575296083898163E-01,2.2543393586616733E-01,-2.1791512414181379E-03,1.0250112883930919E-02,4.2322340503566846E-03 -2001 Einstein (1973 EB),500,5.8010000000000000E+04,2.3580057253000000E+01,2.1361832602000000E+01,2.0477884748991215E+00,4.4599757615335317E-01,2.2966284268485093E-01,-2.2438648253974478E-03,1.0236191321663297E-02,4.2250460533234148E-03 -2001 Einstein (1973 EB),500,5.8011000000000000E+04,2.3309643952999998E+01,2.1537247568000002E+01,2.0455120070028392E+00,4.5622808732850295E-01,2.3388451480836714E-01,-2.3084663875790625E-03,1.0221955455849356E-02,4.2177292389224469E-03 -2001 Einstein (1973 EB),500,5.8012000000000000E+04,2.3029058443000000E+01,2.1709490674000001E+01,2.0431710224101849E+00,4.6644417903495661E-01,2.3809882398247284E-01,-2.3729545705516420E-03,1.0207406021630356E-02,4.2102839394096009E-03 -2001 Einstein (1973 EB),500,5.8013000000000000E+04,2.2738446677999999E+01,2.1878412579999999E+01,2.0407656356878974E+00,4.7664553660669401E-01,2.4230564220396411E-01,-2.4373280233520342E-03,1.0192543754971653E-02,4.2027104872378769E-03 -2001 Einstein (1973 EB),500,5.8014000000000000E+04,2.2437981850000000E+01,2.2043864815999999E+01,2.0382959626765160E+00,4.8683184610574809E-01,2.4650484171228371E-01,-2.5015854015054120E-03,1.0177369392238454E-02,4.1950092150275561E-03 -2001 Einstein (1973 EB),500,5.8015000000000000E+04,2.2127864533000000E+01,2.2205700720999999E+01,2.0357621204501193E+00,4.9700279438539818E-01,2.5069629498816515E-01,-2.5657253669347977E-03,1.0161883669766825E-02,4.1871804555249316E-03 -2001 Einstein (1973 EB),500,5.8016000000000000E+04,2.1808322244999999E+01,2.2363776252000001E+01,2.0331642272830401E+00,5.0715806914283390E-01,2.5487987476102070E-01,-2.6297465877525720E-03,1.0146087323493853E-02,4.1792245415545057E-03 -2001 Einstein (1973 EB),500,5.8017000000000000E+04,2.1479608558999999E+01,2.2517950625000001E+01,2.0305024026294323E+00,5.1729735894893303E-01,2.5905545402296998E-01,-2.6936477379671826E-03,1.0129981088632063E-02,4.1711418059686839E-03 -2001 Einstein (1973 EB),500,5.8018000000000000E+04,2.1142001957000002E+01,2.2668086815999999E+01,2.0277767671174436E+00,5.2742035325268677E-01,2.6322290604689946E-01,-2.7574274971216327E-03,1.0113565699456730E-02,4.1629325815994425E-03 -2001 Einstein (1973 EB),500,5.8019000000000000E+04,2.0795804630999999E+01,2.2814051973000002E+01,2.0249874425570322E+00,5.3752674236028841E-01,2.6738210440264509E-01,-2.8210845499002145E-03,1.0096841889192786E-02,4.1545972012189975E-03 -2001 Einstein (1973 EB),500,5.8020000000000000E+04,2.0441341397999999E+01,2.2955717802999999E+01,2.0221345519553080E+00,5.4761621740181077E-01,2.7153292296907516E-01,-2.8846175857579733E-03,1.0079810389993999E-02,4.1461359975077088E-03 -2001 Einstein (1973 EB),500,5.8021000000000000E+04,2.0078958781000001E+01,2.3092961000999999E+01,2.0192182195336059E+00,5.5768847029579571E-01,2.7567523594012761E-01,-2.9480252985775411E-03,1.0062471932998016E-02,4.1375493030318270E-03 -2001 Einstein (1973 EB),500,5.8022000000000000E+04,1.9709024238000001E+01,2.3225663741000002E+01,2.0162385707419590E+00,5.6774319371927096E-01,2.7980891782476491E-01,-3.0113063863706239E-03,1.0044827248440866E-02,4.1288374502328282E-03 -2001 Einstein (1973 EB),500,5.8023000000000000E+04,1.9331925476999999E+01,2.3353714249999999E+01,2.0131957322678069E+00,5.7778008109058232E-01,2.8393384344375039E-01,-3.0744595510529332E-03,1.0026877065801644E-02,4.1200007714220421E-03 -2001 Einstein (1973 EB),500,5.8024000000000000E+04,1.8948069732000000E+01,2.3477007425000000E+01,2.0100898320391618E+00,5.8779882656363347E-01,2.8804988792447506E-01,-3.1374834982622400E-03,1.0008622113961425E-02,4.1110395987836177E-03 -2001 Einstein (1973 EB),500,5.8025000000000000E+04,1.8557882927000001E+01,2.3595445477999998E+01,2.0069209992225430E+00,5.9779912503378774E-01,2.9215692669661331E-01,-3.2003769372312132E-03,9.9900631213564947E-03,4.1019542643809517E-03 -2001 Einstein (1973 EB),500,5.8026000000000000E+04,1.8161808644000001E+01,2.3708938557000000E+01,2.0036893642176947E+00,6.0778067215074838E-01,2.9625483548961357E-01,-3.2631385807014618E-03,9.9712008161237202E-03,4.0927451001657291E-03 -2001 Einstein (1973 EB),500,5.8027000000000000E+04,1.7760306866000001E+01,2.3817405301000001E+01,2.0003950586505193E+00,6.1774316433555188E-01,3.0034349033388780E-01,-3.3257671448655001E-03,9.9520359262245082E-03,4.0834124379890216E-03 -2001 Einstein (1973 EB),500,5.8028000000000000E+04,1.7353852490000001E+01,2.3920773289000000E+01,1.9970382153664183E+00,6.2768629879632420E-01,3.0442276756676678E-01,-3.3882613493324840E-03,9.9325691795471988E-03,4.0739566096122583E-03 -2001 Einstein (1973 EB),500,5.8029000000000000E+04,1.6942933676999999E+01,2.4018979348999999E+01,1.9936189684287675E+00,6.3760977353007564E-01,3.0849254384128683E-01,-3.4506199170693730E-03,9.9128013040019024E-03,4.0643779467236405E-03 -2001 Einstein (1973 EB),703,5.7970000000000000E+04,2.6240884112000000E+01,1.3006118550000000E+01,2.0848016961304960E+00,2.8641095660541516E-02,5.6268294133818286E-02,4.1696558970487005E-04,1.0540189836919952E-02,4.4085605736387508E-03 -2001 Einstein (1973 EB),703,5.7971000000000000E+04,2.6343158831000000E+01,1.3228933246000000E+01,2.0851837278730860E+00,3.9182995477505700E-02,6.0675779107172249E-02,3.4900174605115991E-04,1.0539088059232305E-02,4.4066542860081593E-03 -2001 Einstein (1973 EB),703,5.7972000000000000E+04,2.6438506168000000E+01,1.3451490890000001E+01,2.0854978235005772E+00,4.9723602795758937E-02,6.5081289745727314E-02,2.8109246394359029E-04,1.0537644082947512E-02,4.4046063291190828E-03 -2001 Einstein (1973 EB),703,5.7973000000000000E+04,2.6526790454000000E+01,1.3673782099000000E+01,2.0857440389947848E+00,6.0262576283930169E-02,6.9484684747175618E-02,2.1323934532275005E-04,1.0535858605070825E-02,4.4024170279164535E-03 -2001 Einstein (1973 EB),703,5.7974000000000000E+04,2.6607872169000000E+01,1.3895795237000000E+01,2.0859224319087364E+00,7.0799575355765310E-02,7.3885823156364064E-02,1.4544398425423918E-04,1.0533732324066274E-02,4.4000867077777237E-03 -2001 Einstein (1973 EB),703,5.7975000000000000E+04,2.6681607827000001E+01,1.4117516165000000E+01,2.0860330613720373E+00,8.1334260141968984E-02,7.8284564370034351E-02,7.7707967047889459E-05,1.0531265939807891E-02,4.3976156944931909E-03 -2001 Einstein (1973 EB),703,5.7976000000000000E+04,2.6747849999000000E+01,1.4338927995000001E+01,2.0860759881019173E+00,9.1866291457817439E-02,8.2680768142991912E-02,1.0032872327149847E-05,1.0528460153522306E-02,4.3950043142499786E-03 -2001 Einstein (1973 EB),703,5.7977000000000000E+04,2.6806447531000000E+01,1.4560010874000000E+01,2.0860512744175046E+00,1.0239533076560337E-01,8.7074294592770607E-02,-5.7579728882669809E-05,1.0525315667739402E-02,4.3922528936133510E-03 -2001 Einstein (1973 EB),703,5.7978000000000000E+04,2.6857245979999998E+01,1.4780741805000000E+01,2.0859589842549346E+00,1.1292104013493565E-01,9.1465004201788339E-02,-1.2512827305955973E-04,1.0521833186242488E-02,4.3893617595096709E-03 -2001 Einstein (1973 EB),703,5.7979000000000000E+04,2.6900088271000001E+01,1.5001094524999999E+01,2.0857991831816047E+00,1.2344308220761224E-01,9.5852757818423992E-02,-1.9261120411047036E-04,1.0518013414017197E-02,4.3863312392096870E-03 -2001 Einstein (1973 EB),703,5.7980000000000000E+04,2.6934815605000001E+01,1.5221039439000000E+01,2.0855719384088189E+00,1.3396112016350170E-01,1.0023741665491795E-01,-2.6002697328456927E-04,1.0513857057199788E-02,4.3831616603135356E-03 -2001 Einstein (1973 EB),703,5.7981000000000000E+04,2.6961268581999999E+01,1.5440543629000000E+01,2.0852773188021541E+00,1.4447481769200321E-01,1.0461884228307311E-01,-3.2737403908402948E-04,1.0509364823033019E-02,4.3798533507323186E-03 -2001 Einstein (1973 EB),703,5.7982000000000000E+04,2.6979288553000000E+01,1.5659570948000001E+01,2.0849153948873238E+00,1.5498383897090395E-01,1.0899689662601963E-01,-3.9465086719243751E-04,1.0504537419811612E-02,4.3764066386746863E-03 -2001 Einstein (1973 EB),703,5.7983000000000000E+04,2.6988719133000000E+01,1.5878082195999999E+01,2.0844862388465435E+00,1.6548784866144550E-01,1.1337144194523131E-01,-4.6185593039009543E-04,1.0499375556835930E-02,4.3728218526299994E-03 -2001 Einstein (1973 EB),703,5.7984000000000000E+04,2.6989407761999999E+01,1.6096035382000000E+01,2.0839899244982192E+00,1.7598651193196413E-01,1.1774234082315678E-01,-5.2898770847915194E-04,1.0493879944361448E-02,4.3690993213530080E-03 -2001 Einstein (1973 EB),703,5.7985000000000000E+04,2.6981207127000001E+01,1.6313386013999999E+01,2.0834265272543151E+00,1.8647949451919399E-01,1.2210945614390815E-01,-5.9604468821512074E-04,1.0488051293547442E-02,4.3652393738484859E-03 -2001 Einstein (1973 EB),703,5.7986000000000000E+04,2.6963976232000000E+01,1.6530087368000000E+01,2.0827961240566850E+00,1.9696646282386021E-01,1.2647265107670788E-01,-6.6302536323096552E-04,1.0481890316409163E-02,4.3612423393538718E-03 -2001 Einstein (1973 EB),703,5.7987000000000000E+04,2.6937580928999999E+01,1.6746090631000001E+01,2.0820987933037269E+00,2.0744708402040890E-01,1.3083178906744167E-01,-7.2992823396793999E-04,1.0475397725762749E-02,4.3571085473249650E-03 -2001 Einstein (1973 EB),703,5.7988000000000000E+04,2.6901893877999999E+01,1.6961344888999999E+01,2.0813346147853067E+00,2.1792102615216868E-01,1.3518673384216984E-01,-7.9675180760556755E-04,1.0468574235172931E-02,4.3528383274196144E-03 -2001 Einstein (1973 EB),703,5.7989000000000000E+04,2.6856794077000000E+01,1.7175796927000000E+01,2.0805036696419181E+00,2.2838795818239110E-01,1.3953734941966270E-01,-8.6349459796621585E-04,1.0461420558905907E-02,4.3484320094807922E-03 -2001 Einstein (1973 EB),703,5.7990000000000000E+04,2.6802166199999998E+01,1.7389390901999999E+01,2.0796060403531209E+00,2.3884754999815100E-01,1.4388350012981926E-01,-9.3015512543250661E-04,1.0453937411877829E-02,4.3438899235199559E-03 -2001 Einstein (1973 EB),703,5.7991000000000000E+04,2.6737900002000000E+01,1.7602067956999999E+01,2.0786418107495237E+00,2.4929947237300953E-01,1.4822505062985014E-01,-9.9673191684738344E-04,1.0446125509599533E-02,4.3392123997060177E-03 -2001 Einstein (1973 EB),703,5.7992000000000000E+04,2.6663889957999999E+01,1.7813765841999999E+01,2.0776110660358813E+00,2.5974339691398080E-01,1.5256186591627610E-01,-1.0632235053928069E-03,1.0437985568143057E-02,4.3343997683438088E-03 -2001 Einstein (1973 EB),703,5.7993000000000000E+04,2.6580035201000001E+01,1.8024418593000000E+01,2.0765138928141473E+00,2.7017899600936546E-01,1.5689381133066901E-01,-1.1296284304883495E-03,1.0429518304086727E-02,4.3294523598641967E-03 -2001 Einstein (1973 EB),703,5.7994000000000000E+04,2.6486239722000001E+01,1.8233956285000001E+01,2.0753503790996404E+00,2.8060594278833034E-01,1.6122075255997120E-01,-1.1959452376516036E-03,1.0420724434487647E-02,4.3243705048054736E-03 -2001 Einstein (1973 EB),703,5.7995000000000000E+04,2.6382412762000001E+01,1.8442304854000000E+01,2.0741206143277648E+00,2.9102391109808501E-01,1.6554255563424000E-01,-1.2621724783768145E-03,1.0411604676845054E-02,4.3191545338011911E-03 -2001 Einstein (1973 EB),703,5.7996000000000000E+04,2.6268469303000000E+01,1.8649385967000001E+01,2.0728246893521884E+00,3.0143257549496988E-01,1.6985908692271032E-01,-1.3283087099884659E-03,1.0402159749088894E-02,4.3138047775625361E-03 -2001 Einstein (1973 EB),703,5.7997000000000000E+04,2.6144330583999999E+01,1.8855116920000000E+01,2.0714626964362703E+00,3.1183161124794834E-01,1.7417021313051648E-01,-1.3943524955013394E-03,1.0392390369568920E-02,4.3083215668664578E-03 -2001 Einstein (1973 EB),703,5.7998000000000000E+04,2.6009924577000000E+01,1.9059410546999999E+01,2.0700347292404695E+00,3.2222069434829176E-01,1.7847580129646154E-01,-1.4603024034690205E-03,1.0382297257067505E-02,4.3027052325427676E-03 -2001 Einstein (1973 EB),703,5.7999000000000000E+04,2.5865186390000002E+01,1.9262175106000001E+01,2.0685408828081187E+00,3.3259950152331796E-01,1.8277571879379848E-01,-1.5261570078372042E-03,1.0371881130833181E-02,4.2969561054623561E-03 -2001 Einstein (1973 EB),703,5.8000000000000000E+04,2.5710058612000001E+01,1.9463314135000001E+01,2.0669812535530285E+00,3.4296771024535577E-01,1.8706983333314306E-01,-1.5919148877861352E-03,1.0361142710641967E-02,4.2910745165295238E-03 -2001 Einstein (1973 EB),703,5.8001000000000000E+04,2.5544491605000001E+01,1.9662726266000000E+01,2.0653559392515470E+00,3.5332499873484707E-01,1.9135801296962135E-01,-1.6575746275952928E-03,1.0350082716887062E-02,4.2850607966752495E-03 -2001 Einstein (1973 EB),703,5.8002000000000000E+04,2.5368443857999999E+01,1.9860305011000001E+01,2.0636650390427804E+00,3.6367104594751126E-01,1.9564012611166298E-01,-1.7231348165181824E-03,1.0338701870698448E-02,4.2789152768592676E-03 -2001 Einstein (1973 EB),703,5.8003000000000000E+04,2.5181882493000000E+01,2.0055938546000000E+01,2.0619086534383717E+00,3.7400553154516508E-01,1.9991604153089418E-01,-1.7885940486844377E-03,1.0327000894090155E-02,4.2726382880756272E-03 -2001 Einstein (1973 EB),703,5.8004000000000000E+04,2.4984784074000000E+01,2.0249509525000001E+01,2.0600868843412146E+00,3.8432813585051723E-01,2.0418562837002979E-01,-1.8539509230447778E-03,1.0314980510146506E-02,4.2662301613622267E-03 -2001 Einstein (1973 EB),703,5.8005000000000000E+04,2.4777135804000000E+01,2.0440895015999999E+01,2.0581998350691690E+00,3.9463853979237895E-01,2.0844875614564570E-01,-1.9192040433776356E-03,1.0302641443201721E-02,4.2596912278206099E-03 -2001 Einstein (1973 EB),703,5.8006000000000000E+04,2.4558937177000001E+01,2.0629966580000001E+01,2.0562476103772935E+00,4.0493642485248948E-01,2.1270529474373576E-01,-1.9843520183511652E-03,1.0289984419026475E-02,4.2530218186412937E-03 -2001 Einstein (1973 EB),703,5.8007000000000000E+04,2.4330202005000000E+01,2.0816590558000001E+01,2.0542303164718012E+00,4.1522147302664075E-01,2.1695511440837228E-01,-2.0493934616611772E-03,1.0277010164993201E-02,4.2462222651308305E-03 -2001 Einstein (1973 EB),703,5.8008000000000000E+04,2.4090960722999998E+01,2.1000628559999999E+01,2.0521480610118639E+00,4.2549336680579075E-01,2.2119808572454225E-01,-2.1143269922400602E-03,1.0263719410178822E-02,4.2392928987453823E-03 -2001 Einstein (1973 EB),703,5.8009000000000000E+04,2.3841262776000001E+01,2.1181938142000000E+01,2.0500009530984133E+00,4.3575178918016538E-01,2.2543407959857367E-01,-2.1791512345181361E-03,1.0250112885396578E-02,4.2322340511159739E-03 -2001 Einstein (1973 EB),703,5.8010000000000000E+04,2.3581178944000001E+01,2.1360373646999999E+01,2.0477891032525140E+00,4.4599642366106806E-01,2.2966296723779475E-01,-2.2438648187130118E-03,1.0236191323119141E-02,4.2250460540730070E-03 -2001 Einstein (1973 EB),703,5.8011000000000000E+04,2.3310803441000001E+01,2.1535787159000002E+01,2.0455126233858416E+00,4.5622695431785265E-01,2.3388462013164288E-01,-2.3084663811156459E-03,1.0221955457290596E-02,4.2177292396615952E-03 -2001 Einstein (1973 EB),703,5.8012000000000000E+04,2.3030255668999999E+01,2.1708029529000001E+01,2.0431716267656466E+00,4.6644306582550432E-01,2.3809891003448705E-01,-2.3729545643135352E-03,1.0207406023054011E-02,4.2102839401367362E-03 -2001 Einstein (1973 EB),703,5.8013000000000000E+04,2.2739681520000001E+01,2.1876951439999999E+01,2.0407662279752992E+00,4.7664444352229074E-01,2.4230570895186393E-01,-2.4373280173435362E-03,1.0192543756374534E-02,4.2027104879514658E-03 -2001 Einstein (1973 EB),703,5.8014000000000000E+04,2.2439254123000001E+01,2.2042404439999999E+01,2.0382965428723079E+00,4.8683077347433840E-01,2.4650488913206309E-01,-2.5015853957306511E-03,1.0177369393617474E-02,4.1950092157259887E-03 -2001 Einstein (1973 EB),703,5.8015000000000000E+04,2.2129173986000001E+01,2.2204241887999999E+01,2.0357626885479974E+00,4.9700174253881901E-01,2.5069632306475459E-01,-2.5657253613981909E-03,1.0161883671118033E-02,4.1871804562069277E-03 -2001 Einstein (1973 EB),703,5.8016000000000000E+04,2.1809668556999998E+01,2.2362319755000001E+01,2.0331647832941329E+00,5.0715703841658288E-01,2.5487988348837171E-01,-2.6297465824578000E-03,1.0146087324814609E-02,4.1792245422181788E-03 -2001 Einstein (1973 EB),703,5.8017000000000000E+04,2.1480991339999999E+01,2.2516497271999999E+01,2.0305029465824029E+00,5.1729634968191029E-01,2.5905544340413017E-01,-2.6936477329183462E-03,1.0129981089918454E-02,4.1711418066126722E-03 -2001 Einstein (1973 EB),703,5.8018000000000000E+04,2.1143420741000000E+01,2.2666637426000001E+01,2.0277772990585072E+00,5.2741936578690229E-01,2.6322287609408873E-01,-2.7574274923227310E-03,1.0113565700704681E-02,4.1629325822224329E-03 -2001 Einstein (1973 EB),703,5.8019000000000000E+04,2.0797258882000001E+01,2.2812607373999999E+01,2.0249879625498819E+00,5.3752577704054183E-01,2.6738205513731012E-01,-2.8210845453551345E-03,1.0096841890398006E-02,4.1545972018197331E-03 -2001 Einstein (1973 EB),703,5.8020000000000000E+04,2.0442830502000000E+01,2.2954278830000000E+01,2.0221350600809833E+00,5.4761527457532189E-01,2.7153285442192848E-01,-2.8846175814692273E-03,1.0079810391155450E-02,4.1461359980835156E-03 -2001 Einstein (1973 EB),703,5.8021000000000000E+04,2.0080482048000000E+01,2.3091528491999998E+01,2.0192187158902728E+00,5.5768755031181039E-01,2.7567514815116956E-01,-2.9480252945489121E-03,1.0062471934110830E-02,4.1375493035816840E-03 -2001 Einstein (1973 EB),703,5.8022000000000000E+04,1.9710580903000000E+01,2.3224238534000001E+01,2.0162390554446530E+00,5.6774229692862010E-01,2.7980881084328318E-01,-3.0113063826055098E-03,1.0044827249500576E-02,4.1288374507555282E-03 -2001 Einstein (1973 EB),703,5.8023000000000000E+04,1.9333514696999998E+01,2.3352297180000001E+01,2.0131962054481161E+00,5.7777920784519632E-01,2.8393371732830641E-01,-3.0744595475539049E-03,1.0026877066805757E-02,4.1200007719155137E-03 -2001 Einstein (1973 EB),703,5.8024000000000000E+04,1.8949690588999999E+01,2.3475599323000001E+01,2.0100902938448413E+00,5.8779797721604321E-01,2.8804974274285494E-01,-3.1374834950323202E-03,1.0008622114905299E-02,4.1110395992467290E-03 -2001 Einstein (1973 EB),703,5.8025000000000000E+04,1.8559534427999999E+01,2.3594047165999999E+01,2.0069214498170904E+00,5.9779829993659472E-01,2.9215676252576578E-01,-3.2003769342724689E-03,9.9900631222382668E-03,4.1019542648113782E-03 -2001 Einstein (1973 EB),703,5.8026000000000000E+04,1.8163489723000001E+01,2.3707550846000000E+01,2.0036898037798543E+00,6.0777987165607938E-01,2.9625465241555277E-01,-3.2631385780167231E-03,9.9712008169377305E-03,4.0927451005627995E-03 -2001 Einstein (1973 EB),703,5.8027000000000000E+04,1.7762016384999999E+01,2.3816028986999999E+01,2.0003954873737317E+00,6.1774238879450172E-01,3.0034328845157809E-01,-3.3257671424567073E-03,9.9520359269677453E-03,4.0834124383509370E-03 -2001 Einstein (1973 EB),703,5.8028000000000000E+04,1.7355589242000001E+01,2.3919409151000000E+01,1.9970386334582115E+00,6.2768554855837966E-01,3.0442254697997867E-01,-3.3882613472012587E-03,9.9325691802172739E-03,4.0739566099369847E-03 -2001 Einstein (1973 EB),703,5.8029000000000000E+04,1.6944696388000001E+01,2.4017628145000000E+01,1.9936193761100951E+00,6.3760904894252690E-01,3.0849230466243088E-01,-3.4506199152176749E-03,9.9128013045935021E-03,4.0643779470104285E-03 -2001 Einstein (1973 EB),F51,5.7970000000000000E+04,2.6239857422000000E+01,1.3006467097000000E+01,2.0848013694175216E+00,2.8641676185138465E-02,5.6268433961567492E-02,4.1696558665221990E-04,1.0540189836878305E-02,4.4085605735562075E-03 -2001 Einstein (1973 EB),F51,5.7971000000000000E+04,2.6342118781000000E+01,1.3229281651000001E+01,2.0851834107324279E+00,3.9183552707418245E-02,6.0675934598144243E-02,3.4900174318060022E-04,1.0539088059179406E-02,4.4066542859241631E-03 -2001 Einstein (1973 EB),F51,5.7972000000000000E+04,2.6437452784000001E+01,1.3451838971000001E+01,2.0854975160592151E+00,4.9724136763131366E-02,6.5081460739057614E-02,2.8109246125694078E-04,1.0537644082884007E-02,4.4046063290349817E-03 -2001 Einstein (1973 EB),F51,5.7973000000000000E+04,2.6525723771999999E+01,1.3674129666000001E+01,2.0857437413707620E+00,6.0263087021695361E-02,6.9484871076784013E-02,2.1323934282177839E-04,1.0535858604998031E-02,4.4024170278333420E-03 -2001 Einstein (1973 EB),F51,5.7974000000000000E+04,2.6606792238000001E+01,1.3896142094000000E+01,2.0859221442110578E+00,7.0800062897500626E-02,7.3886024651044768E-02,1.4544398194016143E-04,1.0533732323988054E-02,4.4000867076956019E-03 -2001 Einstein (1973 EB),F51,5.7975000000000000E+04,2.6680514705000000E+01,1.4117862109000001E+01,2.0860327837005679E+00,8.1334724521746171E-02,7.8284780853542124E-02,7.7707964922469827E-05,1.0531265939725219E-02,4.3976156944133277E-03 -2001 Einstein (1973 EB),F51,5.7976000000000000E+04,2.6746743757000001E+01,1.4339272816999999E+01,2.0860757205472833E+00,9.1866732710062626E-02,8.2680999434136732E-02,1.0032870391940910E-05,1.0528460153437164E-02,4.3950043141732309E-03 -2001 Einstein (1973 EB),F51,5.7977000000000000E+04,2.6805328254999999E+01,1.4560354357000000E+01,2.0860510170609858E+00,1.0239574892495762E-01,8.7074540505511042E-02,-5.7579730626339254E-05,1.0525315667654384E-02,4.3922528935403183E-03 -2001 Einstein (1973 EB),F51,5.7978000000000000E+04,2.6856113766000000E+01,1.4781083725000000E+01,2.0859587371683483E+00,1.1292143523612652E-01,9.1465264545313812E-02,-1.2512827461015098E-04,1.0521833186159372E-02,4.3893617594413332E-03 -2001 Einstein (1973 EB),F51,5.7979000000000000E+04,2.6898943233000001E+01,1.5001434651000000E+01,2.0857989464271824E+00,1.2344345428534398E-01,9.5853032397235596E-02,-1.9261120546624003E-04,1.0518013413936943E-02,4.3863312391473827E-03 -2001 Einstein (1973 EB),F51,5.7980000000000000E+04,2.6933657871000001E+01,1.5221377534000000E+01,2.0855717120390729E+00,1.3396146925235397E-01,1.0023770526889007E-01,-2.6002697444453028E-04,1.0513857057125875E-02,4.3831616602575379E-03 -2001 Einstein (1973 EB),F51,5.7981000000000000E+04,2.6960098297999998E+01,1.5440879447000000E+01,2.0852771028597283E+00,1.4447514382635263E-01,1.0461914472750891E-01,-3.2737404004658070E-04,1.0509364822966679E-02,4.3798533506838842E-03 -2001 Einstein (1973 EB),F51,5.7982000000000000E+04,2.6978105882000001E+01,1.5659904237999999E+01,2.0849151894048465E+00,1.5498414218486067E-01,1.0899721269169421E-01,-3.9465086795629524E-04,1.0504537419755065E-02,4.3764066386346575E-03 -2001 Einstein (1973 EB),F51,5.7983000000000000E+04,2.6987524257000000E+01,1.5878412697000000E+01,2.0844860438464625E+00,1.6548812898880982E-01,1.1337177141842877E-01,-4.6185593095401066E-04,1.0499375556791389E-02,4.3728218525992332E-03 -2001 Einstein (1973 EB),F51,5.7984000000000000E+04,2.6988200882000001E+01,1.6096362828000000E+01,2.0839897399926279E+00,1.7598676940622993E-01,1.1774268348571426E-01,-5.2898770884181844E-04,1.0493879944330811E-02,4.3690993213325174E-03 -2001 Einstein (1973 EB),F51,5.7985000000000000E+04,2.6979988465999998E+01,1.6313710132000001E+01,2.0834263532447910E+00,1.8647972917355193E-01,1.2210981177326689E-01,-5.9604468837575614E-04,1.0488051293533772E-02,4.3652393738387897E-03 -2001 Einstein (1973 EB),F51,5.7986000000000000E+04,2.6962746035999999E+01,1.6530407876999998E+01,2.0827959605341189E+00,1.9696667469124640E-01,1.2647301944597725E-01,-6.6302536318810744E-04,1.0481890316413806E-02,4.3612423393562414E-03 -2001 Einstein (1973 EB),F51,5.7987000000000000E+04,2.6936339465000000E+01,1.6746407244000000E+01,2.0820986402481871E+00,2.0744727313355105E-01,1.3083216994548241E-01,-7.2992823372017117E-04,1.0475397725787077E-02,4.3571085473406695E-03 -2001 Einstein (1973 EB),F51,5.7988000000000000E+04,2.6900641438000001E+01,1.6961657311000000E+01,2.0813344721659286E+00,2.1792119254361997E-01,1.3518712699367727E-01,-7.9675180715240573E-04,1.0468574235220263E-02,4.3528383274490934E-03 -2001 Einstein (1973 EB),F51,5.7989000000000000E+04,2.6855530977000001E+01,1.7176104858999999E+01,2.0805035374168250E+00,2.2838810188458880E-01,1.3953775460524240E-01,-8.6349459730715970E-04,1.0461420558979192E-02,4.3484320095246443E-03 -2001 Einstein (1973 EB),F51,5.7990000000000000E+04,2.6800892783999998E+01,1.7389694037000002E+01,2.0796059184693836E+00,2.3884767104344951E-01,1.4388391710604745E-01,-9.3015512456560458E-04,1.0453937411977166E-02,4.3438899235800216E-03 -2001 Einstein (1973 EB),F51,5.7991000000000000E+04,2.6736616640000001E+01,1.7602365984999999E+01,2.0786416991431516E+00,2.4929957079371212E-01,1.4822547914932319E-01,-9.9673191577299980E-04,1.0446125509729207E-02,4.3392123997823325E-03 -2001 Einstein (1973 EB),F51,5.7992000000000000E+04,2.6662597047999999E+01,1.7814058446000001E+01,2.0776109646318481E+00,2.5974347274236376E-01,1.5256230572765200E-01,-1.0632235041093917E-03,1.0437985568303739E-02,4.3343997684379687E-03 -2001 Einstein (1973 EB),F51,5.7993000000000000E+04,2.6578733170000000E+01,1.8024705450999999E+01,2.0765138015264308E+00,2.7017904927771713E-01,1.5689426217869906E-01,-1.1296284289956642E-03,1.0429518304281293E-02,4.3294523599768575E-03 -2001 Einstein (1973 EB),F51,5.7994000000000000E+04,2.6484929025000000E+01,1.8234237072999999E+01,2.0753502978312852E+00,2.8060597352899830E-01,1.6122121418553553E-01,-1.1959452359486620E-03,1.0420724434717560E-02,4.3243705049378824E-03 -2001 Einstein (1973 EB),F51,5.7995000000000000E+04,2.6381093886999999E+01,1.8442579243000001E+01,2.0741205429709564E+00,2.9102391934353561E-01,1.6554302777438032E-01,-1.2621724764639306E-03,1.0411604677113677E-02,4.3191545339537852E-03 -2001 Einstein (1973 EB),F51,5.7996000000000000E+04,2.6267142768999999E+01,1.8649653624999999E+01,2.0728246277883429E+00,3.0143256127787205E-01,1.6985956931066393E-01,-1.3283087078652537E-03,1.0402159749398326E-02,4.3138047777362912E-03 -2001 Einstein (1973 EB),F51,5.7997000000000000E+04,2.6142996943000000E+01,1.8855377513000001E+01,2.0714626445361422E+00,3.1183157460127209E-01,1.7417070549575533E-01,-1.3943524931672334E-03,1.0392390369920851E-02,4.3083215670625180E-03 -2001 Einstein (1973 EB),F51,5.7998000000000000E+04,2.6008584411000001E+01,1.9059663741000001E+01,2.0700346868642838E+00,3.2222063530540229E-01,1.7847630336473030E-01,-1.4603024009237180E-03,1.0382297257463917E-02,4.3027052327621433E-03 -2001 Einstein (1973 EB),F51,5.7999000000000000E+04,2.5863840319000001E+01,1.9262420563999999E+01,2.0685408498057094E+00,3.3259942011811544E-01,1.8277623028715925E-01,-1.5261570050807746E-03,1.0371881131276361E-02,4.2969561057059121E-03 -2001 Einstein (1973 EB),F51,5.8000000000000000E+04,2.5708707287999999E+01,1.9463551521999999E+01,2.0669812297640071E+00,3.4296760651240371E-01,1.8707035397001875E-01,-1.5919148848192212E-03,1.0361142711134797E-02,4.2910745167978629E-03 -2001 Einstein (1973 EB),F51,5.8001000000000000E+04,2.5543135714999998E+01,1.9662955245999999E+01,2.0653559245054849E+00,3.5332487270952806E-01,1.9135854246485151E-01,-1.6575746244176385E-03,1.0350082717431083E-02,4.2850607969695262E-03 -2001 Einstein (1973 EB),F51,5.8002000000000000E+04,2.5367084126000002E+01,1.9860525253999999E+01,2.0636650331594151E+00,3.6367089766617755E-01,1.9564066417657033E-01,-1.7231348131298814E-03,1.0338701871295528E-02,4.2789152771804837E-03 -2001 Einstein (1973 EB),F51,5.8003000000000000E+04,2.5180519678000000E+01,2.0056149720000001E+01,2.0619086562278341E+00,3.7400536104530235E-01,1.9991658787336622E-01,-1.7885940450862864E-03,1.0327000894742783E-02,4.2726382884244896E-03 -2001 Einstein (1973 EB),F51,5.8004000000000000E+04,2.4983418970999999E+01,2.0249711306999998E+01,2.0600868956042833E+00,3.8432794317091035E-01,2.0418618269461497E-01,-1.8539509192376236E-03,1.0314980510857054E-02,4.2662301617394718E-03 -2001 Einstein (1973 EB),F51,5.8005000000000000E+04,2.4775769245999999E+01,2.0441087086000000E+01,2.0581998545975235E+00,3.9463832497331941E-01,2.0844931815365980E-01,-1.9192040393619645E-03,1.0302641443971965E-02,4.2596912282272109E-03 -2001 Einstein (1973 EB),F51,5.8006000000000000E+04,2.4557570032000001E+01,2.0630148626000000E+01,2.0562476379538053E+00,4.0493618793599129E-01,2.1270586413337564E-01,-1.9843520141279401E-03,1.0289984419858535E-02,4.2530218190780329E-03 -2001 Einstein (1973 EB),F51,5.8007000000000000E+04,2.4328835177999999E+01,2.0816762274999999E+01,2.0542303518708356E+00,4.1522121405668672E-01,2.1695569087483535E-01,-2.0493934572306783E-03,1.0277010165888353E-02,4.2462222655988329E-03 -2001 Einstein (1973 EB),F51,5.8008000000000000E+04,2.4089595154000001E+01,2.1000789652000002E+01,2.0521481039996172E+00,4.2549308582862128E-01,2.2119866896014612E-01,-2.1143269876045512E-03,1.0263719411140109E-02,4.2392928992449749E-03 -2001 Einstein (1973 EB),F51,5.8009000000000000E+04,2.3839899443000000E+01,2.1182088325999999E+01,2.0500010034332741E+00,4.3575148624459137E-01,2.2543466929287850E-01,-2.1791512296790499E-03,1.0250112886425957E-02,4.2322340516478965E-03 -2001 Einstein (1973 EB),F51,5.8010000000000000E+04,2.3579818860000000E+01,2.1360512654000001E+01,2.0477891606854577E+00,4.4599609881883651E-01,2.2966356307772642E-01,-2.2438648136703853E-03,1.0236191324217209E-02,4.2250460546385624E-03 -2001 Einstein (1973 EB),F51,5.8011000000000000E+04,2.3309447650999999E+01,2.1535914729999998E+01,2.0455126876608567E+00,4.5622660762403811E-01,2.3388522180163007E-01,-2.3084663758722716E-03,1.0221955458460191E-02,4.2177292402610662E-03 -2001 Einstein (1973 EB),F51,5.8012000000000000E+04,2.3028905252000001E+01,2.1708145424000001E+01,2.0431716976202057E+00,4.6644269733893096E-01,2.3809951721661243E-01,-2.3729545588710372E-03,1.0207406024296718E-02,4.2102839407708870E-03 -2001 Einstein (1973 EB),F51,5.8013000000000000E+04,2.2738337587000000E+01,2.1877055436999999E+01,2.0407663051408584E+00,4.7664405330598020E-01,2.4230632132603186E-01,-2.4373280117037763E-03,1.0192543757691970E-02,4.2027104886210101E-03 -2001 Einstein (1973 EB),F51,5.8014000000000000E+04,2.2437917812999999E+01,2.2042496333999999E+01,2.0382966260748461E+00,4.8683036159598336E-01,2.4650550637619120E-01,-2.5015853898955817E-03,1.0177369395011123E-02,4.1950092164316230E-03 -2001 Einstein (1973 EB),F51,5.8015000000000000E+04,2.2127846465000001E+01,2.2204321494999999E+01,2.0357627775085891E+00,4.9700130907124546E-01,2.5069694485497934E-01,-2.5657253553705568E-03,1.0161883672589772E-02,4.1871804569491309E-03 -2001 Einstein (1973 EB),F51,5.8016000000000000E+04,2.1808351016000000E+01,2.2362386914999998E+01,2.0331648777295661E+00,5.0715658343822434E-01,2.5488050949926877E-01,-2.6297465762394785E-03,1.0146087326365487E-02,4.1792245429977141E-03 -2001 Einstein (1973 EB),F51,5.8017000000000000E+04,2.1479684990999999E+01,2.2516551846999999E+01,2.0305030462058111E+00,5.1729587327726390E-01,2.5905607330894131E-01,-2.6936477265123468E-03,1.0129981091550116E-02,4.1711418074299724E-03 -2001 Einstein (1973 EB),F51,5.8018000000000000E+04,2.1142126815000001E+01,2.2666679303999999E+01,2.0277774035800489E+00,5.2741886804696858E-01,2.6322350956495211E-01,-2.7574274857323638E-03,1.0113565702418767E-02,4.1629325830778762E-03 -2001 Einstein (1973 EB),F51,5.8019000000000000E+04,2.0795978623000000E+01,2.2812636469000001E+01,2.0249880716774413E+00,5.3752525806322371E-01,2.6738269184549729E-01,-2.8210845385840070E-03,1.0096841892196106E-02,4.1545972027136327E-03 -2001 Einstein (1973 EB),F51,5.8020000000000000E+04,2.0441565169000000E+01,2.2954295084999998E+01,2.0221351735209021E+00,5.4761473446580544E-01,2.7153349403808852E-01,-2.8846175745186253E-03,1.0079810393037472E-02,4.1461359990168289E-03 -2001 Einstein (1973 EB),F51,5.8021000000000000E+04,2.0079232904000001E+01,2.3091531876000001E+01,2.0192188333481047E+00,5.5768698918289961E-01,2.7567579034557643E-01,-2.9480252874232405E-03,1.0062471936078499E-02,4.1375493045545126E-03 -2001 Einstein (1973 EB),F51,5.8022000000000000E+04,1.9709349218000000E+01,2.3224229049000002E+01,2.0162391766259300E+00,5.6774171490106373E-01,2.7980945528609835E-01,-3.0113063753090703E-03,1.0044827251555234E-02,4.1288374517680386E-03 -2001 Einstein (1973 EB),F51,5.8023000000000000E+04,1.9332301738999998E+01,2.3352274858000001E+01,2.0131963300591282E+00,5.7777860504798129E-01,2.8393436368984742E-01,-3.0744595400895780E-03,1.0026877068947780E-02,4.1200007729682141E-03 -2001 Einstein (1973 EB),F51,5.8024000000000000E+04,1.8948497621000001E+01,2.3475564224999999E+01,2.0100904215934325E+00,5.8779735378666187E-01,2.8805039069388089E-01,-3.1374834874048812E-03,1.0008622117135917E-02,4.1110396003396742E-03 -2001 Einstein (1973 EB),F51,5.8025000000000000E+04,1.8558362704000000E+01,2.3593999387000000E+01,2.0069215804134548E+00,5.9779765602128998E-01,2.9215741173776699E-01,-3.2003769264846629E-03,9.9900631245574030E-03,4.1019542659450755E-03 -2001 Einstein (1973 EB),F51,5.8026000000000000E+04,1.8162340484000001E+01,2.3707490512000000E+01,2.0036899369373344E+00,6.0777920741005576E-01,2.9625530256105104E-01,-3.2631385700744981E-03,9.9712008193468017E-03,4.0927451017370286E-03 -2001 Einstein (1973 EB),F51,5.8027000000000000E+04,1.7760890853999999E+01,2.3815956257000000E+01,2.0003956228096147E+00,6.1774170438210207E-01,3.0034393920442815E-01,-3.3257671343640645E-03,9.9520359294669597E-03,4.0834124395659069E-03 -2001 Einstein (1973 EB),F51,5.8028000000000000E+04,1.7354488619000001E+01,2.3919324212999999E+01,1.9970387708945143E+00,6.2768484415323877E-01,3.0442319801567796E-01,-3.3882613389618807E-03,9.9325691828065395E-03,4.0739566111929210E-03 -2001 Einstein (1973 EB),F51,5.8029000000000000E+04,1.6943621844999999E+01,2.4017531222999999E+01,1.9936195152743319E+00,6.3760832472767859E-01,3.0849295565843149E-01,-3.4506199068377809E-03,9.9128013072736984E-03,4.0643779483070562E-03 -2001 Einstein (1973 EB),I11,5.7970000000000000E+04,2.6241769279000000E+01,1.3007707659999999E+01,2.0848015981732155E+00,2.8641301700931598E-02,5.6267862108480171E-02,4.1696559120319929E-04,1.0540189836940324E-02,4.4085605736792844E-03 -2001 Einstein (1973 EB),I11,5.7971000000000000E+04,2.6344047080999999E+01,1.3230535670000000E+01,2.0851836222625684E+00,3.9183217064064801E-02,6.0675338764533480E-02,3.4900174747472083E-04,1.0539088059258385E-02,4.4066542860498620E-03 -2001 Einstein (1973 EB),I11,5.7972000000000000E+04,2.6439397284000002E+01,1.3453106860000000E+01,2.0854977102840042E+00,4.9723839810244197E-02,6.5080841345070209E-02,2.8109246529139063E-04,1.0537644082979278E-02,4.4046063291612956E-03 -2001 Einstein (1973 EB),I11,5.7973000000000000E+04,2.6527684207000000E+01,1.3675411843999999E+01,2.0857439182266431E+00,6.0262828607906327E-02,6.9484228549890226E-02,2.1323934659417051E-04,1.0535858605107893E-02,4.4024170279586914E-03 -2001 Einstein (1973 EB),I11,5.7974000000000000E+04,2.6608768315999999E+01,1.3897438988999999E+01,2.0859223036508059E+00,7.0799842870684748E-02,7.3885359425878247E-02,1.4544398545035010E-04,1.0533732324106659E-02,4.4000867078201758E-03 -2001 Einstein (1973 EB),I11,5.7975000000000000E+04,2.6682506113999999E+01,1.4119174155000000E+01,2.0860329256933716E+00,8.1334542729257775E-02,7.8284093371731478E-02,7.7707968167929284E-05,1.0531265939851427E-02,4.3976156945352779E-03 -2001 Einstein (1973 EB),I11,5.7976000000000000E+04,2.6748750157000000E+01,1.4340600454000000E+01,2.0860758450788253E+00,9.1866588998957166E-02,8.2680290144127158E-02,1.0032873371030107E-05,1.0528460153568219E-02,4.3950043142913803E-03 -2001 Einstein (1973 EB),I11,5.7977000000000000E+04,2.6807349279000000E+01,1.4561698032000001E+01,2.0860511241335216E+00,1.0239564314220495E-01,8.7073809862380419E-02,-5.7579727914600434E-05,1.0525315667786571E-02,4.3922528936538915E-03 -2001 Einstein (1973 EB),I11,5.7978000000000000E+04,2.6858149019999999E+01,1.4782443892000000E+01,2.0859588268008000E+00,1.1292136722880608E-01,9.1464513010592940E-02,-1.2512827216747992E-04,1.0521833186290276E-02,4.3893617595489702E-03 -2001 Einstein (1973 EB),I11,5.7979000000000000E+04,2.6900992292000002E+01,1.5002811768000001E+01,2.0857990186552273E+00,1.2344342390080587E-01,9.5852260438736375E-02,-1.9261120329511910E-04,1.0518013414065466E-02,4.3863312392471562E-03 -2001 Einstein (1973 EB),I11,5.7980000000000000E+04,2.6935720279000002E+01,1.5222772064999999E+01,2.0855717669152449E+00,1.3396147633836020E-01,1.0023691336055443E-01,-2.6002697254482940E-04,1.0513857057246957E-02,4.3831616603492067E-03 -2001 Einstein (1973 EB),I11,5.7981000000000000E+04,2.6962173565000001E+01,1.5442291861999999E+01,2.0852771404535169E+00,1.4447518823117766E-01,1.0461833334926937E-01,-3.2737403842044918E-04,1.0509364823078789E-02,4.3798533507656816E-03 -2001 Einstein (1973 EB),I11,5.7982000000000000E+04,2.6980193485000001E+01,1.5661335007000000E+01,2.0849152098027881E+00,1.5498422375735399E-01,1.0899638232934786E-01,-3.9465086660473922E-04,1.0504537419855169E-02,4.3764066387054533E-03 -2001 Einstein (1973 EB),I11,5.7983000000000000E+04,2.6989623637000001E+01,1.5879862298000001E+01,2.0844860471522382E+00,1.6548824757840852E-01,1.1337092256353666E-01,-4.6185592987800853E-04,1.0499375556876456E-02,4.3728218526578929E-03 -2001 Einstein (1973 EB),I11,5.7984000000000000E+04,2.6990311440999999E+01,1.6097831737000000E+01,2.0839897263271694E+00,1.7598692486287926E-01,1.1774181663549915E-01,-5.2898770804260184E-04,1.0493879944398311E-02,4.3690993213776723E-03 -2001 Einstein (1973 EB),I11,5.7985000000000000E+04,2.6982109566999998E+01,1.6315198830000000E+01,2.0834263227463459E+00,1.8647992134761526E-01,1.2210892743049402E-01,-5.9604468785309957E-04,1.0488051293579445E-02,4.3652393738698213E-03 -2001 Einstein (1973 EB),I11,5.7986000000000000E+04,2.6964877000000001E+01,1.6531916844000001E+01,2.0827959133583280E+00,1.9696690343331136E-01,1.2647211811881975E-01,-6.6302536294374909E-04,1.0481890316435998E-02,4.3612423393714055E-03 -2001 Einstein (1973 EB),I11,5.7987000000000000E+04,2.6938479572999999E+01,1.6747936961000001E+01,2.0820985765681170E+00,2.0744753829422857E-01,1.3083125214736241E-01,-7.2992823375581627E-04,1.0475397725784080E-02,4.3571085473382383E-03 -2001 Einstein (1973 EB),I11,5.7988000000000000E+04,2.6902789924000000E+01,1.6963208257000002E+01,2.0813343921720628E+00,2.1792149397332072E-01,1.3518619324310058E-01,-7.9675180746712447E-04,1.0468574235187498E-02,4.3528383274285898E-03 -2001 Einstein (1973 EB),I11,5.7989000000000000E+04,2.6857687034000001E+01,1.7177677510999999E+01,2.0805034413170178E+00,2.2838843943328491E-01,1.3953680542564526E-01,-8.6349459790025992E-04,1.0461420558912644E-02,4.3484320094853441E-03 -2001 Einstein (1973 EB),I11,5.7990000000000000E+04,2.6803055555000000E+01,1.7391288870000000E+01,2.0796058064887539E+00,2.3884804456046876E-01,1.4388295302566614E-01,-9.3015512544030593E-04,1.0453937411877053E-02,4.3438899235193834E-03 -2001 Einstein (1973 EB),I11,5.7991000000000000E+04,2.6738785223000001E+01,1.7603983467999999E+01,2.0786415715239279E+00,2.4929998012754273E-01,1.4822450070108525E-01,-9.9673191692642785E-04,1.0446125509589635E-02,4.3392123997004805E-03 -2001 Einstein (1973 EB),I11,5.7992000000000000E+04,2.6664770491999999E+01,1.7815699043999999E+01,2.0776108216331588E+00,2.5974391774049577E-01,1.5256131344908555E-01,-1.0632235055437773E-03,1.0437985568124064E-02,4.3343997683327491E-03 -2001 Einstein (1973 EB),I11,5.7993000000000000E+04,2.6580910474000000E+01,1.8026369621000001E+01,2.0765136434240699E+00,2.7017952978645626E-01,1.5689325661185077E-01,-1.1296284307098720E-03,1.0429518304057736E-02,4.3294523598474974E-03 -2001 Einstein (1973 EB),I11,5.7994000000000000E+04,2.6487109139000001E+01,1.8235925263999999E+01,2.0753501249174331E+00,2.8060648939327820E-01,1.6122019587688746E-01,-1.1959452379435454E-03,1.0420724434448355E-02,4.3243705047827600E-03 -2001 Einstein (1973 EB),I11,5.7995000000000000E+04,2.6383275707999999E+01,1.8444291893999999E+01,2.0741203555538825E+00,2.9102447040670643E-01,1.6554199727477120E-01,-1.2621724787371487E-03,1.0411604676794379E-02,4.3191545337724537E-03 -2001 Einstein (1973 EB),I11,5.7996000000000000E+04,2.6269325143000000E+01,1.8651391161999999E+01,2.0728244261920814E+00,3.0143314738146115E-01,1.6985852717519925E-01,-1.3283087104163016E-03,1.0402159749026339E-02,4.3138047775275312E-03 -2001 Einstein (1973 EB),I11,5.7997000000000000E+04,2.6145178660999999E+01,1.8857140352999998E+01,2.0714624291001287E+00,3.1183219558471720E-01,1.7416965228371406E-01,-1.3943524959961493E-03,1.0392390369494159E-02,4.3083215668248930E-03 -2001 Einstein (1973 EB),I11,5.7998000000000000E+04,2.6010764214999998E+01,1.9061452282000001E+01,2.0700344579429575E+00,3.2222129100577518E-01,1.7847523963946405E-01,-1.4603024040298678E-03,1.0382297256980097E-02,4.3027052324944278E-03 -2001 Einstein (1973 EB),I11,5.7999000000000000E+04,2.5866016893000001E+01,1.9264235190000001E+01,2.0685406077680972E+00,3.3260011036981396E-01,1.8277515661599103E-01,-1.5261570084628140E-03,1.0371881130732591E-02,4.2969561054070774E-03 -2001 Einstein (1973 EB),I11,5.8000000000000000E+04,2.5710879263999999E+01,1.9465392596000001E+01,2.0669809749932631E+00,3.4296833114682101E-01,1.8706927092412856E-01,-1.5919148884744752E-03,1.0361142710527498E-02,4.2910745164672507E-03 -2001 Einstein (1973 EB),I11,5.8001000000000000E+04,2.5545301672000001E+01,1.9664823113000001E+01,2.0653556573983973E+00,3.5332563155472330E-01,1.9135745061915099E-01,-1.6575746283456613E-03,1.0350082716758486E-02,4.2850607966057460E-03 -2001 Einstein (1973 EB),I11,5.8002000000000000E+04,2.5369242585999999E+01,1.9862420233000002E+01,2.0636647541258841E+00,3.6367169054654142E-01,1.9563956410954791E-01,-1.7231348173294770E-03,1.0338701870555481E-02,4.2789152767823578E-03 -2001 Einstein (1973 EB),I11,5.8003000000000000E+04,2.5182669111999999E+01,2.0058072107000001E+01,2.0619083656903019E+00,3.7400618778121003E-01,1.9991548016690827E-01,-1.7885940495547363E-03,1.0327000893932306E-02,4.2726382879912476E-03 -2001 Einstein (1973 EB),I11,5.8004000000000000E+04,2.4985557794999998E+01,2.0251661370000001E+01,2.0600865939971378E+00,3.8432880357837179E-01,2.0418506793380303E-01,-1.8539509239721688E-03,1.0314980509973364E-02,4.2662301612703107E-03 -2001 Einstein (1973 EB),I11,5.8005000000000000E+04,2.4777895825000002E+01,2.0443065063999999E+01,2.0581995423664705E+00,3.9463921886359044E-01,2.0844819692652938E-01,-1.9192040443608092E-03,1.0302641443013082E-02,4.2596912277210386E-03 -2001 Einstein (1973 EB),I11,5.8006000000000000E+04,2.4559682678000001E+01,2.0632154722999999E+01,2.0562473155551895E+00,4.0493711511516234E-01,2.1270473703064563E-01,-1.9843520193882796E-03,1.0289984418822055E-02,4.2530218185340080E-03 -2001 Einstein (1973 EB),I11,5.8007000000000000E+04,2.4330932153999999E+01,2.0818796662000000E+01,2.0542300197709196E+00,4.1522217432524100E-01,2.1695455848962333E-01,-2.0493934627513065E-03,1.0277010164772995E-02,4.2462222650157056E-03 -2001 Einstein (1973 EB),I11,5.8008000000000000E+04,2.4091674675000000E+01,2.1002852462000000E+01,2.0521477626737985E+00,4.2549407898092662E-01,2.2119753188767435E-01,-2.1143269933800173E-03,1.0263719409942397E-02,4.2392928986225032E-03 -2001 Einstein (1973 EB),I11,5.8009000000000000E+04,2.3841959677999998E+01,2.1184179651000001E+01,2.0500006533652479E+00,4.3575251206834431E-01,2.2543352813017067E-01,-2.1791512357058423E-03,1.0250112885143799E-02,4.2322340509853345E-03 -2001 Einstein (1973 EB),I11,5.8010000000000000E+04,2.3581857933999999E+01,2.1362632540000000E+01,2.0477888023663242E+00,4.4599715709444532E-01,2.2966241842329779E-01,-2.2438648199481141E-03,1.0236191322850200E-02,4.2250460539344946E-03 -2001 Einstein (1973 EB),I11,5.8011000000000000E+04,2.3311463650000000E+01,2.1538063180000002E+01,2.0455123215881494E+00,4.5622769812395586E-01,2.3388407425515900E-01,-2.3084663823947048E-03,1.0221955457005260E-02,4.2177292395153372E-03 -2001 Einstein (1973 EB),I11,5.8012000000000000E+04,2.3030896222999999E+01,2.1710322390000002E+01,2.0431713242968761E+00,4.6644381982694177E-01,2.3809836737860388E-01,-2.3729545656345952E-03,1.0207406022752327E-02,4.2102839399827674E-03 -2001 Einstein (1973 EB),I11,5.8013000000000000E+04,2.2740301546000001E+01,2.1879260818999999E+01,2.0407659250742038E+00,4.7664520753644402E-01,2.4230516979745054E-01,-2.4373280187044641E-03,1.0192543756056584E-02,4.2027104877898590E-03 -2001 Einstein (1973 EB),I11,5.8014000000000000E+04,2.2439852749000000E+01,2.2044729981000000E+01,2.0382962397753941E+00,4.8683154731304612E-01,2.4650435375805851E-01,-2.5015853971293309E-03,1.0177369393283401E-02,4.1950092155568306E-03 -2001 Einstein (1973 EB),I11,5.8015000000000000E+04,2.2129750342000001E+01,2.2206583197000000E+01,2.0357623854889368E+00,4.9700252600807021E-01,2.5069579174795792E-01,-2.5657253628317981E-03,1.0161883670767960E-02,4.1871804560303597E-03 -2001 Einstein (1973 EB),I11,5.8016000000000000E+04,2.1810221782999999E+01,2.2364676406000001E+01,2.0331644805031970E+00,5.0715783131620817E-01,2.5487935650321525E-01,-2.6297465839245152E-03,1.0146087324448813E-02,4.1792245420343250E-03 -2001 Einstein (1973 EB),I11,5.8017000000000000E+04,2.1481520584999998E+01,2.2518868801000000E+01,2.0305026442858760E+00,5.1729715180531077E-01,2.5905492102245675E-01,-2.6936477344152916E-03,1.0129981089537186E-02,4.1711418064217191E-03 -2001 Einstein (1973 EB),I11,5.8018000000000000E+04,2.1143925168999999E+01,2.2669023335999999E+01,2.0277769974781332E+00,5.2742017692080168E-01,2.6322235858492354E-01,-2.7574274938468447E-03,1.0113565700308268E-02,4.1629325820245807E-03 -2001 Einstein (1973 EB),I11,5.8019000000000000E+04,2.0797737672000000E+01,2.2815007130000001E+01,2.0249876619023048E+00,5.3752659696477856E-01,2.6738154276664072E-01,-2.8210845469031571E-03,1.0096841889986843E-02,4.1545972016152058E-03 -2001 Einstein (1973 EB),I11,5.8020000000000000E+04,2.0443282857000000E+01,2.2956691864000000E+01,2.0221347605771900E+00,5.4761610306269459E-01,2.7153234745248450E-01,-2.8846175830404357E-03,1.0079810390730016E-02,4.1461359978725567E-03 -2001 Einstein (1973 EB),I11,5.8021000000000000E+04,2.0080907193000002E+01,2.3093954198999999E+01,2.0192184177350549E+00,5.5768838712795243E-01,2.7567464684220672E-01,-2.9480252961394805E-03,1.0062471933671636E-02,4.1375493033645695E-03 -2001 Einstein (1973 EB),I11,5.8022000000000000E+04,1.9710978091000001E+01,2.3226676278999999E+01,2.0162387588360740E+00,5.6774314183190833E-01,2.7980831545036777E-01,-3.0113063842118907E-03,1.0044827249048201E-02,4.1288374505325529E-03 -2001 Einstein (1973 EB),I11,5.8023000000000000E+04,1.9333883214000000E+01,2.3354746294000002E+01,2.0131959105769899E+00,5.7778006058670284E-01,2.8393322810309346E-01,-3.0744595491740650E-03,1.0026877066340815E-02,4.1200007716870202E-03 -2001 Einstein (1973 EB),I11,5.8024000000000000E+04,1.8950029752999999E+01,2.3478059105000000E+01,2.0100900008942295E+00,5.8779883753951456E-01,2.8804925993287361E-01,-3.1374834966624923E-03,1.0008622114428543E-02,4.1110395990130513E-03 -2001 Einstein (1973 EB),I11,5.8025000000000000E+04,1.8559843595000000E+01,2.3596516886000000E+01,2.0069211589618101E+00,5.9779916757846174E-01,2.9215628637420282E-01,-3.2003769359109768E-03,9.9900631217503411E-03,4.1019542645729474E-03 -2001 Einstein (1973 EB),I11,5.8026000000000000E+04,1.8163768292000000E+01,2.3710029744000000E+01,2.0036895151860157E+00,6.0778074634550350E-01,2.9625418316104318E-01,-3.2631385796589368E-03,9.9712008164396064E-03,4.0927451003199573E-03 -2001 Einstein (1973 EB),I11,5.8027000000000000E+04,1.7762263795999999E+01,2.3818516277000001E+01,2.0003952011982991E+00,6.1774327025344522E-01,3.0034282632799714E-01,-3.3257671440999666E-03,9.9520359264602502E-03,4.0834124381041370E-03 -2001 Einstein (1973 EB),I11,5.8028000000000000E+04,1.7355804982999999E+01,2.3921904021000000E+01,1.9970383498485955E+00,6.2768643650172073E-01,3.0442209221624500E-01,-3.3882613488433314E-03,9.9325691797012526E-03,4.0739566096867300E-03 -2001 Einstein (1973 EB),I11,5.8029000000000000E+04,1.6944879998000001E+01,2.4020129762000000E+01,1.9936190952037767E+00,6.3760994307820140E-01,3.0849185748231045E-01,-3.4506199168540643E-03,9.9128013040701204E-03,4.0643779467571294E-03 -2001 Einstein (1973 EB),I41,5.7970000000000000E+04,2.6240745878999999E+01,1.3006104754000001E+01,2.0848016650147096E+00,2.8641149861825976E-02,5.6268323508885353E-02,4.1696558934084006E-04,1.0540189836914984E-02,4.4085605736289080E-03 -2001 Einstein (1973 EB),I41,5.7971000000000000E+04,2.6343019085000002E+01,1.3228919003000000E+01,2.0851836980257832E+00,3.9183046696354751E-02,6.0675810415245453E-02,3.4900174570898918E-04,1.0539088059226013E-02,4.4066542859981447E-03 -2001 Einstein (1973 EB),I41,5.7972000000000000E+04,2.6438364919000001E+01,1.3451476174000000E+01,2.0854977949335431E+00,4.9723651039572214E-02,6.5081322961062033E-02,2.8109246362351993E-04,1.0537644082939949E-02,4.4046063291090613E-03 -2001 Einstein (1973 EB),I41,5.7973000000000000E+04,2.6526647713999999E+01,1.3673766881000001E+01,2.0857440117186146E+00,6.0262621560197016E-02,6.9484719843405374E-02,2.1323934502496915E-04,1.0535858605062155E-02,4.4024170279065595E-03 -2001 Einstein (1973 EB),I41,5.7974000000000000E+04,2.6607727952000001E+01,1.3895779490000001E+01,2.0859224059328239E+00,7.0799617672047344E-02,7.3885860106513893E-02,1.4544398397884142E-04,1.0533732324056968E-02,4.4000867077679485E-03 -2001 Einstein (1973 EB),I41,5.7975000000000000E+04,2.6681462146000001E+01,1.4117499859000000E+01,2.0860330367045679E+00,8.1334299505880114E-02,7.8284603146531614E-02,7.7707966795079533E-05,1.0531265939798055E-02,4.3976156944836933E-03 -2001 Einstein (1973 EB),I41,5.7976000000000000E+04,2.6747702872000001E+01,1.4338911100000001E+01,2.0860759647498539E+00,9.1866327877005993E-02,8.2680808717678467E-02,1.0032872097118575E-05,1.0528460153512180E-02,4.3950043142408557E-03 -2001 Einstein (1973 EB),I41,5.7977000000000000E+04,2.6806298977000001E+01,1.4559993360000000E+01,2.0860512523865826E+00,1.0239536424773898E-01,8.7074336936918295E-02,-5.7579729089811404E-05,1.0525315667729310E-02,4.3922528936046748E-03 -2001 Einstein (1973 EB),I41,5.7978000000000000E+04,2.6857096018000000E+01,1.4780723641000000E+01,2.0859589635496474E+00,1.1292107068768742E-01,9.1465048286108144E-02,-1.2512827324366073E-04,1.0521833186232624E-02,4.3893617595015576E-03 -2001 Einstein (1973 EB),I41,5.7979000000000000E+04,2.6899936923999999E+01,1.5001075677999999E+01,2.0857991638051896E+00,1.2344310983863893E-01,9.5852803613078949E-02,-1.9261120427129137E-04,1.0518013414007673E-02,4.3863312392022971E-03 -2001 Einstein (1973 EB),I41,5.7980000000000000E+04,2.6934662896999999E+01,1.5221019877000000E+01,2.0855719203632490E+00,1.3396114488044042E-01,1.0023746412953290E-01,-2.6002697342204957E-04,1.0513857057191036E-02,4.3831616603068942E-03 -2001 Einstein (1973 EB),I41,5.7981000000000000E+04,2.6961114541000001E+01,1.5440523319000000E+01,2.0852773020881212E+00,1.4447483950245965E-01,1.0461889140674344E-01,-3.2737403919800949E-04,1.0509364823025164E-02,4.3798533507265853E-03 -2001 Einstein (1973 EB),I41,5.7982000000000000E+04,2.6979133208000000E+01,1.5659549856000000E+01,2.0849153795042255E+00,1.5498385788244273E-01,1.0899694736731752E-01,-3.9465086728276456E-04,1.0504537419804932E-02,4.3764066386699522E-03 -2001 Einstein (1973 EB),I41,5.7983000000000000E+04,2.6988562515999998E+01,1.5878060287000000E+01,2.0844862247924691E+00,1.6548786468158949E-01,1.1337149427221201E-01,-4.6185593045665330E-04,1.0499375556830675E-02,4.3728218526263660E-03 -2001 Einstein (1973 EB),I41,5.7984000000000000E+04,2.6989249907000001E+01,1.6096012620000000E+01,2.0839899117699305E+00,1.7598652506819923E-01,1.1774239470336702E-01,-5.2898770852181226E-04,1.0493879944357841E-02,4.3690993213505985E-03 -2001 Einstein (1973 EB),I41,5.7985000000000000E+04,2.6981048073000000E+01,1.6313362365000000E+01,2.0834265158472376E+00,1.8647950477896802E-01,1.2210951154439190E-01,-5.9604468823383841E-04,1.0488051293545851E-02,4.3652393738473558E-03 -2001 Einstein (1973 EB),I41,5.7986000000000000E+04,2.6963816018999999E+01,1.6530062793999999E+01,2.0827961139648874E+00,1.9696647021459601E-01,1.2647270796401602E-01,-6.6302536322557573E-04,1.0481890316409746E-02,4.3612423393541719E-03 -2001 Einstein (1973 EB),I41,5.7987000000000000E+04,2.6937419599999998E+01,1.6746065096999999E+01,2.0820987845199159E+00,2.0744708854951499E-01,1.3083184740764403E-01,-7.2992823393829009E-04,1.0475397725765655E-02,4.3571085473268437E-03 -2001 Einstein (1973 EB),I41,5.7988000000000000E+04,2.6901731479999999E+01,1.6961318356000000E+01,2.0813346073008159E+00,2.1792102782704426E-01,1.3518679360086452E-01,-7.9675180755164367E-04,1.0468574235178569E-02,4.3528383274231211E-03 -2001 Einstein (1973 EB),I41,5.7989000000000000E+04,2.6856630660000000E+01,1.7175769358000000E+01,2.0805036634467031E+00,2.2838795701044540E-01,1.3953741056198996E-01,-8.6349459788801625E-04,1.0461420558914605E-02,4.3484320094859972E-03 -2001 Einstein (1973 EB),I41,5.7990000000000000E+04,2.6802001817000001E+01,1.7389362258999999E+01,2.0796060354357633E+00,2.3884754598680752E-01,1.4388356262046784E-01,-9.3015512532978149E-04,1.0453937411889599E-02,4.3438899235270717E-03 -2001 Einstein (1973 EB),I41,5.7991000000000000E+04,2.6737734711000002E+01,1.7602038201999999E+01,2.0786418070972337E+00,2.4929946552971466E-01,1.4822511443306427E-01,-9.9673191672025249E-04,1.0446125509614891E-02,4.3392123997150478E-03 -2001 Einstein (1973 EB),I41,5.7992000000000000E+04,2.6663723820000001E+01,1.7813734935999999E+01,2.0776110636345062E+00,2.5974338724621665E-01,1.5256193099586451E-01,-1.0632235052410923E-03,1.0437985568162049E-02,4.3343997683549405E-03 -2001 Einstein (1973 EB),I41,5.7993000000000000E+04,2.6579868279999999E+01,1.8024386497999998E+01,2.0765138916481858E+00,2.7017898352465186E-01,1.5689387765000593E-01,-1.1296284303120678E-03,1.0429518304109714E-02,4.3294523598775029E-03 -2001 Einstein (1973 EB),I41,5.7994000000000000E+04,2.6486072086000000E+01,1.8233922963000001E+01,2.0753503791522503E+00,2.8060592749423979E-01,1.6122082008200489E-01,-1.1959452374506593E-03,1.0420724434514781E-02,4.3243705048210974E-03 -2001 Einstein (1973 EB),I41,5.7995000000000000E+04,2.6382244483000001E+01,1.8442270266000001E+01,2.0741206155807821E+00,2.9102389300225145E-01,1.6554262432149622E-01,-1.2621724781513143E-03,1.0411604676876719E-02,4.3191545338191811E-03 -2001 Einstein (1973 EB),I41,5.7996000000000000E+04,2.6268300457999999E+01,1.8649350073000001E+01,2.0728246917861481E+00,3.0143255460510154E-01,1.6985915673729773E-01,-1.3283087097383907E-03,1.0402159749125341E-02,4.3138047775830024E-03 -2001 Einstein (1973 EB),I41,5.7997000000000000E+04,2.6144161253000000E+01,1.8855079684000000E+01,2.0714627000304198E+00,3.1183158757184914E-01,1.7417028403413373E-01,-1.3943524952266589E-03,1.0392390369610338E-02,4.3083215668895287E-03 -2001 Einstein (1973 EB),I41,5.7998000000000000E+04,2.6009754844000000E+01,1.9059371931000001E+01,2.0700347339727951E+00,3.2222066789387188E-01,1.7847587325040240E-01,-1.4603024031697330E-03,1.0382297257114124E-02,4.3027052325685612E-03 -2001 Einstein (1973 EB),I41,5.7999000000000000E+04,2.5865016345000001E+01,1.9262135073000000E+01,2.0685408886553684E+00,3.3259947229861703E-01,1.8277579175895878E-01,-1.5261570075133617E-03,1.0371881130885243E-02,4.2969561054909695E-03 -2001 Einstein (1973 EB),I41,5.8000000000000000E+04,2.5709888347000000E+01,1.9463272647000000E+01,2.0669812604907420E+00,3.4296767825856267E-01,1.8706990727002770E-01,-1.5919148874378826E-03,1.0361142710699822E-02,4.2910745165610229E-03 -2001 Einstein (1973 EB),I41,5.8001000000000000E+04,2.5544321217000000E+01,1.9662683288000000E+01,2.0653559472540826E+00,3.5332496399432173E-01,1.9135808783835220E-01,-1.6575746272226221E-03,1.0350082716950870E-02,4.2850607967097644E-03 -2001 Einstein (1973 EB),I41,5.8002000000000000E+04,2.5368273449000000E+01,1.9860260509000000E+01,2.0636650480833492E+00,3.6367100846180656E-01,1.9564020187198952E-01,-1.7231348161211397E-03,1.0338701870768408E-02,4.2789152768969102E-03 -2001 Einstein (1973 EB),I41,5.8003000000000000E+04,2.5181712170000001E+01,2.0055892485000001E+01,2.0619086634890706E+00,3.7400549132305316E-01,1.9991611814220486E-01,-1.7885940482631800E-03,1.0327000894166568E-02,4.2726382881164721E-03 -2001 Einstein (1973 EB),I41,5.8004000000000000E+04,2.4984613947000000E+01,2.0249461873000001E+01,2.0600868953730700E+00,3.8432809290100822E-01,2.0418570579136577E-01,-1.8539509225994517E-03,1.0314980510229626E-02,4.2662301614063555E-03 -2001 Einstein (1973 EB),I41,5.8005000000000000E+04,2.4776965989000001E+01,2.0440845742000000E+01,2.0581998470521703E+00,3.9463849412475505E-01,2.0844883433571801E-01,-1.9192040429083530E-03,1.0302641443291731E-02,4.2596912278681292E-03 -2001 Einstein (1973 EB),I41,5.8006000000000000E+04,2.4558767792000001E+01,2.0629915654000001E+01,2.0562476232804405E+00,4.0493637647632896E-01,2.1270537366094044E-01,-1.9843520178580857E-03,1.0289984419123620E-02,4.2530218186922876E-03 -2001 Einstein (1973 EB),I41,5.8007000000000000E+04,2.4330033174000000E+01,2.0816537953000001E+01,2.0542303302631484E+00,4.1522142195185219E-01,2.1695519401080951E-01,-2.0493934611443597E-03,1.0277010165097612E-02,4.2462222651854222E-03 -2001 Einstein (1973 EB),I41,5.8008000000000000E+04,2.4090792573000002E+01,2.1000574247999999E+01,2.0521480756585726E+00,4.2549331304265325E-01,2.2119816597003561E-01,-2.1143269916998582E-03,1.0263719410290854E-02,4.2392928988036049E-03 -2001 Einstein (1973 EB),I41,5.8009000000000000E+04,2.3841095440000000E+01,2.1181882100999999E+01,2.0500009685668044E+00,4.3575173273936652E-01,2.2543416044468806E-01,-2.1791512339547721E-03,1.0250112885516419E-02,4.2322340511779027E-03 -2001 Einstein (1973 EB),I41,5.8010000000000000E+04,2.3581012558000001E+01,2.1360315855000000E+01,2.0477891195081299E+00,4.4599636455375280E-01,2.2966304864185644E-01,-2.2438648181265027E-03,1.0236191323246858E-02,4.2250460541387860E-03 -2001 Einstein (1973 EB),I41,5.8011000000000000E+04,2.3310638144999999E+01,2.1535727597000001E+01,2.0455126403935031E+00,4.5622689255567378E-01,2.3388470205075992E-01,-2.3084663805064080E-03,1.0221955457426494E-02,4.2177292397312521E-03 -2001 Einstein (1973 EB),I41,5.8012000000000000E+04,2.3030091604999999E+01,2.1707968180999998E+01,2.0431716444895263E+00,4.6644300142067679E-01,2.3809899242557198E-01,-2.3729545636818131E-03,1.0207406023198258E-02,4.2102839402103440E-03 -2001 Einstein (1973 EB),I41,5.8013000000000000E+04,2.2739518834999998E+01,2.1876888294000000E+01,2.0407662463789915E+00,4.7664437648764790E-01,2.4230579177165742E-01,-2.4373280166895966E-03,1.0192543756527301E-02,4.2027104880291042E-03 -2001 Einstein (1973 EB),I41,5.8014000000000000E+04,2.2439092968000001E+01,2.2042339484999999E+01,2.0382965619189082E+00,4.8683070382339344E-01,2.4650497233716126E-01,-2.5015853950547647E-03,1.0177369393778904E-02,4.1950092158077219E-03 -2001 Einstein (1973 EB),I41,5.8015000000000000E+04,2.2129014512000001E+01,2.2204175116999998E+01,2.0357627082001759E+00,4.9700167028582765E-01,2.5069640661164005E-01,-2.5657253607007640E-03,1.0161883671288324E-02,4.1871804562928060E-03 -2001 Einstein (1973 EB),I41,5.8016000000000000E+04,2.1809510919000001E+01,2.2362251166000000E+01,2.0331648035142291E+00,5.0715696357659701E-01,2.5487996733344082E-01,-2.6297465817390823E-03,1.0146087324993863E-02,4.1792245423082778E-03 -2001 Einstein (1973 EB),I41,5.8017000000000000E+04,2.1480835695000000E+01,2.2516426865000000E+01,2.0305029673325028E+00,5.1729627227083996E-01,2.5905552750372712E-01,-2.6936477321787573E-03,1.0129981090106830E-02,4.1711418067070316E-03 -2001 Einstein (1973 EB),I41,5.8018000000000000E+04,2.1143267247000001E+01,2.2666565206000001E+01,2.0277773203005367E+00,5.2741928582157027E-01,2.6322296040453663E-01,-2.7574274915627269E-03,1.0113565700902348E-02,4.1629325823210831E-03 -2001 Einstein (1973 EB),I41,5.8019000000000000E+04,2.0797107697000001E+01,2.2812533348999999E+01,2.0249879842457030E+00,5.3752569453873034E-01,2.6738213961494361E-01,-2.8210845445752050E-03,1.0096841890605123E-02,4.1545972019227011E-03 -2001 Einstein (1973 EB),I41,5.8020000000000000E+04,2.0442681787000001E+01,2.2954203013000001E+01,2.0221350821924831E+00,5.4761518955582111E-01,2.7153293902312692E-01,-2.8846175806695410E-03,1.0079810391371980E-02,4.1461359981908958E-03 -2001 Einstein (1973 EB),I41,5.8021000000000000E+04,2.0080335961999999E+01,2.3091450898000002E+01,2.0192187383794700E+00,5.5768746279445547E-01,2.7567523283239043E-01,-2.9480252937300667E-03,1.0062471934336946E-02,4.1375493036934739E-03 -2001 Einstein (1973 EB),I41,5.8022000000000000E+04,1.9710437604999999E+01,2.3224159186000001E+01,2.0162390782737880E+00,5.6774220693433086E-01,2.7980889556109756E-01,-3.0113063817680885E-03,1.0044827249736385E-02,4.1288374508717364E-03 -2001 Einstein (1973 EB),I41,5.8023000000000000E+04,1.9333374344999999E+01,2.3352216103000000E+01,2.0131962285797558E+00,5.7777911539600624E-01,2.8393380203943280E-01,-3.0744595466982751E-03,1.0026877067051290E-02,4.1200007720361845E-03 -2001 Einstein (1973 EB),I41,5.8024000000000000E+04,1.8949553340000001E+01,2.3475516546000001E+01,2.0100903172419819E+00,5.8779788233513119E-01,2.8804982740419882E-01,-3.1374834941591150E-03,1.0008622115160667E-02,4.1110395993718555E-03 -2001 Einstein (1973 EB),I41,5.8025000000000000E+04,1.8559400435000001E+01,2.3593962723000001E+01,2.0069214734432537E+00,5.9779820264831174E-01,2.9215684709445749E-01,-3.2003769333820431E-03,9.9900631225034210E-03,4.1019542649409994E-03 -2001 Einstein (1973 EB),I41,5.8026000000000000E+04,1.8163359137000000E+01,2.3707464774999998E+01,2.0036898275991888E+00,6.0777977198596633E-01,2.9625473684898435E-01,-3.2631385771098630E-03,9.9712008172128073E-03,4.0927451006968762E-03 -2001 Einstein (1973 EB),I41,5.8027000000000000E+04,1.7761889355000001E+01,2.3815941331000001E+01,2.0003955113511118E+00,6.1774228676930576E-01,3.0034337270744382E-01,-3.3257671415339229E-03,9.9520359272527240E-03,4.0834124384894815E-03 -2001 Einstein (1973 EB),I41,5.8028000000000000E+04,1.7355465911000000E+01,2.3919319955999999E+01,1.9970386575593371E+00,6.2768544420606898E-01,3.0442263101631373E-01,-3.3882613462630179E-03,9.9325691805121283E-03,4.0739566100799996E-03 -2001 Einstein (1973 EB),I41,5.8029000000000000E+04,1.6944576895000001E+01,2.4017537463000000E+01,1.9936194003015779E+00,6.3760894229229614E-01,3.0849238843765153E-01,-3.4506199142647939E-03,9.9128013048982722E-03,4.0643779471578705E-03 -202930 Ivezic (1998 SG172),500,5.7970000000000000E+04,9.8546534273000006E+01,2.6714823486000000E+01,2.2912289388449614E-01,2.6583709557088939E+00,2.1030566446245372E-01,-1.0346888868366948E-02,2.2855618714678269E-03,-1.9133834482606345E-05 -202930 Ivezic (1998 SG172),500,5.7971000000000000E+04,9.8988290547999995E+01,2.6696817752000001E+01,2.1877123048773550E-01,2.6606376396865268E+00,2.1028474241782022E-01,-1.0350335609556999E-02,2.2445455164775436E-03,-2.2377649285171854E-05 -202930 Ivezic (1998 SG172),500,5.7972000000000000E+04,9.9428597680999999E+01,2.6677768173000000E+01,2.0841616158019793E-01,2.6628632771523275E+00,2.1026057950749116E-01,-1.0353617615453401E-02,2.2035580691524854E-03,-2.5616097706684039E-05 -202930 Ivezic (1998 SG172),500,5.7973000000000000E+04,9.9867434353999997E+01,2.6657689408000000E+01,1.9805785231638218E-01,2.6650478967882467E+00,2.1023318099256214E-01,-1.0356735339411421E-02,2.1626001311138808E-03,-2.8849141796134477E-05 -202930 Ivezic (1998 SG172),500,5.7974000000000000E+04,1.0030477891800000E+02,2.6636596463000000E+01,1.8769646713646182E-01,2.6671915278456804E+00,2.1020255218875378E-01,-1.0359689236048110E-02,2.1216722996530990E-03,-3.2076743958968597E-05 -202930 Ivezic (1998 SG172),500,5.7975000000000000E+04,1.0074060913000000E+02,2.6614504695000001E+01,1.7733216973860055E-01,2.6692942001243871E+00,2.1016869847761047E-01,-1.0362479761208571E-02,2.0807751677570391E-03,-3.5298866954349625E-05 -202930 Ivezic (1998 SG172),500,5.7976000000000000E+04,1.0117490186000001E+02,2.6591429814000001E+01,1.6696512307235079E-01,2.6713559439555521E+00,2.1013162531781260E-01,-1.0365107371933739E-02,2.0399093241156400E-03,-3.8515473893834994E-05 -202930 Ivezic (1998 SG172),500,5.7977000000000000E+04,1.0160763279600000E+02,2.6567387873000001E+01,1.5659548936134804E-01,2.6733767901899648E+00,2.1009133825486487E-01,-1.0367572526428248E-02,1.9990753531315096E-03,-4.1726528239937611E-05 -202930 Ivezic (1998 SG172),500,5.7978000000000000E+04,1.0203877618500000E+02,2.6542395258999999E+01,1.4622343015408079E-01,2.6753567701922387E+00,2.1004784292804057E-01,-1.0369875684027790E-02,1.9582738349363596E-03,-4.4931993804144651E-05 -202930 Ivezic (1998 SG172),500,5.7979000000000000E+04,1.0246830460400000E+02,2.6516468674999999E+01,1.3584910639436176E-01,2.6772959158423659E+00,2.1000114507414563E-01,-1.0372017305167260E-02,1.9175053453969991E-03,-4.8131834745876355E-05 -202930 Ivezic (1998 SG172),500,5.7980000000000000E+04,1.0289618881800000E+02,2.6489625118999999E+01,1.2547267851402144E-01,2.6791942595444449E+00,2.0995125052799024E-01,-1.0373997851348231E-02,1.8767704561330305E-03,-5.1326015570442792E-05 -202930 Ivezic (1998 SG172),500,5.7981000000000000E+04,1.0332239771800000E+02,2.6461881852000001E+01,1.1509430654699260E-01,2.6810518342449683E+00,2.0989816521894269E-01,-1.0375817785106538E-02,1.8360697345263799E-03,-5.4514501127828741E-05 -202930 Ivezic (1998 SG172),500,5.7982000000000000E+04,1.0374689838200000E+02,2.6433256363999998E+01,1.0471415027114306E-01,2.6828686734626022E+00,2.0984189516182364E-01,-1.0377477569979456E-02,1.7954037437336104E-03,-5.7697256611265982E-05 -202930 Ivezic (1998 SG172),500,5.7983000000000000E+04,1.0416965629000001E+02,2.6403766337000000E+01,9.4332369374693137E-02,2.6846448113304699E+00,2.0978244643959229E-01,-1.0378977670472325E-02,1.7547730426981691E-03,-6.0874247555950491E-05 -202930 Ivezic (1998 SG172),500,5.7984000000000000E+04,1.0459063570600000E+02,2.6373429600000001E+01,8.3949123625180921E-02,2.6863802826474519E+00,2.0971982517618493E-01,-1.0380318552024478E-02,1.7141781861600199E-03,-6.4045439838045123E-05 -202930 Ivezic (1998 SG172),500,5.7985000000000000E+04,1.0500980023100000E+02,2.6342264098000001E+01,7.3564572996813737E-02,2.6880751229279398E+00,2.0965403750130615E-01,-1.0381500680974282E-02,1.6736197246616114E-03,-6.7210799674146768E-05 -202930 Ivezic (1998 SG172),500,5.7986000000000000E+04,1.0542711346100000E+02,2.6310287862999999E+01,6.3178877703487624E-02,2.6897293684342749E+00,2.0958508951402885E-01,-1.0382524524522305E-02,1.6330982045515401E-03,-7.0370293621128732E-05 -202930 Ivezic (1998 SG172),500,5.7987000000000000E+04,1.0584253963400000E+02,2.6277519021000000E+01,5.2792198105281130E-02,2.6913430561779852E+00,2.0951298725547221E-01,-1.0383390550692899E-02,1.5926141679853904E-03,-7.3523888576382458E-05 -202930 Ivezic (1998 SG172),500,5.7988000000000000E+04,1.0625604415600000E+02,2.6243975802000001E+01,4.2404694501713802E-02,2.6929162238867934E+00,2.0943773669918728E-01,-1.0384099228292693E-02,1.5521681529184084E-03,-7.6671551779060890E-05 -202930 Ivezic (1998 SG172),500,5.7989000000000000E+04,1.0666759390400000E+02,2.6209676580000000E+01,3.2016526876919471E-02,2.6944489099472784E+00,2.0935934376121978E-01,-1.0384651026865652E-02,1.5117606931036795E-03,-7.9813250811186479E-05 -202930 Ivezic (1998 SG172),500,5.7990000000000000E+04,1.0707715729200000E+02,2.6174639912000000E+01,2.1627854668020086E-02,2.6959411533425350E+00,2.0927781432410000E-01,-1.0385046416647066E-02,1.4713923180813201E-03,-8.2948953599517417E-05 -202930 Ivezic (1998 SG172),500,5.7991000000000000E+04,1.0748470413400000E+02,2.6138884579999999E+01,1.1238836614591241E-02,2.6973929936007752E+00,2.0919315426518226E-01,-1.0385285868505664E-02,1.4310635531776597E-03,-8.6078628417932856E-05 -202930 Ivezic (1998 SG172),500,5.7992000000000000E+04,1.0789020541100000E+02,2.6102429615999998E+01,8.4963069690557891E-04,2.6988044707637493E+00,2.0910536948090630E-01,-1.0385369853886916E-02,1.3907749195018505E-03,-8.9202243889705338E-05 -202930 Ivezic (1998 SG172),500,5.7993000000000000E+04,1.0829363299200000E+02,2.6065294323000000E+01,-9.5396058539860551E-03,2.7001756253739169E+00,2.0901446590271675E-01,-1.0385298844746552E-02,1.3505269339481301E-03,-9.2319768990378666E-05 -202930 Ivezic (1998 SG172),500,5.7994000000000000E+04,1.0869495939600000E+02,2.6027498283000000E+01,-1.9928716505439370E-02,2.7015064984745436E+00,2.0892044950429392E-01,-1.0385073313477582E-02,1.3103201092072910E-03,-9.5431173050463853E-05 -202930 Ivezic (1998 SG172),500,5.7995000000000000E+04,1.0909415760600000E+02,2.5989061357000001E+01,-3.0317545362430809E-02,2.7027971316161694E+00,2.0882332630203282E-01,-1.0384693732829792E-02,1.2701549537812995E-03,-9.8536425758616628E-05 -202930 Ivezic (1998 SG172),500,5.7996000000000000E+04,1.0949120093900000E+02,2.5950003683999999E+01,-4.0705937114173474E-02,2.7040475668633421E+00,2.0872310235140037E-01,-1.0384160575820811E-02,1.2300319720109313E-03,-1.0163549716458584E-04 -202930 Ivezic (1998 SG172),500,5.7997000000000000E+04,1.0988606296499999E+02,2.5910345680999999E+01,-5.1093737001428163E-02,2.7052578467976294E+00,2.0861978374159518E-01,-1.0383474315640635E-02,1.1899516641131706E-03,-1.0472835768195470E-04 -202930 Ivezic (1998 SG172),500,5.7998000000000000E+04,1.1027871744200000E+02,2.5870108044999998E+01,-6.1480790808217889E-02,2.7064280145136794E+00,2.0851337659055960E-01,-1.0382635425550783E-02,1.1499145262384002E-03,-1.0781497808982974E-04 -202930 Ivezic (1998 SG172),500,5.7999000000000000E+04,1.1066913824900000E+02,2.5829311755999999E+01,-7.1866944882533867E-02,2.7075581136064901E+00,2.0840388704208623E-01,-1.0381644378780249E-02,1.1099210505442682E-03,-1.1089532953342412E-04 -202930 Ivezic (1998 SG172),500,5.8000000000000000E+04,1.1105729928300001E+02,2.5787978099000000E+01,-8.2252046180902538E-02,2.7086481881484730E+00,2.0829132126659206E-01,-1.0380501648424606E-02,1.0699717252994415E-03,-1.1396938352202172E-04 -202930 Ivezic (1998 SG172),500,5.8001000000000000E+04,1.1144317428200000E+02,2.5746128679000002E+01,-9.2635942335139054E-02,2.7096982826576470E+00,2.0817568546671206E-01,-1.0379207707353840E-02,1.0300670350083824E-03,-1.1703711192437206E-04 -202930 Ivezic (1998 SG172),500,5.8002000000000000E+04,1.1182673657100000E+02,2.5703785452000002E+01,-1.0301848172345351E-01,2.7107084420601546E+00,2.0805698588813504E-01,-1.0377763028139154E-02,9.9020746057618125E-04,-1.2009848695914997E-04 -202930 Ivezic (1998 SG172),500,5.8003000000000000E+04,1.1220795871400000E+02,2.5660970752000001E+01,-1.1339951352892141E-01,2.7116787116544323E+00,2.0793522883462670E-01,-1.0376168083011740E-02,9.5039347948872900E-04,-1.2315348118125343E-04 -202930 Ivezic (1998 SG172),500,5.8004000000000000E+04,1.1258681210899999E+02,2.5617707320000001E+01,-1.2377888776175949E-01,2.7126091370862961E+00,2.0781042068447772E-01,-1.0374423343855063E-02,9.1062556604028233E-04,-1.2620206746119216E-04 -202930 Ivezic (1998 SG172),500,5.8005000000000000E+04,1.1296326655500000E+02,2.5574018318000000E+01,-1.3415645522779873E-01,2.7134997643435717E+00,2.0768256790435208E-01,-1.0372529282270034E-02,8.7090419154792209E-04,-1.2924421895889641E-04 -202930 Ivezic (1998 SG172),500,5.8006000000000000E+04,1.1333728987800001E+02,2.5529927334000000E+01,-1.4453206743979918E-01,2.7143506397745751E+00,2.0755167705654884E-01,-1.0370486369691817E-02,8.3122982458042755E-04,-1.3227990909169752E-04 -202930 Ivezic (1998 SG172),500,5.8007000000000000E+04,1.1370884765700001E+02,2.5485458368000000E+01,-1.5490557648658099E-01,2.7151618101282469E+00,2.0741775479741734E-01,-1.0368295077577786E-02,7.9160293116002992E-04,-1.3530911149802028E-04 -202930 Ivezic (1998 SG172),500,5.8008000000000000E+04,1.1407790310500000E+02,2.5440635802999999E+01,-1.6527683488339884E-01,2.7159333226079414E+00,2.0728080786724420E-01,-1.0365955877665272E-02,7.5202397491137829E-04,-1.3833179999906355E-04 -202930 Ivezic (1998 SG172),500,5.8009000000000000E+04,1.1444441712400000E+02,2.5395484359000001E+01,-1.7564569543048481E-01,2.7166652249296641E+00,2.0714084307392674E-01,-1.0363469242281150E-02,7.1249341712505826E-04,-1.4134794856272086E-04 -202930 Ivezic (1998 SG172),500,5.8010000000000000E+04,1.1480834850399999E+02,2.5350029046000000E+01,-1.8601201109394783E-01,2.7173575653773283E+00,2.0699786727333092E-01,-1.0360835644674590E-02,6.7301171672478136E-04,-1.4435753127330965E-04 -202930 Ivezic (1998 SG172),500,5.8011000000000000E+04,1.1516965426900001E+02,2.5304295101000001E+01,-1.9637563491671373E-01,2.7180103928513590E+00,2.0685188734840565E-01,-1.0358055559336452E-02,6.3357933012352791E-04,-1.4736052231161280E-04 -202930 Ivezic (1998 SG172),500,5.8012000000000000E+04,1.1552829012500000E+02,2.5258307935000001E+01,-2.0673641995955394E-01,2.7186237569080776E+00,2.0670291018820863E-01,-1.0355129462268993E-02,5.9419671097872204E-04,-1.5035689594772739E-04 -202930 Ivezic (1998 SG172),500,5.8013000000000000E+04,1.1588421099000000E+02,2.5212093074999999E+01,-2.1709421927795247E-01,2.7191977077862286E+00,2.0655094266780119E-01,-1.0352057831170030E-02,5.5486430985884905E-04,-1.5334662654906462E-04 -202930 Ivezic (1998 SG172),500,5.8014000000000000E+04,1.1623737154900000E+02,2.5165676114000000E+01,-2.2744888594396095E-01,2.7197322964145729E+00,2.0639599163084110E-01,-1.0348841145506315E-02,5.1558257385305936E-04,-1.5632968860308788E-04 -202930 Ivezic (1998 SG172),500,5.8015000000000000E+04,1.1658772678699999E+02,2.5119082683999999E+01,-2.3780027311954299E-01,2.7202275743945679E+00,2.0623806387782367E-01,-1.0345479886461279E-02,4.7635194617507218E-04,-1.5930605675211091E-04 -202930 Ivezic (1998 SG172),500,5.8016000000000000E+04,1.1693523243500000E+02,2.5072338434999999E+01,-2.4814823417962195E-01,2.7206835939568665E+00,2.0607716616285260E-01,-1.0341974536761035E-02,4.3717286582245149E-04,-1.6227570583468958E-04 -202930 Ivezic (1998 SG172),500,5.8017000000000000E+04,1.1727984526000000E+02,2.5025469040000001E+01,-2.5849262286308705E-01,2.7211004078981325E+00,2.0591330520015724E-01,-1.0338325580424404E-02,3.9804576727993021E-04,-1.6523861093039577E-04 -202930 Ivezic (1998 SG172),500,5.8018000000000000E+04,1.1762152318299999E+02,2.4978500222000001E+01,-2.6883329342283901E-01,2.7214780695115071E+00,2.0574648767861145E-01,-1.0334533502438653E-02,3.5897108033210862E-04,-1.6819474740246537E-04 -202930 Ivezic (1998 SG172),500,5.8019000000000000E+04,1.1796022523000001E+02,2.4931457779999999E+01,-2.7917010074116089E-01,2.7218166325254356E+00,2.0557672028023311E-01,-1.0330598788421201E-02,3.1994922997627753E-04,-1.7114409093359342E-04 -202930 Ivezic (1998 SG172),500,5.8020000000000000E+04,1.1829591137000000E+02,2.4884367628000000E+01,-2.8950290039658211E-01,2.7221161510612037E+00,2.0540400969788247E-01,-1.0326521924293324E-02,2.8098063642894092E-04,-1.7408661755301561E-04 -202930 Ivezic (1998 SG172),500,5.8021000000000000E+04,1.1862854228099999E+02,2.4837255826000000E+01,-2.9983154868103212E-01,2.7223766796120161E+00,2.0522836264867242E-01,-1.0322303395984445E-02,2.4206571520436065E-04,-1.7702230365485128E-04 -202930 Ivezic (1998 SG172),500,5.8022000000000000E+04,1.1895807911999999E+02,2.4790148601999999E+01,-3.1015590257834091E-01,2.7225982730400289E+00,2.0504978588162362E-01,-1.0317943689192208E-02,2.0320487725795922E-04,-1.7995112600621834E-04 -202930 Ivezic (1998 SG172),500,5.8023000000000000E+04,1.1928448332400001E+02,2.4743072364000000E+01,-3.2047581972431693E-01,2.7227809865846133E+00,2.0486828617985151E-01,-1.0313443289198820E-02,1.6439852915705114E-04,-1.8287306174784768E-04 -202930 Ivezic (1998 SG172),500,5.8024000000000000E+04,1.1960771645900000E+02,2.4696053711000001E+01,-3.3079115836222650E-01,2.7229248758745155E+00,2.0468387035868416E-01,-1.0308802680743903E-02,1.2564707326724253E-04,-1.8578808838837327E-04 -202930 Ivezic (1998 SG172),500,5.8025000000000000E+04,1.1992774012100000E+02,2.4649119432999999E+01,-3.4110177730796809E-01,2.7230299969377532E+00,2.0449654526140551E-01,-1.0304022347943316E-02,8.6950907932720894E-05,-1.8869618379487526E-04 -202930 Ivezic (1998 SG172),500,5.8026000000000000E+04,1.2024451586500000E+02,2.4602296510999999E+01,-3.5140753593183216E-01,2.7230964062042089E+00,2.0430631775437097E-01,-1.0299102774250972E-02,4.8310427647128840E-05,-1.9159732618029518E-04 -202930 Ivezic (1998 SG172),500,5.8027000000000000E+04,1.2055800515500000E+02,2.4555612128000000E+01,-3.6170829416401884E-01,2.7231241604968526E+00,2.0411319472316855E-01,-1.0294044442449296E-02,9.7260232025421500E-06,-1.9449149409002966E-04 -202930 Ivezic (1998 SG172),500,5.8028000000000000E+04,1.2086816926700000E+02,2.4509093676999999E+01,-3.7200391252751763E-01,2.7231133170083264E+00,2.0391718307160228E-01,-1.0288847834661484E-02,-2.8801918184162556E-05,-1.9737866638836794E-04 -202930 Ivezic (1998 SG172),500,5.8029000000000000E+04,1.2117496914100001E+02,2.4462768795999999E+01,-3.8229425219221269E-01,2.7230639332615199E+00,2.0371828972542222E-01,-1.0283513432379026E-02,-6.7273012745179550E-05,-2.0025882224400954E-04 -202930 Ivezic (1998 SG172),703,5.7970000000000000E+04,9.8545884118999993E+01,2.6714418340999998E+01,2.2912412132713156E-01,2.6583710007046628E+00,2.1030755750540989E-01,-1.0346888868414911E-02,2.2855618709171632E-03,-1.9133834526065339E-05 -202930 Ivezic (1998 SG172),703,5.7971000000000000E+04,9.8987640917999997E+01,2.6696409384999999E+01,2.1877250155469335E-01,2.6606377001673929E+00,2.1028661964750570E-01,-1.0350335609597638E-02,2.2445455159989160E-03,-2.2377649322719988E-05 -202930 Ivezic (1998 SG172),703,5.7972000000000000E+04,9.9427948624999999E+01,2.6677356561000000E+01,2.0841747580418479E-01,2.6628633536825226E+00,2.1026244040842959E-01,-1.0353617615485889E-02,2.2035580687465046E-03,-2.5616097738577668E-05 -202930 Ivezic (1998 SG172),703,5.7973000000000000E+04,9.9866785922000005E+01,2.6657274529999999E+01,1.9805920921513465E-01,2.6650479899192878E+00,2.1023502505691002E-01,-1.0356735339435609E-02,2.1626001307809301E-03,-2.8849141822532174E-05 -202930 Ivezic (1998 SG172),703,5.7974000000000000E+04,1.0030413116200000E+02,2.6636178296000001E+01,1.8769786621308637E-01,2.6671916381160576E+00,2.1020437891643720E-01,-1.0359689236066959E-02,2.1216722993921411E-03,-3.2076743979412889E-05 -202930 Ivezic (1998 SG172),703,5.7975000000000000E+04,1.0073996210100000E+02,2.6614083217000001E+01,1.7733361048192642E-01,2.6692943280592552E+00,2.1017050737647655E-01,-1.0362479761221420E-02,2.0807751675686603E-03,-3.5298866969093263E-05 -202930 Ivezic (1998 SG172),703,5.7976000000000000E+04,1.0117425560800000E+02,2.6591005002999999E+01,1.6696660495732651E-01,2.6713560900664235E+00,2.1013341590377893E-01,-1.0365107371941192E-02,2.0399093239998611E-03,-3.8515473902889417E-05 -202930 Ivezic (1998 SG172),703,5.7977000000000000E+04,1.0160698737600001E+02,2.6566959706999999E+01,1.5659701184944608E-01,2.6733769549744162E+00,2.1009311005209502E-01,-1.0367572526431551E-02,1.9990753530879507E-03,-4.1726528243151302E-05 -202930 Ivezic (1998 SG172),703,5.7978000000000000E+04,1.0203813164899999E+02,2.6541963715000001E+01,1.4622499269372291E-01,2.6753569541336093E+00,2.1004959546914584E-01,-1.0369875684027160E-02,1.9582738349651890E-03,-4.4931993801606513E-05 -202930 Ivezic (1998 SG172),703,5.7979000000000000E+04,1.0246766100600000E+02,2.6516033732000000E+01,1.3585070842137026E-01,2.6772961194094678E+00,2.1000287790040559E-01,-1.0372017305161952E-02,1.9175053454989488E-03,-4.8131834737919158E-05 -202930 Ivezic (1998 SG172),703,5.7980000000000000E+04,1.0289554621400001E+02,2.6489186754999999E+01,1.2547431945209264E-01,2.6791944831912744E+00,2.0995296318959195E-01,-1.0373997851340829E-02,1.8767704563069504E-03,-5.1326015556585577E-05 -202930 Ivezic (1998 SG172),703,5.7981000000000000E+04,1.0332175616200000E+02,2.6461440043000000E+01,1.1509598580818448E-01,2.6810520784104321E+00,2.0989985727522550E-01,-1.0375817785096471E-02,1.8360697347728598E-03,-5.4514501108362664E-05 -202930 Ivezic (1998 SG172),703,5.7982000000000000E+04,1.0374625793100000E+02,2.6432811089000001E+01,1.0471586725638038E-01,2.6828689385702420E+00,2.0984356618151065E-01,-1.0377477569967397E-02,1.7954037440525896E-03,-5.7697256586186583E-05 -202930 Ivezic (1998 SG172),703,5.7983000000000000E+04,1.0416901700000000E+02,2.6403317572999999E+01,9.4334123474286713E-02,2.6846450977882275E+00,2.0978409600098191E-01,-1.0378977670458825E-02,1.7547730430896094E-03,-6.0874247525273092E-05 -202930 Ivezic (1998 SG172),703,5.7984000000000000E+04,1.0458999763500000E+02,2.6372977325000001E+01,8.3950914219316886E-02,2.6863805908474316E+00,2.0972145286730487E-01,-1.0380318552009972E-02,1.7141781866239596E-03,-6.4045439801826645E-05 -202930 Ivezic (1998 SG172),703,5.7985000000000000E+04,1.0500916343900001E+02,2.6341808288999999E+01,7.3566399456075127E-02,2.6880754532462054E+00,2.0965564292002653E-01,-1.0381500680960436E-02,1.6736197251972090E-03,-6.7210799632069193E-05 -202930 Ivezic (1998 SG172),703,5.7986000000000000E+04,1.0542647800600000E+02,2.6309828499000002E+01,6.3180739389292362E-02,2.6897297212306652E+00,2.0958667226816088E-01,-1.0382524524508645E-02,1.6330982051594410E-03,-7.0370293573519856E-05 -202930 Ivezic (1998 SG172),703,5.7987000000000000E+04,1.0584190557700001E+02,2.6277056078000001E+01,5.2794094370322453E-02,2.6913434317959570E+00,2.0951454696286195E-01,-1.0383390550679173E-02,1.5926141686661514E-03,-7.3523888523533660E-05 -202930 Ivezic (1998 SG172),703,5.7988000000000000E+04,1.0625541155800001E+02,2.6243509259000000E+01,4.2406624690359607E-02,2.6929166226532826E+00,2.0943927298782875E-01,-1.0384099228280777E-02,1.5521681536709402E-03,-7.6671551720560160E-05 -202930 Ivezic (1998 SG172),703,5.7989000000000000E+04,1.0666696282900000E+02,2.6209206413000000E+01,3.2018490325552706E-02,2.6944493321725655E+00,2.0936085626941900E-01,-1.0384651026856829E-02,1.5117606939272707E-03,-7.9813250746788746E-05 -202930 Ivezic (1998 SG172),703,5.7990000000000000E+04,1.0707652780200000E+02,2.6174166100000001E+01,2.1629850705370712E-02,2.6959415993201223E+00,2.0927930270065745E-01,-1.0385046416639688E-02,1.4713923189776709E-03,-8.2948953530013594E-05 -202930 Ivezic (1998 SG172),703,5.7991000000000000E+04,1.0748407629600000E+02,2.6138407099999998E+01,1.1240864562071184E-02,2.6973934636072796E+00,2.0919461816957152E-01,-1.0385285868502445E-02,1.4310635541447889E-03,-8.6078628342554526E-05 -202930 Ivezic (1998 SG172),703,5.7992000000000000E+04,1.0788957928900000E+02,2.6101948447000002E+01,8.5168986897810051E-04,2.6988049650588017E+00,2.0910680858342939E-01,-1.0385369853886873E-02,1.3907749205410106E-03,-8.9202243809056851E-05 -202930 Ivezic (1998 SG172),703,5.7993000000000000E+04,1.0829300865300000E+02,2.6064809442000001E+01,-9.5375161494692939E-03,2.7001761442000611E+00,2.0901587988464662E-01,-1.0385298844750798E-02,1.3505269350586289E-03,-9.2319768904256788E-05 -202930 Ivezic (1998 SG172),703,5.7994000000000000E+04,1.0869433691000000E+02,2.6027009668000002E+01,-1.9926596966866272E-02,2.7015070420571563E+00,2.0892183805798611E-01,-1.0385073313486058E-02,1.3103201103895814E-03,-9.5431172959140569E-05 -202930 Ivezic (1998 SG172),703,5.7995000000000000E+04,1.0909353704100000E+02,2.5988568985000001E+01,-3.0315396694048369E-02,2.7027977001633805E+00,2.0882468913101448E-01,-1.0384693732844100E-02,1.2701549550341792E-03,-9.8536425661674250E-05 -202930 Ivezic (1998 SG172),703,5.7996000000000000E+04,1.0949058236700000E+02,2.5949507533999999E+01,-4.0703760025718627E-02,2.7040481605659599E+00,2.0872443917045672E-01,-1.0384160575841461E-02,1.2300319733342113E-03,-1.0163549706204185E-04 -202930 Ivezic (1998 SG172),703,5.7997000000000000E+04,1.0988544645600000E+02,2.5909845732000001E+01,-5.1091532207744206E-02,2.7052584658290812E+00,2.0862109427682987E-01,-1.0383474315667529E-02,1.1899516655073192E-03,-1.0472835757412206E-04 -202930 Ivezic (1998 SG172),703,5.7998000000000000E+04,1.1027810307000000E+02,2.5869604273000000E+01,-6.1478559028865565E-02,2.7064286590299647E+00,2.0851466057944443E-01,-1.0382635425584336E-02,1.1499145277033291E-03,-1.0781497797678942E-04 -202930 Ivezic (1998 SG172),703,5.7999000000000000E+04,1.1066852608799999E+02,2.5828804139999999E+01,-7.1864686841411229E-02,2.7075587837461339E+00,2.0840514423349737E-01,-1.0381644378820967E-02,1.1099210520798403E-03,-1.1089532941522962E-04 -202930 Ivezic (1998 SG172),703,5.8000000000000000E+04,1.1105668940900000E+02,2.5787466617000000E+01,-8.2249762605878574E-02,2.7086488840324940E+00,2.0829255142083825E-01,-1.0380501648473869E-02,1.0699717269044215E-03,-1.1396938339826556E-04 -202930 Ivezic (1998 SG172),703,5.8001000000000000E+04,1.1144256677000000E+02,2.5745613310000000E+01,-9.2633633957679762E-02,2.7096990043895204E+00,2.0817688835554404E-01,-1.0379207707411506E-02,1.0300670366832909E-03,-1.1703711179541965E-04 -202930 Ivezic (1998 SG172),703,5.8002000000000000E+04,1.1182613150000000E+02,2.5703266172999999E+01,-1.0301614927824143E-01,2.7107091897257916E+00,2.0805816129474627E-01,-1.0377763028205419E-02,9.9020746232119164E-04,-1.2009848682521352E-04 -202930 Ivezic (1998 SG172),703,5.8003000000000000E+04,1.1220735616300000E+02,2.5660447542000000E+01,-1.1339715775345405E-01,2.7116794853221466E+00,2.0793637655363179E-01,-1.0376168083087643E-02,9.5039348130289934E-04,-1.2315348104207863E-04 -202930 Ivezic (1998 SG172),703,5.8004000000000000E+04,1.1258621215800000E+02,2.5617180157000000E+01,-1.2377650939590956E-01,2.7126099368068020E+00,2.0781154052189138E-01,-1.0374423343941206E-02,9.1062556792322058E-04,-1.2620206731675125E-04 -202930 Ivezic (1998 SG172),703,5.8005000000000000E+04,1.1296266928700000E+02,2.5573487180000001E+01,-1.3415405501338795E-01,2.7135005901499438E+00,2.0768365967760669E-01,-1.0372529282366778E-02,8.7090419349949988E-04,-1.2924421880930529E-04 -202930 Ivezic (1998 SG172),703,5.8006000000000000E+04,1.1333669537500001E+02,2.5529392198000000E+01,-1.4452964612012864E-01,2.7143514916822360E+00,2.0755274059453976E-01,-1.0370486369799668E-02,8.3122982660032915E-04,-1.3227990893698702E-04 -202930 Ivezic (1998 SG172),703,5.8007000000000000E+04,1.1370825600400001E+02,2.5484919213000001E+01,-1.5490313480591178E-01,2.7151626881349502E+00,2.0741878994056021E-01,-1.0368295077696613E-02,7.9160293324890066E-04,-1.3530911133864177E-04 -202930 Ivezic (1998 SG172),703,5.8008000000000000E+04,1.1407731438899999E+02,2.5440092607000000E+01,-1.6527437358643304E-01,2.7159342266937800E+00,2.0728181446755403E-01,-1.0365955877796561E-02,7.5202397706732038E-04,-1.3833179983438704E-04 -202930 Ivezic (1998 SG172),703,5.8009000000000000E+04,1.1444383143200000E+02,2.5394937099000000E+01,-1.7564321526182269E-01,2.7166661550570748E+00,2.0714182099508577E-01,-1.0363469242425443E-02,7.1249341934759985E-04,-1.4134794839271779E-04 -202930 Ivezic (1998 SG172),703,5.8010000000000000E+04,1.1480776592500000E+02,2.5349477700000001E+01,-1.8600951279756606E-01,2.7173585214911311E+00,2.0699881639074247E-01,-1.0360835644831212E-02,6.7301171901551146E-04,-1.4435753109887767E-04 -202930 Ivezic (1998 SG172),703,5.8011000000000000E+04,1.1516907489499999E+02,2.5303739646000000E+01,-1.9637311923543832E-01,2.7180113748788193E+00,2.0685280754920790E-01,-1.0358055559506836E-02,6.3357933248040996E-04,-1.4736052213207060E-04 -202930 Ivezic (1998 SG172),703,5.8012000000000000E+04,1.1552771404800001E+02,2.5257748350000000E+01,-2.0673388763453826E-01,2.7186247647589981E+00,2.0670380137123556E-01,-1.0355129462453372E-02,5.9419671340175950E-04,-1.5035689576329252E-04 -202930 Ivezic (1998 SG172),703,5.8013000000000000E+04,1.1588363830500001E+02,2.5211529335000002E+01,-2.1709167104820870E-01,2.7191987413530634E+00,2.0655180474352211E-01,-1.0352057831368888E-02,5.5486431234762906E-04,-1.5334662635977197E-04 -202930 Ivezic (1998 SG172),703,5.8014000000000000E+04,1.1623680235200000E+02,2.5165108198999999E+01,-2.2744632254592601E-01,2.7197333555725760E+00,2.0639682452127539E-01,-1.0348841145719925E-02,5.1558257640750213E-04,-1.5632968840912934E-04 -202930 Ivezic (1998 SG172),703,5.8015000000000000E+04,1.1658716117700000E+02,2.5118510570000002E+01,-2.3779769528666095E-01,2.7202286590019562E+00,2.0623886751644388E-01,-1.0345479886690365E-02,4.7635194879417850E-04,-1.5930605655329244E-04 -202930 Ivezic (1998 SG172),703,5.8016000000000000E+04,1.1693467051200000E+02,2.5071762099000001E+01,-2.4814564264200500E-01,2.7206847038550048E+00,2.0607794049451411E-01,-1.0341974537005642E-02,4.3717286850666892E-04,-1.6227570563144320E-04 -202930 Ivezic (1998 SG172),703,5.8017000000000000E+04,1.1727928712600000E+02,2.5024888460000000E+01,-2.5849001834719898E-01,2.7211015429117227E+00,2.0591405018104969E-01,-1.0338325580685221E-02,3.9804577002822833E-04,-1.6523861072252966E-04 -202930 Ivezic (1998 SG172),703,5.8018000000000000E+04,1.1762096894299999E+02,2.4977915375999999E+01,-2.6883067665124605E-01,2.7214792294487697E+00,2.0574720327624726E-01,-1.0334533502716292E-02,3.5897108314358189E-04,-1.6819474718983998E-04 -202930 Ivezic (1998 SG172),703,5.8019000000000000E+04,1.1795967499100000E+02,2.4930868645000000E+01,-2.7916747243225104E-01,2.7218178171783136E+00,2.0557740647342065E-01,-1.0330598788716339E-02,3.1994923284963880E-04,-1.7114409071592040E-04 -202930 Ivezic (1998 SG172),703,5.8020000000000000E+04,1.1829536524000000E+02,2.4883774182000000E+01,-2.8950026126432005E-01,2.7221173602055622E+00,2.0540466647670508E-01,-1.0326521924605486E-02,2.8098063936612960E-04,-1.7408661733141645E-04 -202930 Ivezic (1998 SG172),703,5.8021000000000000E+04,1.1862800037000000E+02,2.4836658047000000E+01,-2.9982889943471802E-01,2.7223779130078438E+00,2.0522899001444078E-01,-1.0322303396314491E-02,2.4206571820364897E-04,-1.7702230342885489E-04 -202930 Ivezic (1998 SG172),703,5.8022000000000000E+04,1.1895754154200000E+02,2.4789546468000001E+01,-3.1015324392236399E-01,2.7225995304316362E+00,2.0505038384681382E-01,-1.0317943689540789E-02,2.0320488031799755E-04,-1.7995112577553457E-04 -202930 Ivezic (1998 SG172),703,5.8023000000000000E+04,1.1928395019500000E+02,2.4742465851999999E+01,-3.2047315235793294E-01,2.7227822677008251E+00,2.0486885476803907E-01,-1.0313443289565988E-02,1.6439853227834950E-04,-1.8287306151299038E-04 -202930 Ivezic (1998 SG172),703,5.8024000000000000E+04,1.1960718789700000E+02,2.4695442799999999E+01,-3.3078848297930774E-01,2.7229261804288889E+00,2.0468440960443807E-01,-1.0308802681130384E-02,1.2564707644802109E-04,-1.8578808814890028E-04 -202930 Ivezic (1998 SG172),703,5.8025000000000000E+04,1.1992721624399999E+02,2.4648504101000000E+01,-3.4109909459677645E-01,2.7230313246287778E+00,2.0449705521018460E-01,-1.0304022348348939E-02,8.6950911174422940E-05,-1.8869618355172229E-04 -202930 Ivezic (1998 SG172),703,5.8026000000000000E+04,1.2024399679699999E+02,2.4601676737999998E+01,-3.5140484657478566E-01,2.7230977567155357E+00,2.0430679846239777E-01,-1.0299102774676683E-02,4.8310430946850447E-05,-1.9159732593253883E-04 -202930 Ivezic (1998 SG172),703,5.8027000000000000E+04,1.2055749102000000E+02,2.4554987891000000E+01,-3.6170559883748210E-01,2.7231255334975049E+00,2.0411364625729886E-01,-1.0294044442895275E-02,9.7260265602902574E-06,-1.9449149383801259E-04 -202930 Ivezic (1998 SG172),703,5.8028000000000000E+04,1.2086766019100000E+02,2.4508464955000001E+01,-3.7200121190162261E-01,2.7231147121529125E+00,2.0391760550918533E-01,-1.0288847835127859E-02,-2.8801914767961206E-05,-1.9737866613262265E-04 -202930 Ivezic (1998 SG172),703,5.8029000000000000E+04,1.2117446525500000E+02,2.4462135568000001E+01,-3.8229154693069090E-01,2.7230653501904314E+00,2.0371868315416888E-01,-1.0283513432866423E-02,-6.7273009272689893E-05,-2.0025882198396248E-04 -202930 Ivezic (1998 SG172),F51,5.7970000000000000E+04,9.8545899215000006E+01,2.6714754801000002E+01,2.2912044943676224E-01,2.6583704978672982E+00,2.1030773500812086E-01,-1.0346888868883788E-02,2.2855618654769420E-03,-1.9133834956656137E-05 -202930 Ivezic (1998 SG172),F51,5.7971000000000000E+04,9.8987650795999997E+01,2.6696746370000000E+01,2.1876884080853815E-01,2.6606371713571146E+00,2.1028682382406030E-01,-1.0350335610044999E-02,2.2445455105601936E-03,-2.2377649753128166E-05 -202930 Ivezic (1998 SG172),F51,5.7972000000000000E+04,9.9427953254000002E+01,2.6677694058000000E+01,2.0841382694261013E-01,2.6628627991926379E+00,2.1026267110469871E-01,-1.0353617615911548E-02,2.2035580633086634E-03,-2.5616098168257452E-05 -202930 Ivezic (1998 SG172),F51,5.7973000000000000E+04,9.9866785269000005E+01,2.6657612523000001E+01,1.9805557297204612E-01,2.6650474100565438E+00,2.1023528210914666E-01,-1.0356735339839451E-02,2.1626001253439425E-03,-2.8849142251180447E-05 -202930 Ivezic (1998 SG172),F51,5.7974000000000000E+04,1.0030412519399999E+02,2.6636516770000000E+01,1.8769424331565976E-01,2.6671910332004680E+00,2.1020466215139008E-01,-1.0359689236449379E-02,2.1216722939585708E-03,-3.2076744407847683E-05 -202930 Ivezic (1998 SG172),F51,5.7975000000000000E+04,1.0073995078599999E+02,2.6614422159000000E+01,1.7733000165034207E-01,2.6692936984239291E+00,2.1017081661151549E-01,-1.0362479761582230E-02,2.0807751621380495E-03,-3.5298867396825346E-05 -202930 Ivezic (1998 SG172),F51,5.7976000000000000E+04,1.0117423891300000E+02,2.6591344398000000E+01,1.6696301090450594E-01,2.6713554360574170E+00,2.1013375094703735E-01,-1.0365107372280391E-02,2.0399093185727805E-03,-3.8515474329875012E-05 -202930 Ivezic (1998 SG172),F51,5.7977000000000000E+04,1.0160696526600000E+02,2.6567299539000000E+01,1.5659343328079112E-01,2.6733762769505804E+00,2.1009347070261775E-01,-1.0367572526749339E-02,1.9990753476656006E-03,-4.1726528669606586E-05 -202930 Ivezic (1998 SG172),F51,5.7978000000000000E+04,1.0203810409099999E+02,2.6542303970999999E+01,1.4622143030684287E-01,2.6753562524664529E+00,2.1004998151702664E-01,-1.0369875684323501E-02,1.9582738295478713E-03,-4.4931994227354925E-05 -202930 Ivezic (1998 SG172),F51,5.7979000000000000E+04,1.0246762796700000E+02,2.6516374396000000E+01,1.3584716290579790E-01,2.6772953944830187E+00,2.1000328912691552E-01,-1.0372017305436540E-02,1.9175053400861206E-03,-4.8131835162429872E-05 -202930 Ivezic (1998 SG172),F51,5.7980000000000000E+04,1.0289550765800000E+02,2.6489527811999999E+01,1.2547079148898010E-01,2.6791937354019382E+00,2.0995339936728807E-01,-1.0373997851594222E-02,1.8767704509009206E-03,-5.1326015980552456E-05 -202930 Ivezic (1998 SG172),F51,5.7981000000000000E+04,1.0332171205500001E+02,2.6461781478999999E+01,1.1509247606998141E-01,2.6810513081668441E+00,2.0990031816804253E-01,-1.0375817785328440E-02,1.8360697293732901E-03,-5.4514501531329325E-05 -202930 Ivezic (1998 SG172),F51,5.7982000000000000E+04,1.0374620823700000E+02,2.6433152887999999E+01,1.0471237640649067E-01,2.6828681462931039E+00,2.0984405154483732E-01,-1.0377477570178003E-02,1.7954037386601410E-03,-5.7697257008136439E-05 -202930 Ivezic (1998 SG172),F51,5.7983000000000000E+04,1.0416896168400000E+02,2.6403659720000000E+01,9.4330652166713325E-02,2.6846442839101088E+00,2.0978460558174247E-01,-1.0378977670648121E-02,1.7547730377048994E-03,-6.0874247946161134E-05 -202930 Ivezic (1998 SG172),F51,5.7984000000000000E+04,1.0458993666100000E+02,2.6373319806000001E+01,8.3947463098282160E-02,2.6863797558125344E+00,2.0972198640404865E-01,-1.0380318552177994E-02,1.7141781812474999E-03,-6.4045440221555458E-05 -202930 Ivezic (1998 SG172),F51,5.7985000000000000E+04,1.0500909676900000E+02,2.6342151087000001E+01,7.3562969155650193E-02,2.6880745975100888E+00,2.0965620014306660E-01,-1.0381500681107670E-02,1.6736197198306095E-03,-6.7210800051012109E-05 -202930 Ivezic (1998 SG172),F51,5.7986000000000000E+04,1.0542640560500000E+02,2.6310171600000000E+01,6.3177330533039755E-02,2.6897288452599115E+00,2.0958725289974164E-01,-1.0382524524634774E-02,1.6330981998024189E-03,-7.0370293991233693E-05 -202930 Ivezic (1998 SG172),F51,5.7987000000000000E+04,1.0584182740599999E+02,2.6277399465999999E+01,5.2790707570972262E-02,2.6913425360678014E+00,2.0951515071738830E-01,-1.0383390550783930E-02,1.5926141633186008E-03,-7.3523888939654722E-05 -202930 Ivezic (1998 SG172),F51,5.7988000000000000E+04,1.0625532758000000E+02,2.6243852918000002E+01,4.2403260549545352E-02,2.6929157076552066E+00,2.0943989957211229E-01,-1.0384099228364824E-02,1.5521681483347000E-03,-7.6671552135549654E-05 -202930 Ivezic (1998 SG172),F51,5.7989000000000000E+04,1.0666687300600000E+02,2.6209550327999999E+01,3.2015149433576529E-02,2.6944483984018799E+00,2.0936150538290180E-01,-1.0384651026920605E-02,1.5117606886036593E-03,-7.9813251160885631E-05 -202930 Ivezic (1998 SG172),F51,5.7990000000000000E+04,1.0707643209500000E+02,2.6174510254000001E+01,2.1626533641010526E-02,2.6959406472835505E+00,2.0927997403561305E-01,-1.0385046416682279E-02,1.4713923136653404E-03,-8.2948953942313047E-05 -202930 Ivezic (1998 SG172),F51,5.7991000000000000E+04,1.0748397466599999E+02,2.6138751477000000E+01,1.1237571892416698E-02,2.6973924938205487E+00,2.0919531141127989E-01,-1.0385285868525032E-02,1.4310635488463900E-03,-8.6078628753858872E-05 -202930 Ivezic (1998 SG172),F51,5.7992000000000000E+04,1.0788947169700000E+02,2.6102293028999998E+01,8.4842214928937398E-04,2.6988039780462576E+00,2.0910752341033909E-01,-1.0385369853888765E-02,1.3907749152557713E-03,-8.9202244218700144E-05 -202930 Ivezic (1998 SG172),F51,5.7993000000000000E+04,1.0829289506000001E+02,2.6065154214000000E+01,-9.5407583758901904E-03,2.7001751404942858E+00,2.0901661596851495E-01,-1.0385298844732459E-02,1.3505269297877705E-03,-9.2319769312422829E-05 -202930 Ivezic (1998 SG172),F51,5.7994000000000000E+04,1.0869421727400000E+02,2.6027354612000000E+01,-1.9929813168792276E-02,2.7015060221986116E+00,2.0892259506402922E-01,-1.0385073313447239E-02,1.3103201051331993E-03,-9.5431173365537829E-05 -202930 Ivezic (1998 SG172),F51,5.7995000000000000E+04,1.0909341132400000E+02,2.5988914086000001E+01,-3.0318586352439225E-02,2.7027966647000450E+00,2.0882546671805594E-01,-1.0384693732785586E-02,1.2701549497939699E-03,-9.8536426066680451E-05 -202930 Ivezic (1998 SG172),F51,5.7996000000000000E+04,1.0949045052800000E+02,2.5949852774000000E+01,-4.0706922633822695E-02,2.7040471100529788E+00,2.0872523699107973E-01,-1.0384160575763435E-02,1.2300319681108601E-03,-1.0163549746559840E-04 -202930 Ivezic (1998 SG172),F51,5.7997000000000000E+04,1.0988530845400000E+02,2.5910191092000002E+01,-5.1094667271193606E-02,2.7052574008284256E+00,2.0862191197753924E-01,-1.0383474315569709E-02,1.1899516603008815E-03,-1.0472835797591393E-04 -202930 Ivezic (1998 SG172),F51,5.7998000000000000E+04,1.1027795886400000E+02,2.5869949736999999E+01,-6.1481666065747120E-02,2.7064275801100779E+00,2.0851549780083362E-01,-1.0382635425466809E-02,1.1499145225144190E-03,-1.0781497837671930E-04 -202930 Ivezic (1998 SG172),F51,5.7999000000000000E+04,1.1066837563700000E+02,2.5829149691000001E+01,-7.1867765382338633E-02,2.7075576914815978E+00,2.0840600061041226E-01,-1.0381644378683849E-02,1.1099210469091205E-03,-1.1089532981322861E-04 -202930 Ivezic (1998 SG172),F51,5.8000000000000000E+04,1.1105653267000000E+02,2.5787812236000001E+01,-8.2252812194046676E-02,2.7086477790036891E+00,2.0829342658254574E-01,-1.0380501648318018E-02,1.0699717217534602E-03,-1.1396938379464769E-04 -202930 Ivezic (1998 SG172),F51,5.8001000000000000E+04,1.1144240370300000E+02,2.5745958979000001E+01,-9.2636654148911424E-02,2.7096978871822985E+00,2.0817778192590891E-01,-1.0379207707236587E-02,1.0300670315521402E-03,-1.1703711218985048E-04 -202930 Ivezic (1998 SG172),F51,5.8002000000000000E+04,1.1182596206200000E+02,2.5703611876000000E+01,-1.0301913964101383E-01,2.7107080609311622E+00,2.0805907289242204E-01,-1.0377763028011345E-02,9.9020745721026954E-04,-1.2009848721749913E-04 -202930 Ivezic (1998 SG172),F51,5.8003000000000000E+04,1.1220718031200001E+02,2.5660793258999998E+01,-1.1340011786890480E-01,2.7116783455359976E+00,2.0793730579227562E-01,-1.0376168082875059E-02,9.5039347621346006E-04,-1.2315348143239442E-04 -202930 Ivezic (1998 SG172),F51,5.8004000000000000E+04,1.1258602985100001E+02,2.5617525869000001E+01,-1.2377943885784060E-01,2.7126087866296125E+00,2.0781248701039939E-01,-1.0374423343710415E-02,9.1062556285607943E-04,-1.2620206770508596E-04 -202930 Ivezic (1998 SG172),F51,5.8005000000000000E+04,1.1296248048100000E+02,2.5573832869000000E+01,-1.3415695342826939E-01,2.7134994301865460E+00,2.0768462302033872E-01,-1.0372529282117857E-02,8.7090418845525881E-04,-1.2924421919553887E-04 -202930 Ivezic (1998 SG172),F51,5.8006000000000000E+04,1.1333650002800000E+02,2.5529737846000000E+01,-1.4453251310711179E-01,2.7143503225415646E+00,2.0755372039155345E-01,-1.0370486369532861E-02,8.3122982157973757E-04,-1.3227990932107120E-04 -202930 Ivezic (1998 SG172),F51,5.8007000000000000E+04,1.1370805407100001E+02,2.5485264801000000E+01,-1.5490596999685524E-01,2.7151615104298088E+00,2.0741978578783477E-01,-1.0368295077411466E-02,7.9160292825204009E-04,-1.3530911172023204E-04 -202930 Ivezic (1998 SG172),F51,5.8008000000000000E+04,1.1407710582700000E+02,2.5440438113999999E+01,-1.6527717662595576E-01,2.7159330410405977E+00,2.0728282595718514E-01,-1.0365955877494420E-02,7.5202397209604005E-04,-1.3833180021388959E-04 -202930 Ivezic (1998 SG172),F51,5.8009000000000000E+04,1.1444361619700000E+02,2.5395282508000001E+01,-1.7564598580735913E-01,2.7166649620756420E+00,2.0714284771547181E-01,-1.0363469242106665E-02,7.1249341440272201E-04,-1.4134794877010989E-04 -202930 Ivezic (1998 SG172),F51,5.8010000000000000E+04,1.1480754397200000E+02,2.5349822990000000E+01,-1.8601225051945547E-01,2.7173573218043150E+00,2.0699985792674722E-01,-1.0360835644494627E-02,6.7301171409651916E-04,-1.4435753147354702E-04 -202930 Ivezic (1998 SG172),F51,5.8011000000000000E+04,1.1516884617800000E+02,2.5304084799000002E+01,-1.9637582381700736E-01,2.7180101691122380E+00,2.0685386348233936E-01,-1.0358055559153896E-02,6.3357932758914895E-04,-1.4736052250442333E-04 -202930 Ivezic (1998 SG172),F51,5.8012000000000000E+04,1.1552747852400000E+02,2.5258093343999999E+01,-2.0673655877218422E-01,2.7186235535406835E+00,2.0670487127983891E-01,-1.0355129462084091E-02,5.9419670853877102E-04,-1.5035689613316462E-04 -202930 Ivezic (1998 SG172),F51,5.8013000000000000E+04,1.1588339592700000E+02,2.5211874151000000E+01,-2.1709430845147171E-01,2.7191975253130667E+00,2.0655288820300166E-01,-1.0352057830983530E-02,5.5486430751368679E-04,-1.5334662672710576E-04 -202930 Ivezic (1998 SG172),F51,5.8014000000000000E+04,1.1623655307400000E+02,2.5165452815999998E+01,-2.2744892593752386E-01,2.7197321353425545E+00,2.0639792110434951E-01,-1.0348841145318543E-02,5.1558257160320975E-04,-1.5632968877378042E-04 -202930 Ivezic (1998 SG172),F51,5.8015000000000000E+04,1.1658690495400000E+02,2.5118854968000001E+01,-2.3780026440250301E-01,2.7202274352147486E+00,2.0623997679343198E-01,-1.0345479886273665E-02,4.7635194402064970E-04,-1.5930605691534381E-04 -202930 Ivezic (1998 SG172),F51,5.8016000000000000E+04,1.1693440729700001E+02,2.5072106257000002E+01,-2.4814817723116289E-01,2.7206834771441755E+00,2.0607906203362988E-01,-1.0341974536573255E-02,4.3717286376424025E-04,-1.6227570599062303E-04 -202930 Ivezic (1998 SG172),F51,5.8017000000000000E+04,1.1727901687300000E+02,2.5025232357000000E+01,-2.5849251817185315E-01,2.7211003139111156E+00,2.0591518354868404E-01,-1.0338325580237881E-02,3.9804576531798919E-04,-1.6523861107891371E-04 -202930 Ivezic (1998 SG172),F51,5.8018000000000000E+04,1.1762069160400000E+02,2.4978258989000000E+01,-2.6883314148661119E-01,2.7214779987920639E+00,2.0574834803722450E-01,-1.0334533502254663E-02,3.5897107846660087E-04,-1.6819474754346540E-04 -202930 Ivezic (1998 SG172),F51,5.8019000000000000E+04,1.1795939052100000E+02,2.4931211952000002E+01,-2.7916990206647885E-01,2.7218165854985852E+00,2.0557856219124157E-01,-1.0330598788241373E-02,3.1994922820709898E-04,-1.7114409106688957E-04 -202930 Ivezic (1998 SG172),F51,5.8020000000000000E+04,1.1829507359199999E+02,2.4884117160999999E+01,-2.8950265549837595E-01,2.7221161281348758E+00,2.0540583271376087E-01,-1.0326521924115602E-02,2.8098063475764934E-04,-1.7408661767914476E-04 -202930 Ivezic (1998 SG172),F51,5.8021000000000000E+04,1.1862770149700000E+02,2.4837000674999999E+01,-2.9983125808224198E-01,2.7223766811768582E+00,2.0523016633220834E-01,-1.0322303395810976E-02,2.4206571363068197E-04,-1.7702230377354542E-04 -202930 Ivezic (1998 SG172),F51,5.8022000000000000E+04,1.1895723539700001E+02,2.4789888721000001E+01,-3.1015556680953393E-01,2.7225982994692299E+00,2.0505156980604536E-01,-1.0317943689024636E-02,2.0320487578170954E-04,-1.7995112611727960E-04 -202930 Ivezic (1998 SG172),F51,5.8023000000000000E+04,1.1928363673100000E+02,2.4742807707000001E+01,-3.2047543932331690E-01,2.7227810382337307E+00,2.0487004992893959E-01,-1.0313443289036725E-02,1.6439852777911171E-04,-1.8287306185153042E-04 -202930 Ivezic (1998 SG172),F51,5.8024000000000000E+04,1.1960686706800000E+02,2.4695784233000001E+01,-3.3079073387369640E-01,2.7229249530813426E+00,2.0468561352685538E-01,-1.0308802680589316E-02,1.2564707198720049E-04,-1.8578808848437905E-04 -202930 Ivezic (1998 SG172),F51,5.8025000000000000E+04,1.1992688800300000E+02,2.4648845086000001E+01,-3.4110130928302229E-01,2.7230301000221773E+00,2.0449826745379296E-01,-1.0304022347794841E-02,8.6950906752009116E-05,-1.8869618388372194E-04 -202930 Ivezic (1998 SG172),F51,5.8026000000000000E+04,1.2024366109800000E+02,2.4602017249999999E+01,-3.5140702492761444E-01,2.7230965354681103E+00,2.0430801858688089E-01,-1.0299102774111767E-02,4.8310426564647513E-05,-1.9159732626139814E-04 -202930 Ivezic (1998 SG172),F51,5.8027000000000000E+04,1.2055714781600000E+02,2.4555327905999999E+01,-3.6170774074330214E-01,2.7231243162239931E+00,2.0411487382253216E-01,-1.0294044442319440E-02,9.7260222188810808E-06,-1.9449149416355212E-04 -202930 Ivezic (1998 SG172),F51,5.8028000000000000E+04,1.2086730943800001E+02,2.4508804446999999E+01,-3.7200331725833091E-01,2.7231134994642456E+00,2.0391884007541158E-01,-1.0288847834540635E-02,-2.8801919068111720E-05,-1.9737866645460939E-04 -202930 Ivezic (1998 SG172),F51,5.8029000000000000E+04,1.2117410690500000E+02,2.4462474510000000E+01,-3.8229361564748399E-01,2.7230641426934232E+00,2.0371992428216895E-01,-1.0283513432269444E-02,-6.7273013530159270E-05,-2.0025882230256464E-04 -202930 Ivezic (1998 SG172),I11,5.7970000000000000E+04,9.8546131927999994E+01,2.6714916726999999E+01,2.2912668572313516E-01,2.6583714010898936E+00,2.1030664573369742E-01,-1.0346888867625650E-02,2.2855618800730199E-03,-1.9133833801608115E-05 -202930 Ivezic (1998 SG172),I11,5.7971000000000000E+04,9.8987892857999995E+01,2.6696909846000000E+01,2.1877503909656704E-01,2.6606381159445029E+00,2.1028569201032526E-01,-1.0350335608847188E-02,2.2445455251186141E-03,-2.2377648601595473E-05 -202930 Ivezic (1998 SG172),I11,5.7972000000000000E+04,9.9428204702000002E+01,2.6677859148000000E+01,2.0841998606346501E-01,2.6628637843801499E+00,2.1026149724164439E-01,-1.0353617614774661E-02,2.2035580778300510E-03,-2.5616097021151197E-05 -202930 Ivezic (1998 SG172),I11,5.7973000000000000E+04,9.9867046144000000E+01,2.6657779293000001E+01,1.9806169177476074E-01,2.6650484350600028E+00,2.1023406670129957E-01,-1.0356735338763710E-02,2.1626001398279988E-03,-2.8849141109009386E-05 -202930 Ivezic (1998 SG172),I11,5.7974000000000000E+04,1.0030439553399999E+02,2.6636685285999999E+01,1.8770032066748132E-01,2.6671920972166356E+00,2.1020340571755494E-01,-1.0359689235432831E-02,2.1216723084007891E-03,-3.2076743269312033E-05 -202930 Ivezic (1998 SG172),I11,5.7975000000000000E+04,1.0074023063100000E+02,2.6614592485999999E+01,1.7733603643706797E-01,2.6692948006309249E+00,2.1016951968448427E-01,-1.0362479760625390E-02,2.0807751765388408E-03,-3.5298866262734545E-05 -202930 Ivezic (1998 SG172),I11,5.7976000000000000E+04,1.0117452830300000E+02,2.6591516601999999E+01,1.6696900203079601E-01,2.6713565756151318E+00,2.1013241407327338E-01,-1.0365107371382942E-02,2.0399093329308508E-03,-3.8515473200317336E-05 -202930 Ivezic (1998 SG172),I11,5.7977000000000000E+04,1.0160726424200000E+02,2.6567473687000000E+01,1.5659937967049220E-01,2.6733774530010619E+00,2.1009209444191979E-01,-1.0367572525910359E-02,1.9990753619787294E-03,-4.1726527544265481E-05 -202930 Ivezic (1998 SG172),I11,5.7978000000000000E+04,1.0203841269199999E+02,2.6542480129000001E+01,1.4622733090332507E-01,2.6753574641342812E+00,2.1004856644219716E-01,-1.0369875683542900E-02,1.9582738438152295E-03,-4.4931993106530436E-05 -202930 Ivezic (1998 SG172),I11,5.7979000000000000E+04,1.0246794623400000E+02,2.6516552633000000E+01,1.3585301667230376E-01,2.6772966408756798E+00,2.1000183582344240E-01,-1.0372017304715101E-02,1.9175053543082302E-03,-4.8131834046976127E-05 -202930 Ivezic (1998 SG172),I11,5.7980000000000000E+04,1.0289583563200000E+02,2.6489708192999998E+01,1.2547659740898243E-01,2.6791950156101940E+00,2.0995190843305533E-01,-1.0373997850929781E-02,1.8767704650737901E-03,-5.1326014869404024E-05 -202930 Ivezic (1998 SG172),I11,5.7981000000000000E+04,1.0332204977799999E+02,2.6461964073000001E+01,1.1509823314759826E-01,2.6810526212651178E+00,2.0989879021306698E-01,-1.0375817784721618E-02,1.8360697434971207E-03,-5.4514500425214640E-05 -202930 Ivezic (1998 SG172),I11,5.7982000000000000E+04,1.0374655575200001E+02,2.6433337764000001E+01,1.0471808366691870E-01,2.6828694913398969E+00,2.0984248719102339E-01,-1.0377477569628311E-02,1.7954037527335501E-03,-5.7697255907106839E-05 -202930 Ivezic (1998 SG172),I11,5.7983000000000000E+04,1.0416931903200000E+02,2.6403846945000002E+01,9.4336308656674861E-02,2.6846456599484561E+00,2.0978300546266637E-01,-1.0378977670155148E-02,1.7547730517265998E-03,-6.0874246850304243E-05 -202930 Ivezic (1998 SG172),I11,5.7984000000000000E+04,1.0459030388500000E+02,2.6373509449000000E+01,8.3953067886514243E-02,2.6863811618705231E+00,2.0972035116474624E-01,-1.0380318551741452E-02,1.7141781952163399E-03,-6.4045439131037469E-05 -202930 Ivezic (1998 SG172),I11,5.7985000000000000E+04,1.0500947391400000E+02,2.6342343218000000E+01,7.3568521333356673E-02,2.6880760326014546E+00,2.0965453043972124E-01,-1.0381500680725906E-02,1.6736197337438308E-03,-6.7210798965289871E-05 -202930 Ivezic (1998 SG172),I11,5.7986000000000000E+04,1.0542679271300000E+02,2.6310366288000001E+01,6.3182829214356806E-02,2.6897303083847097E+00,2.0958554939933974E-01,-1.0382524524308460E-02,1.6330982136600995E-03,-7.0370292910999172E-05 -202930 Ivezic (1998 SG172),I11,5.7987000000000000E+04,1.0584222452300000E+02,2.6277596781000000E+01,5.2796151893382937E-02,2.6913440262131543E+00,2.0951341409726151E-01,-1.0383390550513572E-02,1.5926141771205309E-03,-7.3523887865469087E-05 -202930 Ivezic (1998 SG172),I11,5.7988000000000000E+04,1.0625573475000000E+02,2.6244052929999999E+01,4.2408649674221421E-02,2.6929172237961057E+00,2.0943813051944465E-01,-1.0384099228148385E-02,1.5521681620778004E-03,-7.6671551066737894E-05 -202930 Ivezic (1998 SG172),I11,5.7989000000000000E+04,1.0666729027200000E+02,2.6209753108000001E+01,3.2020482545673579E-02,2.6944499395020065E+00,2.0935970459424796E-01,-1.0384651026756645E-02,1.5117607022856385E-03,-7.9813250097128625E-05 -202930 Ivezic (1998 SG172),I11,5.7990000000000000E+04,1.0707685950400000E+02,2.6174715874000000E+01,2.1631809949897884E-02,2.6959422122960910E+00,2.0927814221645005E-01,-1.0385046416573078E-02,1.4713923272878099E-03,-8.2948952884958905E-05 -202930 Ivezic (1998 SG172),I11,5.7991000000000000E+04,1.0748441226300000E+02,2.6138960008000002E+01,1.1242790631851518E-02,2.6973940816889921E+00,2.0919344927560865E-01,-1.0385285868467226E-02,1.4310635624051604E-03,-8.6078627701756443E-05 -202930 Ivezic (1998 SG172),I11,5.7992000000000000E+04,1.0788991952700000E+02,2.6102504542999998E+01,8.5358257751300126E-04,2.6988055877051420E+00,2.0910563168032456E-01,-1.0385369853883913E-02,1.3907749287515696E-03,-8.9202243172832338E-05 -202930 Ivezic (1998 SG172),I11,5.7993000000000000E+04,1.0829335316900000E+02,2.6065368784000000E+01,-9.5356569760512988E-03,2.7001767708699340E+00,2.0901469537416306E-01,-1.0385298844779196E-02,1.3505269432185097E-03,-9.2319768272543329E-05 -202930 Ivezic (1998 SG172),I11,5.7994000000000000E+04,1.0869468570799999E+02,2.6027572311000000E+01,-1.9924771489848392E-02,2.7015076722098295E+00,2.0892064634286217E-01,-1.0385073313545930E-02,1.3103201184983711E-03,-9.5431172332090968E-05 -202930 Ivezic (1998 SG172),I11,5.7995000000000000E+04,1.0909389012699999E+02,2.5989134987000000E+01,-3.0313605062208260E-02,2.7027983332588068E+00,2.0882349061480959E-01,-1.0384693732934061E-02,1.2701549630908093E-03,-9.8536425039143943E-05 -202930 Ivezic (1998 SG172),I11,5.7996000000000000E+04,1.0949093974600000E+02,2.5950076950000000E+01,-4.0702002375386348E-02,2.7040487960650985E+00,2.0872323425738337E-01,-1.0384160575961067E-02,1.2300319813380711E-03,-1.0163549644408208E-04 -202930 Ivezic (1998 SG172),I11,5.7997000000000000E+04,1.0988580813500000E+02,2.5910418619000001E+01,-5.1089808662873382E-02,2.7052591031942148E+00,2.0861988337159695E-01,-1.0383474315816949E-02,1.1899516734580080E-03,-1.0472835696087841E-04 -202930 Ivezic (1998 SG172),I11,5.7998000000000000E+04,1.1027846905100000E+02,2.5870180688000001E+01,-6.1476869701122649E-02,2.7064292977250091E+00,2.0851344408709405E-01,-1.0382635425763231E-02,1.1499145356002813E-03,-1.0781497736831744E-04 -202930 Ivezic (1998 SG172),I11,5.7999000000000000E+04,1.1066889637800000E+02,2.5829384141999999E+01,-7.1863031830284529E-02,2.7075594232369378E+00,2.0840392255925602E-01,-1.0381644379028929E-02,1.1099210599224210E-03,-1.1089532881157024E-04 -202930 Ivezic (1998 SG172),I11,5.8000000000000000E+04,1.1105706401000000E+02,2.5788050261999999E+01,-8.2248141998785274E-02,2.7086495237871242E+00,2.0829132496996625E-01,-1.0380501648709543E-02,1.0699717346917183E-03,-1.1396938279933268E-04 -202930 Ivezic (1998 SG172),I11,5.8001000000000000E+04,1.1144294568799999E+02,2.5746200655999999E+01,-9.2632047830084718E-02,2.7096996438785528E+00,2.0817565753318129E-01,-1.0379207707675123E-02,1.0300670444149083E-03,-1.1703711120134866E-04 -202930 Ivezic (1998 SG172),I11,5.8002000000000000E+04,1.1182651473700000E+02,2.5703857280000001E+01,-1.0301459769379295E-01,2.7107098284225724E+00,2.0805692650574781E-01,-1.0377763028496882E-02,9.9020746999663178E-04,-1.2009848623608860E-04 -202930 Ivezic (1998 SG172),I11,5.8003000000000000E+04,1.1220774372299999E+02,2.5661042468000002E+01,-1.1339564076412922E-01,2.7116801227030587E+00,2.0793513820240039E-01,-1.0376168083405890E-02,9.5039348892139025E-04,-1.2315348045786168E-04 -202930 Ivezic (1998 SG172),I11,5.8004000000000000E+04,1.1258660404500000E+02,2.5617778959999999E+01,-1.2377502704221421E-01,2.7126105723514735E+00,2.0781029901221124E-01,-1.0374423344285642E-02,9.1062557548412040E-04,-1.2620206673747208E-04 -202930 Ivezic (1998 SG172),I11,5.8005000000000000E+04,1.1296306550300000E+02,2.5574089919999999E+01,-1.3415260732451262E-01,2.7135012233414812E+00,2.0768241541244609E-01,-1.0372529282737065E-02,8.7090420100226218E-04,-1.2924421823501633E-04 -202930 Ivezic (1998 SG172),I11,5.8006000000000000E+04,1.1333709592300001E+02,2.5529998936999998E+01,-1.4452823311411633E-01,2.7143521220074351E+00,2.0755149397584152E-01,-1.0370486370195326E-02,8.3122983404433984E-04,-1.3227990836772708E-04 -202930 Ivezic (1998 SG172),I11,5.8007000000000000E+04,1.1370866088500000E+02,2.5485530010000002E+01,-1.5490175648984550E-01,2.7151633150844954E+00,2.0741754136903534E-01,-1.0368295078117970E-02,7.9160294063377115E-04,-1.3530911077452076E-04 -202930 Ivezic (1998 SG172),I11,5.8008000000000000E+04,1.1407772360600001E+02,2.5440707522000000E+01,-1.6527302995659932E-01,2.7159348497624487E+00,2.0728056434249306E-01,-1.0365955878241802E-02,7.5202398439221108E-04,-1.3833179927532290E-04 -202930 Ivezic (1998 SG172),I11,5.8009000000000000E+04,1.1444424498600000E+02,2.5395556194000001E+01,-1.7564190630386212E-01,2.7166667737439569E+00,2.0714056971418038E-01,-1.0363469242893938E-02,7.1249342661191747E-04,-1.4134794783874526E-04 -202930 Ivezic (1998 SG172),I11,5.8010000000000000E+04,1.1480818381700000E+02,2.5350101037000002E+01,-1.8600823848660908E-01,2.7173591352998550E+00,2.0699756434992569E-01,-1.0360835645324100E-02,6.7301172621895070E-04,-1.4435753055014973E-04 -202930 Ivezic (1998 SG172),I11,5.8011000000000000E+04,1.1516949712500001E+02,2.5304367287000002E+01,-1.9637187953623647E-01,2.7180119833177967E+00,2.0685155514249481E-01,-1.0358055560022224E-02,6.3357933962220059E-04,-1.4736052158852568E-04 -202930 Ivezic (1998 SG172),I11,5.8012000000000000E+04,1.1552814061700001E+02,2.5258380357000000E+01,-2.0673268250163368E-01,2.7186253673416667E+00,2.0670254899058868E-01,-1.0355129462991079E-02,5.9419672048139152E-04,-1.5035689522498809E-04 -202930 Ivezic (1998 SG172),I11,5.8013000000000000E+04,1.1588406921300000E+02,2.5212165771999999E+01,-2.1709050042606814E-01,2.7191993375981562E+00,2.0655055277869253E-01,-1.0352057831928357E-02,5.5486431936454042E-04,-1.5334662582673874E-04 -202930 Ivezic (1998 SG172),I11,5.8014000000000000E+04,1.1623723759799999E+02,2.5165749128000002E+01,-2.2744518636907496E-01,2.7197339450044096E+00,2.0639557335962580E-01,-1.0348841146300929E-02,5.1558258336116894E-04,-1.5632968788141248E-04 -202930 Ivezic (1998 SG172),I11,5.8015000000000000E+04,1.1658760075900000E+02,2.5119156056000001E+01,-2.3779659347985205E-01,2.7202292411507183E+00,2.0623761754275169E-01,-1.0345479887291922E-02,4.7635195568403177E-04,-1.5930605603090849E-04 -202930 Ivezic (1998 SG172),I11,5.8016000000000000E+04,1.1693511442900000E+02,2.5072412205999999E+01,-2.4814457512037502E-01,2.7206852782570596E+00,2.0607669209075655E-01,-1.0341974537627918E-02,4.3717287533221252E-04,-1.6227570511444223E-04 -202930 Ivezic (1998 SG172),I11,5.8017000000000000E+04,1.1727973537600000E+02,2.5025543252999999E+01,-2.5848898501643092E-01,2.7211021091099044E+00,2.0591280372617912E-01,-1.0338325581327234E-02,3.9804577678888980E-04,-1.6523861021092921E-04 -202930 Ivezic (1998 SG172),I11,5.8018000000000000E+04,1.1762142152200001E+02,2.4978574919000000E+01,-2.6882967740772301E-01,2.7214797869926950E+00,2.0574595914597532E-01,-1.0334533503377152E-02,3.5897108983883041E-04,-1.6819474668366882E-04 -202930 Ivezic (1998 SG172),I11,5.8019000000000000E+04,1.1796013189500000E+02,2.4931533003999998E+01,-2.7916650716325409E-01,2.7218183656246584E+00,2.0557616504002685E-01,-1.0330598789394881E-02,3.1994923947895049E-04,-1.7114409021520410E-04 -202930 Ivezic (1998 SG172),I11,5.8020000000000000E+04,1.1829582646400000E+02,2.4884443423000000E+01,-2.8949932984823090E-01,2.7221178991183215E+00,2.0540342810885689E-01,-1.0326521925303114E-02,2.8098064592900832E-04,-1.7408661683619188E-04 -202930 Ivezic (1998 SG172),I11,5.8021000000000000E+04,1.1862846590900000E+02,2.4837332235000002E+01,-2.9982800174122004E-01,2.7223784419585830E+00,2.0522775507704472E-01,-1.0322303397029680E-02,2.4206572469959858E-04,-1.7702230293914890E-04 -202930 Ivezic (1998 SG172),I11,5.8022000000000000E+04,1.1895801138900001E+02,2.4790225669000002E+01,-3.1015237981267396E-01,2.7226000489997242E+00,2.0504915270088711E-01,-1.0317943690272358E-02,2.0320488674650111E-04,-1.7995112529137975E-04 -202930 Ivezic (1998 SG172),I11,5.8023000000000000E+04,1.1928442434199999E+02,2.4743150135000000E+01,-3.2047232168500006E-01,2.7227827754736618E+00,2.0486762777058129E-01,-1.0313443290314207E-02,1.6439853863890047E-04,-1.8287306103440643E-04 -202930 Ivezic (1998 SG172),I11,5.8024000000000000E+04,1.1960766633599999E+02,2.4696132231000000E+01,-3.3078768558805949E-01,2.7229266770021039E+00,2.0468318710831693E-01,-1.0308802681893773E-02,1.2564708274019967E-04,-1.8578808767593229E-04 -202930 Ivezic (1998 SG172),I11,5.8025000000000000E+04,1.1992769896500000E+02,2.4649198747000000E+01,-3.4109833032435510E-01,2.7230318096064337E+00,2.0449583756403084E-01,-1.0304022349128502E-02,8.6950917397618510E-05,-1.8869618308434355E-04 -202930 Ivezic (1998 SG172),I11,5.8026000000000000E+04,1.2024448379000000E+02,2.4602376667000001E+01,-3.5140411525079929E-01,2.7230982297103097E+00,2.0430558601049648E-01,-1.0299102775470092E-02,4.8310437100761161E-05,-1.9159732547084074E-04 -202930 Ivezic (1998 SG172),I11,5.8027000000000000E+04,1.2055798227200000E+02,2.4555693172000002E+01,-3.6170490028424473E-01,2.7231259941308750E+00,2.0411243933949075E-01,-1.0294044443702459E-02,9.7260326444095768E-06,-1.9449149338200228E-04 -202930 Ivezic (1998 SG172),I11,5.8028000000000000E+04,1.2086815568999999E+02,2.4509175657000000E+01,-3.7200054593438447E-01,2.7231151600553383E+00,2.0391640446077439E-01,-1.0288847835949053E-02,-2.8801908754177985E-05,-1.9737866568228060E-04 -202930 Ivezic (1998 SG172),I11,5.8029000000000000E+04,1.2117496498700000E+02,2.4462851760000000E+01,-3.8229091335787124E-01,2.7230657850015274E+00,2.0371748830582784E-01,-1.0283513433699924E-02,-6.7273003329551551E-05,-2.0025882153937085E-04 -202930 Ivezic (1998 SG172),I41,5.7970000000000000E+04,9.8545877305000005E+01,2.6714438334000000E+01,2.2912364734709817E-01,2.6583709341282433E+00,2.1030760712410651E-01,-1.0346888868490209E-02,2.2855618700435114E-03,-1.9133834595205996E-05 -202930 Ivezic (1998 SG172),I41,5.7971000000000000E+04,9.8987633414000001E+01,2.6696429365000000E+01,2.1877202965977460E-01,2.6606376303314159E+00,2.1028667261561038E-01,-1.0350335609669400E-02,2.2445455151266450E-03,-2.2377649391731801E-05 -202930 Ivezic (1998 SG172),I41,5.7972000000000000E+04,9.9427940426999996E+01,2.6677376527000000E+01,2.0841700608694669E-01,2.6628632806338861E+00,2.1026249669830979E-01,-1.0353617615554072E-02,2.2035580678755346E-03,-2.5616097807388484E-05 -202930 Ivezic (1998 SG172),I41,5.7973000000000000E+04,9.9866777026999998E+01,2.6657294477000001E+01,1.9805874176707416E-01,2.6650479137065113E+00,2.1023508463975069E-01,-1.0356735339500191E-02,2.1626001299112699E-03,-2.8849141891102893E-05 -202930 Ivezic (1998 SG172),I41,5.7974000000000000E+04,1.0030412156600001E+02,2.6636198221000001E+01,1.8769740112460198E-01,2.6671915587892565E+00,2.1020444176226097E-01,-1.0359689236128058E-02,2.1216722985241306E-03,-3.2076744047848150E-05 -202930 Ivezic (1998 SG172),I41,5.7975000000000000E+04,1.0073995180000000E+02,2.6614103117999999E+01,1.7733314784228849E-01,2.6692942456701116E+00,2.1017057345416060E-01,-1.0362479761278990E-02,2.0807751667022509E-03,-3.5298867037328042E-05 -202930 Ivezic (1998 SG172),I41,5.7976000000000000E+04,1.0117424459999999E+02,2.6591024874999999E+01,1.6696614485464534E-01,2.6713560046681644E+00,2.1013348518107747E-01,-1.0365107371995242E-02,2.0399093231351206E-03,-3.8515473970919404E-05 -202930 Ivezic (1998 SG172),I41,5.7977000000000000E+04,1.0160697565500000E+02,2.6566979547999999E+01,1.5659655437064490E-01,2.6733768666217879E+00,2.1009318249565903E-01,-1.0367572526482120E-02,1.9990753522250611E-03,-4.1726528311003370E-05 -202930 Ivezic (1998 SG172),I41,5.7978000000000000E+04,1.0203811921200000E+02,2.6541983521999999E+01,1.4622453792450552E-01,2.6753568628828575E+00,2.1004967104454622E-01,-1.0369875684074272E-02,1.9582738341042006E-03,-4.4931993869257489E-05 -202930 Ivezic (1998 SG172),I41,5.7979000000000000E+04,1.0246764785000001E+02,2.6516053500999998E+01,1.3585025644618853E-01,2.6772960253183080E+00,2.1000295657215196E-01,-1.0372017305205530E-02,1.9175053446397906E-03,-4.8131834805302878E-05 -202930 Ivezic (1998 SG172),I41,5.7980000000000000E+04,1.0289553233399999E+02,2.6489206482000000E+01,1.2547387035411384E-01,2.6791943863188790E+00,2.0995304492115061E-01,-1.0373997851380989E-02,1.8767704554499397E-03,-5.1326015623787111E-05 -202930 Ivezic (1998 SG172),I41,5.7981000000000000E+04,1.0332174155400000E+02,2.6461459726000001E+01,1.1509553966925457E-01,2.6810519788173992E+00,2.0989994202903534E-01,-1.0375817785133220E-02,1.8360697339179499E-03,-5.4514501175321215E-05 -202930 Ivezic (1998 SG172),I41,5.7982000000000000E+04,1.0374624259200000E+02,2.6432830723999999E+01,1.0471542415698176E-01,2.6828688363185744E+00,2.0984365391899690E-01,-1.0377477570000704E-02,1.7954037431998915E-03,-5.7697256652902395E-05 -202930 Ivezic (1998 SG172),I41,5.7983000000000000E+04,1.0416900092600000E+02,2.6403337156999999E+01,9.4333683493501908E-02,2.6846449929412990E+00,2.0978418668256710E-01,-1.0378977670488723E-02,1.7547730422391907E-03,-6.0874247591742139E-05 -202930 Ivezic (1998 SG172),I41,5.7984000000000000E+04,1.0458998082100000E+02,2.6372996855000000E+01,8.3950477434782012E-02,2.6863804834699545E+00,2.0972154645242602E-01,-1.0380318552036480E-02,1.7141781857759001E-03,-6.4045439868033152E-05 -202930 Ivezic (1998 SG172),I41,5.7985000000000000E+04,1.0500914588099999E+02,2.6341827761000001E+01,7.3565965943938827E-02,2.6880753434041909E+00,2.0965573936715279E-01,-1.0381500680983639E-02,1.6736197243517204E-03,-6.7210799698058630E-05 -202930 Ivezic (1998 SG172),I41,5.7986000000000000E+04,1.0542645970100000E+02,2.6309847908999998E+01,6.3180309224173614E-02,2.6897296089913780E+00,2.0958677153481892E-01,-1.0382524524528503E-02,1.6330982043165007E-03,-7.0370293639239543E-05 -202930 Ivezic (1998 SG172),I41,5.7987000000000000E+04,1.0584188652000000E+02,2.6277075424000000E+01,5.2793667625274709E-02,2.6913433172278611E+00,2.0951464900566713E-01,-1.0383390550695631E-02,1.5926141678257507E-03,-7.3523888588934713E-05 -202930 Ivezic (1998 SG172),I41,5.7988000000000000E+04,1.0625539174500000E+02,2.6243528537000000E+01,4.2406201436840929E-02,2.6929165058259850E+00,2.0943937776251900E-01,-1.0384099228293968E-02,1.5521681528333307E-03,-7.6671551785699622E-05 -202930 Ivezic (1998 SG172),I41,5.7989000000000000E+04,1.0666694225500000E+02,2.6209225620000002E+01,3.2018070633395790E-02,2.6944492131567612E+00,2.0936096373088786E-01,-1.0384651026866832E-02,1.5117606930926102E-03,-7.9813250811694360E-05 -202930 Ivezic (1998 SG172),I41,5.7990000000000000E+04,1.0707650646400000E+02,2.6174185231999999E+01,2.1629434642764123E-02,2.6959414781875326E+00,2.0927941280298423E-01,-1.0385046416646351E-02,1.4713923181458102E-03,-8.2948953594578578E-05 -202930 Ivezic (1998 SG172),I41,5.7991000000000000E+04,1.0748405418900001E+02,2.6138426153000001E+01,1.1240452195541040E-02,2.6973933404305992E+00,2.0919473086604518E-01,-1.0385285868505987E-02,1.4310635533160802E-03,-8.6078628406874332E-05 -202930 Ivezic (1998 SG172),I41,5.7992000000000000E+04,1.0788955640899999E+02,2.6101967417000001E+01,8.5128126337441490E-04,2.6988048399116473E+00,2.0910692382657453E-01,-1.0385369853887168E-02,1.3907749197153395E-03,-8.9202243873046246E-05 -202930 Ivezic (1998 SG172),I41,5.7993000000000000E+04,1.0829298499600000E+02,2.6064828327000001E+01,-9.5379209309849333E-03,2.7001760171569158E+00,2.0901599762624362E-01,-1.0385298844747932E-02,1.3505269342361809E-03,-9.2319768967938473E-05 -202930 Ivezic (1998 SG172),I41,5.7994000000000000E+04,1.0869431247000000E+02,2.6027028464000001E+01,-1.9926997862830809E-02,2.7015069131933198E+00,2.0892195824909160E-01,-1.0385073313480014E-02,1.3103201095703600E-03,-9.5431173022484606E-05 -202930 Ivezic (1998 SG172),I41,5.7995000000000000E+04,1.0909351181500000E+02,2.5988587687999999E+01,-3.0315793644709710E-02,2.7027975695549227E+00,2.0882481172198541E-01,-1.0384693732834991E-02,1.2701549542184099E-03,-9.8536425724718790E-05 -202930 Ivezic (1998 SG172),I41,5.7996000000000000E+04,1.0949055635000001E+02,2.5949526141000000E+01,-4.0704152973039753E-02,2.7040480282896722E+00,2.0872456411096862E-01,-1.0384160575829334E-02,1.2300319725219808E-03,-1.0163549712478273E-04 -202930 Ivezic (1998 SG172),I41,5.7997000000000000E+04,1.0988541964400000E+02,2.5909864238000001E+01,-5.1091921095413495E-02,2.7052583319624284E+00,2.0862122151590184E-01,-1.0383474315652341E-02,1.1899516646986380E-03,-1.0472835763651927E-04 -202930 Ivezic (1998 SG172),I41,5.7998000000000000E+04,1.1027807545800000E+02,2.5869622674999999E+01,-6.1478943802300789E-02,2.7064285236510401E+00,2.0851479006545989E-01,-1.0382635425566111E-02,1.1499145268983098E-03,-1.0781497803882962E-04 -202930 Ivezic (1998 SG172),I41,5.7999000000000000E+04,1.1066849767200000E+02,2.5828822434999999E+01,-7.1865067447765441E-02,2.7075586469336126E+00,2.0840527591422789E-01,-1.0381644378799714E-02,1.1099210512785489E-03,-1.1089532947690660E-04 -202930 Ivezic (1998 SG172),I41,5.8000000000000000E+04,1.1105666018300001E+02,2.5787484801000002E+01,-8.2250138994037214E-02,2.7086487458655859E+00,2.0829268524346631E-01,-1.0380501648449739E-02,1.0699717261070697E-03,-1.1396938345961529E-04 -202930 Ivezic (1998 SG172),I41,5.8001000000000000E+04,1.1144253673199999E+02,2.5745631377999999E+01,-9.2634006078266440E-02,2.7096988649479270E+00,2.0817702426668830E-01,-1.0379207707384461E-02,1.0300670358898891E-03,-1.1703711185640211E-04 -202930 Ivezic (1998 SG172),I41,5.8002000000000000E+04,1.1182610064300000E+02,2.5703284123000000E+01,-1.0301651708361292E-01,2.7107090490896630E+00,2.0805829924048380E-01,-1.0377763028175441E-02,9.9020746153179011E-04,-1.2009848688580301E-04 -202930 Ivezic (1998 SG172),I41,5.8003000000000000E+04,1.1220732448400000E+02,2.5660465369000001E+01,-1.1339752119769819E-01,2.7116793435720488E+00,2.0793651647952835E-01,-1.0376168083054846E-02,9.5039348051767850E-04,-1.2315348110229665E-04 -202930 Ivezic (1998 SG172),I41,5.8004000000000000E+04,1.1258617965200000E+02,2.5617197857000001E+01,-1.2377686843483693E-01,2.7126097940236678E+00,2.0781168237303338E-01,-1.0374423343905642E-02,9.1062556714226889E-04,-1.2620206737659490E-04 -202930 Ivezic (1998 SG172),I41,5.8005000000000000E+04,1.1296263594900000E+02,2.5573504749000001E+01,-1.3415440960453084E-01,2.7135004464150536E+00,2.0768380339862849E-01,-1.0372529282328454E-02,8.7090419272290234E-04,-1.2924421886875907E-04 -202930 Ivezic (1998 SG172),I41,5.8006000000000000E+04,1.1333666120100000E+02,2.5529409634000000E+01,-1.4452999622273066E-01,2.7143513470771747E+00,2.0755288612965794E-01,-1.0370486369758632E-02,8.3122982582818986E-04,-1.3227990899604574E-04 -202930 Ivezic (1998 SG172),I41,5.8007000000000000E+04,1.1370822098799999E+02,2.5484936510000001E+01,-1.5490348038093149E-01,2.7151625427415791E+00,2.0741893723360302E-01,-1.0368295077652807E-02,7.9160293248124042E-04,-1.3530911139726965E-04 -202930 Ivezic (1998 SG172),I41,5.8008000000000000E+04,1.1407727852799999E+02,2.5440109760999999E+01,-1.6527471459653698E-01,2.7159340805942005E+00,2.0728196346198960E-01,-1.0365955877750192E-02,7.5202397630437859E-04,-1.3833179989262618E-04 -202930 Ivezic (1998 SG172),I41,5.8009000000000000E+04,1.1444379472000000E+02,2.5394954107000000E+01,-1.7564355167138945E-01,2.7166660083336023E+00,2.0714197163404435E-01,-1.0363469242376563E-02,7.1249341858945978E-04,-1.4134794845056602E-04 -202930 Ivezic (1998 SG172),I41,5.8010000000000000E+04,1.1480772835900000E+02,2.5349494557000000E+01,-1.8600984457269121E-01,2.7173583742262490E+00,2.0699896861704356E-01,-1.0360835644779661E-02,6.7301171826214187E-04,-1.4435753115626211E-04 -202930 Ivezic (1998 SG172),I41,5.8011000000000000E+04,1.1516903646800000E+02,2.5303756349000000E+01,-1.9637344634393783E-01,2.7180112271551353E+00,2.0685296130538183E-01,-1.0358055559452833E-02,6.3357933173201902E-04,-1.4736052218903848E-04 -202930 Ivezic (1998 SG172),I41,5.8012000000000000E+04,1.1552767475700000E+02,2.5257764894000001E+01,-2.0673421004595360E-01,2.7186246166592083E+00,2.0670395659954757E-01,-1.0355129462396927E-02,5.9419671265843049E-04,-1.5035689581982347E-04 -202930 Ivezic (1998 SG172),I41,5.8013000000000000E+04,1.1588359814400000E+02,2.5211545716000000E+01,-2.1709198873380653E-01,2.7191985929598963E+00,2.0655196138600462E-01,-1.0352057831310033E-02,5.5486431160946953E-04,-1.5334662641585965E-04 -202930 Ivezic (1998 SG172),I41,5.8014000000000000E+04,1.1623676131700000E+02,2.5165124413000001E+01,-2.2744663547869881E-01,2.7197332069687392E+00,2.0639698251975777E-01,-1.0348841145658694E-02,5.1558257567457105E-04,-1.5632968846475631E-04 -202930 Ivezic (1998 SG172),I41,5.8015000000000000E+04,1.1658711926200000E+02,2.5118526612000000E+01,-2.3779800344132496E-01,2.7202285102700827E+00,2.0623902681259026E-01,-1.0345479886626853E-02,4.7635194806662159E-04,-1.5930605660846714E-04 -202930 Ivezic (1998 SG172),I41,5.8016000000000000E+04,1.1693462771300000E+02,2.5071777965999999E+01,-2.4814594599498796E-01,2.7206845550775984E+00,2.0607810102986132E-01,-1.0341974536939805E-02,4.3717286778454864E-04,-1.6227570568613564E-04 -202930 Ivezic (1998 SG172),I41,5.8017000000000000E+04,1.1727924343900000E+02,2.5024904147000001E+01,-2.5849031687663215E-01,2.7211013941710891E+00,2.0591421189704662E-01,-1.0338325580617168E-02,3.9804576931166957E-04,-1.6523861077675017E-04 -202930 Ivezic (1998 SG172),I41,5.8018000000000000E+04,1.1762092436200000E+02,2.4977930877999999E+01,-2.6883097033694892E-01,2.7214790808269744E+00,2.0574736611428485E-01,-1.0334533502646123E-02,3.5897108243271303E-04,-1.6819474724358657E-04 -202930 Ivezic (1998 SG172),I41,5.8019000000000000E+04,1.1795962951100000E+02,2.4930883957999999E+01,-2.7916776125571618E-01,2.7218176687571174E+00,2.0557757037486954E-01,-1.0330598788644211E-02,3.1994923214460902E-04,-1.7114409076920631E-04 -202930 Ivezic (1998 SG172),I41,5.8020000000000000E+04,1.1829531885700000E+02,2.4883789303000000E+01,-2.8950054520869095E-01,2.7221172120663715E+00,2.0540483138293997E-01,-1.0326521924531160E-02,2.8098063866691114E-04,-1.7408661738417498E-04 -202930 Ivezic (1998 SG172),I41,5.8021000000000000E+04,1.1862795308000000E+02,2.4836672969999999E+01,-2.9982917848477020E-01,2.7223777652316574E+00,2.0522915586686799E-01,-1.0322303396238160E-02,2.4206571751042225E-04,-1.7702230348110869E-04 -202930 Ivezic (1998 SG172),I41,5.8022000000000000E+04,1.1895749334000000E+02,2.4789561187000000E+01,-3.1015351806448188E-01,2.7225993830990052E+00,2.0505055058689503E-01,-1.0317943689462606E-02,2.0320487963089093E-04,-1.7995112582729276E-04 -202930 Ivezic (1998 SG172),I41,5.8023000000000000E+04,1.1928390107500000E+02,2.4742480364999999E+01,-3.2047342158008707E-01,2.7227821208917988E+00,2.0486902233731391E-01,-1.0313443289485889E-02,1.6439853159742196E-04,-1.8287306156422641E-04 -202930 Ivezic (1998 SG172),I41,5.8024000000000000E+04,1.1960713785500000E+02,2.4695457100999999E+01,-3.3078874727102703E-01,2.7229260342229757E+00,2.0468457794454908E-01,-1.0308802681048555E-02,1.2564707577343917E-04,-1.8578808819962435E-04 -202930 Ivezic (1998 SG172),I41,5.8025000000000000E+04,1.1992716527600000E+02,2.4648518185000000E+01,-3.4109935394912860E-01,2.7230311791049009E+00,2.0449722426290057E-01,-1.0304022348265220E-02,8.6950910506190110E-05,-1.8869618360189342E-04 -202930 Ivezic (1998 SG172),I41,5.8026000000000000E+04,1.2024394489800000E+02,2.4601690599000001E+01,-3.5140510098034239E-01,2.7230976119519918E+00,2.0430696816963478E-01,-1.0299102774591382E-02,4.8310430285181810E-05,-1.9159732598218984E-04 -202930 Ivezic (1998 SG172),I41,5.8027000000000000E+04,1.2055743818500000E+02,2.4555001525000002E+01,-3.6170584829029484E-01,2.7231253895719241E+00,2.0411381656114325E-01,-1.0294044442808393E-02,9.7260259052586728E-06,-1.9449149388712291E-04 -202930 Ivezic (1998 SG172),I41,5.8028000000000000E+04,1.2086760641700000E+02,2.4508478358000001E+01,-3.7200145639719284E-01,2.7231145691422194E+00,2.0391777635191846E-01,-1.0288847835039328E-02,-2.8801915416279411E-05,-1.9737866618116975E-04 -202930 Ivezic (1998 SG172),I41,5.8029000000000000E+04,1.2117441053700000E+02,2.4462148733999999E+01,-3.8229178646594331E-01,2.7230652081708078E+00,2.0371885447828292E-01,-1.0283513432776474E-02,-6.7273009914142062E-05,-2.0025882203196068E-04 -2063 Bacchus (1977 HB),500,5.7970000000000000E+04,1.7681237684000001E+02,1.3760585599999999E+00,-9.8931327553102077E-01,-6.4566660032798906E-01,-1.0751528880398389E-04,3.3860033062980289E-03,-1.4476242932624971E-02,-2.3219771375231593E-03 -2063 Bacchus (1977 HB),500,5.7971000000000000E+04,1.7761013933400000E+02,9.4477523100000005E-01,-9.8584099196438735E-01,-6.6008333745629377E-01,-2.4294694606891380E-03,3.5620763725449124E-03,-1.4359823791162568E-02,-2.3217511367018364E-03 -2063 Bacchus (1977 HB),500,5.7972000000000000E+04,1.7840296192000000E+02,5.1611393999999999E-01,-9.8219408450296486E-01,-6.7438313771179381E-01,-4.7509931225145222E-03,3.7352948812133194E-03,-1.4242349732555622E-02,-2.3211192908660543E-03 -2063 Bacchus (1977 HB),500,5.7973000000000000E+04,1.7919101031700001E+02,9.0118439999999994E-02,-9.7837538720094730E-01,-6.8856496958453883E-01,-7.0716856018800687E-03,3.9057002225075833E-03,-1.4123867411080600E-02,-2.3200918488294115E-03 -2063 Bacchus (1977 HB),500,5.7974000000000000E+04,1.7997444847800000E+02,-3.3317140499999998E-01,-9.7438769301036066E-01,-7.0262784726846417E-01,-9.3911563078765657E-03,4.0733332414957316E-03,-1.4004421559000139E-02,-2.3186787424490343E-03 -2063 Bacchus (1977 HB),500,5.7975000000000000E+04,1.8075343854799999E+02,-7.5371944000000002E-01,-9.7023375433397185E-01,-7.1657082880660850E-01,-1.1709024413281173E-02,4.2382342229521069E-03,-1.3884055063319339E-02,-2.3168895959325710E-03 -2063 Bacchus (1977 HB),500,5.7976000000000000E+04,1.8152814071500001E+02,-1.1714930139999999E+00,-9.6591628358703263E-01,-7.3039301432435100E-01,-1.4024918547357323E-02,4.4004428785080676E-03,-1.3762809039525960E-02,-2.3147337349347223E-03 -2063 Bacchus (1977 HB),500,5.7977000000000000E+04,1.8229871296100001E+02,-1.5864627460000000E+00,-9.6143795376712105E-01,-7.4409354433525388E-01,-1.6338476498515369E-02,4.5599983358359276E-03,-1.3640722902467891E-02,-2.3122201954399939E-03 -2063 Bacchus (1977 HB),500,5.7978000000000000E+04,1.8306531070500000E+02,-1.9986022600000000E+00,-9.5680139903085337E-01,-7.5767159811118900E-01,-1.8649344926804094E-02,4.7169391296806680E-03,-1.3517834434476910E-02,-2.3093577324295278E-03 -2063 Bacchus (1977 HB),500,5.7979000000000000E+04,1.8382808636900000E+02,-2.4078878860000001E+00,-9.5200921527461635E-01,-7.7112639211694456E-01,-2.0957179087020154E-02,4.8713031946384534E-03,-1.3394179850785691E-02,-2.3061548283299853E-03 -2063 Bacchus (1977 HB),500,5.7980000000000000E+04,1.8458718887600000E+02,-2.8142983450000001E+00,-9.4706396072023435E-01,-7.8445717850011576E-01,-2.3261642561343443E-02,5.0231278594664742E-03,-1.3269793862385179E-02,-2.3026197012448314E-03 -2063 Bacchus (1977 HB),500,5.7981000000000000E+04,1.8534276309900000E+02,-3.2178144000000000E+00,-9.4196815650343724E-01,-7.9766324363652474E-01,-2.5562407002407906E-02,5.1724498428384778E-03,-1.3144709736373191E-02,-2.2987603129678113E-03 -2063 Bacchus (1977 HB),500,5.7982000000000000E+04,1.8609494929799999E+02,-3.6184184959999999E+00,-9.3672428726601931E-01,-8.1074390672062702E-01,-2.7859151886957218E-02,5.3193052503956468E-03,-1.3018959353903969E-02,-2.2945843767798809E-03 -2063 Bacchus (1977 HB),500,5.7983000000000000E+04,1.8684388258199999E+02,-4.0160943949999997E+00,-9.3133480175346561E-01,-8.2369851838746677E-01,-3.0151564280663165E-02,5.4637295729759033E-03,-1.2892573265826790E-02,-2.2900993650314255E-03 -2063 Bacchus (1977 HB),500,5.7984000000000000E+04,1.8758969249600000E+02,-4.4108268280000003E+00,-9.2580211342132646E-01,-8.3652645935184056E-01,-3.2439338614034099E-02,5.6057576859220902E-03,-1.2765580746093011E-02,-2.2853125165117625E-03 -2063 Bacchus (1977 HB),500,5.7985000000000000E+04,1.8833250282700001E+02,-4.8026012140000001E+00,-9.2012860105436622E-01,-8.4922713905693092E-01,-3.4722176467475552E-02,5.7454238493703028E-03,-1.2638009843015639E-02,-2.2802308436085162E-03 -2063 Bacchus (1977 HB),500,5.7986000000000000E+04,1.8907243175100001E+02,-5.1914034750000004E+00,-9.1431660940031245E-01,-8.6179999434171628E-01,-3.6999786361569538E-02,5.8827617094203716E-03,-1.2509887428465481E-02,-2.2748611392600258E-03 -2063 Bacchus (1977 HB),500,5.7987000000000000E+04,1.8980959232300000E+02,-5.5772199830000000E+00,-9.0836844981469012E-01,-8.7424448815613931E-01,-3.9271883548052625E-02,6.0178043001088066E-03,-1.2381239245082208E-02,-2.2692099837040218E-03 -2063 Bacchus (1977 HB),500,5.7988000000000000E+04,1.9054409326800001E+02,-5.9600376329999998E+00,-9.0228640090679491E-01,-8.8656010836235632E-01,-4.1538189799071985E-02,6.1505840461316200E-03,-1.2252089951549151E-02,-2.2632837510249749E-03 -2063 Bacchus (1977 HB),500,5.7989000000000000E+04,1.9127603990399999E+02,-6.3398439919999996E+00,-8.9607270917803150E-01,-8.9874636664110730E-01,-4.3798433194582473E-02,6.2811327661992811E-03,-1.2122463166049771E-02,-2.2570886155055688E-03 -2063 Bacchus (1977 HB),500,5.7990000000000000E+04,1.9200553500699999E+02,-6.7166274740000000E+00,-8.8972958964264404E-01,-9.1080279750583726E-01,-4.6052347912450130E-02,6.4094816770206373E-03,-1.1992381507914889E-02,-2.2506305577835281E-03 -2063 Bacchus (1977 HB),500,5.7991000000000000E+04,1.9273267950700000E+02,-7.0903774869999996E+00,-8.8325922643234722E-01,-9.2272895739374050E-01,-4.8299674024473674E-02,6.5356613977838578E-03,-1.1861866637597749E-02,-2.2439153708208735E-03 -2063 Bacchus (1977 HB),500,5.7992000000000000E+04,1.9345757294100000E+02,-7.4610845090000000E+00,-8.7666377338559109E-01,-9.3452442380766354E-01,-5.0540157302241685E-02,6.6597019551309740E-03,-1.1730939294991289E-02,-2.2369486656872170E-03 -2063 Bacchus (1977 HB),500,5.7993000000000000E+04,1.9418031368999999E+02,-7.8287401120000002E+00,-8.6994535462793210E-01,-9.4618879448187665E-01,-5.2773549033101164E-02,6.7816327885406487E-03,-1.1599619336183800E-02,-2.2297358771630462E-03 -2063 Bacchus (1977 HB),500,5.7994000000000000E+04,1.9490099907199999E+02,-8.1933369240000005E+00,-8.6310606514807109E-01,-9.5772168655938728E-01,-5.4999605845324574E-02,6.9014827560663029E-03,-1.1467925768720960E-02,-2.2222822691675258E-03 -2063 Bacchus (1977 HB),500,5.7995000000000000E+04,1.9561972534899999E+02,-8.5548685639999995E+00,-8.5614797137076160E-01,-9.6912273578098529E-01,-5.7218089541362017E-02,7.0192801404084047E-03,-1.1335876785409611E-02,-2.2145929400141438E-03 -2063 Bacchus (1977 HB),500,5.7996000000000000E+04,1.9633658772000001E+02,-8.9133295649999997E+00,-8.4907311172886846E-01,-9.8039159568670353E-01,-5.9428766937134586E-02,7.1350526552551950E-03,-1.1203489796744528E-02,-2.2066728274995635E-03 -2063 Bacchus (1977 HB),500,5.7997000000000000E+04,1.9705168033900000E+02,-9.2687153040000005E+00,-8.4188349723313938E-01,-9.9152793683661522E-01,-6.1631409706436061E-02,7.2488274518753767E-03,-1.1070781461988380E-02,-2.1985267138286816E-03 -2063 Bacchus (1977 HB),500,5.7998000000000000E+04,1.9776509638900001E+02,-9.6210219469999991E+00,-8.3458111203994390E-01,-1.0025314460539168E+00,-6.3825794228967975E-02,7.3606311259062805E-03,-1.0937767718978690E-02,-2.1901592303811440E-03 -2063 Bacchus (1977 HB),500,5.7999000000000000E+04,1.9847692821100000E+02,-9.9702464269999993E+00,-8.2716791401360890E-01,-1.0134018256979265E+00,-6.6011701441603191E-02,7.4704897243300875E-03,-1.0804463812677783E-02,-2.1815748623212807E-03 -2063 Bacchus (1977 HB),500,5.8000000000000000E+04,1.9918726749100000E+02,-1.0316386438000000E+01,-8.1964583528306656E-01,-1.0241387929688801E+00,-6.8188916691411222E-02,7.5784287525669999E-03,-1.0670884322555498E-02,-2.1727779530575828E-03 -2063 Bacchus (1977 HB),500,5.8001000000000000E+04,1.9989620547499999E+02,-1.0659440460000001E+01,-8.1201678278571099E-01,-1.0347420792556536E+00,-7.0357229591037018E-02,7.6844731817015156E-03,-1.0537043188791680E-02,-2.1637727085516019E-03 -2063 Bacchus (1977 HB),500,5.8002000000000000E+04,2.0060383315199999E+02,-1.0999407786000001E+01,-8.0428263879723849E-01,-1.0452114295270940E+00,-7.2516433875642300E-02,7.7886474557593245E-03,-1.0402953737396300E-02,-2.1545632014826868E-03 -2063 Bacchus (1977 HB),500,5.8003000000000000E+04,2.0131024137399999E+02,-1.1336288549000001E+01,-7.9644526144127537E-01,-1.0555466017725856E+00,-7.4666327263092511E-02,7.8909754990311026E-03,-1.0268628704269429E-02,-2.1451533752703885E-03 -2063 Bacchus (1977 HB),500,5.8004000000000000E+04,2.0201552082399999E+02,-1.1670083708000000E+01,-7.8850648517764543E-01,-1.0657473664871246E+00,-7.6806711319057627E-02,7.9914807234123964E-03,-1.0134080258225670E-02,-2.1355470479568948E-03 -2063 Bacchus (1977 HB),500,5.8005000000000000E+04,2.0271976181200000E+02,-1.2000794993000000E+01,-7.8046812127193177E-01,-1.0758135061890173E+00,-7.8937391329075707E-02,8.0901860356950381E-03,-9.9993200230934602E-03,-2.1257479159552607E-03 -2063 Bacchus (1977 HB),500,5.8006000000000000E+04,2.0342305388200000E+02,-1.2328424770000000E+01,-7.7233195825259515E-01,-1.0857448149535809E+00,-8.1058176179172881E-02,8.1871138448144625E-03,-9.8643590989049602E-03,-2.1157595576677076E-03 -2063 Bacchus (1977 HB),500,5.8007000000000000E+04,2.0412548526600000E+02,-1.2652975866000000E+01,-7.6409976236315602E-01,-1.0955410979475864E+00,-8.3168878245490310E-02,8.2822860690248169E-03,-9.7292080822389999E-03,-2.1055854369779557E-03 -2063 Bacchus (1977 HB),500,5.8008000000000000E+04,2.0482714225900000E+02,-1.2974451330999999E+01,-7.5577327801768068E-01,-1.1052021709533602E+00,-8.5269313291405635E-02,8.3757241429745725E-03,-9.5938770858080419E-03,-2.0952289066259087E-03 -2063 Bacchus (1977 HB),500,5.8009000000000000E+04,2.0552810858199999E+02,-1.3292854190000000E+01,-7.4735422826179376E-01,-1.1147278598834727E+00,-8.7359300370535714E-02,8.4674490247035987E-03,-9.4583757573266716E-03,-2.0846932114705037E-03 -2063 Bacchus (1977 HB),500,5.8010000000000000E+04,2.0622846480999999E+02,-1.3608187186000000E+01,-7.3884431524104377E-01,-1.1241180002895503E+00,-8.9438661733422797E-02,8.5574812025634283E-03,-9.3227132977361793E-03,-2.0739814916502027E-03 -2063 Bacchus (1977 HB),500,5.8011000000000000E+04,2.0692828789699999E+02,-1.3920452549000000E+01,-7.3024522067436159E-01,-1.1333724368729043E+00,-9.1507222737119920E-02,8.6458407021034571E-03,-9.1868984787996828E-03,-2.0630967856467074E-03 -2063 Bacchus (1977 HB),500,5.8012000000000000E+04,2.0762765085500001E+02,-1.4229651795000001E+01,-7.2155860633404501E-01,-1.1424910229985741E+00,-9.3564811756642247E-02,8.7325470929371860E-03,-9.0509396601145681E-03,-2.0520420332598376E-03 -2063 Bacchus (1977 HB),500,5.8013000000000000E+04,2.0832662259400001E+02,-1.4535785571000000E+01,-7.1278611453227636E-01,-1.1514736202148674E+00,-9.5611260097652459E-02,8.8176194956247796E-03,-8.9148448055431581E-03,-2.0408200784982522E-03 -2063 Bacchus (1977 HB),500,5.8014000000000000E+04,2.0902526796399999E+02,-1.4838853560000000E+01,-7.0392936861390187E-01,-1.1603200977812036E+00,-9.7646401908894703E-02,8.9010765885919347E-03,-8.7786214990523276E-03,-2.0294336723880326E-03 -2063 Bacchus (1977 HB),500,5.8015000000000000E+04,2.0972364801600000E+02,-1.5138854456000001E+01,-6.9498997345194602E-01,-1.1690303322118760E+00,-9.9670074092342256E-02,8.9829366150845531E-03,-8.6422769599564381E-03,-2.0178854757013629E-03 -2063 Bacchus (1977 HB),500,5.8016000000000000E+04,2.1042182044300000E+02,-1.5435786017000000E+01,-6.8596951593522082E-01,-1.1776042068509125E+00,-1.0168211621013552E-01,9.0632173901635874E-03,-8.5058180575002008E-03,-2.0061780616004781E-03 -2063 Bacchus (1977 HB),500,5.8017000000000000E+04,2.1111984015900001E+02,-1.5729645175000000E+01,-6.7686956543805898E-01,-1.1860416114902328E+00,-1.0368237038830565E-01,9.1419363076757024E-03,-8.3692513248437815E-03,-1.9943139181987676E-03 -2063 Bacchus (1977 HB),500,5.8018000000000000E+04,2.1181775992999999E+02,-1.6020428192000001E+01,-6.6769167426122511E-01,-1.1943424420395945E+00,-1.0567068121994136E-01,9.2191103472112450E-03,-8.2325829723757793E-03,-1.9822954510338546E-03 -2063 Bacchus (1977 HB),500,5.8019000000000000E+04,2.1251563095000000E+02,-1.6308130825999999E+01,-6.5843737804480984E-01,-1.2025066002408353E+00,-1.0764689567030800E-01,9.2947560809610152E-03,-8.0958189004278723E-03,-1.9701249854535137E-03 -2063 Bacchus (1977 HB),500,5.8020000000000000E+04,2.1321350330499999E+02,-1.6592748475000000E+01,-6.4910819615524318E-01,-1.2105339934154782E+00,-1.0961086298733115E-01,9.3688896804641555E-03,-7.9589647113847001E-03,-1.9578047689130847E-03 -2063 Bacchus (1977 HB),500,5.8021000000000000E+04,2.1391142629500001E+02,-1.6874276293000001E+01,-6.3970563205646402E-01,-1.2184245342283582E+00,-1.1156243461863360E-01,9.4415269232135460E-03,-7.8220257212421318E-03,-1.9453369731875232E-03 -2063 Bacchus (1977 HB),500,5.8022000000000000E+04,2.1460944862100001E+02,-1.7152709260000002E+01,-6.3023117367590298E-01,-1.2261781404529679E+00,-1.1350146413474888E-01,9.5126831990840002E-03,-7.6850069706698304E-03,-1.9327236965013335E-03 -2063 Bacchus (1977 HB),500,5.8023000000000000E+04,2.1530761846600001E+02,-1.7428042217000002E+01,-6.2068629376949302E-01,-1.2337947347332447E+00,-1.1542780715792529E-01,9.5823735165931137E-03,-7.5479132355942488E-03,-1.9199669655785003E-03 -2063 Bacchus (1977 HB),500,5.8024000000000000E+04,2.1600598352599999E+02,-1.7700269881000001E+01,-6.1107245029161339E-01,-1.2412742443379126E+00,-1.1734132129456533E-01,9.6506125089774585E-03,-7.4107490373697994E-03,-1.9070687376191075E-03 -2063 Bacchus (1977 HB),500,5.8025000000000000E+04,2.1670459103600001E+02,-1.7969386837999998E+01,-6.0139108676942521E-01,-1.2486166009101918E+00,-1.1924186607019741E-01,9.7174144401093055E-03,-7.2735186525445215E-03,-1.8940309022045115E-03 -2063 Bacchus (1977 HB),500,5.8026000000000000E+04,2.1740348781000000E+02,-1.8235387548999999E+01,-5.9164363268279729E-01,-1.2558217402146441E+00,-1.2112930286533133E-01,9.7827932102405903E-03,-7.1362261222721116E-03,-1.8808552831370878E-03 -2063 Bacchus (1977 HB),500,5.8027000000000000E+04,2.1810272035099999E+02,-1.8498266362999999E+01,-5.8183150384706495E-01,-1.2628896018861082E+00,-1.2300349485118448E-01,9.8467623615948324E-03,-6.9988752613712388E-03,-1.8675436402159444E-03 -2063 Bacchus (1977 HB),500,5.8028000000000000E+04,2.1880233502499999E+02,-1.8758017550999998E+01,-5.7195610279510656E-01,-1.2698201291860198E+00,-1.2486430692408815E-01,9.9093350838189414E-03,-6.8614696670600724E-03,-1.8540976709533149E-03 -2063 Bacchus (1977 HB),500,5.8029000000000000E+04,2.1950237830600000E+02,-1.9014635369000001E+01,-5.6201881915799567E-01,-1.2766132687696981E+00,-1.2671160563651410E-01,9.9705242192596258E-03,-6.7240127274520271E-03,-1.8405190122406576E-03 -2063 Bacchus (1977 HB),703,5.7970000000000000E+04,1.7681183802300001E+02,1.3753072260000001E+00,-9.8931338425372783E-01,-6.4566840907735157E-01,-1.0671180737423195E-04,3.3860033400298119E-03,-1.4476242910606082E-02,-2.3219771375194119E-03 -2063 Bacchus (1977 HB),703,5.7971000000000000E+04,1.7760959934700000E+02,9.4401879899999996E-01,-9.8584107361745787E-01,-6.6008515531696899E-01,-2.4286697937974454E-03,3.5620764055087090E-03,-1.4359823769086719E-02,-2.3217511366203018E-03 -2063 Bacchus (1977 HB),703,5.7972000000000000E+04,1.7840242067000000E+02,5.1535259499999997E-01,-9.8219413897909802E-01,-6.7438496431262496E-01,-4.7501975592290921E-03,3.7352949134234186E-03,-1.4242349710435509E-02,-2.3211192907100497E-03 -2063 Bacchus (1977 HB),703,5.7973000000000000E+04,1.7919046771399999E+02,8.9352364000000004E-02,-9.7837541439542230E-01,-6.8856680455143227E-01,-7.0708944342849876E-03,3.9057002539776443E-03,-1.4123867388928521E-02,-2.3200918486020921E-03 -2063 Bacchus (1977 HB),703,5.7974000000000000E+04,1.7997390443699999E+02,-3.3394203200000000E-01,-9.7438769282113857E-01,-7.0262969022421140E-01,-9.3903698309431086E-03,4.0733332722346959E-03,-1.4004421536829920E-02,-2.3186787421525545E-03 -2063 Bacchus (1977 HB),703,5.7975000000000000E+04,1.8075289298600001E+02,-7.5449443800000005E-01,-9.7023372666181162E-01,-7.1657267937071667E-01,-1.1708242924734507E-02,4.2382342529746772E-03,-1.3884055041141688E-02,-2.3168895955701522E-03 -2063 Bacchus (1977 HB),703,5.7976000000000000E+04,1.8152759355600000E+02,-1.1722722059999999E+00,-9.6591622833562785E-01,-7.3039487211285314E-01,-1.4024142347542103E-02,4.4004429078253636E-03,-1.3762809017352679E-02,-2.3147337345088069E-03 -2063 Bacchus (1977 HB),703,5.7977000000000000E+04,1.8229816413000000E+02,-1.5872459580000000E+00,-9.6143787084325250E-01,-7.4409540896050885E-01,-1.6337705890252369E-02,4.5599983644607350E-03,-1.3640722880309491E-02,-2.3122201949533029E-03 -2063 Bacchus (1977 HB),703,5.7978000000000000E+04,1.8306476013200000E+02,-1.9993893190000001E+00,-9.5680128834457834E-01,-7.5767346918167411E-01,-1.8648580215231910E-02,4.7169391576245218E-03,-1.3517834412344000E-02,-2.3093577318844660E-03 -2063 Bacchus (1977 HB),703,5.7979000000000000E+04,1.8382753398700001E+02,-2.4086786220000000E+00,-9.5200907673947510E-01,-7.7112826923704203E-01,-2.0956420579429157E-02,4.8713032219156417E-03,-1.3394179828686832E-02,-2.3061548277295463E-03 -2063 Bacchus (1977 HB),703,5.7980000000000000E+04,1.8458663462100000E+02,-2.8150925910000000E+00,-9.4706379425351717E-01,-7.8445906126987386E-01,-2.3260890566995360E-02,5.0231278860860427E-03,-1.3269793840331398E-02,-2.3026197005907253E-03 -2063 Bacchus (1977 HB),703,5.7981000000000000E+04,1.8534220691100001E+02,-3.2186119899999999E+00,-9.4196796202645916E-01,-7.9766513165147857E-01,-2.5561661832358879E-02,5.1724498688134656E-03,-1.3144709714372730E-02,-2.2987603122626371E-03 -2063 Bacchus (1977 HB),703,5.7982000000000000E+04,1.8609439112000001E+02,-3.6192192689999998E+00,-9.3672406470446001E-01,-8.1074579957157134E-01,-2.7858413853872822E-02,5.3193052757376279E-03,-1.3018959331965490E-02,-2.2945843760258894E-03 -2063 Bacchus (1977 HB),703,5.7983000000000000E+04,1.8684332235900001E+02,-4.0168981910000001E+00,-9.3133455103772544E-01,-8.2370041566030849E-01,-3.0150833698660683E-02,5.4637295976969688E-03,-1.2892573243958101E-02,-2.2900993642309530E-03 -2063 Bacchus (1977 HB),703,5.7984000000000000E+04,1.8758913017500001E+02,-4.4116334909999999E+00,-9.2580183448690812E-01,-8.3652836062748603E-01,-3.2438615798531648E-02,5.6057577100337777E-03,-1.2765580724301810E-02,-2.2853125156669378E-03 -2063 Bacchus (1977 HB),703,5.7985000000000000E+04,1.8833193836000001E+02,-4.8034105900000004E+00,-9.2012829384228867E-01,-8.4922904391118947E-01,-3.4721461735048219E-02,5.7454238728817716E-03,-1.2638009821310870E-02,-2.2802308427207728E-03 -2063 Bacchus (1977 HB),703,5.7986000000000000E+04,1.8907186508999999E+02,-5.1922154139999996E+00,-9.1431627385749192E-01,-8.6180190234533105E-01,-3.6999080029808354E-02,5.8827617323449349E-03,-1.2509887406852748E-02,-2.2748611383319904E-03 -2063 Bacchus (1977 HB),703,5.7987000000000000E+04,1.8980902342300001E+02,-5.5780343360000000E+00,-9.0836808589432916E-01,-8.7424639887480970E-01,-3.9271185935401062E-02,6.0178043224575015E-03,-1.2381239223568199E-02,-2.2692099827376481E-03 -2063 Bacchus (1977 HB),703,5.7988000000000000E+04,1.9054352208700001E+02,-5.9608542560000002E+00,-9.0228600856872110E-01,-8.8656202135682238E-01,-4.1537501224636238E-02,6.1505840679153441E-03,-1.2252089930140288E-02,-2.2632837500221425E-03 -2063 Bacchus (1977 HB),703,5.7989000000000000E+04,1.9127546639900001E+02,-6.3406627420000001E+00,-8.9607228838901187E-01,-8.9874828146727048E-01,-4.3797753977897910E-02,6.2811327874268642E-03,-1.2122463144753709E-02,-2.2570886144674257E-03 -2063 Bacchus (1977 HB),703,5.7990000000000000E+04,1.9200495914100000E+02,-6.7174482129999999E+00,-8.8972914037665141E-01,-9.1080471371489935E-01,-4.6051678373224936E-02,6.4094816977056483E-03,-1.1992381486735041E-02,-2.2506305567128837E-03 -2063 Bacchus (1977 HB),703,5.7991000000000000E+04,1.9273210124299999E+02,-7.0912000769999999E+00,-8.8325874867080856E-01,-9.2273087453234459E-01,-4.8299014482326583E-02,6.5356614179343606E-03,-1.1861866616541671E-02,-2.2439153697185691E-03 -2063 Bacchus (1977 HB),703,5.7992000000000000E+04,1.9345699224300000E+02,-7.4619088160000002E+00,-8.7666326711760778E-01,-9.3452634141805224E-01,-5.0539508076451051E-02,6.6597019747587863E-03,-1.1730939274062931E-02,-2.2369486645554548E-03 -2063 Bacchus (1977 HB),703,5.7993000000000000E+04,1.9417973052500000E+02,-7.8295660060000003E+00,-8.6994481985048933E-01,-9.4619071210204775E-01,-5.2772910442357865E-02,6.7816328076550966E-03,-1.1599619315388920E-02,-2.2297358760030783E-03 -2063 Bacchus (1977 HB),703,5.7994000000000000E+04,1.9490041340900001E+02,-8.1941642760000004E+00,-8.6310550186624768E-01,-9.5772360372324261E-01,-5.4998978207503955E-02,6.9014827746788172E-03,-1.1467925748062980E-02,-2.2222822679814746E-03 -2063 Bacchus (1977 HB),703,5.7995000000000000E+04,1.9561913715899999E+02,-8.5556972489999996E+00,-8.5614737959792830E-01,-9.6912465201849274E-01,-5.7217473173308581E-02,7.0192801585275645E-03,-1.1335876764894259E-02,-2.2145929388029720E-03 -2063 Bacchus (1977 HB),703,5.7996000000000000E+04,1.9633599697500000E+02,-8.9141594590000004E+00,-8.4907249148688135E-01,-9.8039351052407264E-01,-5.9428162154449037E-02,7.1350526728903964E-03,-1.1203489776376460E-02,-2.2066728262645475E-03 -2063 Bacchus (1977 HB),703,5.7997000000000000E+04,1.9705108701399999E+02,-9.2695462870000007E+00,-8.4188284855253059E-01,-9.9152984979647008E-01,-6.1630816823274599E-02,7.2488274690376405E-03,-1.1070781441770160E-02,-2.1985267125718081E-03 -2063 Bacchus (1977 HB),703,5.7998000000000000E+04,1.9776450045799999E+02,-9.6218539029999999E+00,-8.3458043496011758E-01,-1.0025333566554582E+00,-6.3825213557845609E-02,7.3606311426046732E-03,-1.0937767698914511E-02,-2.1901592291036160E-03 -2063 Bacchus (1977 HB),703,5.7999000000000000E+04,1.9847632965200000E+02,-9.9710792399999999E+00,-8.2716720858300330E-01,-1.0134037334571357E+00,-6.6011133293203864E-02,7.4704897405743704E-03,-1.0804463792770721E-02,-2.1815748610246417E-03 -2063 Bacchus (1977 HB),703,5.8000000000000000E+04,1.9918666628400001E+02,-1.0317219996000000E+01,-8.1964510155930570E-01,-1.0241406973987321E+00,-6.8188361374404094E-02,7.5784287683656939E-03,-1.0670884302809679E-02,-2.1727779517427188E-03 -2063 Bacchus (1977 HB),703,5.8001000000000000E+04,1.9989560159900000E+02,-1.0660274653000000E+01,-8.1201602083576085E-01,-1.0347439798663096E+00,-7.0356687411892882E-02,7.6844731970641270E-03,-1.0537043169209760E-02,-2.1637727072199753E-03 -2063 Bacchus (1977 HB),703,5.8002000000000000E+04,2.0060322659100001E+02,-1.1000242507999999E+01,-8.0428184869752839E-01,-1.0452133258261196E+00,-7.2515905138464426E-02,7.7886474706951600E-03,-1.0402953717980747E-02,-2.1545632001357283E-03 -2063 Bacchus (1977 HB),703,5.8003000000000000E+04,2.0130963211000000E+02,-1.1337123694000001E+01,-7.9644444327781416E-01,-1.0555484932651633E+00,-7.4665812269460827E-02,7.8909755135487120E-03,-1.0268628685023300E-02,-2.1451533739090607E-03 -2063 Bacchus (1977 HB),703,5.8004000000000000E+04,2.0201490884300000E+02,-1.1670919176000000E+01,-7.8850563904617665E-01,-1.0657492526761965E+00,-7.6806210367865987E-02,7.9914807375200455E-03,-1.0134080239152070E-02,-2.1355470465821238E-03 -2063 Bacchus (1977 HB),703,5.8005000000000000E+04,2.0271914710100000E+02,-1.2001630684000000E+01,-7.8046724727805494E-01,-1.0758153865754925E+00,-7.8936904716361611E-02,8.0901860494020945E-03,-9.9993200041936410E-03,-2.1257479145685800E-03 -2063 Bacchus (1977 HB),703,5.8006000000000000E+04,2.0342243642800000E+02,-1.2329260588000000E+01,-7.7233105651195277E-01,-1.0857466890364653E+00,-8.1057704197922742E-02,8.1871138581285988E-03,-9.8643590801821800E-03,-2.1157595562697564E-03 -2063 Bacchus (1977 HB),703,5.8007000000000000E+04,2.0412486505800001E+02,-1.2653811717000000E+01,-7.6409883300162185E-01,-1.0955429652241455E+00,-8.3168421185447691E-02,8.2822860819553659E-03,-9.7292080636937305E-03,-2.1055854355704296E-03 -2063 Bacchus (1977 HB),703,5.8008000000000000E+04,2.0482651928799999E+02,-1.2975287123999999E+01,-7.5577232117158810E-01,-1.1052040309192654E+00,-8.5268871438864011E-02,8.3757241555287420E-03,-9.5938770674436208E-03,-2.0952289052091314E-03 -2063 Bacchus (1977 HB),703,5.8009000000000000E+04,2.0552748284000000E+02,-1.3293689836000000E+01,-7.4735324407820369E-01,-1.1147297120329505E+00,-8.7358874008137452E-02,8.4674490368891586E-03,-9.4583757391452812E-03,-2.0846932100452116E-03 -2063 Bacchus (1977 HB),703,5.8010000000000000E+04,2.0622783628900001E+02,-1.3609022599999999E+01,-7.3884330387801311E-01,-1.1241198441155722E+00,-8.9438251139959804E-02,8.5574812143898050E-03,-9.3227132797368203E-03,-2.0739814902184721E-03 -2063 Bacchus (1977 HB),703,5.8011000000000000E+04,2.0692765659099999E+02,-1.3921287649000000E+01,-7.3024418230121335E-01,-1.1333742718674271E+00,-9.1506828187366898E-02,8.6458407135769477E-03,-9.1868984609863695E-03,-2.0630967842082894E-03 -2063 Bacchus (1977 HB),703,5.8012000000000000E+04,2.0762701675900001E+02,-1.4230486500000000E+01,-7.2155754113164738E-01,-1.1424928486527810E+00,-9.3564433521206372E-02,8.7325471040660615E-03,-9.0509396424874808E-03,-2.0520420318160659E-03 -2063 Bacchus (1977 HB),703,5.8013000000000000E+04,2.0832598570200000E+02,-1.4536619804000001E+01,-7.1278502269330080E-01,-1.1514754360194772E+00,-9.5610898442837822E-02,8.8176195064166400E-03,-8.9148447881033516E-03,-2.0408200770499602E-03 -2063 Bacchus (1977 HB),703,5.8014000000000000E+04,2.0902462827299999E+02,-1.4839687244000000E+01,-7.0392825034307593E-01,-1.1603219032267820E+00,-9.7646057096569663E-02,8.9010765990544093E-03,-8.7786214818003291E-03,-2.0294336709362820E-03 -2063 Bacchus (1977 HB),703,5.8015000000000000E+04,2.0972300552300001E+02,-1.5139687520000001E+01,-6.9498882896624004E-01,-1.1690321267892068E+00,-9.9669746379812810E-02,8.9829366252246589E-03,-8.6422769428936806E-03,-2.0178854742466988E-03 -2063 Bacchus (1977 HB),703,5.8016000000000000E+04,2.1042117514500001E+02,-1.5436618390000000E+01,-6.8596834546402397E-01,-1.1776059900513822E+00,-1.0168180584998798E-01,9.0632173999887489E-03,-8.5058180406268787E-03,-2.0061780601438924E-03 -2063 Bacchus (1977 HB),703,5.8017000000000000E+04,2.1111919205400000E+02,-1.5730476788000001E+01,-6.7686836922330595E-01,-1.1860433828062260E+00,-1.0368207762822702E-01,9.1419363171927129E-03,-8.3692513081611193E-03,-1.9943139167407638E-03 -2063 Bacchus (1977 HB),703,5.8018000000000000E+04,2.1181710901700001E+02,-1.6021258979999999E+01,-6.6769045255745696E-01,-1.1943442009649252E+00,-1.0567040630251023E-01,9.2191103564266165E-03,-8.2325829558853800E-03,-1.9822954495746369E-03 -2063 Bacchus (1977 HB),703,5.8019000000000000E+04,2.1251497722700000E+02,-1.6308960724999999E+01,-6.5843613111922705E-01,-1.2025083462711543E+00,-1.0764663883278357E-01,9.2947560898817994E-03,-8.0958188841296803E-03,-1.9701249839940015E-03 -2063 Bacchus (1977 HB),703,5.8020000000000000E+04,2.1321284677300000E+02,-1.6593577423999999E+01,-6.4910692428769301E-01,-1.2105357260486997E+00,-1.0961062446144235E-01,9.3688896890976956E-03,-7.9589646952772999E-03,-1.9578047674546802E-03 -2063 Bacchus (1977 HB),703,5.8021000000000000E+04,2.1391076695400000E+02,-1.6875104232999998E+01,-6.3970433553943495E-01,-1.2184262529650662E+00,-1.1156221463037813E-01,9.4415269315661545E-03,-7.8220257053263909E-03,-1.9453369717306081E-03 -2063 Bacchus (1977 HB),703,5.8022000000000000E+04,2.1460878647199999E+02,-1.7153536133999999E+01,-6.3022985281446409E-01,-1.2261798447968306E+00,-1.1350126290420939E-01,9.5126832071616482E-03,-7.6850069549475007E-03,-1.9327236950457654E-03 -2063 Bacchus (1977 HB),703,5.8023000000000000E+04,2.1530695351000000E+02,-1.7428867969999999E+01,-6.2068494888124404E-01,-1.2337964241914161E+00,-1.1542762489907925E-01,9.5823735244026671E-03,-7.5479132200637518E-03,-1.9199669641256152E-03 -2063 Bacchus (1977 HB),703,5.8024000000000000E+04,2.1600531576600000E+02,-1.7701094458000000E+01,-6.1107108170661073E-01,-1.2412759184214348E+00,-1.1734115821513444E-01,9.6506125165248171E-03,-7.4107490220322592E-03,-1.9070687361689713E-03 -2063 Bacchus (1977 HB),703,5.8025000000000000E+04,2.1670392047499999E+02,-1.7970210188999999E+01,-6.0138969483008742E-01,-1.2486182591343911E+00,-1.1924172237149222E-01,9.7174144474011150E-03,-7.2735186373980194E-03,-1.8940309007584144E-03 -2063 Bacchus (1977 HB),703,5.8026000000000000E+04,2.1740281445100001E+02,-1.8236209625000001E+01,-5.9164221774381964E-01,-1.2558233820995124E+00,-1.2112917874211332E-01,9.7827932172824122E-03,-7.1362261073181985E-03,-1.8808552816947867E-03 -2063 Bacchus (1977 HB),703,5.8027000000000000E+04,2.1810204419799999E+02,-1.8499087115999998E+01,-5.8183006627529121E-01,-1.2628912269566939E+00,-1.2300339049153322E-01,9.8467623683926135E-03,-6.9988752466096996E-03,-1.8675436387779502E-03 -2063 Bacchus (1977 HB),703,5.8028000000000000E+04,2.1880165608300001E+02,-1.8758836934000001E+01,-5.7195464296937659E-01,-1.2698217369728197E+00,-1.2486422250927556E-01,9.9093350903788693E-03,-6.8614696524887213E-03,-1.8540976695208583E-03 -2063 Bacchus (1977 HB),703,5.8029000000000000E+04,2.1950169657999999E+02,-1.9015453340000001E+01,-5.6201733746897187E-01,-1.2766148588090507E+00,-1.2671154134087631E-01,9.9705242255869932E-03,-6.7240127130727897E-03,-1.8405190108131836E-03 -2063 Bacchus (1977 HB),F51,5.7970000000000000E+04,1.7681283321999999E+02,1.3755756180000001E+00,-9.8931340459189743E-01,-6.4566871878966359E-01,-1.0662059142123569E-04,3.3860033451963388E-03,-1.4476242907233572E-02,-2.3219771375188329E-03 -2063 Bacchus (1977 HB),F51,5.7971000000000000E+04,1.7761058942500000E+02,9.4428473499999999E-01,-9.8584108928158920E-01,-6.6008546668693180E-01,-2.4285634128069040E-03,3.5620764107473016E-03,-1.4359823765577409E-02,-2.3217511366077984E-03 -2063 Bacchus (1977 HB),F51,5.7972000000000000E+04,1.7840340567800001E+02,5.1561603600000006E-01,-9.8219414999798071E-01,-6.7438527745415233E-01,-4.7500759355040816E-03,3.7352949187322276E-03,-1.4242349706789201E-02,-2.3211192906845649E-03 -2063 Bacchus (1977 HB),F51,5.7973000000000000E+04,1.7919144770099999E+02,8.9613268999999995E-02,-9.7837542078991291E-01,-6.8856711958245631E-01,-7.0707574945090756E-03,3.9057002593547571E-03,-1.4123867385144569E-02,-2.3200918485627941E-03 -2063 Bacchus (1977 HB),F51,5.7974000000000000E+04,1.7997487945099999E+02,-3.3368370100000000E-01,-9.7438769460402430E-01,-7.0263000726627733E-01,-9.3902175062770942E-03,4.0733332776772919E-03,-1.4004421532903969E-02,-2.3186787421002920E-03 -2063 Bacchus (1977 HB),F51,5.7975000000000000E+04,1.8075386307599999E+02,-7.5423872100000000E-01,-9.7023372383769491E-01,-7.1657299854857159E-01,-1.1708075150909337E-02,4.2382342584807546E-03,-1.3884055037074359E-02,-2.3168895955036867E-03 -2063 Bacchus (1977 HB),F51,5.7976000000000000E+04,1.8152855876999999E+02,-1.1720191419999999E+00,-9.6591622090081686E-01,-7.3039519355405180E-01,-1.4023959064944115E-02,4.4004429133923375E-03,-1.3762809013141730E-02,-2.3147337344281600E-03 -2063 Bacchus (1977 HB),F51,5.7977000000000000E+04,1.8229912451499999E+02,-1.5869955840000001E+00,-9.6143785878568533E-01,-7.4409573279499841E-01,-1.6337507044001973E-02,4.5599983700862368E-03,-1.3640722875954270E-02,-2.3122201948578875E-03 -2063 Bacchus (1977 HB),F51,5.7978000000000000E+04,1.8306571573500000E+02,-1.9991416730000000E+00,-9.5680127164374873E-01,-7.5767379554140679E-01,-1.8648365755271911E-02,4.7169391633059467E-03,-1.3517834407842919E-02,-2.3093577317741089E-03 -2063 Bacchus (1977 HB),F51,5.7979000000000000E+04,1.8382848485500000E+02,-2.4084337420000002E+00,-9.5200905536639746E-01,-7.7112859825557734E-01,-2.0956190460612305E-02,4.8713032276509255E-03,-1.3394179824040888E-02,-2.3061548276030698E-03 -2063 Bacchus (1977 HB),F51,5.7980000000000000E+04,1.8458758080000001E+02,-2.8148505109999999E+00,-9.4706376817068028E-01,-7.8445939308202683E-01,-2.3260644749190158E-02,5.0231278918718165E-03,-1.3269793835537421E-02,-2.3026197004487954E-03 -2063 Bacchus (1977 HB),F51,5.7981000000000000E+04,1.8534314844700000E+02,-3.2183727460000000E+00,-9.4196793118781486E-01,-7.9766546639298541E-01,-2.5561400280563730E-02,5.1724498746473172E-03,-1.3144709709430959E-02,-2.2987603121044906E-03 -2063 Bacchus (1977 HB),F51,5.7982000000000000E+04,1.8609532805800001E+02,-3.6189828949999998E+00,-9.3672402905540941E-01,-8.1074613737878809E-01,-2.7858136538339798E-02,5.3193052816169206E-03,-1.3018959326875211E-02,-2.2945843758511997E-03 -2063 Bacchus (1977 HB),F51,5.7983000000000000E+04,1.8684425474500000E+02,-4.0166647190000004E+00,-9.3133451051512584E-01,-8.2370075666992526E-01,-3.0150540595016529E-02,5.4637296036191448E-03,-1.2892573238719252E-02,-2.2900993640391897E-03 -2063 Bacchus (1977 HB),F51,5.7984000000000000E+04,1.8759005805400000E+02,-4.4114029539999997E+00,-9.2580178901908816E-01,-8.3652870497625753E-01,-3.2438306887896437E-02,5.6057577159959807E-03,-1.2765580718914009E-02,-2.2853125154578009E-03 -2063 Bacchus (1977 HB),F51,5.7985000000000000E+04,1.8833286177500000E+02,-4.8031830199999996E+00,-9.2012824334904708E-01,-8.4922939173573786E-01,-3.4721137004132895E-02,5.7454238788805963E-03,-1.2638009815771801E-02,-2.2802308424947435E-03 -2063 Bacchus (1977 HB),F51,5.7986000000000000E+04,1.8907278408600001E+02,-5.1919908379999997E+00,-9.1431621825014586E-01,-8.6180225378184439E-01,-3.6998739470978516E-02,5.8827617383782589E-03,-1.2509887401164051E-02,-2.2748611380879868E-03 -2063 Bacchus (1977 HB),F51,5.7987000000000000E+04,1.8980993804299999E+02,-5.5778127849999999E+00,-9.0836802507573022E-01,-8.7424675405883323E-01,-3.9270829546718407E-02,6.0178043285225649E-03,-1.2381239217729668E-02,-2.2692099824753883E-03 -2063 Bacchus (1977 HB),F51,5.7988000000000000E+04,1.9054443237500001E+02,-5.9606357570000004E+00,-9.0228594243329852E-01,-8.8656238042298052E-01,-4.1537129009877494E-02,6.1505840740093765E-03,-1.2252089924151759E-02,-2.2632837497413641E-03 -2063 Bacchus (1977 HB),F51,5.7989000000000000E+04,1.9127637239800001E+02,-6.3404473220000002E+00,-8.9607221682281601E-01,-8.9874864454895698E-01,-4.3797365946582650E-02,6.2811327935461706E-03,-1.2122463138613371E-02,-2.2570886141686326E-03 -2063 Bacchus (1977 HB),F51,5.7990000000000000E+04,1.9200586089199999E+02,-6.7172358970000001E+00,-8.8972906325741630E-01,-9.1080508094394874E-01,-4.6051274540650416E-02,6.4094817038488228E-03,-1.1992381480445560E-02,-2.2506305563946812E-03 -2063 Bacchus (1977 HB),F51,5.7991000000000000E+04,1.9273299878800000E+02,-7.0909908890000004E+00,-8.8325866586801050E-01,-9.2273124603869061E-01,-4.8298594869616206E-02,6.5356614240974801E-03,-1.1861866610100901E-02,-2.2439153693816615E-03 -2063 Bacchus (1977 HB),F51,5.7992000000000000E+04,1.9345788562199999E+02,-7.4617027800000004E+00,-8.7666317849255315E-01,-9.3452671732935666E-01,-5.0539072710604191E-02,6.6597019809396885E-03,-1.1730939267472481E-02,-2.2369486641990568E-03 -2063 Bacchus (1977 HB),F51,5.7993000000000000E+04,1.9418061977900001E+02,-7.8293631430000001E+00,-8.6994472525638200E-01,-9.4619109254337275E-01,-5.2772459356319780E-02,6.7816328138506493E-03,-1.1599619308648000E-02,-2.2297358756273302E-03 -2063 Bacchus (1977 HB),F51,5.7994000000000000E+04,1.9490129857800000E+02,-8.1939646079999999E+00,-8.6310540114831347E-01,-9.5772398881665033E-01,-5.4998511440213130E-02,6.9014827808870378E-03,-1.1467925741173191E-02,-2.2222822675856315E-03 -2063 Bacchus (1977 HB),F51,5.7995000000000000E+04,1.9562001828000001E+02,-8.5555007940000003E+00,-8.5614727259351875E-01,-9.6912504188270221E-01,-5.7216990769753430E-02,7.0192801647448681E-03,-1.1335876757854749E-02,-2.2145929383873778E-03 -2063 Bacchus (1977 HB),F51,5.7996000000000000E+04,1.9633687408599999E+02,-8.9139662360000003E+00,-8.4907237802559898E-01,-9.8039390527410730E-01,-5.9427664165719596E-02,7.1350526791138175E-03,-1.1203489769187159E-02,-2.2066728258291817E-03 -2063 Bacchus (1977 HB),F51,5.7997000000000000E+04,1.9705196015199999E+02,-9.2693563129999994E+00,-8.4188272845637857E-01,-9.9153024954329183E-01,-6.1630303306599681E-02,7.2488274752652709E-03,-1.1070781434432870E-02,-2.1985267121159687E-03 -2063 Bacchus (1977 HB),F51,5.7998000000000000E+04,1.9776536966099999E+02,-9.6216671930000004E+00,-8.3458030804363514E-01,-1.0025337615056529E+00,-6.3824684576630888E-02,7.3606311488336341E-03,-1.0937767691429269E-02,-2.1901592286273051E-03 -2063 Bacchus (1977 HB),F51,5.7999000000000000E+04,1.9847719495499999E+02,-9.9708958100000000E+00,-8.2716707465344175E-01,-1.0134041435125478E+00,-6.6010588917061644E-02,7.4704897468023251E-03,-1.0804463785138489E-02,-2.1815748605275207E-03 -2063 Bacchus (1977 HB),F51,5.8000000000000000E+04,1.9918752772200000E+02,-1.0317039860000000E+01,-8.1964496041681256E-01,-1.0241411127561117E+00,-6.8187801679179649E-02,7.5784287745893457E-03,-1.0670884295030349E-02,-2.1727779512249867E-03 -2063 Bacchus (1977 HB),F51,5.8001000000000000E+04,1.9989645920699999E+02,-1.0660097821999999E+01,-8.1201587227355954E-01,-1.0347444006169753E+00,-7.0356112479686969E-02,7.6844732032812120E-03,-1.0537043161284378E-02,-2.1637727066813172E-03 -2063 Bacchus (1977 HB),F51,5.8002000000000000E+04,2.0060408040199999E+02,-1.1000068992999999E+01,-8.0428169250213477E-01,-1.0452137520555980E+00,-7.2515315057639043E-02,7.7886474769034925E-03,-1.0402953709910342E-02,-2.1545631995758411E-03 -2063 Bacchus (1977 HB),F51,5.8003000000000000E+04,2.0131048215900000E+02,-1.1336953506000000E+01,-7.9644427922926586E-01,-1.0555489250528240E+00,-7.4665207134631054E-02,7.8909755197453697E-03,-1.0268628676808330E-02,-2.1451533733279934E-03 -2063 Bacchus (1977 HB),F51,5.8004000000000000E+04,2.0201575516200000E+02,-1.1670752323000000E+01,-7.8850546691825962E-01,-1.0657496900949273E+00,-7.6805590279886926E-02,7.9914807437021923E-03,-1.0134080230792930E-02,-2.1355470459799215E-03 -2063 Bacchus (1977 HB),F51,5.8005000000000000E+04,2.0271998972200001E+02,-1.2001467173000000E+01,-7.8046706683857026E-01,-1.0758158296913289E+00,-7.8936269782312177E-02,8.0901860555678898E-03,-9.9993199956920006E-03,-2.1257479139448121E-03 -2063 Bacchus (1977 HB),F51,5.8006000000000000E+04,2.0342327538300000E+02,-1.2329100427000000E+01,-7.7233086752297275E-01,-1.0857471379082768E+00,-8.1057054531096712E-02,8.1871138642749114E-03,-9.8643590715381500E-03,-2.1157595556246427E-03 -2063 Bacchus (1977 HB),F51,5.8007000000000000E+04,2.0412570037899999E+02,-1.2653654910000000E+01,-7.6409863521977017E-01,-1.0955434199033314E+00,-8.3167756905348320E-02,8.2822860880808705E-03,-9.7292080549093198E-03,-2.1055854349034085E-03 -2063 Bacchus (1977 HB),F51,5.8008000000000000E+04,2.0482735100599999E+02,-1.2975133676000000E+01,-7.5577211434832359E-01,-1.1052044914494823E+00,-8.5268192671218768E-02,8.3757241616298998E-03,-9.5938770585187599E-03,-2.0952289045205975E-03 -2063 Bacchus (1977 HB),F51,5.8009000000000000E+04,2.0552831098499999E+02,-1.3293539750000001E+01,-7.4735302796008307E-01,-1.1147301784499024E+00,-8.7358180884928208E-02,8.4674490429632251E-03,-9.4583757300806398E-03,-2.0846932093352209E-03 -2063 Bacchus (1977 HB),F51,5.8010000000000000E+04,2.0622866089199999E+02,-1.3608875877999999E+01,-7.3884307820698236E-01,-1.1241203164468045E+00,-8.9437543799463018E-02,8.5574812204364040E-03,-9.3227132705350699E-03,-2.0739814894862197E-03 -2063 Bacchus (1977 HB),F51,5.8011000000000000E+04,2.0692847768300001E+02,-1.3921144290000001E+01,-7.3024394681488636E-01,-1.1333747501321585E+00,-9.1506106774183929E-02,8.6458407195918238E-03,-9.1868984516469201E-03,-2.0630967834544458E-03 -2063 Bacchus (1977 HB),F51,5.8012000000000000E+04,2.0762783436900000E+02,-1.4230346504000000E+01,-7.2155729556358039E-01,-1.1424933328617783E+00,-9.3563698186284294E-02,8.7325471100477160E-03,-9.0509396330120916E-03,-2.0520420310402910E-03 -2063 Bacchus (1977 HB),F51,5.8013000000000000E+04,2.0832679985999999E+02,-1.4536483169000000E+01,-7.1278476677327773E-01,-1.1514759261749234E+00,-9.5610149343465275E-02,8.8176195123627846E-03,-8.9148447784932611E-03,-2.0408200762522108E-03 -2063 Bacchus (1977 HB),F51,5.8014000000000000E+04,2.0902543900900000E+02,-1.4839553968000001E+01,-7.0392798379736599E-01,-1.1603223993221994E+00,-9.7645294396345547E-02,8.9010766049633320E-03,-8.7786214720568696E-03,-2.0294336701163723E-03 -2063 Bacchus (1977 HB),F51,5.8015000000000000E+04,2.0972381286600000E+02,-1.5139557598000000E+01,-6.9498855151790395E-01,-1.1690326288093384E+00,-9.9668970248578251E-02,8.9829366310937957E-03,-8.6422769330176813E-03,-2.0178854734047330E-03 -2063 Bacchus (1977 HB),F51,5.8016000000000000E+04,2.1042197912300000E+02,-1.5436491818000000E+01,-6.8596805683319295E-01,-1.1776064979720944E+00,-1.0168101646374590E-01,9.0632174058164171E-03,-8.5058180306197897E-03,-2.0061780592797078E-03 -2063 Bacchus (1977 HB),F51,5.8017000000000000E+04,2.1111999269699999E+02,-1.5730353559999999E+01,-6.7686806912748998E-01,-1.1860438965943931E+00,-1.0368127516905025E-01,9.1419363229763677E-03,-8.3692512980239123E-03,-1.9943139158544766E-03 -2063 Bacchus (1977 HB),F51,5.8018000000000000E+04,2.1181790635199999E+02,-1.6021139088999998E+01,-6.6769014071184207E-01,-1.1943447205783071E+00,-1.0566959095846229E-01,9.2191103621633748E-03,-8.2325829456186099E-03,-1.9822954486664705E-03 -2063 Bacchus (1977 HB),F51,5.8019000000000000E+04,2.1251577128200000E+02,-1.6308844163000000E+01,-6.5843580723700601E-01,-1.2025088716582546E+00,-1.0764581079783234E-01,9.2947560955700496E-03,-8.0958188737349085E-03,-1.9701249830638189E-03 -2063 Bacchus (1977 HB),F51,5.8020000000000000E+04,2.1321363757500001E+02,-1.6593464182999998E+01,-6.4910658808036703E-01,-1.2105362571486460E+00,-1.0960978393539583E-01,9.3688896947368358E-03,-7.9589646847564900E-03,-1.9578047665020967E-03 -2063 Bacchus (1977 HB),F51,5.8021000000000000E+04,2.1391155452999999E+02,-1.6874994303000001E+01,-6.3970398671716611E-01,-1.2184267897074592E+00,-1.1156136181881438E-01,9.4415269371537752E-03,-7.8220256946805386E-03,-1.9453369707557572E-03 -2063 Bacchus (1977 HB),F51,5.8022000000000000E+04,2.1460957084800000E+02,-1.7153429504000002E+01,-6.3022949108638793E-01,-1.2261803871016204E+00,-1.1350039801842045E-01,9.5126832126944880E-03,-7.6850069441770884E-03,-1.9327236940489864E-03 -2063 Bacchus (1977 HB),F51,5.8023000000000000E+04,2.1530773471200001E+02,-1.7428764629000000E+01,-6.2068457395583398E-01,-1.2337969719687654E+00,-1.1542674815601092E-01,9.5823735298802212E-03,-7.5479132091707882E-03,-1.9199669631065782E-03 -2063 Bacchus (1977 HB),F51,5.8024000000000000E+04,2.1600609382100001E+02,-1.7700994394999999E+01,-6.1107069329200647E-01,-1.2412764715716085E+00,-1.1734026983731792E-01,9.6506125219443639E-03,-7.4107490110174416E-03,-1.9070687351278915E-03 -2063 Bacchus (1977 HB),F51,5.8025000000000000E+04,2.1670469540600001E+02,-1.7970113389000002E+01,-6.0138929263445740E-01,-1.2486188175476476E+00,-1.1924082258697537E-01,9.7174144527622415E-03,-7.2735186262633394E-03,-1.8940308996949846E-03 -2063 Bacchus (1977 HB),F51,5.8026000000000000E+04,2.1740358628400000E+02,-1.8236116075000002E+01,-5.9164180147571233E-01,-1.2558239456560096E+00,-1.2112826778438252E-01,9.7827932225819231E-03,-7.1362260960642424E-03,-1.8808552806093553E-03 -2063 Bacchus (1977 HB),F51,5.8027000000000000E+04,2.1810281295700000E+02,-1.8498996801000001E+01,-5.8182963564397416E-01,-1.2628917955264178E+00,-1.2300246859944056E-01,9.8467623736288208E-03,-6.9988752352376296E-03,-1.8675436376704984E-03 -2063 Bacchus (1977 HB),F51,5.8028000000000000E+04,2.1880242179000001E+02,-1.8758749839000000E+01,-5.7195419768523681E-01,-1.2698223104154804E+00,-1.2486328992695093E-01,9.9093350955514452E-03,-6.8614696410005914E-03,-1.8540976683911442E-03 -2063 Bacchus (1977 HB),F51,5.8029000000000000E+04,2.1950245925999999E+02,-1.9015369447000001E+01,-5.6201687724386706E-01,-1.2766154369740099E+00,-1.2671059831764625E-01,9.9705242306923694E-03,-6.7240127014689191E-03,-1.8405190096615919E-03 -2063 Bacchus (1977 HB),I11,5.7970000000000000E+04,1.7681122657200001E+02,1.3767988369999999E+00,-9.8931332232189562E-01,-6.4566742209062367E-01,-1.0710851124845227E-04,3.3860033212057515E-03,-1.4476242922893760E-02,-2.3219771375214988E-03 -2063 Bacchus (1977 HB),I11,5.7971000000000000E+04,1.7760899266199999E+02,9.4550847299999996E-01,-9.8584102648968241E-01,-6.6008416331199871E-01,-2.4290775887803925E-03,3.5620763872633698E-03,-1.4359823781306458E-02,-2.3217511366650464E-03 -2063 Bacchus (1977 HB),I11,5.7972000000000000E+04,1.7840181874600000E+02,5.1684022699999999E-01,-9.8219410667362461E-01,-6.7438396734428552E-01,-4.7506163938312047E-03,3.7352948957401870E-03,-1.4242349722579799E-02,-2.3211192907955066E-03 -2063 Bacchus (1977 HB),I11,5.7973000000000000E+04,1.7918987054600001E+02,9.0837855999999995E-02,-9.7837539693604869E-01,-6.8856580267242873E-01,-7.0713242521622446E-03,3.9057002368407950E-03,-1.4123867400990439E-02,-2.3200918487262601E-03 -2063 Bacchus (1977 HB),I11,5.7974000000000000E+04,1.7997331201899999E+02,-3.3245877400000001E-01,-9.7438769023730099E-01,-7.0262868348545193E-01,-9.3908105708591424E-03,4.0733332556311059E-03,-1.4004421548805561E-02,-2.3186787423125086E-03 -2063 Bacchus (1977 HB),I11,5.7975000000000000E+04,1.8075230531000000E+02,-7.5301350400000000E-01,-9.7023373898862442E-01,-7.1657166782175341E-01,-1.1708694520547014E-02,4.2382342368886194E-03,-1.3884055053024438E-02,-2.3168895957643367E-03 -2063 Bacchus (1977 HB),I11,5.7976000000000000E+04,1.8152701061200000E+02,-1.1707936800000001E+00,-9.6591625561392147E-01,-7.3039385580228411E-01,-1.4024604728184096E-02,4.4004428922432880E-03,-1.3762809029138181E-02,-2.3147337347349927E-03 -2063 Bacchus (1977 HB),I11,5.7977000000000000E+04,1.8229758590899999E+02,-1.5857699190000001E+00,-9.6143791311957949E-01,-7.4409438793641125E-01,-1.6338178979726229E-02,4.5599983493685133E-03,-1.3640722891992802E-02,-2.3122201952097176E-03 -2063 Bacchus (1977 HB),I11,5.7978000000000000E+04,1.8306418662300001E+02,-1.9979158420000001E+00,-9.5680134567119113E-01,-7.5767244349201646E-01,-1.8649063932605348E-02,4.7169391430091183E-03,-1.3517834423921070E-02,-2.3093577321691783E-03 -2063 Bacchus (1977 HB),I11,5.7979000000000000E+04,1.8382696517700001E+02,-2.4072077780000001E+00,-9.5200914917428758E-01,-7.7112723893008028E-01,-2.0956914838824586E-02,4.8713032077625455E-03,-1.3394179840152612E-02,-2.3061548280412774E-03 -2063 Bacchus (1977 HB),I11,5.7980000000000000E+04,1.8458607049800000E+02,-2.8136244449999999E+00,-9.4706388186002699E-01,-7.8445802639454953E-01,-2.3261395277576615E-02,5.0231278723841793E-03,-1.3269793851683601E-02,-2.3026197009272287E-03 -2063 Bacchus (1977 HB),I11,5.7981000000000000E+04,1.8534164745999999E+02,-3.2171466049999999E+00,-9.4196806487364593E-01,-7.9766409225778290E-01,-2.5562176898312423E-02,5.1724498555496901E-03,-1.3144709725607460E-02,-2.2987603126225463E-03 -2063 Bacchus (1977 HB),I11,5.7982000000000000E+04,1.8609383632500001E+02,-3.6177567009999998E+00,-9.3672418286666970E-01,-8.1074475571085713E-01,-2.7858939174381082E-02,5.3193052628998381E-03,-1.3018959343079631E-02,-2.2945843764076643E-03 -2063 Bacchus (1977 HB),I11,5.7983000000000000E+04,1.8684277220499999E+02,-4.0154384930000004E+00,-9.3133468459451785E-01,-8.2369936738559613E-01,-3.0151369167860025E-02,5.4637295852730337E-03,-1.2892573254948530E-02,-2.2900993646332419E-03 -2063 Bacchus (1977 HB),I11,5.7984000000000000E+04,1.8758858464500000E+02,-4.4101767130000002E+00,-9.2580198352290777E-01,-8.3652730799371544E-01,-3.2439161305463753E-02,5.6057576980120920E-03,-1.2765580735166029E-02,-2.2853125160883308E-03 -2063 Bacchus (1977 HB),I11,5.7985000000000000E+04,1.8833139743600000E+02,-4.8019567770000000E+00,-9.2012845844699398E-01,-8.4922798697546342E-01,-3.4722017163642580E-02,5.7454238612527613E-03,-1.2638009832047310E-02,-2.2802308431595108E-03 -2063 Bacchus (1977 HB),I11,5.7986000000000000E+04,1.8907132875400001E+02,-5.1907646060000001E+00,-9.1431645412511608E-01,-8.6180084116707334E-01,-3.6999645258866599E-02,5.8827617210960902E-03,-1.2509887417458421E-02,-2.2748611387871983E-03 -2063 Bacchus (1977 HB),I11,5.7987000000000000E+04,1.8980849165600000E+02,-5.5765865730000002E+00,-9.0836828192360830E-01,-8.7424533351600264E-01,-3.9271760838630682E-02,6.0178043115783021E-03,-1.2381239234041080E-02,-2.2692099832080726E-03 -2063 Bacchus (1977 HB),I11,5.7988000000000000E+04,1.9054299487000000E+02,-5.9594095710000001E+00,-9.0228622046275309E-01,-8.8656095188216599E-01,-4.1538085670694967E-02,6.1505840573953521E-03,-1.2252089940478699E-02,-2.2632837505066083E-03 -2063 Bacchus (1977 HB),I11,5.7989000000000000E+04,1.9127494371399999E+02,-6.3392211659999997E+00,-8.9607251625508433E-01,-8.9874720794442053E-01,-4.3798347830469070E-02,6.2811327772575795E-03,-1.2122463154956901E-02,-2.2570886149644296E-03 -2063 Bacchus (1977 HB),I11,5.7990000000000000E+04,1.9200444096699999E+02,-6.7160097739999998E+00,-8.8972938432608417E-01,-9.1080363621467730E-01,-4.6052281491089447E-02,6.4094816878749409E-03,-1.1992381496800359E-02,-2.2506305572218802E-03 -2063 Bacchus (1977 HB),I11,5.7991000000000000E+04,1.9273158756100000E+02,-7.0897648000000002E+00,-8.8325900881880215E-01,-9.2272979312897152E-01,-4.8299626719431478E-02,6.5356614084346341E-03,-1.1861866626468900E-02,-2.2439153702380780E-03 -2063 Bacchus (1977 HB),I11,5.7992000000000000E+04,1.9345648303300001E+02,-7.4604767240000003E+00,-8.7666354358308807E-01,-9.3452525618937443E-01,-5.0540129281968264E-02,6.6597019655794849E-03,-1.1730939283850449E-02,-2.2369486650847411E-03 -2063 Bacchus (1977 HB),I11,5.7993000000000000E+04,1.9417922576699999E+02,-7.8281371179999999E+00,-8.6994511275594621E-01,-9.4618962312979149E-01,-5.2773540460741362E-02,6.7816327987879977E-03,-1.1599619325036149E-02,-2.2297358765410256E-03 -2063 Bacchus (1977 HB),I11,5.7994000000000000E+04,1.9489991308200001E+02,-8.1927386109999993E+00,-8.6310581133757192E-01,-9.5772251109323858E-01,-5.4999616878536411E-02,6.9014827661139097E-03,-1.1467925757568538E-02,-2.2222822685274133E-03 -2063 Bacchus (1977 HB),I11,5.7995000000000000E+04,1.9561864124300001E+02,-8.5542748199999998E+00,-8.5614770576423560E-01,-9.6912355582091803E-01,-5.7218120332143158E-02,7.0192801502574932E-03,-1.1335876774258020E-02,-2.2145929393557824E-03 -2063 Bacchus (1977 HB),I11,5.7996000000000000E+04,1.9633550544799999E+02,-8.9127402799999995E+00,-8.4907283448033366E-01,-9.8039241085366546E-01,-5.9428817631657194E-02,7.1350526649071625E-03,-1.1203489785598059E-02,-2.2066728268233409E-03 -2063 Bacchus (1977 HB),I11,5.7997000000000000E+04,1.9705059985599999E+02,-9.2681303679999996E+00,-8.4188320850813347E-01,-9.9152874675276814E-01,-6.1631480444895526E-02,7.2488274613318627E-03,-1.1070781450848673E-02,-2.1985267131359970E-03 -2063 Bacchus (1977 HB),I11,5.7998000000000000E+04,1.9776401764799999E+02,-9.6204412520000009E+00,-8.3458081201552370E-01,-1.0025322503430103E+00,-6.3825885145435926E-02,7.3606311351688634E-03,-1.0937767707849749E-02,-2.1901592296723680E-03 -2063 Bacchus (1977 HB),I11,5.7999000000000000E+04,1.9847585116900001E+02,-9.9696698660000003E+00,-8.2716760287830560E-01,-1.0134026239857066E+00,-6.6011812663886782E-02,7.4704897334004101E-03,-1.0804463801562279E-02,-2.1815748615972757E-03 -2063 Bacchus (1977 HB),I11,5.8000000000000000E+04,1.9918619210599999E+02,-1.0315813903000000E+01,-8.1964551323683521E-01,-1.0241395848835051E+00,-6.8189048340919767E-02,7.5784287614468248E-03,-1.0670884311457803E-02,-2.1727779523184232E-03 -2063 Bacchus (1977 HB),I11,5.8001000000000000E+04,1.9989513170600000E+02,-1.0658871844000000E+01,-8.1201645003985179E-01,-1.0347428644281131E+00,-7.0357381782661252E-02,7.6844731903926112E-03,-1.0537043177714263E-02,-2.1637727077981387E-03 -2063 Bacchus (1977 HB),I11,5.8002000000000000E+04,2.0060276096000001E+02,-1.0998842983999999E+01,-8.0428229557429398E-01,-1.0452122075916324E+00,-7.2516606717653059E-02,7.7886474642635314E-03,-1.0402953726341427E-02,-2.1545632007157526E-03 -2063 Bacchus (1977 HB),I11,5.8003000000000000E+04,2.0130917072099999E+02,-1.1335727456000001E+01,-7.9644490797492740E-01,-1.0555473723671092E+00,-7.4666520857048752E-02,7.8909755073503420E-03,-1.0268628693240529E-02,-2.1451533744902889E-03 -2063 Bacchus (1977 HB),I11,5.8004000000000000E+04,2.0201445167300000E+02,-1.1669526223000000E+01,-7.8850612171258727E-01,-1.0657481292536124E+00,-7.6806925759724823E-02,7.9914807315486884E-03,-1.0134080247226059E-02,-2.1355470471639154E-03 -2063 Bacchus (1977 HB),I11,5.8005000000000000E+04,2.0271869412999999E+02,-1.2000241011000000E+01,-7.8046774806373576E-01,-1.0758142607739252E+00,-7.8937626704336877E-02,8.0901860436502666E-03,-9.9993200121244880E-03,-2.1257479151504627E-03 -2063 Bacchus (1977 HB),I11,5.8006000000000000E+04,2.0342198763299999E+02,-1.2327874190999999E+01,-7.7233157556760046E-01,-1.0857455610081950E+00,-8.1058432569929409E-02,8.1871138525907647E-03,-9.8643590879703980E-03,-2.1157595568511147E-03 -2063 Bacchus (1977 HB),I11,5.8007000000000000E+04,2.0412442041800000E+02,-1.2652428590000000E+01,-7.6409937047835041E-01,-1.0955418351283694E+00,-8.3169155725554444E-02,8.2822860766240038E-03,-9.7292080713393576E-03,-2.1055854361508581E-03 -2063 Bacchus (1977 HB),I11,5.8008000000000000E+04,2.0482607877999999E+02,-1.2973907260000001E+01,-7.5577287722061526E-01,-1.1052028989222527E+00,-8.5269611927363320E-02,8.3757241503990849E-03,-9.5938770749473615E-03,-2.0952289057880268E-03 -2063 Bacchus (1977 HB),I11,5.8009000000000000E+04,2.0552704644200000E+02,-1.3292313225999999E+01,-7.4735381885051000E-01,-1.1147285783081695E+00,-8.7359620221603401E-02,8.4674490319557073E-03,-9.4583757465077217E-03,-2.0846932106220774E-03 -2063 Bacchus (1977 HB),I11,5.8010000000000000E+04,2.0622740397800001E+02,-1.3607649233000000E+01,-7.3884389752400503E-01,-1.1241187088437787E+00,-8.9439002851298938E-02,8.5574812096446285E-03,-9.3227132869580578E-03,-2.0739814907930173E-03 -2063 Bacchus (1977 HB),I11,5.8011000000000000E+04,2.0692722834400001E+02,-1.3919917513000000E+01,-7.3024479497039552E-01,-1.1333731352366818E+00,-9.1507585165857677E-02,8.6458407090166146E-03,-9.1868984680673581E-03,-2.0630967847799372E-03 -2063 Bacchus (1977 HB),I11,5.8012000000000000E+04,2.0762659255299999E+02,-1.4229119581000001E+01,-7.2155817297227987E-01,-1.1424917108584702E+00,-9.3565195532534173E-02,8.7325470996842142E-03,-9.0509396494287096E-03,-2.0520420323844597E-03 -2063 Bacchus (1977 HB),I11,5.8013000000000000E+04,2.0832556551400000E+02,-1.4535256088000001E+01,-7.1278567385206615E-01,-1.1514742972642873E+00,-9.5611665249145855E-02,8.8176195022079355E-03,-8.9148447949055007E-03,-2.0408200776147120E-03 -2063 Bacchus (1977 HB),I11,5.8014000000000000E+04,2.0902421208000001E+02,-1.4838326714999999E+01,-7.0392892096474990E-01,-1.1603207637206556E+00,-9.7646828456533830E-02,8.9010765950131836E-03,-8.7786214884640786E-03,-2.0294336714970335E-03 -2063 Bacchus (1977 HB),I11,5.8015000000000000E+04,2.0972259330099999E+02,-1.5138330160000001E+01,-6.9498951919337304E-01,-1.1690309867492867E+00,-9.9670522048737442E-02,8.9829366213463185E-03,-8.6422769494197589E-03,-2.0178854748030698E-03 -2063 Bacchus (1977 HB),I11,5.8016000000000000E+04,2.1042076687100001E+02,-1.5435264181000001E+01,-6.8596905543663289E-01,-1.1776048497019374E+00,-1.0168258557993068E-01,9.0632173962678884E-03,-8.5058180470160769E-03,-2.0061780606955631E-03 -2063 Bacchus (1977 HB),I11,5.8017000000000000E+04,2.1111878770600001E+02,-1.5729125710000000E+01,-6.7686909907857284E-01,-1.1860422423785919E+00,-1.0368286116814257E-01,9.1419363136249349E-03,-8.3692513144143117E-03,-1.9943139172873899E-03 -2063 Bacchus (1977 HB),I11,5.8018000000000000E+04,2.1181670857099999E+02,-1.6019911013000002E+01,-6.6769120242943703E-01,-1.1943430606974470E+00,-1.0567119339840726E-01,9.2191103530081132E-03,-8.2325829620034791E-03,-1.9822954501159062E-03 -2063 Bacchus (1977 HB),I11,5.8019000000000000E+04,2.1251458066000001E+02,-1.6307615847000001E+01,-6.5843690113856113E-01,-1.2025072064091307E+00,-1.0764742922787547E-01,9.2947560866075488E-03,-8.0958188901135084E-03,-1.9701249845296307E-03 -2063 Bacchus (1977 HB),I11,5.8020000000000000E+04,2.1321245406300000E+02,-1.6592235612000000E+01,-6.4910771458135286E-01,-1.2105345868443136E+00,-1.0961141789629519E-01,9.3688896859618447E-03,-7.9589647011277902E-03,-1.9578047679843953E-03 -2063 Bacchus (1977 HB),I11,5.8021000000000000E+04,2.1391037807800001E+02,-1.6873765464000002E+01,-6.3970514623045416E-01,-1.2184251146773379E+00,-1.1156301084304839E-01,9.4415269285647828E-03,-7.8220257110445321E-03,-1.9453369722541457E-03 -2063 Bacchus (1977 HB),I11,5.8022000000000000E+04,2.1460840140700000E+02,-1.7152200384000000E+01,-6.3023068402167404E-01,-1.2261787076915658E+00,-1.1350206163036780E-01,9.5126832042917893E-03,-7.6850069605343581E-03,-1.9327236955628939E-03 -2063 Bacchus (1977 HB),I11,5.8023000000000000E+04,2.1530657223399999E+02,-1.7427535213999999E+01,-6.2068580071900503E-01,-1.2337952885411554E+00,-1.1542842587214340E-01,9.5823735216588202E-03,-7.5479132255203210E-03,-1.9199669646360786E-03 -2063 Bacchus (1977 HB),I11,5.8024000000000000E+04,2.1600493825800001E+02,-1.7699764672000001E+01,-6.1107195428455541E-01,-1.2412747845053855E+00,-1.1734196116638626E-01,9.6506125139038668E-03,-7.4107490273594805E-03,-1.9070687366725583E-03 -2063 Bacchus (1977 HB),I11,5.8025000000000000E+04,2.1670354671100000E+02,-1.7968883346999998E+01,-6.0139058825288205E-01,-1.2486171272383457E+00,-1.1924252703019295E-01,9.7174144448976540E-03,-7.2735186425972216E-03,-1.8940309012548851E-03 -2063 Bacchus (1977 HB),I11,5.8026000000000000E+04,2.1740244440999999E+02,-1.8234885700000000E+01,-5.9164313211088937E-01,-1.2558222525157854E+00,-1.2112998483562674E-01,9.7827932148939235E-03,-7.1362261123903703E-03,-1.8808552821839965E-03 -2063 Bacchus (1977 HB),I11,5.8027000000000000E+04,2.1810167785700000E+02,-1.8497766081999998E+01,-5.8183100168057877E-01,-1.2628900999840309E+00,-1.2300419774544487E-01,9.8467623661153310E-03,-6.9988752515558923E-03,-1.8675436392597050E-03 -2063 Bacchus (1977 HB),I11,5.8028000000000000E+04,2.1880129342100000E+02,-1.8757518764000000E+01,-5.7195559950110741E-01,-1.2698206129162983E+00,-1.2486503064750920E-01,9.9093350882077241E-03,-6.8614696573103678E-03,-1.8540976699949259E-03 -2063 Bacchus (1977 HB),I11,5.8029000000000000E+04,2.1950133757500001E+02,-1.9014138005000000E+01,-5.6201831520939038E-01,-1.2766137379800153E+00,-1.2671235008582618E-01,9.9705242235201517E-03,-6.7240127177708199E-03,-1.8405190112795076E-03 -2063 Bacchus (1977 HB),I41,5.7970000000000000E+04,1.7681196365299999E+02,1.3752882160000000E+00,-9.8931338849456729E-01,-6.4566847518568171E-01,-1.0668873355709372E-04,3.3860033412104126E-03,-1.4476242909835440E-02,-2.3219771375192757E-03 -2063 Bacchus (1977 HB),I41,5.7971000000000000E+04,1.7760972427700000E+02,9.4399958299999998E-01,-9.8584107686373568E-01,-6.6008522177025108E-01,-2.4286447454637131E-03,3.5620764066780861E-03,-1.4359823768303441E-02,-2.3217511366174699E-03 -2063 Bacchus (1977 HB),I41,5.7972000000000000E+04,1.7840254490400000E+02,5.1533317000000001E-01,-9.8219414123322879E-01,-6.7438503112099790E-01,-4.7501705299341380E-03,3.7352949145818080E-03,-1.4242349709639930E-02,-2.3211192907044709E-03 -2063 Bacchus (1977 HB),I41,5.7973000000000000E+04,1.7919059125699999E+02,8.9332729999999999E-02,-9.7837541565879316E-01,-6.8856687172555253E-01,-7.0708654182140536E-03,3.9057002551254865E-03,-1.4123867388120690E-02,-2.3200918485937402E-03 -2063 Bacchus (1977 HB),I41,5.7974000000000000E+04,1.7997402729500001E+02,-3.3396187500000002E-01,-9.7438769309409790E-01,-7.0262975777515868E-01,-9.3903388229158169E-03,4.0733332733720205E-03,-1.4004421536009571E-02,-2.3186787421416153E-03 -2063 Bacchus (1977 HB),I41,5.7975000000000000E+04,1.8075301516499999E+02,-7.5451449299999995E-01,-9.7023372594365220E-01,-7.1657274730996212E-01,-1.1708209920220125E-02,4.2382342541018043E-03,-1.3884055040309089E-02,-2.3168895955565463E-03 -2063 Bacchus (1977 HB),I41,5.7976000000000000E+04,1.8152771505999999E+02,-1.1722924740000000E+00,-9.6591622662457211E-01,-7.3039494045219622E-01,-1.4024107342667758E-02,4.4004429089424570E-03,-1.3762809016507732E-02,-2.3147337344926041E-03 -2063 Bacchus (1977 HB),I41,5.7977000000000000E+04,1.8229828496499999E+02,-1.5872664390000000E+00,-9.6143786813645027E-01,-7.4409547771201356E-01,-1.6337668881810215E-02,4.5599983655679648E-03,-1.3640722879452317E-02,-2.3122201949345067E-03 -2063 Bacchus (1977 HB),I41,5.7978000000000000E+04,1.8306488030300000E+02,-1.9994100159999999E+00,-9.5680128463808967E-01,-7.5767353835763285E-01,-1.8648541200692093E-02,4.7169391587221169E-03,-1.3517834411474500E-02,-2.3093577318631219E-03 -2063 Bacchus (1977 HB),I41,5.7979000000000000E+04,1.8382765350000000E+02,-2.4086995359999999E+00,-9.5200907202828344E-01,-7.7112833884988941E-01,-2.0956379556944089E-02,4.8713032230037730E-03,-1.3394179827805351E-02,-2.3061548277055629E-03 -2063 Bacchus (1977 HB),I41,5.7980000000000000E+04,1.8458675348099999E+02,-2.8151137230000001E+00,-9.4706378853151196E-01,-7.8445913133216105E-01,-2.3260847535415418E-02,5.0231278871646990E-03,-1.3269793839437681E-02,-2.3026197005642547E-03 -2063 Bacchus (1977 HB),I41,5.7981000000000000E+04,1.8534232512299999E+02,-3.2186333430000000E+00,-9.4196795528644284E-01,-7.9766520217582404E-01,-2.5561616791245318E-02,5.1724498698828602E-03,-1.3144709713466891E-02,-2.2987603122336373E-03 -2063 Bacchus (1977 HB),I41,5.7982000000000000E+04,1.8609450868900001E+02,-3.6192408440000001E+00,-9.3672405693815641E-01,-8.1074587057060166E-01,-2.7858366803508047E-02,5.3193052767978206E-03,-1.3018959331047608E-02,-2.2945843759943738E-03 -2063 Bacchus (1977 HB),I41,5.7983000000000000E+04,1.8684343929200000E+02,-4.0169199889999998E+00,-9.3133454223577483E-01,-8.2370048714664157E-01,-3.0150784640067360E-02,5.4637295987481523E-03,-1.2892573243028220E-02,-2.2900993641969108E-03 -2063 Bacchus (1977 HB),I41,5.7984000000000000E+04,1.8758924647600000E+02,-4.4116555149999996E+00,-9.2580182463888927E-01,-8.3652843261366550E-01,-3.2438564733481057E-02,5.6057577110759180E-03,-1.2765580723360048E-02,-2.2853125156303937E-03 -2063 Bacchus (1977 HB),I41,5.7985000000000000E+04,1.8833205403400001E+02,-4.8034328410000002E+00,-9.2012828293670734E-01,-8.4922911640968801E-01,-3.4721408666077376E-02,5.7454238739149018E-03,-1.2638009820356970E-02,-2.2802308426818287E-03 -2063 Bacchus (1977 HB),I41,5.7986000000000000E+04,1.8907198014299999E+02,-5.1922378939999998E+00,-9.1431626188180448E-01,-8.6180197536848724E-01,-3.6999024960222580E-02,5.8827617333692111E-03,-1.2509887405887000E-02,-2.2748611382905582E-03 -2063 Bacchus (1977 HB),I41,5.7987000000000000E+04,1.8980913785900000E+02,-5.5780570469999997E+00,-9.0836807283494148E-01,-8.7424647243481368E-01,-3.9271128869279533E-02,6.0178043234730139E-03,-1.2381239222590618E-02,-2.2692099826937362E-03 -2063 Bacchus (1977 HB),I41,5.7988000000000000E+04,1.9054363591300000E+02,-5.9608771989999996E+00,-9.0228599441101154E-01,-8.8656209546566334E-01,-4.1537442166829863E-02,6.1505840689220527E-03,-1.2252089929150990E-02,-2.2632837499757677E-03 -2063 Bacchus (1977 HB),I41,5.7989000000000000E+04,1.9127557962000000E+02,-6.3406859200000003E+00,-8.9607227311732707E-01,-8.9874835613672011E-01,-4.3797692934033683E-02,6.2811327884247058E-03,-1.2122463143752480E-02,-2.2570886144186865E-03 -2063 Bacchus (1977 HB),I41,5.7990000000000000E+04,1.9200507175999999E+02,-6.7174716260000000E+00,-8.8972912397432580E-01,-9.1080478895645256E-01,-4.6051615349704124E-02,6.4094816986948657E-03,-1.1992381485722250E-02,-2.2506305566616521E-03 -2063 Bacchus (1977 HB),I41,5.7991000000000000E+04,1.9273221326600000E+02,-7.0912237280000001E+00,-8.8325873112017739E-01,-9.2273095035718078E-01,-4.8298949486328326E-02,6.5356614189147734E-03,-1.1861866615517100E-02,-2.2439153696649700E-03 -2063 Bacchus (1977 HB),I41,5.7992000000000000E+04,1.9345710367600000E+02,-7.4619327069999999E+00,-8.7666324840001775E-01,-9.3452641783698476E-01,-5.0539441115935148E-02,6.6597019757304761E-03,-1.1730939273026859E-02,-2.2369486644994263E-03 -2063 Bacchus (1977 HB),I41,5.7993000000000000E+04,1.9417984137299999E+02,-7.8295901370000003E+00,-8.6994479994631124E-01,-9.4619078912548760E-01,-5.2772841526071507E-02,6.7816328086179956E-03,-1.1599619314341269E-02,-2.2297358759446701E-03 -2063 Bacchus (1977 HB),I41,5.7994000000000000E+04,1.9490052367600001E+02,-8.1941886499999992E+00,-8.6310548075489146E-01,-9.5772368136115293E-01,-5.4998907344985692E-02,6.9014827756331189E-03,-1.1467925747003891E-02,-2.2222822679206365E-03 -2063 Bacchus (1977 HB),I41,5.7995000000000000E+04,1.9561924685000000E+02,-8.5557218660000007E+00,-8.5614735725787383E-01,-9.6912473028032209E-01,-5.7217400374888823E-02,7.0192801594730434E-03,-1.1335876763823751E-02,-2.2145929387397704E-03 -2063 Bacchus (1977 HB),I41,5.7996000000000000E+04,1.9633610609400000E+02,-8.9141843220000005E+00,-8.4907246789568425E-01,-9.8039358941873456E-01,-5.9428087431258353E-02,7.1350526738270179E-03,-1.1203489775294499E-02,-2.2066728261990118E-03 -2063 Bacchus (1977 HB),I41,5.7997000000000000E+04,1.9705119556599999E+02,-9.2695713970000000E+00,-8.4188282368684830E-01,-9.9152992933228423E-01,-6.1630740187243814E-02,7.2488274699654930E-03,-1.1070781440676983E-02,-2.1985267125038863E-03 -2063 Bacchus (1977 HB),I41,5.7998000000000000E+04,1.9776460844799999E+02,-9.6218792600000000E+00,-8.3458040879572881E-01,-1.0025334368401164E+00,-6.3825135021709667E-02,7.3606311435237244E-03,-1.0937767697810109E-02,-2.1901592290333319E-03 -2063 Bacchus (1977 HB),I41,5.7999000000000000E+04,1.9847643708400000E+02,-9.9711048469999994E+00,-8.2716718109484133E-01,-1.0134038142976503E+00,-6.6011052870500700E-02,7.4704897414846205E-03,-1.0804463791655231E-02,-2.1815748609519863E-03 -2063 Bacchus (1977 HB),I41,5.8000000000000000E+04,1.9918677316300000E+02,-1.0317245853999999E+01,-8.1964507272147624E-01,-1.0241407789013943E+00,-6.8188279079478026E-02,7.5784287692670111E-03,-1.0670884301683080E-02,-2.1727779516677371E-03 -2063 Bacchus (1977 HB),I41,5.8001000000000000E+04,1.9989570792999999E+02,-1.0660300762000000E+01,-8.1201599062157248E-01,-1.0347440620366473E+00,-7.0356603259893707E-02,7.6844731979565130E-03,-1.0537043168072170E-02,-2.1637727071426526E-03 -2063 Bacchus (1977 HB),I41,5.8002000000000000E+04,2.0060333237600000E+02,-1.1000268868999999E+01,-8.0428181707952173E-01,-1.0452134086688512E+00,-7.2515819145346411E-02,7.7886474715786243E-03,-1.0402953716832312E-02,-2.1545632000560524E-03 -2063 Bacchus (1977 HB),I41,5.8003000000000000E+04,2.0130973735500001E+02,-1.1337150310000000E+01,-7.9644441022779311E-01,-1.0555485767841548E+00,-7.4665724451979137E-02,7.8909755144231618E-03,-1.0268628683864030E-02,-2.1451533738270656E-03 -2063 Bacchus (1977 HB),I41,5.8004000000000000E+04,2.0201501355200000E+02,-1.1670946046999999E+01,-7.8850560453524599E-01,-1.0657493368744166E+00,-7.6806120743573403E-02,7.9914807383853967E-03,-1.0134080237981982E-02,-2.1355470464978245E-03 -2063 Bacchus (1977 HB),I41,5.8005000000000000E+04,2.0271925127800000E+02,-1.2001657808999999E+01,-7.8046721127665175E-01,-1.0758154714549624E+00,-7.8936813303602082E-02,8.0901860502583575E-03,-9.9993200030129986E-03,-2.1257479144819549E-03 -2063 Bacchus (1977 HB),I41,5.8006000000000000E+04,2.0342254007700001E+02,-1.2329287968999999E+01,-7.7233101898988377E-01,-1.0857467745982321E+00,-8.1057611015830769E-02,8.1871138589756764E-03,-9.8643590789908829E-03,-2.1157595561808423E-03 -2063 Bacchus (1977 HB),I41,5.8007000000000000E+04,2.0412496818400001E+02,-1.2653839355000001E+01,-7.6409879392810853E-01,-1.0955430514682247E+00,-8.3168326253940911E-02,8.2822860827933328E-03,-9.7292080624920389E-03,-2.1055854354791841E-03 -2063 Bacchus (1977 HB),I41,5.8008000000000000E+04,2.0482662189300001E+02,-1.2975315020000000E+01,-7.5577228051530598E-01,-1.1052041178446190E+00,-8.5268774778644404E-02,8.3757241563573621E-03,-9.5938770662315105E-03,-2.0952289051156172E-03 -2063 Bacchus (1977 HB),I41,5.8009000000000000E+04,2.0552758492900000E+02,-1.3293717989999999E+01,-7.4735320180731346E-01,-1.1147297996374608E+00,-8.7358775640692915E-02,8.4674490377083331E-03,-9.4583757379227903E-03,-2.0846932099494492E-03 -2063 Bacchus (1977 HB),I41,5.8010000000000000E+04,2.0622793786599999E+02,-1.3609051013000000E+01,-7.3884325996021527E-01,-1.1241199323960107E+00,-8.9438151087565476E-02,8.5574812151997335E-03,-9.3227132785042785E-03,-2.0739814901203908E-03 -2063 Bacchus (1977 HB),I41,5.8011000000000000E+04,2.0692775766099999E+02,-1.3921316320000001E+01,-7.3024413670377586E-01,-1.1333743608194453E+00,-9.1506726473088662E-02,8.6458407143773126E-03,-9.1868984597436205E-03,-2.0630967841079781E-03 -2063 Bacchus (1977 HB),I41,5.8012000000000000E+04,2.0762711732400001E+02,-1.4230515430000001E+01,-7.2155749382145762E-01,-1.1424929382708870E+00,-9.3564330168899992E-02,8.7325471048569012E-03,-9.0509396412347294E-03,-2.0520420317134977E-03 -2063 Bacchus (1977 HB),I41,5.8013000000000000E+04,2.0832608576700000E+02,-1.4536648993000000E+01,-7.1278497363690252E-01,-1.1514755262970251E+00,-9.5610793477147737E-02,8.8176195071978831E-03,-8.9148447868407123E-03,-2.0408200769451434E-03 -2063 Bacchus (1977 HB),I41,5.8014000000000000E+04,2.0902472784299999E+02,-1.4839716693000000E+01,-7.0392819950670482E-01,-1.1603219941559690E+00,-9.7645950542922869E-02,8.9010765998260386E-03,-8.7786214805279615E-03,-2.0294336708292122E-03 -2063 Bacchus (1977 HB),I41,5.8015000000000000E+04,2.0972310460099999E+02,-1.5139717228000000E+01,-6.9498877631586886E-01,-1.1690322183610649E+00,-9.9669638264409471E-02,8.9829366259865859E-03,-8.6422769416115777E-03,-2.0178854741373944E-03 -2063 Bacchus (1977 HB),I41,5.8016000000000000E+04,2.1042127373400001E+02,-1.5436648356999999E+01,-6.8596829096540390E-01,-1.1776060822557608E+00,-1.0168169619978676E-01,9.0632174007409597E-03,-8.5058180393352001E-03,-2.0061780600323506E-03 -2063 Bacchus (1977 HB),I41,5.8017000000000000E+04,2.1111929015800001E+02,-1.5730507015000001E+01,-6.7686831284200610E-01,-1.1860434756317879E+00,-1.0368196647093218E-01,9.1419363179350791E-03,-8.3692513068599414E-03,-1.9943139166270084E-03 -2063 Bacchus (1977 HB),I41,5.8018000000000000E+04,2.1181720663999999E+02,-1.6021289465999999E+01,-6.6769039425891186E-01,-1.1943442943991347E+00,-1.0567029366655664E-01,9.2191103571589526E-03,-8.2325829545747582E-03,-1.9822954494586975E-03 -2063 Bacchus (1977 HB),I41,5.8019000000000000E+04,2.1251507437300000E+02,-1.6308991469999999E+01,-6.5843607086877309E-01,-1.2025084403002648E+00,-1.0764652474732388E-01,9.2947560906040966E-03,-8.0958188828097397E-03,-1.9701249838758798E-03 -2063 Bacchus (1977 HB),I41,5.8020000000000000E+04,2.1321294344500001E+02,-1.6593608426999999E+01,-6.4910686205060997E-01,-1.2105358206577455E+00,-1.0961050895633460E-01,9.3688896898101084E-03,-7.9589646939481618E-03,-1.9578047673343341E-03 -2063 Bacchus (1977 HB),I41,5.8021000000000000E+04,2.1391086315699999E+02,-1.6875135494999999E+01,-6.3970427128100704E-01,-1.2184263481378343E+00,-1.1156209773617182E-01,9.4415269322684903E-03,-7.8220257039882599E-03,-1.9453369716080780E-03 -2063 Bacchus (1977 HB),I41,5.8022000000000000E+04,2.1460888220800001E+02,-1.7153567653000000E+01,-6.3022978649999795E-01,-1.2261799405158746E+00,-1.1350114465213945E-01,9.5126832078536918E-03,-7.6850069536003492E-03,-1.9327236949210861E-03 -2063 Bacchus (1977 HB),I41,5.8023000000000000E+04,2.1530704878200001E+02,-1.7428899745999999E+01,-6.2068488047612802E-01,-1.2337965204380270E+00,-1.1542750532105278E-01,9.5823735250845730E-03,-7.5479132187076803E-03,-1.9199669639987569E-03 -2063 Bacchus (1977 HB),I41,5.8024000000000000E+04,2.1600541057999999E+02,-1.7701126492000000E+01,-6.1107101117636498E-01,-1.2412760151756281E+00,-1.1734103734371824E-01,9.6506125171963771E-03,-7.4107490206673718E-03,-1.9070687360399610E-03 -2063 Bacchus (1977 HB),I41,5.8025000000000000E+04,2.1670401483200001E+02,-1.7970242478999999E+01,-6.0138962214040348E-01,-1.2486183563749080E+00,-1.1924160023990373E-01,9.7174144480624437E-03,-7.2735186360245001E-03,-1.8940309006272370E-03 -2063 Bacchus (1977 HB),I41,5.8026000000000000E+04,2.1740290835499999E+02,-1.8236242170000001E+01,-5.9164214286060546E-01,-1.2558234798038053E+00,-1.2112905538420664E-01,9.7827932179332354E-03,-7.1362261059361096E-03,-1.8808552815614877E-03 -2063 Bacchus (1977 HB),I41,5.8027000000000000E+04,2.1810213765300000E+02,-1.8499119916000001E+01,-5.8182998916470785E-01,-1.2628913251009328E+00,-1.2300326594179117E-01,9.8467623690329294E-03,-6.9988752452190203E-03,-1.8675436386425188E-03 -2063 Bacchus (1977 HB),I41,5.8028000000000000E+04,2.1880174909100000E+02,-1.8758869988000001E+01,-5.7195456359791275E-01,-1.2698218355318651E+00,-1.2486409680278994E-01,9.9093350910087752E-03,-6.8614696510897293E-03,-1.8540976693832891E-03 -2063 Bacchus (1977 HB),I41,5.8029000000000000E+04,2.1950178914500000E+02,-1.9015486645999999E+01,-5.6201725580346518E-01,-1.2766149577564669E+00,-1.2671141451334089E-01,9.9705242262061438E-03,-6.7240127116654988E-03,-1.8405190106735192E-03 -3317 Paris (1984 KF),500,5.7970000000000000E+04,1.4400756559600001E+02,1.7244527854000001E+01,-4.5041635142021406E+00,3.5041107631018122E+00,3.2735956275735706E-01,-3.1093062332552806E-03,-5.2349522819723909E-03,3.1313438291829467E-03 -3317 Paris (1984 KF),500,5.7971000000000000E+04,1.4420940755500001E+02,1.7206446765999999E+01,-4.5072701166506484E+00,3.4988755198986587E+00,3.3049023277479800E-01,-3.1021591078708808E-03,-5.2405031964869193E-03,3.1308221709209845E-03 -3317 Paris (1984 KF),500,5.7972000000000000E+04,1.4441143350600001E+02,1.7168191434000001E+01,-4.5103696667548361E+00,3.4936346258707576E+00,3.3362037284970736E-01,-3.0950048775594697E-03,-5.2460475263025400E-03,3.1302953858917504E-03 -3317 Paris (1984 KF),500,5.7973000000000000E+04,1.4461362703699999E+02,1.7129770257000001E+01,-4.5134621556391261E+00,3.4883880874121411E+00,3.3674997765908155E-01,-3.0878435454502404E-03,-5.2515852607118493E-03,3.1297634715236455E-03 -3317 Paris (1984 KF),500,5.7974000000000000E+04,1.4481597206100000E+02,1.7091191661000000E+01,-4.5165475746541413E+00,3.4831359106665505E+00,3.3987904189267665E-01,-3.0806751147225402E-03,-5.2571163889841895E-03,3.1292264252475496E-03 -3317 Paris (1984 KF),500,5.7975000000000000E+04,1.4501845272200001E+02,1.7052464128000000E+01,-4.5196259154625675E+00,3.4778781014072617E+00,3.4300756026887974E-01,-3.0734995886094393E-03,-5.2626409003685912E-03,3.1286842444966092E-03 -3317 Paris (1984 KF),500,5.7976000000000000E+04,1.4522105325499999E+02,1.7013596231000001E+01,-4.5226971701126528E+00,3.4726146649262781E+00,3.4613552755357757E-01,-3.0663169703982109E-03,-5.2681587840996205E-03,3.1281369267058788E-03 -3317 Paris (1984 KF),500,5.7977000000000000E+04,1.4542375783400001E+02,1.6974596669000000E+01,-4.5257613310852127E+00,3.4673456059526111E+00,3.4926293857794594E-01,-3.0591272634310600E-03,-5.2736700294034201E-03,3.1275844693118972E-03 -3317 Paris (1984 KF),500,5.7978000000000000E+04,1.4562655040000001E+02,1.6935474315000000E+01,-4.5288183913080147E+00,3.4620709286095814E+00,3.5238978825287798E-01,-3.0519304711067296E-03,-5.2791746255033498E-03,3.1270268697523389E-03 -3317 Paris (1984 KF),500,5.7979000000000000E+04,1.4582941448000000E+02,1.6896238248000000E+01,-4.5318683441387835E+00,3.4567906364113683E+00,3.5551607158033133E-01,-3.0447265968805599E-03,-5.2846725616273113E-03,3.1264641254654707E-03 -3317 Paris (1984 KF),500,5.7980000000000000E+04,1.4603233301700001E+02,1.6856897801999999E+01,-4.5349111833163267E+00,3.4515047323022539E+00,3.5864178365989513E-01,-3.0375156442655812E-03,-5.2901638270144401E-03,3.1258962338896025E-03 -3317 Paris (1984 KF),500,5.7981000000000000E+04,1.4623528821700000E+02,1.6817462585000001E+01,-4.5379469028761683E+00,3.4462132187453824E+00,3.6176691969065511E-01,-3.0302976168325290E-03,-5.2956484109230716E-03,3.1253231924624389E-03 -3317 Paris (1984 KF),500,5.7982000000000000E+04,1.4643826143100000E+02,1.6777942511999999E+01,-4.5409754970178033E+00,3.4409160978814120E+00,3.6489147496511065E-01,-3.0230725182096348E-03,-5.3011263026393092E-03,3.1247449986202820E-03 -3317 Paris (1984 KF),500,5.7983000000000000E+04,1.4664123308699999E+02,1.6738347802000000E+01,-4.5439969599102552E+00,3.4356133717790880E+00,3.6801544485071341E-01,-3.0158403520818937E-03,-5.3065974914859992E-03,3.1241616497971634E-03 -3317 Paris (1984 KF),500,5.7984000000000000E+04,1.4684418270399999E+02,1.6698688965999999E+01,-4.5470112854379554E+00,3.4303050427804349E+00,3.7113882475513127E-01,-3.0086011221891491E-03,-5.3120619668329105E-03,3.1235731434237704E-03 -3317 Paris (1984 KF),500,5.7985000000000000E+04,1.4704708901699999E+02,1.6658976766999999E+01,-4.5500184669215589E+00,3.4249911138984399E+00,3.7426161007567238E-01,-3.0013548323224327E-03,-5.3175197181081386E-03,3.1229794769261124E-03 -3317 Paris (1984 KF),500,5.7986000000000000E+04,1.4724993018500001E+02,1.6619222157999999E+01,-4.5530184968834186E+00,3.4196715891736327E+00,3.7738379614110745E-01,-2.9941014863184533E-03,-5.3229707348098499E-03,3.1223806477240390E-03 -3317 Paris (1984 KF),500,5.7987000000000000E+04,1.4745268409400001E+02,1.6579436197000000E+01,-4.5560113669367928E+00,3.4143464738761651E+00,3.8050537816109309E-01,-2.9868410880515579E-03,-5.3284150065208199E-03,3.1217766532292742E-03 -3317 Paris (1984 KF),500,5.7988000000000000E+04,1.4765532866999999E+02,1.6539629980000001E+01,-4.5589970678432223E+00,3.4090157744808245E+00,3.8362635119910277E-01,-2.9795736414208636E-03,-5.3338525229229498E-03,3.1211674908431493E-03 -3317 Paris (1984 KF),500,5.7989000000000000E+04,1.4785784215900000E+02,1.6499814568000001E+01,-4.5619755897154741E+00,3.4036794984332110E+00,3.8674671017468021E-01,-2.9722991503354917E-03,-5.3392832738131391E-03,3.1205531579539883E-03 -3317 Paris (1984 KF),500,5.7990000000000000E+04,1.4806020331799999E+02,1.6460000953000002E+01,-4.5649469222917114E+00,3.3983376538000503E+00,3.8986644989133939E-01,-2.9650176186928456E-03,-5.3447072491203101E-03,3.1199336519338850E-03 -3317 Paris (1984 KF),500,5.7991000000000000E+04,1.4826239151199999E+02,1.6420200044000001E+01,-4.5679110551928321E+00,3.3929902489244834E+00,3.9298556507549542E-01,-2.9577290503535331E-03,-5.3501244389206910E-03,3.1193089701352333E-03 -3317 Paris (1984 KF),500,5.7992000000000000E+04,1.4846438672900001E+02,1.6380422669000001E+01,-4.5708679781067634E+00,3.3876372921681521E+00,3.9610405041446906E-01,-2.9504334491094273E-03,-5.3555348334527585E-03,3.1186791098866797E-03 -3317 Paris (1984 KF),500,5.7993000000000000E+04,1.4866616953900001E+02,1.6340679590000001E+01,-4.5738176808834687E+00,3.3822787917701347E+00,3.9922190058446166E-01,-2.9431308186447305E-03,-5.3609384231289806E-03,3.1180440684887988E-03 -3317 Paris (1984 KF),500,5.7994000000000000E+04,1.4886772103000001E+02,1.6300981526000001E+01,-4.5767601535554405E+00,3.3769147558084072E+00,4.0233911026591362E-01,-2.9358211624921646E-03,-5.3663351985428712E-03,3.1174038432094132E-03 -3317 Paris (1984 KF),500,5.7995000000000000E+04,1.4906902274600000E+02,1.6261339167999999E+01,-4.5796953863115624E+00,3.3715451922287314E+00,4.0545567414847117E-01,-2.9285044839787028E-03,-5.3717251504694190E-03,3.1167584312787521E-03 -3317 Paris (1984 KF),500,5.7996000000000000E+04,1.4927005663899999E+02,1.6221763188000001E+01,-4.5826233694500988E+00,3.3661701089067479E+00,4.0857158692807050E-01,-2.9211807861649645E-03,-5.3771082698557508E-03,3.1161078298846917E-03 -3317 Paris (1984 KF),500,5.7997000000000000E+04,1.4947080503999999E+02,1.6182264250999999E+01,-4.5855440933321123E+00,3.3607895137129282E+00,4.1168684330016753E-01,-2.9138500717763955E-03,-5.3824845477991913E-03,3.1154520361682822E-03 -3317 Paris (1984 KF),500,5.7998000000000000E+04,1.4967125064100000E+02,1.6142853016000000E+01,-4.5884575483499281E+00,3.3554034145585376E+00,4.1480143795164170E-01,-2.9065123431295369E-03,-5.3878539755084186E-03,3.1147910472202251E-03 -3317 Paris (1984 KF),500,5.7999000000000000E+04,1.4987137649700000E+02,1.6103540140000000E+01,-4.5913637249225507E+00,3.3500118194028210E+00,4.1791536555505643E-01,-2.8991676020544820E-03,-5.3932165442442427E-03,3.1141248600786773E-03 -3317 Paris (1984 KF),500,5.8000000000000000E+04,1.5007116601100000E+02,1.6064336278999999E+01,-4.5942626135250295E+00,3.3446147362087277E+00,4.2102862076699987E-01,-2.8918158498195227E-03,-5.3985722452348783E-03,3.1134534717293513E-03 -3317 Paris (1984 KF),500,5.8001000000000000E+04,1.5027060291000001E+02,1.6025252103000000E+01,-4.5971542047561478E+00,3.3392121728365907E+00,4.2414119823452823E-01,-2.8844570870651641E-03,-5.4039210695630280E-03,3.1127768791087171E-03 -3317 Paris (1984 KF),500,5.8002000000000000E+04,1.5046967118000001E+02,1.5986298316999999E+01,-4.6000384894380222E+00,3.3338041368825846E+00,4.2725309261000255E-01,-2.8770913137560446E-03,-5.4092630080207899E-03,3.1120950791115763E-03 -3317 Paris (1984 KF),500,5.8003000000000000E+04,1.5066835496100001E+02,1.5947485691000001E+01,-4.6029154587316903E+00,3.3283906354833364E+00,4.3036429857485753E-01,-2.8697185291650176E-03,-5.4145980509464203E-03,3.1114080686029974E-03 -3317 Paris (1984 KF),500,5.8004000000000000E+04,1.5086663838300001E+02,1.5908825112000001E+01,-4.6057851042405620E+00,3.3229716751294238E+00,4.3347481086877010E-01,-2.8623387318900137E-03,-5.4199261880146579E-03,3.1107158444370962E-03 -3317 Paris (1984 KF),500,5.8005000000000000E+04,1.5106450536299999E+02,1.5870327633000000E+01,-4.6086474180697339E+00,3.3175472615398540E+00,4.3658462431810907E-01,-2.8549519199438079E-03,-5.4252474080422781E-03,3.1100184034812102E-03 -3317 Paris (1984 KF),500,5.8006000000000000E+04,1.5126193937900001E+02,1.5832004538000000E+01,-4.6115023928172487E+00,3.3121173996401003E+00,4.3969373385663879E-01,-2.8475580908949413E-03,-5.4305616987822304E-03,3.1093157426457484E-03 -3317 Paris (1984 KF),500,5.8007000000000000E+04,1.5145892326100000E+02,1.5793867388000001E+01,-4.6143500214927986E+00,3.3066820936577619E+00,4.4280213453365297E-01,-2.8401572420830904E-03,-5.4358690467432406E-03,3.1086078589184804E-03 -3317 Paris (1984 KF),500,5.8008000000000000E+04,1.5165543900599999E+02,1.5755928062000001E+01,-4.6171902973791257E+00,3.3012413473185047E+00,4.4590982150763375E-01,-2.8327493708969627E-03,-5.4411694370657404E-03,3.1078947494005233E-03 -3317 Paris (1984 KF),500,5.8009000000000000E+04,1.5185146766000000E+02,1.5718198779000000E+01,-4.6200232138637665E+00,3.2957951641026524E+00,4.4901679002829797E-01,-2.8253344751109606E-03,-5.4464628534801607E-03,3.1071764113404341E-03 -3317 Paris (1984 KF),500,5.8010000000000000E+04,1.5204698927000001E+02,1.5680692099000000E+01,-4.6228487642658962E+00,3.2903435475249085E+00,4.5212303541040505E-01,-2.8179125532415048E-03,-5.4517492783638689E-03,3.1064528421622813E-03 -3317 Paris (1984 KF),500,5.8011000000000000E+04,1.5224198290600000E+02,1.5643420902000001E+01,-4.6256669416741145E+00,3.2848865014114019E+00,4.5522855300317766E-01,-2.8104836048902389E-03,-5.4570286929049930E-03,3.1057240394837828E-03 -3317 Paris (1984 KF),500,5.8012000000000000E+04,1.5243642674600000E+02,1.5606398358000000E+01,-4.6284777388021476E+00,3.2794240301617106E+00,4.5833333815660388E-01,-2.8030476310371374E-03,-5.4623010773685310E-03,3.1049900011214547E-03 -3317 Paris (1984 KF),500,5.8013000000000000E+04,1.5263029823900001E+02,1.5569637866000001E+01,-4.6312811478705251E+00,3.2739561389807057E+00,4.6143738618628538E-01,-2.7956046342474919E-03,-5.4675664114492602E-03,3.1042507250808801E-03 -3317 Paris (1984 KF),500,5.8014000000000000E+04,1.5282357430700000E+02,1.5533152998000000E+01,-4.6340771605287845E+00,3.2684828340529699E+00,4.6454069233948281E-01,-2.7881546187701681E-03,-5.4728246746728292E-03,3.1035062095326714E-03 -3317 Paris (1984 KF),500,5.8015000000000000E+04,1.5301623159299999E+02,1.5496957426000000E+01,-4.6368657678372793E+00,3.2630041226230881E+00,4.6764325176693045E-01,-2.7806975905038415E-03,-5.4780758468153286E-03,3.1027564527756481E-03 -3317 Paris (1984 KF),500,5.8016000000000000E+04,1.5320824670600001E+02,1.5461064852000000E+01,-4.6396469603223203E+00,3.2575200129513013E+00,4.7074505950686230E-01,-2.7732335568466538E-03,-5.4833199082522481E-03,3.1020014531943458E-03 -3317 Paris (1984 KF),500,5.8017000000000000E+04,1.5339959644800001E+02,1.5425488952000000E+01,-4.6424207280991823E+00,3.2520305141461665E+00,4.7384611048473274E-01,-2.7657625264668425E-03,-5.4885568402698801E-03,3.1012412092126852E-03 -3317 Paris (1984 KF),500,5.8018000000000000E+04,1.5359025797600000E+02,1.5390243341000000E+01,-4.6451870610370571E+00,3.2465356359118482E+00,4.7694639952891926E-01,-2.7582845089984954E-03,-5.4937866252635914E-03,3.1004757192500143E-03 -3317 Paris (1984 KF),500,5.8019000000000000E+04,1.5378020890799999E+02,1.5355341546000000E+01,-4.6479459489264210E+00,3.2410353882754954E+00,4.8004592139630259E-01,-2.7507995147237367E-03,-5.4990092468406825E-03,3.0997049816836523E-03 -3317 Paris (1984 KF),500,5.8020000000000000E+04,1.5396942734600000E+02,1.5320797011000000E+01,-4.6506973816148856E+00,3.2355297813545527E+00,4.8314467080113616E-01,-2.7433075542649650E-03,-5.5042246898284117E-03,3.0989289948201884E-03 -3317 Paris (1984 KF),500,5.8021000000000000E+04,1.5415789186500001E+02,1.5286623106000000E+01,-4.6534413490924491E+00,3.2300188252019320E+00,4.8624264244014970E-01,-2.7358086383092129E-03,-5.5094329402094813E-03,3.0981477568755469E-03 -3317 Paris (1984 KF),500,5.8022000000000000E+04,1.5434558146399999E+02,1.5252833139000000E+01,-4.6561778415246327E+00,3.2245025297373640E+00,4.8933983100933204E-01,-2.7283027773876171E-03,-5.5146339849988513E-03,3.0973612659648923E-03 -3317 Paris (1984 KF),500,5.8023000000000000E+04,1.5453247550699999E+02,1.5219440378000000E+01,-4.6589068492457848E+00,3.2189809047482902E+00,4.9243623121230878E-01,-2.7207899817110158E-03,-5.5198278120899107E-03,3.0965695201002957E-03 -3317 Paris (1984 KF),500,5.8024000000000000E+04,1.5471855367900000E+02,1.5186458064000000E+01,-4.6616283627280923E+00,3.2134539599362344E+00,4.9553183776068804E-01,-2.7132702610606430E-03,-5.5250144100885204E-03,3.0957725171943296E-03 -3317 Paris (1984 KF),500,5.8025000000000000E+04,1.5490379595499999E+02,1.5153899413000000E+01,-4.6643423725428068E+00,3.2079217049808064E+00,4.9862664536916412E-01,-2.7057436247275319E-03,-5.5301937681494114E-03,3.0949702550679436E-03 -3317 Paris (1984 KF),500,5.8026000000000000E+04,1.5508818258200000E+02,1.5121777624000000E+01,-4.6670488693270249E+00,3.2023841495974947E+00,5.0172064874737521E-01,-2.6982100814915686E-03,-5.5353658758263216E-03,3.0941627314609163E-03 -3317 Paris (1984 KF),500,5.8027000000000000E+04,1.5527169408399999E+02,1.5090105877999999E+01,-4.6697478437683495E+00,3.1968413035655088E+00,5.0481384259161399E-01,-2.6906696396314382E-03,-5.5405307229409971E-03,3.0933499440435165E-03 -3317 Paris (1984 KF),500,5.8028000000000000E+04,1.5545431125799999E+02,1.5058897339000000E+01,-4.6724392866183102E+00,3.1912931767029176E+00,5.0790622157956677E-01,-2.6831223069547390E-03,-5.5456882994741608E-03,3.0925318904283300E-03 -3317 Paris (1984 KF),500,5.8029000000000000E+04,1.5563601516400001E+02,1.5028165164000001E+01,-4.6751231887419626E+00,3.1857397787718891E+00,5.1099778036996057E-01,-2.6755680908450395E-03,-5.5508385954760285E-03,3.0917085681817788E-03 -3317 Paris (1984 KF),703,5.7970000000000000E+04,1.4400729054400000E+02,1.7244389367000000E+01,-4.5041656638078491E+00,3.5041078599056203E+00,3.2736313848002546E-01,-3.1093062322429896E-03,-5.2349522827614594E-03,3.1313438291093810E-03 -3317 Paris (1984 KF),703,5.7971000000000000E+04,1.4420913035999999E+02,1.7206307105000000E+01,-4.5072721896909274E+00,3.4988726900671674E+00,3.3049379148132163E-01,-3.1021591068756196E-03,-5.2405031972621099E-03,3.1308221708481114E-03 -3317 Paris (1984 KF),703,5.7972000000000000E+04,1.4441115421300000E+02,1.7168050589000000E+01,-4.5103716633506084E+00,3.4936318704708254E+00,3.3362391347165898E-01,-3.0950048765799095E-03,-5.2460475270631485E-03,3.1302953858193413E-03 -3317 Paris (1984 KF),703,5.7973000000000000E+04,1.4461334569100001E+02,1.7129628221000001E+01,-4.5134640759403970E+00,3.4883854074915823E+00,3.3675349913480163E-01,-3.0878435444858399E-03,-5.2515852614574820E-03,3.1297634714515859E-03 -3317 Paris (1984 KF),703,5.7974000000000000E+04,1.4481568870900000E+02,1.7091048425000000E+01,-4.5165494188396842E+00,3.4831333072536190E+00,3.3988254316763111E-01,-3.0806751137758010E-03,-5.2571163897158005E-03,3.1292264251763266E-03 -3317 Paris (1984 KF),703,5.7975000000000000E+04,1.4501816740800001E+02,1.7052319686000001E+01,-4.5196276837396292E+00,3.4778755755101374E+00,3.4301104029604346E-01,-3.0734995876793708E-03,-5.2626409010855680E-03,3.1286842444260285E-03 -3317 Paris (1984 KF),703,5.7976000000000000E+04,1.4522076602499999E+02,1.7013450574000000E+01,-4.5226988627165916E+00,3.4726122175326104E+00,3.4613898529382781E-01,-3.0663169694849796E-03,-5.2681587848018990E-03,3.1281369266359712E-03 -3317 Paris (1984 KF),703,5.7977000000000000E+04,1.4542346873500000E+02,1.6974449791000001E+01,-4.5257629482791248E+00,3.4673432380291094E+00,3.4926637300048191E-01,-3.0591272625355298E-03,-5.2736700300913004E-03,3.1275844692428591E-03 -3317 Paris (1984 KF),703,5.7978000000000000E+04,1.4562625947699999E+02,1.6935326207999999E+01,-4.5288199333823576E+00,3.4620686411015984E+00,3.5239319833570631E-01,-3.0519304702287808E-03,-5.2791746261766515E-03,3.1270268696841482E-03 -3317 Paris (1984 KF),703,5.7979000000000000E+04,1.4582912177800000E+02,1.6896088905999999E+01,-4.5318698114109690E+00,3.4567884302425416E+00,3.5551945631078430E-01,-3.0447265960189401E-03,-5.2846725622851896E-03,3.1264641253978208E-03 -3317 Paris (1984 KF),703,5.7980000000000000E+04,1.4603203858200001E+02,1.6856747216999999E+01,-4.5349125761302886E+00,3.4515026083741507E+00,3.5864514203517572E-01,-3.0375156434224101E-03,-5.2901638276579305E-03,3.1258962338230117E-03 -3317 Paris (1984 KF),703,5.7981000000000000E+04,1.4623499209600001E+02,1.6817310751000001E+01,-4.5379482216019227E+00,3.4462111779371742E+00,3.6177025071838959E-01,-3.0302976160068301E-03,-5.2956484115514891E-03,3.1253231923966556E-03 -3317 Paris (1984 KF),703,5.7982000000000000E+04,1.4643796366999999E+02,1.6777789422000001E+01,-4.5409767420510132E+00,3.4409141410495208E+00,3.6489477766388012E-01,-3.0230725174017169E-03,-5.3011263032526797E-03,3.1247449985553817E-03 -3317 Paris (1984 KF),703,5.7983000000000000E+04,1.4664093373099999E+02,1.6738193450000001E+01,-4.5439981316717670E+00,3.4356114997568881E+00,3.6801871825048865E-01,-3.0158403512920359E-03,-5.3065974920843313E-03,3.1241616497332159E-03 -3317 Paris (1984 KF),703,5.7984000000000000E+04,1.4684388179999999E+02,1.6698533346000001E+01,-4.5470123843733798E+00,3.4303032563778610E+00,3.7114206789764403E-01,-3.0086011214172318E-03,-5.3120619674159996E-03,3.1235731433607310E-03 -3317 Paris (1984 KF),703,5.7985000000000000E+04,1.4704678661000000E+02,1.6658819872999999E+01,-4.5500194935007938E+00,3.4249894139016490E+00,3.7426482201469796E-01,-3.0013548315696269E-03,-5.3175197186766613E-03,3.1229794768643342E-03 -3317 Paris (1984 KF),703,5.7986000000000000E+04,1.4724962632300000E+02,1.6619063983000000E+01,-4.5530194516002478E+00,3.4196699763445451E+00,3.7738697594272247E-01,-2.9941014855840060E-03,-5.3229707353631400E-03,3.1223806476632808E-03 -3317 Paris (1984 KF),703,5.7987000000000000E+04,1.4745237882199999E+02,1.6579276736000001E+01,-4.5560122503084077E+00,3.4143449489520750E+00,3.8050852490393750E-01,-2.9868410873347146E-03,-5.3284150070581505E-03,3.1217766531692810E-03 -3317 Paris (1984 KF),703,5.7988000000000000E+04,1.4765502203500000E+02,1.6539469227000001E+01,-4.5589978804097244E+00,3.4090143381739937E+00,3.8362946397469877E-01,-2.9795736407230156E-03,-5.3338525234452594E-03,3.1211674907843665E-03 -3317 Paris (1984 KF),703,5.7989000000000000E+04,1.4785753420800000E+02,1.6499652517000001E+01,-4.5619763320394018E+00,3.4036781514304018E+00,3.8674978808787230E-01,-2.9722991496576173E-03,-5.3392832743210800E-03,3.1205531578967502E-03 -3317 Paris (1984 KF),703,5.7990000000000000E+04,1.4805989409599999E+02,1.6459837599000000E+01,-4.5649475949575518E+00,3.3983363967620903E+00,3.8986949206078236E-01,-2.9650176180327573E-03,-5.3447072496119602E-03,3.1199336518774163E-03 -3317 Paris (1984 KF),703,5.7991000000000000E+04,1.4826208106700000E+02,1.6420035381999998E+01,-4.5679116588064996E+00,3.3929890824858360E+00,3.9298857063415704E-01,-2.9577290497136543E-03,-5.3501244393979498E-03,3.1193089700803957E-03 -3317 Paris (1984 KF),703,5.7992000000000000E+04,1.4846407510800000E+02,1.6380256693000000E+01,-4.5708685132950677E+00,3.3876362169365559E+00,3.9610701851009439E-01,-2.9504334484881925E-03,-5.3555348339141585E-03,3.1186791098328881E-03 -3317 Paris (1984 KF),703,5.7993000000000000E+04,1.4866585678900000E+02,1.6340512295000000E+01,-4.5738181482936113E+00,3.3822778083261733E+00,3.9922483038001921E-01,-2.9431308180429784E-03,-5.3609384235751307E-03,3.1180440684363529E-03 -3317 Paris (1984 KF),703,5.7994000000000000E+04,1.4886740719800000E+02,1.6300812907000001E+01,-4.5767605538544949E+00,3.3769138647051573E+00,4.0234200093997435E-01,-2.9358211619092151E-03,-5.3663351989729803E-03,3.1174038431580247E-03 -3317 Paris (1984 KF),703,5.7995000000000000E+04,1.4906870787899999E+02,1.6261169219999999E+01,-4.5796957201859367E+00,3.3715443939914205E+00,4.0545852489555245E-01,-2.9285044834159012E-03,-5.3717251508846615E-03,3.1167584312289751E-03 -3317 Paris (1984 KF),703,5.7996000000000000E+04,1.4926974078600000E+02,1.6221591906000000E+01,-4.5826236376050336E+00,3.3661694040323908E+00,4.0857439695896747E-01,-2.9211807856222892E-03,-5.3771082702560209E-03,3.1161078298365136E-03 -3317 Paris (1984 KF),703,5.7997000000000000E+04,1.4947048824699999E+02,1.6182091629999999E+01,-4.5855442964911441E+00,3.3607889026700142E+00,4.1168961184223674E-01,-2.9138500712533062E-03,-5.3824845481838315E-03,3.1154520361214538E-03 -3317 Paris (1984 KF),703,5.7998000000000000E+04,1.4967093295699999E+02,1.6142679051999998E+01,-4.5884576872543352E+00,3.3554028977867527E+00,4.1480416424905964E-01,-2.9065123426261366E-03,-5.3878539758774012E-03,3.1147910471747741E-03 -3317 Paris (1984 KF),703,5.7999000000000000E+04,1.4987105797000001E+02,1.6103364828000000E+01,-4.5913638003308312E+00,3.3500113973127550E+00,4.1791804886905870E-01,-2.8991676015708819E-03,-5.3932165445975504E-03,3.1141248600346340E-03 -3317 Paris (1984 KF),703,5.8000000000000000E+04,1.5007084668900001E+02,1.6064159615000001E+01,-4.5942626262123705E+00,3.3446144091815722E+00,4.2103126037609756E-01,-2.8918158493564201E-03,-5.3985722455732188E-03,3.1134534716870553E-03 -3317 Paris (1984 KF),703,5.8001000000000000E+04,1.5027028284200000E+02,1.6025074082000000E+01,-4.5971541555139073E+00,3.3392119412238563E+00,4.2414379343470038E-01,-2.8844570866222458E-03,-5.4039210698859294E-03,3.1127768790680048E-03 -3317 Paris (1984 KF),703,5.8002000000000000E+04,1.5046935041399999E+02,1.5986118935000000E+01,-4.6000383790732089E+00,3.3338040010058356E+00,4.2725564271485339E-01,-2.8770913133330193E-03,-5.4092630083277700E-03,3.1120950790722627E-03 -3317 Paris (1984 KF),703,5.8003000000000000E+04,1.5066803354699999E+02,1.5947304944000001E+01,-4.6029152880663968E+00,3.3283905956339819E+00,4.3036680291574775E-01,-2.8697185287625479E-03,-5.4145980512382008E-03,3.1114080685654332E-03 -3317 Paris (1984 KF),703,5.8004000000000000E+04,1.5086631636900000E+02,1.5908642995999999E+01,-4.6057848741113823E+00,3.3229717315685918E+00,4.3347726879494425E-01,-2.8623387315079860E-03,-5.4199261882910202E-03,3.1107158444012113E-03 -3317 Paris (1984 KF),703,5.8005000000000000E+04,1.5106418279799999E+02,1.5870144143999999E+01,-4.6086471293271849E+00,3.3175474144982124E+00,4.3658703519690134E-01,-2.8549519195823041E-03,-5.4252474083032222E-03,3.1100184034470366E-03 -3317 Paris (1984 KF),703,5.8006000000000000E+04,1.5126161631400001E+02,1.5831819671000000E+01,-4.6115020463251772E+00,3.3121176493177349E+00,4.3969609707373186E-01,-2.8475580905542057E-03,-5.4305616990280407E-03,3.1093157426134318E-03 -3317 Paris (1984 KF),703,5.8007000000000000E+04,1.5145859974499999E+02,1.5793681139000000E+01,-4.6143496181277124E+00,3.3066824402241459E+00,4.4280444949336939E-01,-2.8401572417623483E-03,-5.4358690469726301E-03,3.1086078588874926E-03 -3317 Paris (1984 KF),703,5.8008000000000000E+04,1.5165511508800000E+02,1.5755740427999999E+01,-4.6171898380295282E+00,3.3012417909124521E+00,4.4591208763326456E-01,-2.8327493705974549E-03,-5.4411694372805408E-03,3.1078947493716784E-03 -3317 Paris (1984 KF),703,5.8009000000000000E+04,1.5185114339099999E+02,1.5718009756000001E+01,-4.6200226994294784E+00,3.2957957048323268E+00,4.4901900676239975E-01,-2.8253344748327218E-03,-5.4464628536804102E-03,3.1071764113137714E-03 -3317 Paris (1984 KF),703,5.8010000000000000E+04,1.5204666470100000E+02,1.5680501681999999E+01,-4.6228481956573866E+00,3.2903441854677560E+00,4.5212520221507851E-01,-2.8179125529833485E-03,-5.4517492785474790E-03,3.1064528421369201E-03 -3317 Paris (1984 KF),703,5.8011000000000000E+04,1.5224165808600000E+02,1.5643229089000000E+01,-4.6256663198118355E+00,3.2848872366141366E+00,4.5523066936024847E-01,-2.8104836046533009E-03,-5.4570286930738510E-03,3.1057240394605514E-03 -3317 Paris (1984 KF),703,5.8012000000000000E+04,1.5243610172699999E+02,1.5606205143000000E+01,-4.6284770646158426E+00,3.2794248626403077E+00,4.5833540356770508E-01,-2.8030476308211674E-03,-5.4623010775221303E-03,3.1049900011001592E-03 -3317 Paris (1984 KF),703,5.8013000000000000E+04,1.5262997307099999E+02,1.5569443247000001E+01,-4.6312804222985946E+00,3.2739570687203545E+00,4.6143940017288493E-01,-2.7956046340526734E-03,-5.4675664115879097E-03,3.1042507250616655E-03 -3317 Paris (1984 KF),703,5.8014000000000000E+04,1.5282324904300000E+02,1.5532956971000001E+01,-4.6340763845176287E+00,3.2684838610080340E+00,4.6454265444286202E-01,-2.7881546185962733E-03,-5.4728246747960084E-03,3.1035062095153341E-03 -3317 Paris (1984 KF),703,5.8015000000000000E+04,1.5301590628299999E+02,1.5496759987000001E+01,-4.6368649423406652E+00,3.2630052467170945E+00,4.6764516154815017E-01,-2.7806975903511841E-03,-5.4780758469236308E-03,3.1027564527604575E-03 -3317 Paris (1984 KF),703,5.8016000000000000E+04,1.5320792140300000E+02,1.5460865996000001E+01,-4.6396460863007469E+00,3.2575212340768860E+00,4.7074691654679240E-01,-2.7732335567147602E-03,-5.4833199083446187E-03,3.1020014531808466E-03 -3317 Paris (1984 KF),703,5.8017000000000000E+04,1.5339927120400000E+02,1.5425288676999999E+01,-4.6424198065192694E+00,3.2520318321650588E+00,4.7384791438411900E-01,-2.7657625263562474E-03,-5.4885568403474604E-03,3.1012412092013891E-03 -3317 Paris (1984 KF),703,5.8018000000000000E+04,1.5358993284400000E+02,1.5390041643000000E+01,-4.6451860928709774E+00,3.2465370506547586E+00,4.7694814990854995E-01,-2.7582845089091090E-03,-5.4937866253261490E-03,3.1004757192408311E-03 -3317 Paris (1984 KF),703,5.8019000000000000E+04,1.5377988393900000E+02,1.5355138420999999E+01,-4.6479449351512967E+00,3.2410368995421148E+00,4.8004761789715950E-01,-2.7507995146561124E-03,-5.4990092468896815E-03,3.0997049816772239E-03 -3317 Paris (1984 KF),703,5.8020000000000000E+04,1.5396910259399999E+02,1.5320592456000000E+01,-4.6506963232122098E+00,3.2355313889135244E+00,4.8314631308455325E-01,-2.7433075542179740E-03,-5.5042246898608094E-03,3.0989289948151898E-03 -3317 Paris (1984 KF),703,5.8021000000000000E+04,1.5415756738499999E+02,1.5286417116000001E+01,-4.6534402470475102E+00,3.2300205287908641E+00,4.8624423018792406E-01,-2.7358086382835980E-03,-5.5094329402273004E-03,3.0981477568728689E-03 -3317 Paris (1984 KF),703,5.8022000000000000E+04,1.5434525730900000E+02,1.5252625711000000E+01,-4.6561766968259528E+00,3.2245043290628450E+00,4.8934136392380961E-01,-2.7283027773833809E-03,-5.5146339850021403E-03,3.0973612659645610E-03 -3317 Paris (1984 KF),703,5.8023000000000000E+04,1.5453215173100000E+02,1.5219231509000000E+01,-4.6589056628845853E+00,3.2189827994858580E+00,4.9243770901645723E-01,-2.7207899817279918E-03,-5.5198278120781596E-03,3.0965695201020916E-03 -3317 Paris (1984 KF),703,5.8024000000000000E+04,1.5471823033699999E+02,1.5186247750000000E+01,-4.6616271356977261E+00,3.2134559497304629E+00,4.9553326019809213E-01,-2.7132702610991634E-03,-5.5250144100629610E-03,3.0957725171987787E-03 -3317 Paris (1984 KF),703,5.8025000000000000E+04,1.5490347310100000E+02,1.5153687650000000E+01,-4.6643411058382238E+00,3.2079237894453398E+00,4.9862801220401948E-01,-2.7057436247869722E-03,-5.5301937681077988E-03,3.0949702550740654E-03 -3317 Paris (1984 KF),703,5.8026000000000000E+04,1.5508786027299999E+02,1.5121564408999999E+01,-4.6670475639442257E+00,3.2023863283151708E+00,5.0172195976442946E-01,-2.6982100815725308E-03,-5.5353658757710394E-03,3.0941627314697443E-03 -3317 Paris (1984 KF),703,5.8027000000000000E+04,1.5527137237400001E+02,1.5089891207000001E+01,-4.6697465007038499E+00,3.1968435760884200E+00,5.0481509759610599E-01,-2.6906696397337540E-03,-5.5405307228715284E-03,3.0933499440548239E-03 -3317 Paris (1984 KF),703,5.8028000000000000E+04,1.5545399020400001E+02,1.5058681209000000E+01,-4.6724379068686526E+00,3.1912955425524814E+00,5.0790742039714198E-01,-2.6831223070782179E-03,-5.5456882993897109E-03,3.0925318904417606E-03 -3317 Paris (1984 KF),703,5.8029000000000000E+04,1.5563569482400001E+02,1.5027947571000000E+01,-4.6751217733032648E+00,3.1857422374388524E+00,5.1099892284659221E-01,-2.6755680909898907E-03,-5.5508385953778501E-03,3.0917085681978675E-03 -3317 Paris (1984 KF),F51,5.7970000000000000E+04,1.4400748402400001E+02,1.7244503440999999E+01,-4.5041689381268206E+00,3.5041038563641744E+00,3.2736325211964590E-01,-3.1093062315431502E-03,-5.2349522833063118E-03,3.1313438290583319E-03 -3317 Paris (1984 KF),F51,5.7971000000000000E+04,1.4420932127899999E+02,1.7206421794000001E+01,-4.5072754872424010E+00,3.4988686260586954E+00,3.3049395503569673E-01,-3.1021591061631999E-03,-5.2405031978148813E-03,3.1308221707953645E-03 -3317 Paris (1984 KF),F51,5.7972000000000000E+04,1.4441134254400001E+02,1.7168165885000001E+01,-4.5103749829556996E+00,3.4936277466785697E+00,3.3362412693209487E-01,-3.0950048758548697E-03,-5.2460475276249509E-03,3.1302953857654170E-03 -3317 Paris (1984 KF),F51,5.7973000000000000E+04,1.4461353140700001E+02,1.7129744113000001E+01,-4.5134674164205819E+00,3.4883812246208770E+00,3.3675376247399319E-01,-3.0878435437481713E-03,-5.2515852620287507E-03,3.1297634713967379E-03 -3317 Paris (1984 KF),F51,5.7974000000000000E+04,1.4481587178400000E+02,1.7091164903999999E+01,-4.5165527790173030E+00,3.4831290660317547E+00,3.3988285633973370E-01,-3.0806751130260084E-03,-5.2571163902944782E-03,3.1292264251197139E-03 -3317 Paris (1984 KF),F51,5.7975000000000000E+04,1.4501834781500000E+02,1.7052436740000001E+01,-4.5196310624383571E+00,3.4778712766862361E+00,3.4301140323675161E-01,-3.0734995869173797E-03,-5.2626409016724909E-03,3.1286842443680623E-03 -3317 Paris (1984 KF),F51,5.7976000000000000E+04,1.4522094373799999E+02,1.7013568195000001E+01,-4.5227022587619388E+00,3.4726078618774983E+00,3.4613939792050313E-01,-3.0663169687109391E-03,-5.2681587853969109E-03,3.1281369265766471E-03 -3317 Paris (1984 KF),F51,5.7977000000000000E+04,1.4542364372800000E+02,1.6974567967999999E+01,-4.5257663604989382E+00,3.4673388263351703E+00,3.4926683521228480E-01,-3.0591272617497105E-03,-5.2736700306936588E-03,3.1275844691819143E-03 -3317 Paris (1984 KF),F51,5.7978000000000000E+04,1.4562643172400001E+02,1.6935444930999999E+01,-4.5288233606073351E+00,3.4620641741826468E+00,3.5239371001370745E-01,-3.0519304694312799E-03,-5.2791746267864398E-03,3.1270268696216852E-03 -3317 Paris (1984 KF),F51,5.7979000000000000E+04,1.4582929125400000E+02,1.6896208165000001E+01,-4.5318732524751910E+00,3.4567839089336623E+00,3.5552001731806226E-01,-3.0447265952095511E-03,-5.2846725629034693E-03,3.1264641253343460E-03 -3317 Paris (1984 KF),F51,5.7980000000000000E+04,1.4603220526199999E+02,1.6856867002000001E+01,-4.5349160298717868E+00,3.4514980335315317E+00,3.5864575221686518E-01,-3.0375156426017610E-03,-5.2901638282828786E-03,3.1258962337578065E-03 -3317 Paris (1984 KF),F51,5.7981000000000000E+04,1.4623515595500001E+02,1.6817431053000000E+01,-4.5379516868632876E+00,3.4462065504379051E+00,3.6177090990169553E-01,-3.0302976151747804E-03,-5.2956484121839294E-03,3.1253231923301312E-03 -3317 Paris (1984 KF),F51,5.7982000000000000E+04,1.4643812468300001E+02,1.6777910231000000E+01,-4.5409802176800289E+00,3.4409094617913585E+00,3.6489548565805990E-01,-3.0230725165584452E-03,-5.3011263038923104E-03,3.1247449984874781E-03 -3317 Paris (1984 KF),F51,5.7983000000000000E+04,1.4664109187299999E+02,1.6738314756000001E+01,-4.5440016165220687E+00,3.4356067696579831E+00,3.6801947484683978E-01,-3.0158403504377419E-03,-5.3065974927309200E-03,3.1241616496638825E-03 -3317 Paris (1984 KF),F51,5.7984000000000000E+04,1.4684403704700000E+02,1.6698655139000000E+01,-4.5470158773051157E+00,3.4302984763764792E+00,3.7114287286950093E-01,-3.0086011205519656E-03,-5.3120619680696191E-03,3.1235731432900692E-03 -3317 Paris (1984 KF),F51,5.7985000000000000E+04,1.4704693893900000E+02,1.6658942144000001E+01,-4.5500229933812948E+00,3.4249845849558267E+00,3.7426567511753200E-01,-3.0013548306939402E-03,-5.3175197193362205E-03,3.1229794767919455E-03 -3317 Paris (1984 KF),F51,5.7986000000000000E+04,1.4724977570799999E+02,1.6619186721999998E+01,-4.5530229573046208E+00,3.4196650994317874E+00,3.7738787691430775E-01,-2.9941014846977029E-03,-5.3229707360293102E-03,3.1223806475895143E-03 -3317 Paris (1984 KF),F51,5.7987000000000000E+04,1.4745252524000000E+02,1.6579399935000001E+01,-4.5560157607201148E+00,3.4143400250689915E+00,3.8050947346464109E-01,-2.9868410864375798E-03,-5.3284150077315701E-03,3.1217766530944745E-03 -3317 Paris (1984 KF),F51,5.7988000000000000E+04,1.4765516546300000E+02,1.6539592874000000E+01,-4.5590013944210863E+00,3.4090093683359521E+00,3.8363045982781890E-01,-2.9795736398157552E-03,-5.3338525241246187E-03,3.1211674907080369E-03 -3317 Paris (1984 KF),F51,5.7989000000000000E+04,1.4785767462199999E+02,1.6499776605000001E+01,-4.5619798485520278E+00,3.4036731366712050E+00,3.8675083091993118E-01,-2.9722991487407847E-03,-5.3392832750054596E-03,3.1205531578185632E-03 -3317 Paris (1984 KF),F51,5.7990000000000000E+04,1.4806003147300001E+02,1.6459962118000000E+01,-4.5649511128827553E+00,3.3983313381336244E+00,3.8987058154178661E-01,-2.9650176171054400E-03,-5.3447072503033186E-03,3.1199336517982817E-03 -3317 Paris (1984 KF),F51,5.7991000000000000E+04,1.4826221538300001E+02,1.6420160322000001E+01,-4.5679151770656850E+00,3.3929839810577187E+00,3.9298970641780978E-01,-2.9577290487771413E-03,-5.3501244400940406E-03,3.1193089699994153E-03 -3317 Paris (1984 KF),F51,5.7992000000000000E+04,1.4846420634099999E+02,1.6380382044000001E+01,-4.5708720308201123E+00,3.3876310737957485E+00,3.9610820023397447E-01,-2.9504334475418045E-03,-5.3555348346163503E-03,3.1186791097507281E-03 -3317 Paris (1984 KF),F51,5.7993000000000000E+04,1.4866598491500000E+02,1.6340638048999999E+01,-4.5738216640272231E+00,3.3822726245766326E+00,3.9922605766572278E-01,-2.9431308170872576E-03,-5.3609384242826099E-03,3.1180440683527379E-03 -3317 Paris (1984 KF),F51,5.7994000000000000E+04,1.4886753219600001E+02,1.6300939055000001E+01,-4.5767640667505773E+00,3.3769086414674425E+00,4.0234327339328130E-01,-2.9358211609438675E-03,-5.3663351996863420E-03,3.1174038430732721E-03 -3317 Paris (1984 KF),F51,5.7995000000000000E+04,1.4906882972599999E+02,1.6261295751999999E+01,-4.5796992292099530E+00,3.3715391324023183E+00,4.0545984210658587E-01,-2.9285044824418531E-03,-5.3717251516025785E-03,3.1167584311425902E-03 -3317 Paris (1984 KF),F51,5.7996000000000000E+04,1.4926985945900000E+02,1.6221718813999999E+01,-4.5826271417343341E+00,3.3661641052445348E+00,4.0857575850236472E-01,-2.9211807846396664E-03,-5.3771082709784500E-03,3.1161078297485502E-03 -3317 Paris (1984 KF),F51,5.7997000000000000E+04,1.4947060372400000E+02,1.6182218904999999E+01,-4.5855477947153211E+00,3.3607835678514943E+00,4.1169101727734225E-01,-2.9138500702618692E-03,-5.3824845489112184E-03,3.1154520360321906E-03 -3317 Paris (1984 KF),F51,5.7998000000000000E+04,1.4967104521700000E+02,1.6142806684000000E+01,-4.5884611785755469E+00,3.3553975281207089E+00,4.1480561312013620E-01,-2.9065123416260573E-03,-5.3878539766095898E-03,3.1147910470842150E-03 -3317 Paris (1984 KF),F51,5.7999000000000000E+04,1.4987116699000001E+02,1.6103492807999999E+01,-4.5913672837641091E+00,3.3500059939969917E+00,4.1791954070549336E-01,-2.8991676005623440E-03,-5.3932165453343811E-03,3.1141248599427843E-03 -3317 Paris (1984 KF),F51,5.8000000000000000E+04,1.5007095244700000E+02,1.6064287934999999E+01,-4.5942661007859176E+00,3.3446089734281581E+00,4.2103279469261934E-01,-2.8918158483400786E-03,-5.3985722463139110E-03,3.1134534715936656E-03 -3317 Paris (1984 KF),F51,5.8001000000000000E+04,1.5027038531700001E+02,1.6025202733000000E+01,-4.5971576202693765E+00,3.3392064742587326E+00,4.2414536973161809E-01,-2.8844570855979827E-03,-5.4039210706307399E-03,3.1127768789732547E-03 -3317 Paris (1984 KF),F51,5.8002000000000000E+04,1.5046944958500001E+02,1.5986247907999999E+01,-4.6000418330659647E+00,3.3337985040684375E+00,4.2725726047833301E-01,-2.8770913123007001E-03,-5.4092630090768999E-03,3.1120950789763268E-03 -3317 Paris (1984 KF),F51,5.8003000000000000E+04,1.5066812939299999E+02,1.5947434231000001E+01,-4.6029187303657793E+00,3.3283850699768647E+00,4.3036846161813547E-01,-2.8697185277228587E-03,-5.4145980519909390E-03,3.1114080684680758E-03 -3317 Paris (1984 KF),F51,5.8004000000000000E+04,1.5086640886800001E+02,1.5908772587000000E+01,-4.6057883038009519E+00,3.3229661784570683E+00,4.3347896789512808E-01,-2.8623387304609633E-03,-5.4199261890473527E-03,3.1107158443025177E-03 -3317 Paris (1984 KF),F51,5.8005000000000000E+04,1.5106427192999999E+02,1.5870274030999999E+01,-4.6086505455049780E+00,3.3175418352100241E+00,4.3658877414066249E-01,-2.8549519185281443E-03,-5.4252474090630103E-03,3.1100184033470207E-03 -3317 Paris (1984 KF),F51,5.8006000000000000E+04,1.5126170205800000E+02,1.5831949846000001E+01,-4.6115054481039728E+00,3.3121120451427157E+00,4.3969787529409871E-01,-2.8475580894932956E-03,-5.4305616997909097E-03,3.1093157425120294E-03 -3317 Paris (1984 KF),F51,5.8007000000000000E+04,1.5145868207999999E+02,1.5793811593999999E+01,-4.6143530046353334E+00,3.3066768124638646E+00,4.4280626641094500E-01,-2.8401572406939785E-03,-5.4358690477393397E-03,3.1086078587851023E-03 -3317 Paris (1984 KF),F51,5.8008000000000000E+04,1.5165519399499999E+02,1.5755871152999999E+01,-4.6171932084091916E+00,3.3012361408798365E+00,4.4591394265649864E-01,-2.8327493695231181E-03,-5.4411694380496478E-03,3.1078947492677706E-03 -3317 Paris (1984 KF),F51,5.8009000000000000E+04,1.5185121884899999E+02,1.5718140742999999E+01,-4.6200260528401413E+00,3.2957900338512420E+00,4.4902089928781952E-01,-2.8253344737526461E-03,-5.4464628544517689E-03,3.1071764112083683E-03 -3317 Paris (1984 KF),F51,5.8010000000000000E+04,1.5204673668999999E+02,1.5680632923999999E+01,-4.6228515312741436E+00,3.2903384948725680E+00,4.5212713162747836E-01,-2.8179125518962168E-03,-5.4517492793223002E-03,3.1064528420306275E-03 -3317 Paris (1984 KF),F51,5.8011000000000000E+04,1.5224172658600000E+02,1.5643360575999999E+01,-4.6256696368262924E+00,3.2848815277492158E+00,4.5523263503290112E-01,-2.8104836035606679E-03,-5.4570286938507712E-03,3.1057240393528706E-03 -3317 Paris (1984 KF),F51,5.8012000000000000E+04,1.5243616671900000E+02,1.5606336869000000E+01,-4.6284803622364983E+00,3.2794191368595245E+00,4.5833740486260655E-01,-2.8030476297228645E-03,-5.4623010783013091E-03,3.1049900009912433E-03 -3317 Paris (1984 KF),F51,5.8013000000000000E+04,1.5263003453499999E+02,1.5569575201999999E+01,-4.6312836997511742E+00,3.2739513273865448E+00,4.6144143644106467E-01,-2.7956046329491260E-03,-5.4675664123690418E-03,3.1042507249514711E-03 -3317 Paris (1984 KF),F51,5.8014000000000000E+04,1.5282330695900001E+02,1.5533089148000000E+01,-4.6340796410453819E+00,3.2684781054924636E+00,4.6454472502477112E-01,-2.7881546174872863E-03,-5.4728246755792222E-03,3.1035062094040109E-03 -3317 Paris (1984 KF),F51,5.8015000000000000E+04,1.5301596063299999E+02,1.5496892377000000E+01,-4.6368681772045841E+00,3.2629994783989260E+00,4.6764726577412558E-01,-2.7806975892374001E-03,-5.4780758477084406E-03,3.1027564526478870E-03 -3317 Paris (1984 KF),F51,5.8016000000000000E+04,1.5320797216800000E+02,1.5460998592999999E+01,-4.6396492987797577E+00,3.2575154543426366E+00,4.7074905373755116E-01,-2.7732335555955565E-03,-5.4833199091314615E-03,3.1020014530673090E-03 -3317 Paris (1984 KF),F51,5.8017000000000000E+04,1.5339931836299999E+02,1.5425421472000000E+01,-4.6424229959103469E+00,3.2520260424080858E+00,4.7385008385124472E-01,-2.7657625252326921E-03,-5.4885568411355626E-03,3.1012412090866423E-03 -3317 Paris (1984 KF),F51,5.8018000000000000E+04,1.5358997638000000E+02,1.5390174628000000E+01,-4.6451892584892427E+00,3.2465312522747269E+00,4.7695035095493554E-01,-2.7582845077812192E-03,-5.4937866261154898E-03,3.1004757191249563E-03 -3317 Paris (1984 KF),F51,5.8019000000000000E+04,1.5377992383300000E+02,1.5355271589000001E+01,-4.6479480763300760E+00,3.2410310939444504E+00,4.8004984981742288E-01,-2.7507995135252154E-03,-5.4990092476793900E-03,3.0997049815599379E-03 -3317 Paris (1984 KF),F51,5.8020000000000000E+04,1.5396913882800001E+02,1.5320725799000000E+01,-4.6506994393031018E+00,3.2355255775088820E+00,4.8314857516540055E-01,-2.7433075530818854E-03,-5.5042246906522388E-03,3.0989289946971783E-03 -3317 Paris (1984 KF),F51,5.8021000000000000E+04,1.5415759994000001E+02,1.5286550626000000E+01,-4.6534433374204136E+00,3.2300147129945862E+00,4.8624652170849503E-01,-2.7358086371440911E-03,-5.5094329410192884E-03,3.0981477567537281E-03 -3317 Paris (1984 KF),F51,5.8022000000000000E+04,1.5434528616599999E+02,1.5252759381000001E+01,-4.6561797608691027E+00,3.2244985102944317E+00,4.8934368415598611E-01,-2.7283027762406999E-03,-5.5146339857945689E-03,3.0973612658443230E-03 -3317 Paris (1984 KF),F51,5.8023000000000000E+04,1.5453217687300000E+02,1.5219365332000001E+01,-4.6589087000045870E+00,3.2189769791684308E+00,4.9244005722517092E-01,-2.7207899805819198E-03,-5.5198278128710983E-03,3.0965695199808795E-03 -3317 Paris (1984 KF),F51,5.8024000000000000E+04,1.5471825174599999E+02,1.5186381717000000E+01,-4.6616301453195543E+00,3.2134501292902473E+00,4.9553563564165243E-01,-2.7132702599508632E-03,-5.5250144108557192E-03,3.0957725170764109E-03 -3317 Paris (1984 KF),F51,5.8025000000000000E+04,1.5490349076000001E+02,1.5153821754000001E+01,-4.6643440874052384E+00,3.2079179703111373E+00,4.9863041413442732E-01,-2.7057436236348304E-03,-5.5301937689011781E-03,3.0949702549509790E-03 -3317 Paris (1984 KF),F51,5.8026000000000000E+04,1.5508787416300001E+02,1.5121698643000000E+01,-4.6670505169181578E+00,3.2023805119178355E+00,5.0172438742771375E-01,-2.6982100804186500E-03,-5.5353658765639122E-03,3.0941627313455485E-03 -3317 Paris (1984 KF),F51,5.8027000000000000E+04,1.5527138248000000E+02,1.5090025563999999E+01,-4.6697494245647730E+00,3.1968377638603589E+00,5.0481755023264441E-01,-2.6906696385779216E-03,-5.5405307236639709E-03,3.0933499439296545E-03 -3317 Paris (1984 KF),F51,5.8028000000000000E+04,1.5545399650799999E+02,1.5058815681000000E+01,-4.6724408011149432E+00,3.1912897359271497E+00,5.0790989724197866E-01,-2.6831223059199656E-03,-5.5456883001818828E-03,3.0925318903157789E-03 -3317 Paris (1984 KF),F51,5.8029000000000000E+04,1.5563569730800000E+02,1.5028082149999999E+01,-4.6751246374515425E+00,3.1857364378502502E+00,5.1100142312975683E-01,-2.6755680898304275E-03,-5.5508385961691407E-03,3.0917085680709174E-03 -3317 Paris (1984 KF),I11,5.7970000000000000E+04,1.4400723986800000E+02,1.7244687462000002E+01,-4.5041620714152133E+00,3.5041123609768232E+00,3.2736160496262445E-01,-3.1093062337363107E-03,-5.2349522815982614E-03,3.1313438292180852E-03 -3317 Paris (1984 KF),I11,5.7971000000000000E+04,1.4420908267900001E+02,1.7206605158999999E+01,-4.5072686087913043E+00,3.4988772119262577E+00,3.3049222322114030E-01,-3.1021591083719505E-03,-5.2405031960991895E-03,3.1308221709582295E-03 -3317 Paris (1984 KF),I11,5.7972000000000000E+04,1.4441110953300000E+02,1.7168348626000000E+01,-4.5103680948768190E+00,3.4936364121196912E+00,3.3362231090590144E-01,-3.0950048780798399E-03,-5.2460475258999210E-03,3.1302953859305344E-03 -3317 Paris (1984 KF),I11,5.7973000000000000E+04,1.4461330401500001E+02,1.7129926262000001E+01,-4.5134605208132470E+00,3.4883899679213988E+00,3.3675186271342034E-01,-3.0878435459895694E-03,-5.2515852602937011E-03,3.1297634715636838E-03 -3317 Paris (1984 KF),I11,5.7974000000000000E+04,1.4481565004100000E+02,1.7091346494000000E+01,-4.5165458779676939E+00,3.4831378854451502E+00,3.3988087335313882E-01,-3.0806751152819192E-03,-5.2571163885528297E-03,3.1292264252898304E-03 -3317 Paris (1984 KF),I11,5.7975000000000000E+04,1.4501813175100000E+02,1.7052617804000000E+01,-4.5196241580187557E+00,3.4778801704340374E+00,3.4300933756328278E-01,-3.0734995891883009E-03,-5.2626408999229581E-03,3.1286842445406747E-03 -3317 Paris (1984 KF),I11,5.7976000000000000E+04,1.4522073338300001E+02,1.7013748763999999E+01,-4.5226953530299756E+00,3.4726168281497078E+00,3.4613725012971397E-01,-3.0663169709965500E-03,-5.2681587836397887E-03,3.1281369267517484E-03 -3317 Paris (1984 KF),I11,5.7977000000000000E+04,1.4542343911099999E+02,1.6974748075000001E+01,-4.5257594554968268E+00,3.4673478632906782E+00,3.4926460590373565E-01,-3.0591272640491402E-03,-5.2736700289302014E-03,3.1275844693599074E-03 -3317 Paris (1984 KF),I11,5.7978000000000000E+04,1.4562623287400001E+02,1.6935624607000001E+01,-4.5288164583610699E+00,3.4620732799496605E+00,3.5239139981655487E-01,-3.0519304717443897E-03,-5.2791746250165691E-03,3.1270268698023909E-03 -3317 Paris (1984 KF),I11,5.7979000000000000E+04,1.4582909819899999E+02,1.6896387442999998E+01,-4.5318663549937312E+00,3.4567930816101344E+00,3.5551762689068550E-01,-3.0447265975372499E-03,-5.2846725611255790E-03,3.1264641255169525E-03 -3317 Paris (1984 KF),I11,5.7980000000000000E+04,1.4603201802999999E+02,1.6857045914000000E+01,-4.5349091391461931E+00,3.4515072711856210E+00,3.5864328224655823E-01,-3.0375156449419898E-03,-5.2901638264998690E-03,3.1258962339434202E-03 -3317 Paris (1984 KF),I11,5.7981000000000000E+04,1.4623497457200000E+02,1.6817609629000000E+01,-4.5379448048657718E+00,3.4462158511084846E+00,3.6176836110441957E-01,-3.0302976175282190E-03,-5.2956484103946176E-03,3.1253231925181067E-03 -3317 Paris (1984 KF),I11,5.7982000000000000E+04,1.4643794917700001E+02,1.6778088502999999E+01,-4.5409733463629323E+00,3.4409188234886448E+00,3.6489285877823779E-01,-3.0230725189246306E-03,-5.3011263020971908E-03,3.1247449986778848E-03 -3317 Paris (1984 KF),I11,5.7983000000000000E+04,1.4664092227000000E+02,1.6738492755999999E+01,-4.5439947578168560E+00,3.4356161903641351E+00,3.6801677065722366E-01,-3.0158403528161883E-03,-5.3065974909304505E-03,3.1241616498567850E-03 -3317 Paris (1984 KF),I11,5.7984000000000000E+04,1.4684387337400000E+02,1.6698832897999999E+01,-4.5470090331213306E+00,3.4303079540462562E+00,3.7114009217104255E-01,-3.0086011229426227E-03,-5.3120619662637512E-03,3.1235731434853002E-03 -3317 Paris (1984 KF),I11,5.7985000000000000E+04,1.4704678122000001E+02,1.6659119693000001E+01,-4.5500161656055447E+00,3.4249941175173486E+00,3.7426281873907230E-01,-3.0013548330953266E-03,-5.3175197175266403E-03,3.1229794769900921E-03 -3317 Paris (1984 KF),I11,5.7986000000000000E+04,1.4724962396900000E+02,1.6619364091000001E+01,-4.5530161477996440E+00,3.4196746847872621E+00,3.7738494571217635E-01,-2.9941014871104690E-03,-5.3229707342150896E-03,3.1223806477900305E-03 -3317 Paris (1984 KF),I11,5.7987000000000000E+04,1.4745237950600000E+02,1.6579577154999999E+01,-4.5560089713239309E+00,3.4143496610955171E+00,3.8050646832202822E-01,-2.9868410888624197E-03,-5.3284150059118400E-03,3.1217766532968417E-03 -3317 Paris (1984 KF),I11,5.7988000000000000E+04,1.4765502575900001E+02,1.6539769976999999E+01,-4.5589946269462747E+00,3.4090190528863085E+00,3.8362738165404836E-01,-2.9795736422508230E-03,-5.3338525223013689E-03,3.1211674909129637E-03 -3317 Paris (1984 KF),I11,5.7989000000000000E+04,1.4785754097099999E+02,1.6499953618999999E+01,-4.5619731047851104E+00,3.4036828675746440E+00,3.8674768064973747E-01,-2.9722991511846545E-03,-5.3392832731801107E-03,3.1205531580265223E-03 -3317 Paris (1984 KF),I11,5.7990000000000000E+04,1.4805990389999999E+02,1.6460139075000001E+01,-4.5649443945836410E+00,3.3983411131966950E+00,3.8986736013463924E-01,-2.9650176195606878E-03,-5.3447072484730813E-03,3.1199336520079139E-03 -3317 Paris (1984 KF),I11,5.7991000000000000E+04,1.4826209391200001E+02,1.6420337251999999E+01,-4.5679084859671599E+00,3.3929937980650959E+00,3.9298641485732316E-01,-2.9577290512404052E-03,-5.3501244382622402E-03,3.1193089702120230E-03 -3317 Paris (1984 KF),I11,5.7992000000000000E+04,1.4846409099499999E+02,1.6380558978000000E+01,-4.5708653686273628E+00,3.3876409305110631E+00,3.9610483952738573E-01,-2.9504334500149738E-03,-5.3555348327810892E-03,3.1186791099653247E-03 -3317 Paris (1984 KF),I11,5.7993000000000000E+04,1.4866587571700001E+02,1.6340815016000001E+01,-4.5738150324173708E+00,3.3822825187433181E+00,3.9922262884342846E-01,-2.9431308195689782E-03,-5.3609384224451093E-03,3.1180440685697063E-03 -3317 Paris (1984 KF),I11,5.7994000000000000E+04,1.4886742916700001E+02,1.6301116085000000E+01,-4.5767574673722065E+00,3.3769185708096061E+00,4.0233977750838595E-01,-2.9358211634349599E-03,-5.3663351978458489E-03,3.1174038432921413E-03 -3317 Paris (1984 KF),I11,5.7995000000000000E+04,1.4906873288899999E+02,1.6261472873999999E+01,-4.5796926636826880E+00,3.3715490946255429E+00,4.0545628023446845E-01,-2.9285044849400805E-03,-5.3717251497610516E-03,3.1167584313640455E-03 -3317 Paris (1984 KF),I11,5.7996000000000000E+04,1.4926976883600000E+02,1.6221896057999999E+01,-4.5826206116484149E+00,3.3661740980367316E+00,4.0857213174021895E-01,-2.9211807871448005E-03,-5.3771082691360002E-03,3.1161078299724891E-03 -3317 Paris (1984 KF),I11,5.7997000000000000E+04,1.4947051933700001E+02,1.6182396300000001E+01,-4.5855413016311832E+00,3.3607935888837628E+00,4.1168732674371444E-01,-2.9138500727745728E-03,-5.3824845470672802E-03,3.1154520362582112E-03 -3317 Paris (1984 KF),I11,5.7998000000000000E+04,1.4967096708599999E+02,1.6142984259999999E+01,-4.5884547240234408E+00,3.3554075750481833E+00,4.1480185995443186E-01,-2.9065123441459713E-03,-5.3878539747644685E-03,3.1147910473122969E-03 -3317 Paris (1984 KF),I11,5.7999000000000000E+04,1.4987109513600001E+02,1.6103670594000000E+01,-4.5913608692437506E+00,3.3500160644596706E+00,4.1791572606750210E-01,-2.8991676030890893E-03,-5.3932165434883682E-03,3.1141248601729010E-03 -3317 Paris (1984 KF),I11,5.8000000000000000E+04,1.5007088689099999E+02,1.6064465959000000E+01,-4.5942597277661772E+00,3.3446190650517300E+00,4.2102891976203233E-01,-2.8918158508721686E-03,-5.3985722444681410E-03,3.1134534718261398E-03 -3317 Paris (1984 KF),I11,5.8001000000000000E+04,1.5027032607699999E+02,1.6025381025000002E+01,-4.5971512901879681E+00,3.3392165846554009E+00,4.2414143570750762E-01,-2.8844570881357643E-03,-5.4039210687849525E-03,3.1127768792078184E-03 -3317 Paris (1984 KF),I11,5.8002000000000000E+04,1.5046939668200000E+02,1.5986426496000000E+01,-4.6000355473291767E+00,3.3338086308377481E+00,4.2725326857856749E-01,-2.8770913148445394E-03,-5.4092630072308905E-03,3.1120950792127323E-03 -3317 Paris (1984 KF),I11,5.8003000000000000E+04,1.5066808284499999E+02,1.5947613143000000E+01,-4.6029124903482241E+00,3.3283952107064638E+00,4.3036441307874473E-01,-2.8697185302712326E-03,-5.4145980501457414E-03,3.1114080687066189E-03 -3317 Paris (1984 KF),I11,5.8004000000000000E+04,1.5086636869599999E+02,1.5908951852000000E+01,-4.6057821108453805E+00,3.3229763307233626E+00,4.3347486396961654E-01,-2.8623387330138535E-03,-5.4199261872030398E-03,3.1107158445430596E-03 -3317 Paris (1984 KF),I11,5.8005000000000000E+04,1.5106423814999999E+02,1.5870453678000001E+01,-4.6086444009220475E+00,3.3175519965788633E+00,4.3658461609927729E-01,-2.8549519210851549E-03,-5.4252474072198596E-03,3.1100184035895264E-03 -3317 Paris (1984 KF),I11,5.8006000000000000E+04,1.5126167468899999E+02,1.5832129902000000E+01,-4.6114993531719728E+00,3.3121222131700851E+00,4.3969366442307573E-01,-2.8475580920536247E-03,-5.4305616979494903E-03,3.1093157427565612E-03 -3317 Paris (1984 KF),I11,5.8007000000000000E+04,1.5145866114000000E+02,1.5793992086999999E+01,-4.6143469605999012E+00,3.3066869846965585E+00,4.4280200401178516E-01,-2.8401572432592442E-03,-5.4358690458987703E-03,3.1086078590311377E-03 -3317 Paris (1984 KF),I11,5.8008000000000000E+04,1.5165517950000000E+02,1.5756052113000001E+01,-4.6171872164829413E+00,3.3012463148561766E+00,4.4590963004534578E-01,-2.8327493720900891E-03,-5.4411694362118089E-03,3.1078947495159531E-03 -3317 Paris (1984 KF),I11,5.8009000000000000E+04,1.5185121081599999E+02,1.5718322197000001E+01,-4.6200201142022896E+00,3.2958002071018511E+00,4.4901653779492090E-01,-2.8253344763208917E-03,-5.4464628526169102E-03,3.1071764114586394E-03 -3317 Paris (1984 KF),I11,5.8010000000000000E+04,1.5204673513500001E+02,1.5680814899000000E+01,-4.6228456470700365E+00,3.2903486649212401E+00,4.5212272259671443E-01,-2.8179125544686291E-03,-5.4517492774890583E-03,3.1064528422822296E-03 -3317 Paris (1984 KF),I11,5.8011000000000000E+04,1.5224173152600000E+02,1.5643543101000001E+01,-4.6256638081669621E+00,3.2848916921138458E+00,4.5522817982131458E-01,-2.8104836061339502E-03,-5.4570286920208599E-03,3.1057240396063857E-03 -3317 Paris (1984 KF),I11,5.8012000000000000E+04,1.5243617816899999E+02,1.5606519970000001E+01,-4.6284745901982811E+00,3.2794292930529947E+00,4.5833290483993844E-01,-2.8030476322974261E-03,-5.4623010764746280E-03,3.1049900012464623E-03 -3317 Paris (1984 KF),I11,5.8013000000000000E+04,1.5263005251000001E+02,1.5569758908000001E+01,-4.6312779853753554E+00,3.2739614729177036E+00,4.6143689298918378E-01,-2.7956046355241248E-03,-5.4675664105460590E-03,3.1042507252084239E-03 -3317 Paris (1984 KF),I11,5.8014000000000000E+04,1.5282333147500000E+02,1.5533273485000000E+01,-4.6340739853379231E+00,3.2684882378671305E+00,4.6454013953697548E-01,-2.7881546200631746E-03,-5.4728246737598685E-03,3.1035062096624994E-03 -3317 Paris (1984 KF),I11,5.8015000000000000E+04,1.5301599170300000E+02,1.5497077374000000E+01,-4.6368625811359649E+00,3.2630095951208462E+00,4.6764263965431974E-01,-2.7806975918128847E-03,-5.4780758458933682E-03,3.1027564529080222E-03 -3317 Paris (1984 KF),I11,5.8016000000000000E+04,1.5320800980600001E+02,1.5461184275000001E+01,-4.6396437632849068E+00,3.2575255529144784E+00,4.7074438839933963E-01,-2.7732335581719691E-03,-5.4833199073202783E-03,3.1020014533287561E-03 -3317 Paris (1984 KF),I11,5.8017000000000000E+04,1.5339936258500001E+02,1.5425607867000000E+01,-4.6424175218886514E+00,3.2520361203324155E+00,4.7384538071700294E-01,-2.7657625278078683E-03,-5.4885568393292297E-03,3.1012412093496412E-03 -3317 Paris (1984 KF),I11,5.8018000000000000E+04,1.5359002719700001E+02,1.5390361763000000E+01,-4.6451838468046036E+00,3.2465413070550433E+00,4.7694561145492564E-01,-2.7582845103551758E-03,-5.4937866243141287E-03,3.1004757193893923E-03 -3317 Paris (1984 KF),I11,5.8019000000000000E+04,1.5377998125900001E+02,1.5355459491000000E+01,-4.6479427278110332E+00,3.2410411230861613E+00,4.8004507538897606E-01,-2.7507995160953019E-03,-5.4990092458840102E-03,3.0997049818260731E-03 -3317 Paris (1984 KF),I11,5.8020000000000000E+04,1.5396920287500001E+02,1.5320914494000000E+01,-4.6506941547429506E+00,3.2355355785203304E+00,4.8314376725216007E-01,-2.7433075556525686E-03,-5.5042246888615705E-03,3.0989289949642919E-03 -3317 Paris (1984 KF),I11,5.8021000000000000E+04,1.5415767062000000E+02,1.5286740140999999E+01,-4.6534381175773598E+00,3.2300246833880442E+00,4.8624168175974491E-01,-2.7358086397118292E-03,-5.5094329392346014E-03,3.0981477570221935E-03 -3317 Paris (1984 KF),I11,5.8022000000000000E+04,1.5434536349199999E+02,1.5252949743000000E+01,-4.6561746064664513E+00,3.2245084475870405E+00,4.8933881362604498E-01,-2.7283027788050571E-03,-5.5146339840161096E-03,3.0973612661140842E-03 -3317 Paris (1984 KF),I11,5.8023000000000000E+04,1.5453226085399999E+02,1.5219556567000000E+01,-4.6589036117308824E+00,3.2189868808832158E+00,4.9243515757279260E-01,-2.7207899831433683E-03,-5.5198278110989291E-03,3.0965695202517813E-03 -3317 Paris (1984 KF),I11,5.8024000000000000E+04,1.5471834239399999E+02,1.5186573851000000E+01,-4.6616251238288013E+00,3.2134599929570347E+00,4.9553070832942536E-01,-2.7132702625071482E-03,-5.5250144090905617E-03,3.0957725173485886E-03 -3317 Paris (1984 KF),I11,5.8025000000000000E+04,1.5490358808500000E+02,1.5154014814000000E+01,-4.6643391333171094E+00,3.2079277934674875E+00,4.9862546062820584E-01,-2.7057436261891761E-03,-5.5301937671424703E-03,3.0949702552240266E-03 -3317 Paris (1984 KF),I11,5.8026000000000000E+04,1.5508797817400000E+02,1.5121892655000000E+01,-4.6670456308182358E+00,3.2023902921099459E+00,5.0171940919602376E-01,-2.6982100829669631E-03,-5.5353658748127400E-03,3.0941627316197536E-03 -3317 Paris (1984 KF),I11,5.8027000000000000E+04,1.5527149318599999E+02,1.5090220553000000E+01,-4.6697446070048185E+00,3.1968474986439652E+00,5.0481254874611670E-01,-2.6906696411206775E-03,-5.5405307219204211E-03,3.0933499442048710E-03 -3317 Paris (1984 KF),I11,5.8028000000000000E+04,1.5545411391799999E+02,1.5059011674000001E+01,-4.6724360526131594E+00,3.1912994228684344E+00,5.0790487397279238E-01,-2.6831223084581085E-03,-5.5456882984459485E-03,3.0925318905918502E-03 -3317 Paris (1984 KF),I11,5.8029000000000000E+04,1.5563582142999999E+02,1.5028279173000000E+01,-4.6751199584928589E+00,3.1857460745267696E+00,5.1099637955108057E-01,-2.6755680923616723E-03,-5.5508385944414429E-03,3.0917085683479142E-03 -3317 Paris (1984 KF),I41,5.7970000000000000E+04,1.4400731265600001E+02,1.7244392066000000E+01,-4.5041661307381098E+00,3.5041072852995114E+00,3.2736320245556222E-01,-3.1093062321197497E-03,-5.2349522828574295E-03,3.1313438291004003E-03 -3317 Paris (1984 KF),I41,5.7971000000000000E+04,1.4420915210000001E+02,1.7206309869999998E+01,-4.5072726586803835E+00,3.4988721083826704E+00,3.3049386189598357E-01,-3.1021591067509607E-03,-5.2405031973588884E-03,3.1308221708389039E-03 -3317 Paris (1984 KF),I41,5.7972000000000000E+04,1.4441117557800001E+02,1.7168053419000000E+01,-4.5103721342433696E+00,3.4936312818138031E+00,3.3362399030970602E-01,-3.0950048764537899E-03,-5.2460475271609106E-03,3.1302953858099742E-03 -3317 Paris (1984 KF),I41,5.7973000000000000E+04,1.4461336667899999E+02,1.7129631112999999E+01,-4.5134645485810205E+00,3.4883848119705818E+00,3.3675358237809760E-01,-3.0878435443582614E-03,-5.2515852615562485E-03,3.1297634714420931E-03 -3317 Paris (1984 KF),I41,5.7974000000000000E+04,1.4481570931700000E+02,1.7091051379000000E+01,-4.5165498930732380E+00,3.4831327049798606E+00,3.3988263279566422E-01,-3.0806751136468694E-03,-5.2571163898153302E-03,3.1292264251665965E-03 -3317 Paris (1984 KF),I41,5.7975000000000000E+04,1.4501818763200001E+02,1.7052322698000001E+01,-4.5196281594117416E+00,3.4778749665974766E+00,3.4301113628593427E-01,-3.0734995875490497E-03,-5.2626409011859582E-03,3.1286842444161198E-03 -3317 Paris (1984 KF),I41,5.7976000000000000E+04,1.4522078586300000E+02,1.7013453643999998E+01,-4.5226993396735224E+00,3.4726116020975359E+00,3.4613908762035589E-01,-3.0663169693533106E-03,-5.2681587849031288E-03,3.1281369266258816E-03 -3317 Paris (1984 KF),I41,5.7977000000000000E+04,1.4542348818400001E+02,1.6974452917000001E+01,-4.5257634263678206E+00,3.4673426161906971E+00,3.4926648163610691E-01,-3.0591272624025407E-03,-5.2736700301932796E-03,3.1275844692325565E-03 -3317 Paris (1984 KF),I41,5.7978000000000000E+04,1.4562627853399999E+02,1.6935329386999999E+01,-4.5288204124505240E+00,3.4620680129815034E+00,3.5239331325059348E-01,-3.0519304700944907E-03,-5.2791746262793801E-03,3.1270268696736462E-03 -3317 Paris (1984 KF),I41,5.7979000000000000E+04,1.4582914044000000E+02,1.6896092138000000E+01,-4.5318702913071309E+00,3.4567877959649547E+00,3.5551957747282048E-01,-3.0447265958833108E-03,-5.2846725623887994E-03,3.1264641253871809E-03 -3317 Paris (1984 KF),I41,5.7980000000000000E+04,1.4603205684700001E+02,1.6856750499000000E+01,-4.5349130567038527E+00,3.4515019680657901E+00,3.5864526940998503E-01,-3.0375156432855387E-03,-5.2901638277621892E-03,3.1258962338121445E-03 -3317 Paris (1984 KF),I41,5.7981000000000000E+04,1.4623500996100000E+02,1.6817314081999999E+01,-4.5379487027032681E+00,3.4462105317272451E+00,3.6177038426934127E-01,-3.0302976158686993E-03,-5.2956484116565006E-03,3.1253231923856176E-03 -3317 Paris (1984 KF),I41,5.7982000000000000E+04,1.4643798113200000E+02,1.6777792799000000E+01,-4.5409772235315620E+00,3.4409134890696764E+00,3.6489491735209523E-01,-3.0230725172623440E-03,-5.3011263033583989E-03,3.1247449985441632E-03 -3317 Paris (1984 KF),I41,5.7983000000000000E+04,1.4664095078700001E+02,1.6738196872000000E+01,-4.5439986133840673E+00,3.4356108421411906E+00,3.6801886403484491E-01,-3.0158403511514522E-03,-5.3065974921907497E-03,3.1241616497218114E-03 -3317 Paris (1984 KF),I41,5.7984000000000000E+04,1.4684389844899999E+02,1.6698536811000000E+01,-4.5470128661711868E+00,3.4303025932627413E+00,3.7114221973477646E-01,-3.0086011212754511E-03,-5.3120619675230997E-03,3.1235731433491530E-03 -3317 Paris (1984 KF),I41,5.7985000000000000E+04,1.4704680284899999E+02,1.6658823380000001E+01,-4.5500199752391586E+00,3.4249887454258507E+00,3.7426497985902063E-01,-3.0013548314267394E-03,-5.3175197187843113E-03,3.1229794768525333E-03 -3317 Paris (1984 KF),I41,5.7986000000000000E+04,1.4724964214799999E+02,1.6619067529999999E+01,-4.5530199331355812E+00,3.4196693026490901E+00,3.7738713974645233E-01,-2.9941014854399633E-03,-5.3229707354714179E-03,3.1223806476513016E-03 -3317 Paris (1984 KF),I41,5.7987000000000000E+04,1.4745239423100000E+02,1.6579280320999999E+01,-4.5560127314985586E+00,3.4143442701801971E+00,3.8050869461713410E-01,-2.9868410871894922E-03,-5.3284150071671588E-03,3.1217766531571648E-03 -3317 Paris (1984 KF),I41,5.7988000000000000E+04,1.4765503702600000E+02,1.6539472847999999E+01,-4.5589983611140381E+00,3.4090136544710918E+00,3.8362963954531781E-01,-2.9795736405767298E-03,-5.3338525235548002E-03,3.1211674907720552E-03 -3317 Paris (1984 KF),I41,5.7989000000000000E+04,1.4785754877799999E+02,1.6499656173999998E+01,-4.5619768121187709E+00,3.4036774629439939E+00,3.8674996946180695E-01,-2.9722991495103410E-03,-5.3392832744310493E-03,3.1205531578842073E-03 -3317 Paris (1984 KF),I41,5.7990000000000000E+04,1.4805990824300000E+02,1.6459841289000000E+01,-4.5649480742744615E+00,3.3983357036417545E+00,3.8986967918190663E-01,-2.9650176178843517E-03,-5.3447072497226009E-03,3.1199336518647450E-03 -3317 Paris (1984 KF),I41,5.7991000000000000E+04,1.4826209478800001E+02,1.6420039103000001E+01,-4.5679121372250826E+00,3.3929883848831621E+00,3.9298876344435996E-01,-2.9577290495643085E-03,-5.3501244395089704E-03,3.1193089700674941E-03 -3317 Paris (1984 KF),I41,5.7992000000000000E+04,1.4846408840100000E+02,1.6380260444000001E+01,-4.5708689906811371E+00,3.3876355150050852E+00,3.9610721694931278E-01,-2.9504334483378067E-03,-5.3555348340257516E-03,3.1186791098198347E-03 -3317 Paris (1984 KF),I41,5.7993000000000000E+04,1.4866586965100001E+02,1.6340516074000000E+01,-4.5738186245147094E+00,3.3822771022213489E+00,3.9922503438626139E-01,-2.9431308178916316E-03,-5.3609384236871695E-03,3.1180440684231187E-03 -3317 Paris (1984 KF),I41,5.7994000000000000E+04,1.4886741962700000E+02,1.6300816713000000E+01,-4.5767610287799254E+00,3.3769131545842637E+00,4.0234221044934759E-01,-2.9358211617568604E-03,-5.3663351990855482E-03,3.1174038431446443E-03 -3317 Paris (1984 KF),I41,5.7995000000000000E+04,1.4906871987400001E+02,1.6261173051000000E+01,-4.5796961936868223E+00,3.3715436800135277E+00,4.0545873984228992E-01,-2.9285044832626818E-03,-5.3717251509975989E-03,3.1167584312153909E-03 -3317 Paris (1984 KF),I41,5.7996000000000000E+04,1.4926975234200000E+02,1.6221595760000000E+01,-4.5826241095543327E+00,3.3661686863583071E+00,4.0857461727545391E-01,-2.9211807854682224E-03,-5.3771082703693192E-03,3.1161078298227313E-03 -3317 Paris (1984 KF),I41,5.7997000000000000E+04,1.4947049936400001E+02,1.6182095506000000E+01,-4.5855447667637064E+00,3.3607881814622180E+00,4.1168983745904109E-01,-2.9138500710983502E-03,-5.3824845482975427E-03,3.1154520361075097E-03 -3317 Paris (1984 KF),I41,5.7998000000000000E+04,1.4967094363199999E+02,1.6142682949000001E+01,-4.5884581557269319E+00,3.3554021732093422E+00,4.1480439509496519E-01,-2.9065123424703168E-03,-5.3878539759914905E-03,3.1147910471606669E-03 -3317 Paris (1984 KF),I41,5.7999000000000000E+04,1.4987106820100001E+02,1.6103368743000001E+01,-4.5913642668821861E+00,3.3500106695313896E+00,4.1791828487109212E-01,-2.8991676014142251E-03,-5.3932165447120109E-03,3.1141248600203668E-03 -3317 Paris (1984 KF),I41,5.8000000000000000E+04,1.5007085647299999E+02,1.6064163546000000E+01,-4.5942630907231985E+00,3.3446136783634199E+00,4.2103150145956503E-01,-2.8918158491990217E-03,-5.3985722456879395E-03,3.1134534716726020E-03 -3317 Paris (1984 KF),I41,5.8001000000000000E+04,1.5027029217600000E+02,1.6025078030000000E+01,-4.5971546178669422E+00,3.3392112075375251E+00,4.2414403952321877E-01,-2.8844570864640868E-03,-5.4039210700009520E-03,3.1127768790533807E-03 -3317 Paris (1984 KF),I41,5.8002000000000000E+04,1.5046935929800000E+02,1.5986122895999999E+01,-4.6000388391532239E+00,3.3338032646213343E+00,4.2725589373039152E-01,-2.8770913131740770E-03,-5.4092630084431118E-03,3.1120950790574937E-03 -3317 Paris (1984 KF),I41,5.8003000000000000E+04,1.5066804197700000E+02,1.5947308917999999E+01,-4.6029157457602459E+00,3.3283898567226617E+00,4.3036705877866926E-01,-2.8697185286029230E-03,-5.4145980513537820E-03,3.1114080685504903E-03 -3317 Paris (1984 KF),I41,5.8004000000000000E+04,1.5086632434399999E+02,1.5908646979000000E+01,-4.6057853293080120E+00,3.3229709903030948E+00,4.3347752942405998E-01,-2.8623387313476819E-03,-5.4199261884068199E-03,3.1107158443861057E-03 -3317 Paris (1984 KF),I41,5.8005000000000000E+04,1.5106419031600001E+02,1.5870148136999999E+01,-4.6086475819176664E+00,3.3175466710524275E+00,4.3658730050951539E-01,-2.8549519194213452E-03,-5.4252474084192474E-03,3.1100184034317702E-03 -3317 Paris (1984 KF),I41,5.8006000000000000E+04,1.5126162337200000E+02,1.5831823672000001E+01,-4.6115024962027347E+00,3.3121169038667482E+00,4.3969636698569664E-01,-2.8475580903926517E-03,-5.4305616991442221E-03,3.1093157425979966E-03 -3317 Paris (1984 KF),I41,5.8007000000000000E+04,1.5145860634100001E+02,1.5793685146000000E+01,-4.6143500651877485E+00,3.3066816929441960E+00,4.4280472391912801E-01,-2.8401572416000935E-03,-5.4358690470890682E-03,3.1086078588719347E-03 -3317 Paris (1984 KF),I41,5.8008000000000000E+04,1.5165512122100000E+02,1.5755744439000001E+01,-4.6171902821696733E+00,3.3012410419808789E+00,4.4591236648589910E-01,-2.8327493704347140E-03,-5.4411694373970518E-03,3.1078947493559418E-03 -3317 Paris (1984 KF),I41,5.8009000000000000E+04,1.5185114905800000E+02,1.5718013770000001E+01,-4.6200231405496099E+00,3.2957949544275102E+00,4.4901928995365720E-01,-2.8253344746695282E-03,-5.4464628537969802E-03,3.1071764112978557E-03 -3317 Paris (1984 KF),I41,5.8010000000000000E+04,1.5204666990000001E+02,1.5680505697999999E+01,-4.6228486336596966E+00,3.2903434337690598E+00,4.5212548965540900E-01,-2.8179125528195038E-03,-5.4517492786642502E-03,3.1064528421208965E-03 -3317 Paris (1984 KF),I41,5.8011000000000000E+04,1.5224166281500001E+02,1.5643233104000000E+01,-4.6256667546008510E+00,3.2848864838018392E+00,4.5523096095882898E-01,-2.8104836044890325E-03,-5.4570286931906603E-03,3.1057240394443669E-03 -3317 Paris (1984 KF),I41,5.8012000000000000E+04,1.5243610598500001E+02,1.5606209157000000E+01,-4.6284774960984771E+00,3.2794241088955403E+00,4.5833569923247697E-01,-2.8030476306564484E-03,-5.4623010776389883E-03,3.1049900010838272E-03 -3317 Paris (1984 KF),I41,5.8013000000000000E+04,1.5262997685600001E+02,1.5569447258000000E+01,-4.6312808503841794E+00,3.2739563142250203E+00,4.6143969981059368E-01,-2.7956046338875632E-03,-5.4675664117047919E-03,3.1042507250451865E-03 -3317 Paris (1984 KF),I41,5.8014000000000000E+04,1.5282325235200000E+02,1.5532960977000000E+01,-4.6340768091179543E+00,3.2684831059447443E+00,4.6454295795910949E-01,-2.7881546184307443E-03,-5.4728246749129218E-03,3.1035062094987207E-03 -3317 Paris (1984 KF),I41,5.8015000000000000E+04,1.5301590911500000E+02,1.5496763987000000E+01,-4.6368653633699886E+00,3.2630044912690908E+00,4.6764546884745917E-01,-2.7806975901853151E-03,-5.4780758470405200E-03,3.1027564527437005E-03 -3317 Paris (1984 KF),I41,5.8016000000000000E+04,1.5320792375600001E+02,1.5460869990000001E+01,-4.6396465036758068E+00,3.2575204784279883E+00,4.7074722753265991E-01,-2.7732335565484783E-03,-5.4833199084615113E-03,3.1020014531639765E-03 -3317 Paris (1984 KF),I41,5.8017000000000000E+04,1.5339927307500000E+02,1.5425292662000000E+01,-4.6424202201593081E+00,3.2520310764995641E+00,4.7384822895909978E-01,-2.7657625261896953E-03,-5.4885568404642801E-03,3.1012412091843788E-03 -3317 Paris (1984 KF),I41,5.8018000000000000E+04,1.5358993423300001E+02,1.5390045617000000E+01,-4.6451865026977348E+00,3.2465362951573886E+00,4.7694846797430784E-01,-2.7582845087422880E-03,-5.4937866254428890E-03,3.1004757192236916E-03 -3317 Paris (1984 KF),I41,5.8019000000000000E+04,1.5377988484400001E+02,1.5355142383000000E+01,-4.6479453410890139E+00,3.2410361443979334E+00,4.8004793935452844E-01,-2.7507995144892051E-03,-5.4990092470062583E-03,3.0997049816599261E-03 -3317 Paris (1984 KF),I41,5.8020000000000000E+04,1.5396910301299999E+02,1.5320596405000000E+01,-4.6506967251876290E+00,3.2355306343078754E+00,4.8314663783358441E-01,-2.7433075540506751E-03,-5.5042246899773516E-03,3.0989289947978100E-03 -3317 Paris (1984 KF),I41,5.8021000000000000E+04,1.5415756731600001E+02,1.5286421050000000E+01,-4.6534406449898711E+00,3.2300197749092914E+00,4.8624455812793926E-01,-2.7358086381161517E-03,-5.5094329403436691E-03,3.0981477568553591E-03 -3317 Paris (1984 KF),I41,5.8022000000000000E+04,1.5434525675000000E+02,1.5252629629999999E+01,-4.6561770906669908E+00,3.2245035760910263E+00,4.8934169495343904E-01,-2.7283027772158205E-03,-5.5146339851183494E-03,3.0973612659469310E-03 -3317 Paris (1984 KF),I41,5.8023000000000000E+04,1.5453215068000000E+02,1.5219235411000000E+01,-4.6589060525585273E+00,3.2189820476095279E+00,4.9243804303368544E-01,-2.7207899815602848E-03,-5.5198278121941988E-03,3.0965695200843536E-03 -3317 Paris (1984 KF),I41,5.8024000000000000E+04,1.5471822879300001E+02,1.5186251631999999E+01,-4.6616275211412841E+00,3.2134551991353506E+00,4.9553359710029843E-01,-2.7132702609314711E-03,-5.5250144101787503E-03,3.0957725171809176E-03 -3317 Paris (1984 KF),I41,5.8025000000000000E+04,1.5490347106300001E+02,1.5153691512000000E+01,-4.6643414869905859E+00,3.2079230403170951E+00,4.9862835188802140E-01,-2.7057436246190726E-03,-5.5301937682234112E-03,3.0949702550561241E-03 -3317 Paris (1984 KF),I41,5.8026000000000000E+04,1.5508785773899999E+02,1.5121568249999999E+01,-4.6670479407470529E+00,3.2023855808392949E+00,5.0172230212652891E-01,-2.6982100814047097E-03,-5.5353658758863500E-03,3.0941627314516823E-03 -3317 Paris (1984 KF),I41,5.8027000000000000E+04,1.5527136934300000E+02,1.5089895025000001E+01,-4.6697468731012588E+00,3.1968428304502030E+00,5.0481544253212907E-01,-2.6906696395659793E-03,-5.5405307229865614E-03,3.0933499440366622E-03 -3317 Paris (1984 KF),I41,5.8028000000000000E+04,1.5545398667300000E+02,1.5058685003000001E+01,-4.6724382748072077E+00,3.1912947989369371E+00,5.0790776780248004E-01,-2.6831223069104259E-03,-5.5456882995044594E-03,3.0925318904235105E-03 -3317 Paris (1984 KF),I41,5.8029000000000000E+04,1.5563569079199999E+02,1.5027951337999999E+01,-4.6751221367319618E+00,3.1857414960306438E+00,5.1099927261624456E-01,-2.6755680908222435E-03,-5.5508385954922621E-03,3.0917085681795129E-03 -3753 Cruithne (1986 TO),500,5.7970000000000000E+04,5.6469565807000002E+01,-1.4151831200000000E+00,1.3563800836029465E+00,1.6899168185064295E-01,-4.2992989496306494E-01,-4.8647416500541395E-03,9.6116842286091322E-03,-6.3293565656997791E-04 -3753 Cruithne (1986 TO),500,5.7971000000000000E+04,5.7109950630000000E+01,-1.4937419450000000E+00,1.3514461774780784E+00,1.7859622899782057E-01,-4.3054113960638107E-01,-5.0014063269665388E-03,9.5941421413964934E-03,-5.8950159603862783E-04 -3753 Cruithne (1986 TO),500,5.7972000000000000E+04,5.7753671052999998E+01,-1.5761120590000000E+00,1.3463753696283969E+00,1.8818266203335188E-01,-4.3110877114182983E-01,-5.1385273135425690E-03,9.5755007959655667E-03,-5.4570099663886105E-04 -3753 Cruithne (1986 TO),500,5.7973000000000000E+04,5.8400838636000003E+01,-1.6623396079999999E+00,1.3411671998689072E+00,1.9774987388110488E-01,-4.3163242007083980E-01,-5.2761129358924810E-03,9.5557441900934077E-03,-5.0152803325564889E-04 -3753 Cruithne (1986 TO),500,5.7974000000000000E+04,5.9051566840000000E+01,-1.7524720970000001E+00,1.3358211995930585E+00,2.0729674120739694E-01,-4.3211171100899304E-01,-5.4141715758262710E-03,9.5348557345991125E-03,-4.5697673961824837E-04 -3753 Cruithne (1986 TO),500,5.7975000000000000E+04,5.9705970637000000E+01,-1.8465584079999999E+00,1.3303368917240674E+00,2.1682212380992660E-01,-4.3254626254899675E-01,-5.5527116693152908E-03,9.5128182348715382E-03,-4.1204100481893164E-04 -3753 Cruithne (1986 TO),500,5.7976000000000000E+04,6.0364166156000003E+01,-1.9446487330000000E+00,1.3247137906736581E+00,2.2632486398753049E-01,-4.3293568712007663E-01,-5.6917417047882800E-03,9.4896138715599467E-03,-3.6671456970172256E-04 -3753 Cruithne (1986 TO),500,5.7977000000000000E+04,6.1026270435999997E+01,-2.0467944089999999E+00,1.3189514023096824E+00,2.3580378588731854E-01,-4.3327959084253942E-01,-5.8312702211769391E-03,9.4652241803982809E-03,-3.2099102313918769E-04 -3753 Cruithne (1986 TO),500,5.7978000000000000E+04,6.1692401330000003E+01,-2.1530476479999998E+00,1.3130492239315057E+00,2.4525769482948834E-01,-4.3357757337691322E-01,-5.9713058056738884E-03,9.4396300311248311E-03,-2.7486379820102576E-04 -3753 Cruithne (1986 TO),500,5.7979000000000000E+04,6.2362677621000003E+01,-2.2634611599999999E+00,1.3070067442495223E+00,2.5468537661405444E-01,-4.3382922776760213E-01,-6.1118570912380814E-03,9.4128116054486323E-03,-2.2832616819144352E-04 -3753 Cruithne (1986 TO),500,5.7980000000000000E+04,6.3037219364000002E+01,-2.3780876860000002E+00,1.3008234433710064E+00,2.6408559680505372E-01,-4.3403414028077048E-01,-6.2529327537585687E-03,9.3847483740249586E-03,-1.8137124257617418E-04 -3753 Cruithne (1986 TO),500,5.7981000000000000E+04,6.3716148521000001E+01,-2.4969794319999998E+00,1.2944987927909339E+00,2.7345709999474199E-01,-4.3419189023604637E-01,-6.3945415089018479E-03,9.3554190723863073E-03,-1.3399196277857312E-04 -3753 Cruithne (1986 TO),500,5.7982000000000000E+04,6.4399589913000000E+01,-2.6201874489999999E+00,1.2880322553885128E+00,2.8279860904630860E-01,-4.3430204983076759E-01,-6.5366921085913653E-03,9.3248016757829580E-03,-8.6181097850280322E-05 -3753 Cruithne (1986 TO),500,5.7983000000000000E+04,6.5087672548000000E+01,-2.7477609690000002E+00,1.2814232854256764E+00,2.9210882431736429E-01,-4.3436418395515403E-01,-6.6793933370933138E-03,9.2928733728796925E-03,-3.7931240012794897E-05 -3753 Cruithne (1986 TO),500,5.7984000000000000E+04,6.5780531280999995E+01,-2.8797468039999998E+00,1.2746713285387323E+00,3.0138642286833861E-01,-4.3437784999745543E-01,-6.8226540066843103E-03,9.2596105382507978E-03,1.0765199935659081E-05 -3753 Cruithne (1986 TO),500,5.7985000000000000E+04,6.6478308690999995E+01,-3.0161888819999998E+00,1.2677758217116311E+00,3.1063005765873786E-01,-4.3434259764023453E-01,-6.9664829528699006E-03,9.2249887036154627E-03,5.9915997350616480E-05 -3753 Cruithne (1986 TO),500,5.7986000000000000E+04,6.7181156943999994E+01,-3.1571280250000000E+00,1.2607361932230712E+00,3.1983835672905059E-01,-4.3425796865189464E-01,-7.1108890291072431E-03,9.1889825277510252E-03,1.0952911860988237E-04 -3753 Cruithne (1986 TO),500,5.7987000000000000E+04,6.7889239317000005E+01,-3.3026020319999998E+00,1.2535518625701676E+00,3.2900992235936022E-01,-4.3412349667932071E-01,-7.2558811009892383E-03,9.1515657650205490E-03,1.5961272612055564E-04 -3753 Cruithne (1986 TO),500,5.7988000000000000E+04,6.8602731153999997E+01,-3.4526460270000001E+00,1.2462222403833276E+00,3.3814333019219101E-01,-4.3393870704618409E-01,-7.4014680398644724E-03,9.1127112324417246E-03,2.1017518347338359E-04 -3753 Cruithne (1986 TO),500,5.7989000000000000E+04,6.9321820168000002E+01,-3.6072929729999998E+00,1.2387467283571745E+00,3.4723712830355397E-01,-4.3370311655738608E-01,-7.5476587157923807E-03,9.0723907752366956E-03,2.6122506072750827E-04 -3753 Cruithne (1986 TO),500,5.7990000000000000E+04,7.0046706201000006E+01,-3.7665742000000000E+00,1.2311247192119754E+00,3.5628983622032045E-01,-4.3341623330556872E-01,-7.6944619898422252E-03,9.0305752307720446E-03,3.1277113984844710E-04 -3753 Cruithne (1986 TO),500,5.7991000000000000E+04,7.0777600695999993E+01,-3.9305198309999998E+00,1.2233555966950049E+00,3.6529994388125986E-01,-4.3307755647382457E-01,-7.8418867056051431E-03,8.9872343908288400E-03,3.6482242027370814E-04 -3753 Cruithne (1986 TO),500,5.7992000000000000E+04,7.1514726123000003E+01,-4.0991590440000003E+00,1.2154387356130971E+00,3.7426591055216291E-01,-4.3268657612957401E-01,-7.9899416799215067E-03,8.9423369621013625E-03,4.1738812462911653E-04 -3753 Cruithne (1986 TO),500,5.7993000000000000E+04,7.2258315557000003E+01,-4.2725201669999997E+00,1.2073735018876302E+00,3.8318616369915925E-01,-4.3224277300728403E-01,-8.1386356927266208E-03,8.8958505248442742E-03,4.7047770458506788E-04 -3753 Cruithne (1986 TO),500,5.7994000000000000E+04,7.3008612481000000E+01,-4.4506306389999999E+00,1.1991592526229617E+00,3.9205909782300696E-01,-4.3174561828001728E-01,-8.2879774759380617E-03,8.8477414895769650E-03,5.2410084685009461E-04 -3753 Cruithne (1986 TO),500,5.7995000000000000E+04,7.3765870819000000E+01,-4.6335169010000001E+00,1.1907953361809158E+00,4.0088307325620143E-01,-4.3119457332090483E-01,-8.4379757013405120E-03,8.7979750517368088E-03,5.7826747931329948E-04 -3753 Cruithne (1986 TO),500,5.7996000000000000E+04,7.4530355138999994E+01,-4.8212042449999997E+00,1.1822810922611395E+00,4.0965641491853333E-01,-4.3058908945611041E-01,-8.5886389673533702E-03,8.7465151441881838E-03,6.3298777732329211E-04 -3753 Cruithne (1986 TO),500,5.7997000000000000E+04,7.5302340962000002E+01,-5.0137166869999996E+00,1.1736158519861901E+00,4.1837741102928083E-01,-4.2992860771046798E-01,-8.7399757846199355E-03,8.6933243874670295E-03,6.8827217011043732E-04 -3753 Cruithne (1986 TO),500,5.7998000000000000E+04,7.6082115064999996E+01,-5.2110768529999998E+00,1.1647989379947086E+00,4.2704431177037677E-01,-4.2921255854693030E-01,-8.8919945602952237E-03,8.6383640376575446E-03,7.4413134734214602E-04 -3753 Cruithne (1986 TO),500,5.7999000000000000E+04,7.6869975725000003E+01,-5.4133059179999998E+00,1.1558296645432222E+00,4.3565532789842631E-01,-4.2844036160053039E-01,-9.0447035809640974E-03,8.5815939317714224E-03,8.0057626581906446E-04 -3753 Cruithne (1986 TO),500,5.8000000000000000E+04,7.7666232793999995E+01,-5.6204235560000004E+00,1.1467073376231864E+00,4.4420862929809612E-01,-4.2761142540790542E-01,-9.1981109940272865E-03,8.5229724305083479E-03,8.5761815629022077E-04 -3753 Cruithne (1986 TO),500,5.8001000000000000E+04,7.8471207569000001E+01,-5.8324478800000001E+00,1.1374312550940009E+00,4.5270234347625576E-01,-4.2672514713270987E-01,-9.3522247875074890E-03,8.4624563582510262E-03,9.1526853040720200E-04 -3753 Cruithne (1986 TO),500,5.8002000000000000E+04,7.9285232433999994E+01,-6.0493953219999996E+00,1.1280007068422053E+00,4.6113455398858572E-01,-4.2578091228751325E-01,-9.5070527680555326E-03,8.4000009401887683E-03,9.7353918776655257E-04 -3753 Cruithne (1986 TO),500,5.8003000000000000E+04,8.0108650319999995E+01,-6.2712803529999999E+00,1.1184149749712622E+00,4.6950329879755837E-01,-4.2477809445148890E-01,-9.6626025371316301E-03,8.3355597363365241E-03,1.0324422230986853E-03 -3753 Cruithne (1986 TO),500,5.8004000000000000E+04,8.0941814104000002E+01,-6.4981149970000001E+00,1.1086733340288304E+00,4.7780656855865905E-01,-4.2371605498229897E-01,-9.8188814651005846E-03,8.2690845723881294E-03,1.0919900335190343E-03 -3753 Cruithne (1986 TO),500,5.8005000000000000E+04,8.1785086105000005E+01,-6.7299080660000001E+00,1.0987750512753105E+00,4.8604230483385913E-01,-4.2259414271983969E-01,-9.9758966631525430E-03,8.2005254671240063E-03,1.1521953258654143E-03 -3753 Cruithne (1986 TO),500,5.8006000000000000E+04,8.2638837877000000E+01,-6.9666641159999996E+00,1.0887193869930492E+00,4.9420839823236812E-01,-4.2141169367927400E-01,-1.0133654952839386E-02,8.1298305562363775E-03,1.2130711241058665E-03 -3753 Cruithne (1986 TO),500,5.8007000000000000E+04,8.3503450430000001E+01,-7.2083821570000000E+00,1.0785055948310742E+00,5.0230268647926912E-01,-4.2016803073157394E-01,-1.0292162833030206E-02,8.0569460123375760E-03,1.2746307767822502E-03 -3753 Cruithne (1986 TO),500,5.8008000000000000E+04,8.4379314937000004E+01,-7.4550542059999998E+00,1.0681329221822053E+00,5.1032295240869741E-01,-4.1886246327164495E-01,-1.0451426444050902E-02,7.9818159609205529E-03,1.3368879644683614E-03 -3753 Cruithne (1986 TO),500,5.8009000000000000E+04,8.5266833915000007E+01,-7.7066637650000001E+00,1.0576006105884470E+00,5.1826692187867862E-01,-4.1749428687503576E-01,-1.0611451528765262E-02,7.9043823920259947E-03,1.3998567072164715E-03 -3753 Cruithne (1986 TO),500,5.8010000000000000E+04,8.6166422773999997E+01,-7.9631843110000000E+00,1.0469078961776868E+00,5.2613226160041981E-01,-4.1606278294513360E-01,-1.0772243390278061E-02,7.8245850673781085E-03,1.4635513719526176E-03 -3753 Cruithne (1986 TO),500,5.8011000000000000E+04,8.7078511648000003E+01,-8.2245778680000008E+00,1.0360540101339037E+00,5.3391657687706129E-01,-4.1456721835189964E-01,-1.0933806845958122E-02,7.7423614227358963E-03,1.5279866797908456E-03 -3753 Cruithne (1986 TO),500,5.8012000000000000E+04,8.8003547398999999E+01,-8.4907937120000003E+00,1.0250381792072036E+00,5.4161740924434887E-01,-4.1300684506302132E-01,-1.1096146177401072E-02,7.6576464652205120E-03,1.5931777132151893E-03 -3753 Cruithne (1986 TO),500,5.8013000000000000E+04,8.8941995672000004E+01,-8.7617672609999993E+00,1.0138596262662887E+00,5.4923223400781385E-01,-4.1138089976780218E-01,-1.1259265075967159E-02,7.5703726653689810E-03,1.6591399230898127E-03 -3753 Cruithne (1986 TO),500,5.8014000000000000E+04,8.9894342842000000E+01,-9.0374192000000004E+00,1.0025175708967407E+00,5.5675845766945020E-01,-4.0968860349477826E-01,-1.1423166583490026E-02,7.4804698436653078E-03,1.7258891354468122E-03 -3753 Cruithne (1986 TO),500,5.8015000000000000E+04,9.0861097669000003E+01,-9.3176548409999995E+00,9.9101123005154346E-01,5.6419341523490296E-01,-4.0792916122514483E-01,-1.1587853027710029E-02,7.3878650513203095E-03,1.7934415579888188E-03 -3753 Cruithne (1986 TO),500,5.8016000000000000E+04,9.1842792458000005E+01,-9.6023637009999998E+00,9.7933981876084741E-01,5.7153436739370822E-01,-4.0610176150404059E-01,-1.1753325952009024E-02,7.2924824450472988E-03,1.8618137862553197E-03 -3753 Cruithne (1986 TO),500,5.8017000000000000E+04,9.2839983576999998E+01,-9.8914191779999996E+00,9.6750255091587378E-01,5.7877849756301392E-01,-4.0420557605174035E-01,-1.1919586038965705E-02,7.1942431555185159E-03,1.9310228093670442E-03 -3753 Cruithne (1986 TO),500,5.8018000000000000E+04,9.3853251311999998E+01,-1.0184678218000000E+01,9.5549864013840724E-01,5.8592290879006703E-01,-4.0223975937452788E-01,-1.2086633027230174E-02,7.0930651492196895E-03,2.0010860152826354E-03 -3753 Cruithne (1986 TO),500,5.8019000000000000E+04,9.4883199142999999E+01,-1.0481980814000000E+01,9.4332730075222926E-01,5.9296462050647858E-01,-4.0020344837452548E-01,-1.2254465621129541E-02,6.9888630833713893E-03,2.0720211954504803E-03 -3753 Cruithne (1986 TO),500,5.8020000000000000E+04,9.5930452618000004E+01,-1.0783149265000000E+01,9.3098774886128188E-01,5.9990056513280354E-01,-3.9809576195583035E-01,-1.2423081392437562E-02,6.8815481535264601E-03,2.1438465487686733E-03 -3753 Cruithne (1986 TO),500,5.8021000000000000E+04,9.6995657997999999E+01,-1.1087987163999999E+01,9.1847920354104984E-01,6.0672758452816322E-01,-3.9591580062553583E-01,-1.2592476673600195E-02,6.7710279334563892E-03,2.2165806847197242E-03 -3753 Cruithne (1986 TO),500,5.8022000000000000E+04,9.8079480817000004E+01,-1.1396278122000000E+01,9.0580088814899995E-01,6.1344242627787748E-01,-3.9366264608950757E-01,-1.2762646441642961E-02,6.6572062069377505E-03,2.2902426255281666E-03 -3753 Cruithne (1986 TO),500,5.8023000000000000E+04,9.9182604412000003E+01,-1.1707784316000000E+01,8.9295203175570781E-01,6.2004173981315092E-01,-3.9133536084311654E-01,-1.2933584191959016E-02,6.5399827909808205E-03,2.3648518071977148E-03 -3753 Cruithne (1986 TO),500,5.8024000000000000E+04,1.0030572841199999E+02,-1.2022244916000000E+01,8.7993187070647538E-01,6.2652207235202739E-01,-3.8893298775904894E-01,-1.3105281801008990E-02,6.4192533500889715E-03,2.4404280792285405E-03 -3753 Cruithne (1986 TO),500,5.8025000000000000E+04,1.0144956710900000E+02,-1.2339374466000001E+01,8.6673965032055933E-01,6.3287986465261925E-01,-3.8645454967391990E-01,-1.3277729376939934E-02,6.2949092010855488E-03,2.5169917028218225E-03 -3753 Cruithne (1986 TO),500,5.8026000000000000E+04,1.0261484760800001E+02,-1.2658861291999999E+01,8.5337462674170705E-01,6.3911144656656582E-01,-3.8389904897647353E-01,-1.3450915096970840E-02,6.1668371080802892E-03,2.5945633473263112E-03 -3753 Cruithne (1986 TO),500,5.8027000000000000E+04,1.0380230759200001E+02,-1.2980365961000000E+01,8.3983606895194840E-01,6.4521303238190897E-01,-3.8126546719976101E-01,-1.3624825030330568E-02,6.0349190671116319E-03,2.6731640846729167E-03 -3753 Cruithne (1986 TO),500,5.8028000000000000E+04,1.0501269254899999E+02,-1.3303519836000000E+01,8.2612326096416544E-01,6.5118071594302018E-01,-3.7855276462035775E-01,-1.3799442945391829E-02,5.8990320800150590E-03,2.7528153815000959E-03 -3753 Cruithne (1986 TO),500,5.8029000000000000E+04,1.0624675225400000E+02,-1.3627923684000001E+01,8.1223550421937496E-01,6.5701046553138953E-01,-3.7575987986986298E-01,-1.3974750099414193E-02,5.7590479171521110E-03,2.8335390885882205E-03 -3753 Cruithne (1986 TO),703,5.7970000000000000E+04,5.6468623676999997E+01,-1.4162232680000000E+00,1.3563811878218961E+00,1.6899100089608665E-01,-4.2992962221167252E-01,-4.8647416260046497E-03,9.6116842316058305E-03,-6.3293566419365520E-04 -3753 Cruithne (1986 TO),703,5.7971000000000000E+04,5.7109008660000001E+01,-1.4947892480000000E+00,1.3514472843579559E+00,1.7859556229755102E-01,-4.3054087393046508E-01,-5.0014063027190199E-03,9.5941421446010325E-03,-5.8950160376418826E-04 -3753 Cruithne (1986 TO),703,5.7972000000000000E+04,5.7752729193000000E+01,-1.5771665330000000E+00,1.3463764788287751E+00,1.8818200969997567E-01,-4.3110851260929844E-01,-5.1385272890942506E-03,9.5755007993830292E-03,-5.4570100446795053E-04 -3753 Cruithne (1986 TO),703,5.7973000000000000E+04,5.8399896832000003E+01,-1.6634012640000000E+00,1.3411683110487715E+00,1.9774923602045236E-01,-4.3163216874498811E-01,-5.2761129112411601E-03,9.5557441937287983E-03,-5.0152804118987226E-04 -3753 Cruithne (1986 TO),703,5.7974000000000000E+04,5.9050625031000003E+01,-1.7535409449999999E+00,1.3358223124109720E+00,2.0729611791848024E-01,-4.3211146694856778E-01,-5.4141715509723499E-03,9.5348557384563933E-03,-4.5697674765871553E-04 -3753 Cruithne (1986 TO),703,5.7975000000000000E+04,5.9705028757000001E+01,-1.8476344549999999E+00,1.3303380058383483E+00,2.1682151518487747E-01,-4.3254602580825097E-01,-5.5527116442562509E-03,9.5128182389560955E-03,-4.1204101296735552E-04 -3753 Cruithne (1986 TO),703,5.7976000000000000E+04,6.0363224135000003E+01,-1.9457319810000000E+00,1.3247149057425673E+00,2.2632427011152867E-01,-4.3293545774881470E-01,-5.6917416795221193E-03,9.4896138758770645E-03,-3.6671457795976639E-04 -3753 Cruithne (1986 TO),703,5.7977000000000000E+04,6.1025328197999997E+01,-2.0478848560000000E+00,1.3189525179916166E+00,2.3580320683852773E-01,-4.3327936888615154E-01,-5.8312701957030800E-03,9.4652241849526603E-03,-3.2099103150821191E-04 -3753 Cruithne (1986 TO),703,5.7978000000000000E+04,6.1691458793000002E+01,-2.1541452890000001E+00,1.3130503398852134E+00,2.4525713067897814E-01,-4.3357735887639676E-01,-5.9713057799897617E-03,9.4396300359223442E-03,-2.7486380668288046E-04 -3753 Cruithne (1986 TO),703,5.7979000000000000E+04,6.2361734697000003E+01,-2.2645659860000000E+00,1.3070078601343353E+00,2.5468482742572929E-01,-4.3382902075957380E-01,-6.1118570653407693E-03,9.4128116104955153E-03,-2.2832617678811799E-04 -3753 Cruithne (1986 TO),703,5.7980000000000000E+04,6.3036275959999998E+01,-2.3791996830000000E+00,1.3008245588470841E+00,2.6408506263560350E-01,-4.3403394079747565E-01,-6.2529327276485604E-03,9.3847483793257150E-03,-1.8137125128884975E-04 -3753 Cruithne (1986 TO),703,5.7981000000000000E+04,6.3715204534000002E+01,-2.4980985819999999E+00,1.2944999075195334E+00,2.7345658089358960E-01,-4.3419169830537202E-01,-6.3945414825759706E-03,9.3554190779476694E-03,-1.3399197160938005E-04 -3753 Cruithne (1986 TO),703,5.7982000000000000E+04,6.4398645236999997E+01,-2.6213137270000000E+00,1.2880333690322718E+00,2.8279810505558756E-01,-4.3430186547626887E-01,-6.5366920820478080E-03,9.3248016816110495E-03,-8.6181106801055677E-05 -3753 Cruithne (1986 TO),703,5.7983000000000000E+04,6.5086727069000005E+01,-2.7488943469999998E+00,1.2814243976489035E+00,2.9210833547192439E-01,-4.3436400719610607E-01,-6.6793933103304476E-03,9.2928733789806768E-03,-3.7931249085359882E-05 -3753 Cruithne (1986 TO),703,5.7984000000000000E+04,6.5779584876000001E+01,-2.8808872480000001E+00,1.2746724390076822E+00,3.0138594919580297E-01,-4.3437768084893613E-01,-6.8226539797001419E-03,9.2596105446313172E-03,1.0765190739342041E-05 -3753 Cruithne (1986 TO),703,5.7985000000000000E+04,6.6477361230000000E+01,-3.0173363510000000E+00,1.2677769300948063E+00,3.1062959917956579E-01,-4.3434243611324114E-01,-6.9664829256635072E-03,9.2249887102815106E-03,5.9915988028866443E-05 -3753 Cruithne (1986 TO),703,5.7986000000000000E+04,6.7180208289000007E+01,-3.1582824719999998E+00,1.2607372991914483E+00,3.1983791345669488E-01,-4.3425781475349212E-01,-7.1108890016757763E-03,9.1889825347101980E-03,1.0952910916039204E-04 -3753 Cruithne (1986 TO),703,5.7987000000000000E+04,6.7888289319999998E+01,-3.3037634030000000E+00,1.2535529657974203E+00,3.2900949430043658E-01,-4.3412335041281164E-01,-7.2558810733300543E-03,9.1515657722805489E-03,1.5961271654101248E-04 -3753 Cruithne (1986 TO),703,5.7988000000000000E+04,6.8601779659000002E+01,-3.4538142619999999E+00,1.2462233405459813E+00,3.3814291734670110E-01,-4.3393856841128664E-01,-7.4014680119770145E-03,9.1127112400089250E-03,2.1017517376210434E-04 -3753 Cruithne (1986 TO),703,5.7989000000000000E+04,6.9320867006000000E+01,-3.6084680059999998E+00,1.2387478251347239E+00,3.4723673066510852E-01,-4.3370298555041292E-01,-7.5476586876757363E-03,9.0723907831178757E-03,2.6122505088268453E-04 -3753 Cruithne (1986 TO),703,5.7990000000000000E+04,7.0045751194000005E+01,-3.7677559569999999E+00,1.2311258122869622E+00,3.5628945377637294E-01,-4.3341610991960444E-01,-7.6944619614921893E-03,9.0305752389769432E-03,3.1277112986704875E-04 -3753 Cruithne (1986 TO),703,5.7991000000000000E+04,7.0776643652999994E+01,-3.9317082299999999E+00,1.2233566857530824E+00,3.6529957661329704E-01,-4.3307744069890025E-01,-7.8418866770219742E-03,8.9872343993636951E-03,3.6482241015425680E-04 -3753 Cruithne (1986 TO),703,5.7992000000000000E+04,7.1513766838999999E+01,-4.1003539970000000E+00,1.2154398203430694E+00,3.7426555843589521E-01,-4.3268646795283722E-01,-7.9899416511020512E-03,8.9423369709756839E-03,4.1738811436881778E-04 -3753 Cruithne (1986 TO),703,5.7993000000000000E+04,7.2257353812999995E+01,-4.2737215780000000E+00,1.2073745819814996E+00,3.8318582670466095E-01,-4.3224267241317266E-01,-8.1386356636695967E-03,8.8958505340661631E-03,4.7047769418177051E-04 -3753 Cruithne (1986 TO),703,5.7994000000000000E+04,7.3007648044999996E+01,-4.4518384050000002E+00,1.1991603277759570E+00,3.9205877591485133E-01,-4.3174552525043047E-01,-8.2879774466411392E-03,8.8477414991558721E-03,5.2410083630117024E-04 -3753 Cruithne (1986 TO),703,5.7995000000000000E+04,7.3764903441000001E+01,-4.6347309079999999E+00,1.1907964060915333E+00,4.0088276639356768E-01,-4.3119448783537595E-01,-8.4379756718033008E-03,8.7979750616805283E-03,5.7826746861687278E-04 -3753 Cruithne (1986 TO),703,5.7996000000000000E+04,7.4529384553000000E+01,-4.8224243739999997E+00,1.1822821566311630E+00,4.0965612305531657E-01,-4.3058901149197804E-01,-8.5886389375740141E-03,8.7465151545062930E-03,6.3298776647680716E-04 -3753 Cruithne (1986 TO),703,5.7997000000000000E+04,7.5301366883000000E+01,-5.0149428069999997E+00,1.1736169105207033E+00,4.1837713411419164E-01,-4.2992853724304980E-01,-8.7399757545962575E-03,8.6933243981698258E-03,6.8827215911110979E-04 -3753 Cruithne (1986 TO),703,5.7998000000000000E+04,7.6081137190000007E+01,-5.2123088260000001E+00,1.1647999904021082E+00,4.2704404974702787E-01,-4.2921249554969487E-01,-8.8919945300257666E-03,8.6383640487549939E-03,7.4413133618742532E-04 -3753 Cruithne (1986 TO),703,5.7999000000000000E+04,7.6868993728999996E+01,-5.4145435969999998E+00,1.1558307105352155E+00,4.3565508070540948E-01,-4.2844030604527067E-01,-9.0447035504474076E-03,8.5815939432738290E-03,8.0057625450633712E-04 -3753 Cruithne (1986 TO),703,5.8000000000000000E+04,7.7665246331999995E+01,-5.6216667820000001E+00,1.1467083769147650E+00,4.4420839686905833E-01,-4.2761137726491050E-01,-9.1981109632627012E-03,8.5229724424255755E-03,8.5761814481717029E-04 -3753 Cruithne (1986 TO),703,5.8001000000000000E+04,7.8470216270999998E+01,-5.8336964870000001E+00,1.1374322874034295E+00,4.5270212573993635E-01,-4.2672510637093425E-01,-9.3522247564932961E-03,8.4624563705944962E-03,9.1526851877091317E-04 -3753 Cruithne (1986 TO),703,5.8002000000000000E+04,7.9284235906999996E+01,-6.0506491320000002E+00,1.1280017318909794E+00,4.6113435086885673E-01,-4.2578087887473531E-01,-9.5070527367902488E-03,8.4000009529702352E-03,9.7353917596409783E-04 -3753 Cruithne (1986 TO),703,5.8003000000000000E+04,8.0107648147000006E+01,-6.2725391789999998E+00,1.1184159924840844E+00,4.6950311021342467E-01,-4.2477806835446053E-01,-9.6626025056148444E-03,8.3355597495668645E-03,1.0324422111276231E-03 -3753 Cruithne (1986 TO),703,5.8004000000000000E+04,8.0940805838000003E+01,-6.4993786409999998E+00,1.1086743437336064E+00,4.7780639442423362E-01,-4.2371603616687503E-01,-9.8188814333311676E-03,8.2690845860796305E-03,1.0919900213764201E-03 -3753 Cruithne (1986 TO),703,5.8005000000000000E+04,8.1784071272000006E+01,-6.7311763200000003E+00,1.0987760529031272E+00,4.8604214505834253E-01,-4.2259413115108857E-01,-9.9758966311298061E-03,8.2005254812890054E-03,1.1521953135484246E-03 -3753 Cruithne (1986 TO),703,5.8006000000000000E+04,8.2637815974000006E+01,-6.9679367589999996E+00,1.0887203802782128E+00,4.9420825271999080E-01,-4.2141168932156980E-01,-1.0133654920562857E-02,8.1298305708874044E-03,1.2130711116117025E-03 -3753 Cruithne (1986 TO),703,5.8007000000000000E+04,8.3502420920999995E+01,-7.2096589580000003E+00,1.0785065795111459E+00,5.0230255512925637E-01,-4.2016803354867410E-01,-1.0292162800498581E-02,8.0569460274890967E-03,1.2746307641074155E-03 -3753 Cruithne (1986 TO),703,5.8008000000000000E+04,8.4378277256000004E+01,-7.4563349230000000E+00,1.0681338979980544E+00,5.1032283511523802E-01,-4.1886247322675924E-01,-1.0451426411265171E-02,7.9818159765843080E-03,1.3368879516107025E-03 -3753 Cruithne (1986 TO),703,5.8009000000000000E+04,8.5265787462000006E+01,-7.7079481449999996E+00,1.0576015772843319E+00,5.1826681853089651E-01,-4.1749430393090492E-01,-1.0611451495725323E-02,7.9043824082160059E-03,1.3998566941729855E-03 -3753 Cruithne (1986 TO),703,5.8010000000000000E+04,8.6165366910000003E+01,-7.9644720900000001E+00,1.0469088535013109E+00,5.2613217208238128E-01,-4.1606280706411541E-01,-1.0772243356982892E-02,7.8245850841108973E-03,1.4635513587193860E-03 -3753 Cruithne (1986 TO),703,5.8011000000000000E+04,8.7077445699999998E+01,-8.2258687710000000E+00,1.0360549578364870E+00,5.3391650106778643E-01,-4.1456724949607560E-01,-1.0933806812409177E-02,7.7423614400245096E-03,1.5279866663656064E-03 -3753 Cruithne (1986 TO),703,5.8012000000000000E+04,8.8002470654999996E+01,-8.4920874509999997E+00,1.0250391170435145E+00,5.4161734701785724E-01,-4.1300688319431855E-01,-1.1096146143598801E-02,7.6576464830808051E-03,1.5931776995946711E-03 -3753 Cruithne (1986 TO),703,5.8013000000000000E+04,8.8940907377000002E+01,-8.7630635389999991E+00,1.0138605539946646E+00,5.4923218523317618E-01,-4.1138094484813487E-01,-1.1259265041912579E-02,7.5703726838167330E-03,1.6591399092709496E-03 -3753 Cruithne (1986 TO),703,5.8014000000000000E+04,8.9893242198999999E+01,-9.0387177090000002E+00,1.0025184882790625E+00,5.5675842221085747E-01,-4.0968865548620031E-01,-1.1423166549184436E-02,7.4804698627168112E-03,1.7258891214265151E-03 -3753 Cruithne (1986 TO),703,5.8015000000000000E+04,9.0859983837000001E+01,-9.3189552639999995E+00,9.9101213685316458E-01,5.6419339295175042E-01,-4.0792922009000254E-01,-1.1587852993155274E-02,7.3878650709920113E-03,1.7934415437641481E-03 -3753 Cruithne (1986 TO),703,5.8016000000000000E+04,9.1841664549000001E+01,-9.6036657119999997E+00,9.7934071475048534E-01,5.7153435814066700E-01,-4.0610182720512439E-01,-1.1753325917206695E-02,7.2924824653575453E-03,1.8618137718227307E-03 -3753 Cruithne (1986 TO),703,5.8017000000000000E+04,9.2838840653000005E+01,-9.8927224440000003E+00,9.6750343586544452E-01,5.7877850119009777E-01,-4.0420564855241919E-01,-1.1919586003918750E-02,7.1942431764841462E-03,1.9310227947238830E-03 -3753 Cruithne (1986 TO),703,5.8018000000000000E+04,9.3852092384000002E+01,-1.0185982397000000E+01,9.5549951382284903E-01,5.8592292514265754E-01,-4.0223983863887064E-01,-1.2086632991941673E-02,7.0930651708586562E-03,2.0010860004260013E-03 -3753 Cruithne (1986 TO),703,5.8019000000000000E+04,9.4882023169000007E+01,-1.0483285560000001E+01,9.4332816294928201E-01,5.9296464942533089E-01,-4.0020353436739320E-01,-1.2254465585603318E-02,6.9888631057015097E-03,2.0720211803777946E-03 -3753 Cruithne (1986 TO),703,5.8020000000000000E+04,9.5929258500000003E+01,-1.0784454230000000E+01,9.3098859935127654E-01,5.9990060645399812E-01,-3.9809585464294661E-01,-1.2423081356676800E-02,6.8815481765694304E-03,2.1438465334759488E-03 -3753 Cruithne (1986 TO),703,5.8021000000000000E+04,9.6994444580999996E+01,-1.1089291995000000E+01,9.1848004210669254E-01,6.0672763808301422E-01,-3.9591589997353394E-01,-1.2592476637610065E-02,6.7710279572304796E-03,2.2165806692047338E-03 -3753 Cruithne (1986 TO),703,5.8022000000000000E+04,9.8078246887000006E+01,-1.1397582466999999E+01,9.0580171457515390E-01,6.1344249189280886E-01,-3.9366275206594553E-01,-1.2762646405429021E-02,6.6572062314624991E-03,2.2902426097884433E-03 -3753 Cruithne (1986 TO),703,5.8023000000000000E+04,9.9181348693999993E+01,-1.1709087825999999E+01,8.9295284582920686E-01,6.2004181730951990E-01,-3.9133547341647268E-01,-1.2933584155527002E-02,6.5399828162777396E-03,2.3648517912302327E-03 -3753 Cruithne (1986 TO),703,5.8024000000000000E+04,1.0030444956900000E+02,-1.2023547245000000E+01,8.7993267221592397E-01,6.2652216154593221E-01,-3.8893310689868188E-01,-1.3105281764365992E-02,6.4192533761782394E-03,2.4404280630311846E-03 -3753 Cruithne (1986 TO),703,5.8025000000000000E+04,1.0144826374100001E+02,-1.2340675276000001E+01,8.6674043905617493E-01,6.3287996535465840E-01,-3.8645467535000494E-01,-1.3277729340093086E-02,6.2949092279904716E-03,2.5169916863914546E-03 -3753 Cruithne (1986 TO),703,5.8026000000000000E+04,1.0261351825200001E+02,-1.2660160253000001E+01,8.5337540249515520E-01,6.3911155858158264E-01,-3.8389918115990523E-01,-1.3450915059929227E-02,6.1668371358207606E-03,2.5945633306616251E-03 -3753 Cruithne (1986 TO),703,5.8027000000000000E+04,1.0380095072300000E+02,-1.2981662760000001E+01,8.3983683151621380E-01,6.4521315550869174E-01,-3.8126560586202674E-01,-1.3624824993103437E-02,6.0349190957106613E-03,2.6731640677716286E-03 -3753 Cruithne (1986 TO),703,5.8028000000000000E+04,1.0501130657900001E+02,-1.3304814175000001E+01,8.2612401013341663E-01,6.5118084997398107E-01,-3.7855290973337213E-01,-1.3799442907989512E-02,5.8990321094965596E-03,2.7528153643599225E-03 -3753 Cruithne (1986 TO),703,5.8029000000000000E+04,1.0624533553300000E+02,-1.3629215285000001E+01,8.1223623978888504E-01,6.5701061025219154E-01,-3.7576003140577241E-01,-1.3974750061848527E-02,5.7590479475374805E-03,2.8335390712083326E-03 -3753 Cruithne (1986 TO),F51,5.7970000000000000E+04,5.6467715919000000E+01,-1.4158844479999999E+00,1.3563803554091476E+00,1.6899149859711660E-01,-4.2992985938369671E-01,-4.8647416438862990E-03,9.6116842293780501E-03,-6.3293565852547964E-04 -3753 Cruithne (1986 TO),F51,5.7971000000000000E+04,5.7108086290999999E+01,-1.4944487710000001E+00,1.3514464574994336E+00,1.7859604399147533E-01,-4.3054110541608887E-01,-5.0014063205759893E-03,9.5941421422418224E-03,-5.8950159807532872E-04 -3753 Cruithne (1986 TO),F51,5.7972000000000000E+04,5.7751792039999998E+01,-1.5768244259999999E+00,1.3463756576763388E+00,1.8818247554924583E-01,-4.3110873852973453E-01,-5.1385273069275480E-03,9.5755007968906028E-03,-5.4570099875748306E-04 -3753 Cruithne (1986 TO),F51,5.7973000000000000E+04,5.8398944720000003E+01,-1.6630575560000000E+00,1.3411674957475137E+00,1.9774968618942035E-01,-4.3163238922175373E-01,-5.2761129290518211E-03,9.5557441911018389E-03,-5.0152803545707694E-04 -3753 Cruithne (1986 TO),F51,5.7974000000000000E+04,5.9049657783000001E+01,-1.7531956660000001E+00,1.3358215030992664E+00,2.0729655257321489E-01,-4.3211168210333589E-01,-5.4141715687619496E-03,9.5348557356956676E-03,-4.5697674190376574E-04 -3753 Cruithne (1986 TO),F51,5.7975000000000000E+04,5.9704046193000003E+01,-1.8472876350000000E+00,1.3303372026479106E+00,2.1682193449297549E-01,-4.3254623576270151E-01,-5.5527116620258787E-03,9.5128182360598723E-03,-4.1204100718936947E-04 -3753 Cruithne (1986 TO),F51,5.7976000000000000E+04,6.0362226071000002E+01,-1.9453836529999999E+00,1.3247141087985224E+00,2.2632467424194858E-01,-4.3293566262448546E-01,-5.6917416972730988E-03,9.4896138728440289E-03,-3.6671457215800069E-04 -3753 Cruithne (1986 TO),F51,5.7977000000000000E+04,6.1024314447000002E+01,-2.0475350560000001E+00,1.3189517274125759E+00,2.3580359596141398E-01,-4.3327956880429069E-01,-5.8312702134370609E-03,9.4652241817826093E-03,-3.2099102568243162E-04 -3753 Cruithne (1986 TO),F51,5.7978000000000000E+04,6.1690429168000001E+01,-2.1537940510000002E+00,1.3130495557833417E+00,2.4525750496550336E-01,-4.3357755395781855E-01,-5.9713057977079896E-03,9.4396300326133210E-03,-2.7486380083209186E-04 -3753 Cruithne (1986 TO),F51,5.7979000000000000E+04,6.2360689006000001E+01,-2.2642133489999998E+00,1.3070070826154114E+00,2.5468518704794230E-01,-4.3382921112451817E-01,-6.1118570830444915E-03,9.4128116070452284E-03,-2.2832617091118619E-04 -3753 Cruithne (1986 TO),F51,5.7980000000000000E+04,6.3035214007000000E+01,-2.3788456860000000E+00,1.3008237880105482E+00,2.6408540776627587E-01,-4.3403412656547352E-01,-6.2529327453399002E-03,9.3847483757346292E-03,-1.8137124538583475E-04 -3753 Cruithne (1986 TO),F51,5.7981000000000000E+04,6.3714126122000003E+01,-2.4977432670000002E+00,1.2944991434585178E+00,2.7345691170606046E-01,-4.3419187959511157E-01,-6.3945415002561491E-03,9.3554190742130717E-03,-1.3399196567898241E-04 -3753 Cruithne (1986 TO),F51,5.7982000000000000E+04,6.4397550166000002E+01,-2.6209571380000001E+00,1.2880326118336081E+00,2.8279842172361236E-01,-4.3430204240545883E-01,-6.5366920997185548E-03,9.3248016777313127E-03,-8.6181100842429534E-05 -3753 Cruithne (1986 TO),F51,5.7983000000000000E+04,6.5085615133999994E+01,-2.7485365300000000E+00,1.2814236473931140E+00,2.9210863816950938E-01,-4.3436417988133297E-01,-6.6793933279936206E-03,9.2928733749542726E-03,-3.7931243097712438E-05 -3753 Cruithne (1986 TO),F51,5.7984000000000000E+04,6.5778455871999995E+01,-2.8805282520000000E+00,1.2746716957689470E+00,3.0138623809702558E-01,-4.3437784940550594E-01,-6.8226539973573960E-03,9.2596105404561847E-03,1.0765196757006002E-05 -3753 Cruithne (1986 TO),F51,5.7985000000000000E+04,6.6476214948999996E+01,-3.0169762269999998E+00,1.2677761939409027E+00,3.1062987445841250E-01,-4.3434260065500019E-01,-6.9664829433171895E-03,9.2249887059565779E-03,5.9915994077143442E-05 -3753 Cruithne (1986 TO),F51,5.7986000000000000E+04,6.7179044520000005E+01,-3.1579212740000000E+00,1.2607365701837032E+00,3.1983817528685321E-01,-4.3425797539262628E-01,-7.1108890193274342E-03,9.1889825302324448E-03,1.0952911524069116E-04 -3753 Cruithne (1986 TO),F51,5.7987000000000000E+04,6.7887107852000000E+01,-3.3034011890000001E+00,1.2535522439906623E+00,3.2900974285509144E-01,-4.3412350725962578E-01,-7.2558810909814000E-03,9.1515657676470609E-03,1.5961272265469238E-04 -3753 Cruithne (1986 TO),F51,5.7988000000000000E+04,6.8600580277000006E+01,-3.4534510919999999E+00,1.2462226259885321E+00,3.3814315279831231E-01,-4.3393872157398211E-01,-7.4014680296306951E-03,9.1127112352184653E-03,2.1017517990980035E-04 -3753 Cruithne (1986 TO),F51,5.7989000000000000E+04,6.9319649497000000E+01,-3.6081039439999998E+00,1.2387471178684122E+00,3.4723695318517822E-01,-4.3370313513486980E-01,-7.5476587053344337E-03,9.0723907781687790E-03,2.6122505706519867E-04 -3753 Cruithne (1986 TO),F51,5.7990000000000000E+04,7.0044515340999993E+01,-3.7673910689999999E+00,1.2311251123471860E+00,3.5628966353520053E-01,-4.3341625602918027E-01,-7.6944619791570086E-03,9.0305752338643280E-03,3.1277113608656123E-04 -3753 Cruithne (1986 TO),F51,5.7991000000000000E+04,7.0775389239999996E+01,-3.9313425890000002E+00,1.2233559931689011E+00,3.6529977377974565E-01,-4.3307758343424563E-01,-7.8418866946964316E-03,8.9872343940866628E-03,3.6482241641123470E-04 -3753 Cruithne (1986 TO),F51,5.7992000000000000E+04,7.1512493649999996E+01,-4.0999876779999997E+00,1.2154391351373410E+00,3.7426574317713912E-01,-4.3268660741172521E-01,-7.9899416687878554E-03,8.9423369655298977E-03,4.1738812066518274E-04 -3753 Cruithne (1986 TO),F51,5.7993000000000000E+04,7.2256061631999998E+01,-4.2733546609999999E+00,1.2073739041710212E+00,3.8318599918596180E-01,-4.3224280869033793E-01,-8.1386356813696187E-03,8.8958505284488388E-03,4.7047770051878400E-04 -3753 Cruithne (1986 TO),F51,5.7994000000000000E+04,7.3006336653999995E+01,-4.4514709730000002E+00,1.1991596573716439E+00,3.9205893629932320E-01,-4.3174565843741397E-01,-8.2879774643576376E-03,8.8477414933629539E-03,5.2410084268060444E-04 -3753 Cruithne (1986 TO),F51,5.7995000000000000E+04,7.3763572624999995E+01,-4.6343630500000002E+00,1.1907957430985929E+00,4.0088291484196087E-01,-4.3119461802037273E-01,-8.4379756895399255E-03,8.7979750557096517E-03,5.7826747503977568E-04 -3753 Cruithne (1986 TO),F51,5.7996000000000000E+04,7.4528034098000006E+01,-4.8220561850000001E+00,1.1822815010492875E+00,4.0965625972580039E-01,-4.3058913875968630E-01,-8.5886389553335562E-03,8.7465151483533746E-03,6.3298777294494395E-04 -3753 Cruithne (1986 TO),F51,5.7997000000000000E+04,7.5299996574000005E+01,-5.0145743869999997E+00,1.1736162623442712E+00,4.1837725916214574E-01,-4.2992866167452082E-01,-8.7399757723813712E-03,8.6933243918301505E-03,6.8827216562651746E-04 -3753 Cruithne (1986 TO),F51,5.7998000000000000E+04,7.6079746817000000E+01,-5.2119402810000004E+00,1.1647993496204114E+00,4.2704416332482781E-01,-4.2921261722218701E-01,-8.8919945478395691E-03,8.6383640422242249E-03,7.4413134275193304E-04 -3753 Cruithne (1986 TO),F51,5.7999000000000000E+04,7.6867583081999996E+01,-5.4141750399999999E+00,1.1558300771326788E+00,4.3565518296223343E-01,-4.2844042503210356E-01,-9.0447035682932574E-03,8.5815939365473364E-03,8.0057626112190307E-04 -3753 Cruithne (1986 TO),F51,5.8000000000000000E+04,7.7663815205000006E+01,-5.6212983320000003E+00,1.1467077508712067E+00,4.4420848795067885E-01,-4.2761149363532464E-01,-9.1981109811444077E-03,8.5229724354991022E-03,8.5761815148554827E-04 -3753 Cruithne (1986 TO),F51,5.8001000000000000E+04,7.8468764461999996E+01,-5.8333282730000002E+00,1.1374316686943124E+00,4.5270220578854892E-01,-4.2672522018995246E-01,-9.3522247744142056E-03,8.4624563634624027E-03,9.1526852549444874E-04 -3753 Cruithne (1986 TO),F51,5.8002000000000000E+04,7.9282763217999999E+01,-6.0502812879999999E+00,1.1280011204877196E+00,4.6113442002288807E-01,-4.2578099020302895E-01,-9.5070527547537059E-03,8.4000009456266563E-03,9.7353918274519337E-04 -3753 Cruithne (1986 TO),F51,5.8003000000000000E+04,8.0106154383000003E+01,-6.2721718500000003E+00,1.1184153883543586E+00,4.6950316860738017E-01,-4.2477817724821559E-01,-9.6626025236252102E-03,8.3355597420065076E-03,1.0324422179683944E-03 -3753 Cruithne (1986 TO),F51,5.8004000000000000E+04,8.0939290811999996E+01,-6.4990119799999997E+00,1.1086737468416861E+00,4.7780644218855173E-01,-4.2371614267766383E-01,-9.8188814513922654E-03,8.2690845782960980E-03,1.0919900282794438E-03 -3753 Cruithne (1986 TO),F51,5.8005000000000000E+04,8.1782534803000004E+01,-6.7308104899999996E+00,1.0987754632102262E+00,4.8604218231926455E-01,-4.2259423532574192E-01,-9.9758966492457576E-03,8.2005254732757295E-03,1.1521953205162860E-03 -3753 Cruithne (1986 TO),F51,5.8006000000000000E+04,8.2636257886999999E+01,-6.9675719340000004E+00,1.0887197977428218E+00,4.9420827959945490E-01,-4.2141179120205458E-01,-1.0133654938738131E-02,8.1298305626375765E-03,1.2130711186470573E-03 -3753 Cruithne (1986 TO),F51,5.8007000000000000E+04,8.3500841051999998E+01,-7.2092953240000002E+00,1.0785060040893732E+00,5.0230257174479709E-01,-4.2016813317197194E-01,-1.0292162818736777E-02,8.0569460189943726E-03,1.2746307712135504E-03 -3753 Cruithne (1986 TO),F51,5.8008000000000000E+04,8.4376675449999993E+01,-7.4559726780000002E+00,1.0681333296439697E+00,5.1032284157987617E-01,-4.1886257062475307E-01,-1.0451426429572081E-02,7.9818159678381427E-03,1.3368879587900458E-03 -3753 Cruithne (1986 TO),F51,5.8009000000000000E+04,8.5264163573999994E+01,-7.7075874969999996E+00,1.0576010159502625E+00,5.1826681495306026E-01,-4.1749439913025865E-01,-1.0611451514105794E-02,7.9043823992099790E-03,1.3998567014287331E-03 -3753 Cruithne (1986 TO),F51,5.8010000000000000E+04,8.6163720811000005E+01,-7.9641132619999997E+00,1.0469082991381609E+00,5.2613215856579143E-01,-4.1606290008615793E-01,-1.0772243375440225E-02,7.8245850748348365E-03,1.4635513660554095E-03 -3753 Cruithne (1986 TO),F51,5.8011000000000000E+04,8.7075777274000004E+01,-8.2255120000000002E+00,1.0360544103940190E+00,5.3391647771136430E-01,-4.1456734035667225E-01,-1.0933806830949785E-02,7.7423614304702303E-03,1.5279866737848613E-03 -3753 Cruithne (1986 TO),F51,5.8012000000000000E+04,8.8000779803000000E+01,-8.4917329880000008E+00,1.0250385764706453E+00,5.4161731391561030E-01,-4.1300697190373648E-01,-1.1096146162227470E-02,7.6576464732380310E-03,1.5931777071009172E-03 -3753 Cruithne (1986 TO),F51,5.8013000000000000E+04,8.8939194020000002E+01,-8.7627116510000000E+00,1.0138600202397505E+00,5.4923214247408625E-01,-4.1138103141089699E-01,-1.1259265060634639E-02,7.5703726736749358E-03,1.6591399168679765E-03 -3753 Cruithne (1986 TO),F51,5.8014000000000000E+04,8.9891506281000005E+01,-9.0383686779999994E+00,1.0025179612901960E+00,5.5675836987876759E-01,-4.0968873990092897E-01,-1.1423166568005424E-02,7.4804698522647935E-03,1.7258891291183187E-03 -3753 Cruithne (1986 TO),F51,5.8015000000000000E+04,9.0858225327000000E+01,-9.3186093920000008E+00,9.9101161657850290E-01,5.6419333112523284E-01,-4.0792930234926145E-01,-1.1587853012081005E-02,7.3878650602180879E-03,1.7934415515548060E-03 -3753 Cruithne (1986 TO),F51,5.8016000000000000E+04,9.1839883440999998E+01,-9.6033233140000007E+00,9.7934020113859011E-01,5.7153428689290453E-01,-4.0610190729526002E-01,-1.1753325936242096E-02,7.2924824542485427E-03,1.8618137797168589E-03 -3753 Cruithne (1986 TO),F51,5.8017000000000000E+04,9.2837036975999993E+01,-9.8923838580000005E+00,9.6750292886566547E-01,5.7877842058875795E-01,-4.0420572645341468E-01,-1.1919586023070351E-02,7.1942431650271962E-03,1.9310228027258306E-03 -3753 Cruithne (1986 TO),F51,5.8018000000000000E+04,9.3850266200999997E+01,-1.0185647978000000E+01,9.5549901338573062E-01,5.8592283524977840E-01,-4.0223991432421197E-01,-1.2086633011215823E-02,7.0930651590397197E-03,2.0010860085405103E-03 -3753 Cruithne (1986 TO),F51,5.8019000000000000E+04,9.4880174581000006E+01,-1.0482955684000000E+01,9.4332766902704357E-01,5.9296455029719941E-01,-4.0020360780396091E-01,-1.2254465605006813E-02,6.9888630935060203E-03,2.0720211886096581E-03 -3753 Cruithne (1986 TO),F51,5.8020000000000000E+04,9.5927387651000004E+01,-1.0784129291999999E+01,9.3098811189830255E-01,5.9990049814106328E-01,-3.9809592579092318E-01,-1.2423081376213924E-02,6.8815481639802299E-03,2.1438465418309113E-03 -3753 Cruithne (1986 TO),F51,5.8021000000000000E+04,9.6992551660999993E+01,-1.1088972413000000E+01,9.1847956108007300E-01,6.0672752062980972E-01,-3.9591596878632945E-01,-1.2592476657288356E-02,6.7710279442313916E-03,2.2165806776879579E-03 -3753 Cruithne (1986 TO),F51,5.8022000000000000E+04,9.8076332137999998E+01,-1.1397268680000000E+01,9.0580123993526129E-01,6.1344236533789354E-01,-3.9366281849014428E-01,-1.2762646425255412E-02,6.6572062180358608E-03,2.2902426184055139E-03 -3753 Cruithne (1986 TO),F51,5.8023000000000000E+04,9.9179412415000002E+01,-1.1708780294000000E+01,8.9295237754028489E-01,6.2004168168544693E-01,-3.9133553739178883E-01,-1.2933584175507409E-02,6.5399828024041411E-03,2.3648517999872768E-03 -3753 Cruithne (1986 TO),F51,5.8024000000000000E+04,1.0030249211899999E+02,-1.2023246451000000E+01,8.7993221024672785E-01,6.2652201687923459E-01,-3.8893316835793618E-01,-1.3105281784507736E-02,6.4192533618379396E-03,2.4404280719342577E-03 -3753 Cruithne (1986 TO),F51,5.8025000000000000E+04,1.0144628554900000E+02,-1.2340381726000000E+01,8.6673998338061731E-01,6.3287981166586305E-01,-3.8645473421911397E-01,-1.3277729360401398E-02,6.2949092131613701E-03,2.5169916954473383E-03 -3753 Cruithne (1986 TO),F51,5.8026000000000000E+04,1.0261151981600000E+02,-1.2659874475000001E+01,8.5337495309298550E-01,6.3911139588524812E-01,-3.8389923735788978E-01,-1.3450915080412377E-02,6.1668371204810779E-03,2.5945633398767073E-03 -3753 Cruithne (1986 TO),F51,5.8027000000000000E+04,1.0379893262300000E+02,-1.2981385304000000E+01,8.3983638837371832E-01,6.4521298381347580E-01,-3.8126565930103928E-01,-1.3624825013767619E-02,6.0349190798361096E-03,2.6731640771530626E-03 -3753 Cruithne (1986 TO),F51,5.8028000000000000E+04,1.0500926947900000E+02,-1.3304545611000000E+01,8.2612357324416041E-01,6.5118066928273044E-01,-3.7855296031875141E-01,-1.3799442928840234E-02,5.8990320930613089E-03,2.7528153739151749E-03 -3753 Cruithne (1986 TO),F51,5.8029000000000000E+04,1.0624328018999999E+02,-1.3628956205000000E+01,8.1223580915445748E-01,6.5701042056208125E-01,-3.7576007903612030E-01,-1.3974750082893610E-02,5.7590479305152688E-03,2.8335390809447153E-03 -3753 Cruithne (1986 TO),I11,5.7970000000000000E+04,5.6469755532000001E+01,-1.4141342770000001E+00,1.3563814354360173E+00,1.6899085837682071E-01,-4.2992953760210545E-01,-4.8647416215781211E-03,9.6116842321570771E-03,-6.3293566559661921E-04 -3753 Cruithne (1986 TO),I11,5.7971000000000000E+04,5.7110152565999996E+01,-1.4926813360000000E+00,1.3514475262706320E+00,1.7859542733671163E-01,-4.3054079119158645E-01,-5.0014062984406697E-03,9.5941421451658238E-03,-5.8950160512683490E-04 -3753 Cruithne (1986 TO),I11,5.7972000000000000E+04,5.7753885312999998E+01,-1.5750393610000000E+00,1.3463767150510657E+00,1.8818188211686870E-01,-4.3110843161246826E-01,-5.1385272849668907E-03,9.5755007999596478E-03,-5.4570100578941311E-04 -3753 Cruithne (1986 TO),I11,5.7973000000000000E+04,5.8401065332000002E+01,-1.6612544910000000E+00,1.3411685415976127E+00,1.9774911563552866E-01,-4.3163208936317382E-01,-5.2761129072674100E-03,9.5557441943151331E-03,-5.0152804246909053E-04 -3753 Cruithne (1986 TO),I11,5.7974000000000000E+04,5.9051806083999999E+01,-1.7513742219999999E+00,1.3358225373090715E+00,2.0729600455350283E-01,-4.3211138905643953E-01,-5.4141715471534013E-03,9.5348557390489228E-03,-4.5697674889406075E-04 -3753 Cruithne (1986 TO),I11,5.7975000000000000E+04,5.9706222539000002E+01,-1.8454474290000000E+00,1.3303382251140607E+00,2.1682140866310806E-01,-4.3254594928228235E-01,-5.5527116405948915E-03,9.5128182395527276E-03,-4.1204101415780186E-04 -3753 Cruithne (1986 TO),I11,5.7976000000000000E+04,6.0364430824999999E+01,-1.9435242930000001E+00,1.3247151194297633E+00,2.2632417025790064E-01,-4.3293538246738561E-01,-5.6917416760208697E-03,9.4896138764753064E-03,-3.6671457910411918E-04 -3753 Cruithne (1986 TO),I11,5.7977000000000000E+04,6.1026547981000000E+01,-2.0456561430000000E+00,1.3189527261295451E+00,2.3580311347981209E-01,-4.3327929472965404E-01,-5.8312701923637009E-03,9.4652241855492335E-03,-3.2099103260496020E-04 -3753 Cruithne (1986 TO),I11,5.7978000000000000E+04,6.1692691859000000E+01,-2.1518951799999999E+00,1.3130505425183669E+00,2.4525704364394518E-01,-4.3357728572734189E-01,-5.9713057768150599E-03,9.4396300365148702E-03,-2.7486380773093159E-04 -3753 Cruithne (1986 TO),I11,5.7979000000000000E+04,6.2362981240000003E+01,-2.2622941060000001E+00,1.3070080573123022E+00,2.5468474654532158E-01,-4.3382894850270048E-01,-6.1118570623339592E-03,9.4128116110816402E-03,-2.2832617778635586E-04 -3753 Cruithne (1986 TO),I11,5.7980000000000000E+04,6.3037536179000000E+01,-2.3769056510000000E+00,1.3008247506244186E+00,2.6408498774307176E-01,-4.3403386931985738E-01,-6.2529327248106482E-03,9.3847483799013934E-03,-1.8137125223548456E-04 -3753 Cruithne (1986 TO),I11,5.7981000000000000E+04,6.3716478633999998E+01,-2.4957820140000000E+00,1.2945000939556199E+00,2.7345651182465736E-01,-4.3419162749652035E-01,-6.3945414799103494E-03,9.3554190785104709E-03,-1.3399197250330889E-04 -3753 Cruithne (1986 TO),I11,5.7982000000000000E+04,6.4399933426999993E+01,-2.6189742310000002E+00,1.2880335501912052E+00,2.8279804164858824E-01,-4.3430179522823414E-01,-6.5366920795570087E-03,9.3248016821577961E-03,-8.6181107640864043E-05 -3753 Cruithne (1986 TO),I11,5.7983000000000000E+04,6.5088029563999996E+01,-2.7465315280000002E+00,1.2814245735993832E+00,2.9210827756794056E-01,-4.3436393740357720E-01,-6.6793933080168365E-03,9.2928733795079460E-03,-3.7931249869555602E-05 -3753 Cruithne (1986 TO),I11,5.7984000000000000E+04,6.5780901895000000E+01,-2.8785007060000001E+00,1.2746726098229311E+00,3.0138589663878745E-01,-4.3437761140934006E-01,-6.8226539775664233E-03,9.2596105451358372E-03,1.0765190012165086E-05 -3753 Cruithne (1986 TO),I11,5.7985000000000000E+04,6.6478692999000003E+01,-3.0149256819999999E+00,1.2677770958524821E+00,3.1062955181647156E-01,-4.3434236692685135E-01,-6.9664829237115564E-03,9.2249887107593055E-03,5.9915987360413574E-05 -3753 Cruithne (1986 TO),I11,5.7986000000000000E+04,6.7181555037999999E+01,-3.1558472680000000E+00,1.2607374599735937E+00,3.1983787113757312E-01,-4.3425774572354298E-01,-7.1108889999089309E-03,9.1889825351581245E-03,1.0952910855198618E-04 -3753 Cruithne (1986 TO),I11,5.7987000000000000E+04,6.7889651284999999E+01,-3.3013032529999999E+00,1.2535531216904108E+00,3.2900945687853345E-01,-4.3412328144561768E-01,-7.2558810717514993E-03,9.1515657726951964E-03,1.5961271599406306E-04 -3753 Cruithne (1986 TO),I11,5.7988000000000000E+04,6.8603157078999999E+01,-3.4513287500000001E+00,1.2462234916404744E+00,3.3814288467855103E-01,-4.3393849941636375E-01,-7.4014680105884325E-03,9.1127112403858769E-03,2.1017517327844129E-04 -3753 Cruithne (1986 TO),I11,5.7989000000000000E+04,6.9322260127999996E+01,-3.6059567129999999E+00,1.2387479715256051E+00,3.4723670261062334E-01,-4.3370291644059078E-01,-7.5476586864788742E-03,9.0723907834527450E-03,2.6122505046406443E-04 -3753 Cruithne (1986 TO),I11,5.7990000000000000E+04,7.0047160267999999E+01,-3.7652184590000002E+00,1.2311259540732564E+00,3.5628943019895781E-01,-4.3341604061112576E-01,-7.6944619604916182E-03,9.0305752392666715E-03,3.1277112951465832E-04 -3753 Cruithne (1986 TO),I11,5.7991000000000000E+04,7.0778068934999993E+01,-3.9291441030000001E+00,1.2233568230378595E+00,3.6529955737995934E-01,-4.3307737111150485E-01,-7.8418866762185145E-03,8.9872343996031528E-03,3.6482240987013978E-04 -3753 Cruithne (1986 TO),I11,5.7992000000000000E+04,7.1515208591000004E+01,-4.0977628099999999E+00,1.2154399532333107E+00,3.7426554341737761E-01,-4.3268639800983610E-01,-7.9899416504993943E-03,8.9423369711611050E-03,4.1738811415437436E-04 -3753 Cruithne (1986 TO),I11,5.7993000000000000E+04,7.2258812302999999E+01,-4.2711028979999996E+00,1.2073747105879564E+00,3.8318581577557614E-01,-4.3224260204151121E-01,-8.1386356632698574E-03,8.8958505341928829E-03,4.7047769403876376E-04 -3753 Cruithne (1986 TO),I11,5.7994000000000000E+04,7.3009123544999994E+01,-4.4491917949999999E+00,1.1991604522129975E+00,3.9205876895382102E-01,-4.3174545438074746E-01,-8.2879774464474001E-03,8.8477414992195330E-03,5.2410083623118673E-04 -3753 Cruithne (1986 TO),I11,5.7995000000000000E+04,7.3766396231000002E+01,-4.6320559289999998E+00,1.1907965264769753E+00,4.0088276328336325E-01,-4.3119441640206135E-01,-8.4379756718168109E-03,8.7979750616758289E-03,5.7826746862187518E-04 -3753 Cruithne (1986 TO),I11,5.7996000000000000E+04,7.4530894919000005E+01,-4.8197205810000003E+00,1.1822822730861056E+00,4.0965612368299503E-01,-4.3058893943322873E-01,-8.5886389377973493E-03,8.7465151544284421E-03,6.3298776655848162E-04 -3753 Cruithne (1986 TO),I11,5.7997000000000000E+04,7.5302895114999998E+01,-5.0122097549999998E+00,1.1736170231693537E+00,4.1837713837123303E-01,-4.2992846450092403E-01,-8.7399757550323705E-03,8.6933243980140476E-03,6.8827215927110290E-04 -3753 Cruithne (1986 TO),I11,5.7998000000000000E+04,7.6082683586000002E+01,-5.2095460649999996E+00,1.1648000993715995E+00,4.2704405752947011E-01,-4.2921242207016636E-01,-8.8919945306769090E-03,8.6383640485161155E-03,7.4413133642748991E-04 -3753 Cruithne (1986 TO),I11,5.7999000000000000E+04,7.6870558594000002E+01,-5.4117506740000003E+00,1.1558308159554069E+00,4.3565509191399254E-01,-4.2844023177827906E-01,-9.0447035513158310E-03,8.5815939429465006E-03,8.0057625482826515E-04 -3753 Cruithne (1986 TO),I11,5.8000000000000000E+04,7.7666829974999999E+01,-5.6188432419999996E+00,1.1467084789180528E+00,4.4420841140934941E-01,-4.2761130216441157E-01,-9.1981109643498246E-03,8.5229724420041453E-03,8.5761814522281174E-04 -3753 Cruithne (1986 TO),I11,5.8001000000000000E+04,7.8471819010000004E+01,-5.8308418719999997E+00,1.1374323861245175E+00,4.5270214352248006E-01,-4.2672503039494641E-01,-9.3522247578016523E-03,8.4624563700734547E-03,9.1526851926201783E-04 -3753 Cruithne (1986 TO),I11,5.8002000000000000E+04,7.9285858064999999E+01,-6.0477629810000000E+00,1.1280018274666606E+00,4.6113437180930011E-01,-4.2578080198538748E-01,-9.5070527383221918E-03,8.4000009523439671E-03,9.7353917654239663E-04 -3753 Cruithne (1986 TO),I11,5.8003000000000000E+04,8.0109290052000006E+01,-6.2696210280000004E+00,1.1184160850529878E+00,4.6950313423265616E-01,-4.2477799051804116E-01,-9.6626025073715798E-03,8.3355597488292549E-03,1.0324422117949932E-03 -3753 Cruithne (1986 TO),I11,5.8004000000000000E+04,8.0942467825999998E+01,-6.4964280250000002E+00,1.1086744334359209E+00,4.7780642144851443E-01,-4.2371595735388706E-01,-9.8188814353146643E-03,8.2690845852246599E-03,1.0919900221346415E-03 -3753 Cruithne (1986 TO),I11,5.8005000000000000E+04,8.1785753683999999E+01,-6.7281927699999997E+00,1.0987761398803320E+00,4.8604217501942426E-01,-4.2259405133630812E-01,-9.9758966333416341E-03,8.2005254803104652E-03,1.1521953143992754E-03 -3753 Cruithne (1986 TO),I11,5.8006000000000000E+04,8.2639519156999995E+01,-6.9649198070000002E+00,1.0887204646727764E+00,4.9420828555523871E-01,-4.2141160848410919E-01,-1.0133654923004276E-02,8.1298305697788537E-03,1.2130711125569889E-03 -3753 Cruithne (1986 TO),I11,5.8007000000000000E+04,8.3504145226999995E+01,-7.2066081339999997E+00,1.0785066614662235E+00,5.0230259078175832E-01,-4.2016795167204773E-01,-1.0292162803172080E-02,8.0569460262442383E-03,1.2746307651488357E-03 -3753 Cruithne (1986 TO),I11,5.8008000000000000E+04,8.4380023042000005E+01,-7.4532497559999999E+00,1.0681339776572014E+00,5.1032287353389960E-01,-4.1886239029895306E-01,-1.0451426414170352E-02,7.9818159751961684E-03,1.3368879527501402E-03 -3753 Cruithne (1986 TO),I11,5.8009000000000000E+04,8.5267555087999995E+01,-7.7048281650000003E+00,1.0576016547912022E+00,5.1826685967054353E-01,-4.1749421994444025E-01,-1.0611451498863196E-02,7.9043824066777554E-03,1.3998566954121876E-03 -3753 Cruithne (1986 TO),I11,5.8010000000000000E+04,8.6167156743000007E+01,-7.9613168270000001E+00,1.0469089289993851E+00,5.2613221590384229E-01,-4.1606272201611488E-01,-1.0772243360356039E-02,7.8245850824158504E-03,1.4635513600599417E-03 -3753 Cruithne (1986 TO),I11,5.8011000000000000E+04,8.7079258105999997E+01,-8.2226777589999998E+00,1.0360550314688000E+00,5.3391654753797679E-01,-4.1456716338832833E-01,-1.0933806816016625E-02,7.7423614381653388E-03,1.5279866678093010E-03 -3753 Cruithne (1986 TO),I11,5.8012000000000000E+04,8.8004306002000007E+01,-8.4888602259999999E+00,1.0250391889523895E+00,5.4161739610985549E-01,-4.1300679603334617E-01,-1.1096146147441279E-02,7.6576464810503651E-03,1.5931777011430942E-03 -3753 Cruithne (1986 TO),I11,5.8013000000000000E+04,8.8942766035999995E+01,-8.7597996420000008E+00,1.0138606243214527E+00,5.4923223692630285E-01,-4.1138085664526042E-01,-1.1259265045990258E-02,7.5703726816076407E-03,1.6591399109257209E-03 -3753 Cruithne (1986 TO),I11,5.8014000000000000E+04,8.9895124538000005E+01,-9.0354166859999996E+00,1.0025185571639175E+00,5.5675847649073540E-01,-4.0968856625762223E-01,-1.1423166553497090E-02,7.4804698603216195E-03,1.7258891231891576E-03 -3753 Cruithne (1986 TO),I11,5.8015000000000000E+04,9.0861890222000000E+01,-9.3156166670000005E+00,9.9101220443479277E-01,5.6419344981037312E-01,-4.0792912985687046E-01,-1.1587852997702139E-02,7.3878650684031828E-03,1.7934415456361099E-03 -3753 Cruithne (1986 TO),I11,5.8016000000000000E+04,9.1843595340999997E+01,-9.6002891009999995E+00,9.7934078116589962E-01,5.7153441757647439E-01,-4.0610173599361465E-01,-1.1753325921987828E-02,7.2924824625675028E-03,1.8618137738053680E-03 -3753 Cruithne (1986 TO),I11,5.8017000000000000E+04,9.2840796206999997E+01,-9.8893073870000006E+00,9.6750350124971662E-01,5.7877856320804311E-01,-4.0420555639380795E-01,-1.1919586008932205E-02,7.1942431734851996E-03,1.9310227968184733E-03 -3753 Cruithne (1986 TO),I11,5.8018000000000000E+04,9.3854073045999996E+01,-1.0182528472000000E+01,9.5549957830883314E-01,5.8592298975429780E-01,-4.0223974556959841E-01,-1.2086632997185593E-02,7.0930651676430808E-03,2.0010860026337144E-03 -3753 Cruithne (1986 TO),I11,5.8019000000000000E+04,9.4884029276999996E+01,-1.0479792355000001E+01,9.4332822666732397E-01,5.9296471664890937E-01,-4.0020344042912454E-01,-1.2254465591074860E-02,6.9888631022616519E-03,2.0720211826996361E-03 -3753 Cruithne (1986 TO),I11,5.8020000000000000E+04,9.5931290376000007E+01,-1.0780921344999999E+01,9.3098866242886757E-01,5.9990067631455024E-01,-3.9809575988261858E-01,-1.2423081362375412E-02,6.8815481728976193E-03,2.1438465359127929E-03 -3753 Cruithne (1986 TO),I11,5.8021000000000000E+04,9.6996502532999997E+01,-1.1085719041999999E+01,9.1848010466811092E-01,6.0672771061246589E-01,-3.9591580444340030E-01,-1.2592476643531537E-02,6.7710279533191083E-03,2.2165806717573122E-03 -3753 Cruithne (1986 TO),I11,5.8022000000000000E+04,9.8080331203000000E+01,-1.1393969074999999E+01,9.0580177674107842E-01,6.1344256713007361E-01,-3.9366265582361992E-01,-1.2762646411569191E-02,6.6572062273040824E-03,2.2902426124572642E-03 -3753 Cruithne (1986 TO),I11,5.8023000000000000E+04,9.9183459642000003E+01,-1.1705433637000001E+01,8.9295290771628810E-01,6.2004189530060316E-01,-3.9133537652496514E-01,-1.2933584161882280E-02,6.5399828118648910E-03,2.3648517940156313E-03 -3753 Cruithne (1986 TO),I11,5.8024000000000000E+04,1.0030658738800000E+02,-1.2019851919000001E+01,8.7993273393633753E-01,6.2652224234402110E-01,-3.8893300942643827E-01,-1.3105281770930812E-02,6.4192533715038084E-03,2.4404280659332568E-03 -3753 Cruithne (1986 TO),I11,5.8025000000000000E+04,1.0145042864200001E+02,-1.2336938494000000E+01,8.6674050071714237E-01,6.3288004902020667E-01,-3.8645457737094357E-01,-1.3277729346863207E-02,6.2949092230474187E-03,2.5169916894101016E-03 -3753 Cruithne (1986 TO),I11,5.8026000000000000E+04,1.0261571041000001E+02,-1.2656381716000000E+01,8.5337546419843635E-01,6.3911164518238561E-01,-3.8389908275345053E-01,-1.3450915066896788E-02,6.1668371306025701E-03,2.5945633337963727E-03 -3753 Cruithne (1986 TO),I11,5.8027000000000000E+04,1.0380317027300001E+02,-1.2977842192000001E+01,8.3983689335756928E-01,6.4521324511995437E-01,-3.8126550711313850E-01,-1.3624825000261879E-02,6.0349190902109287E-03,2.6731640710218113E-03 -3753 Cruithne (1986 TO),I11,5.8028000000000000E+04,1.0501355361200000E+02,-1.3300951326000000E+01,8.2612407220205675E-01,6.5118094267836601E-01,-3.7855281073257280E-01,-1.3799442915331857E-02,5.8990321037093209E-03,2.7528153677245540E-03 -3753 Cruithne (1986 TO),I11,5.8029000000000000E+04,1.0624761008700000E+02,-1.3625309933000000E+01,8.1223630216686704E-01,6.5701070613985912E-01,-3.7575993224916165E-01,-1.3974750069364796E-02,5.7590479414574691E-03,2.8335390746859813E-03 -3753 Cruithne (1986 TO),I41,5.7970000000000000E+04,5.6468489613000003E+01,-1.4162538570000001E+00,1.3563810916814762E+00,1.6899105818244187E-01,-4.2992965008828321E-01,-4.8647416280413400E-03,9.6116842313520908E-03,-6.3293566354806334E-04 -3753 Cruithne (1986 TO),I41,5.7971000000000000E+04,5.7108872646999998E+01,-1.4948202639999999E+00,1.3514471889962663E+00,1.7859561764030030E-01,-4.3054090114422805E-01,-5.0014063047481919E-03,9.5941421443329639E-03,-5.8950160311774713E-04 -3753 Cruithne (1986 TO),I41,5.7972000000000000E+04,5.7752591207999998E+01,-1.5771979890000001E+00,1.3463763842614487E+00,1.8818206312236818E-01,-4.3110853917735048E-01,-5.1385272911159303E-03,9.5755007991004826E-03,-5.4570100382058805E-04 -3753 Cruithne (1986 TO),I41,5.7973000000000000E+04,5.8399756850000003E+01,-1.6634331739999999E+00,1.3411682172905288E+00,1.9774928754590004E-01,-4.3163219468444397E-01,-5.2761129132553701E-03,9.5557441934317078E-03,-5.0152804054154029E-04 -3753 Cruithne (1986 TO),I41,5.7974000000000000E+04,5.9050483028000002E+01,-1.7535733229999999E+00,1.3358222194756315E+00,2.0729616757052749E-01,-4.3211149227649998E-01,-5.4141715529792082E-03,9.5348557381449567E-03,-4.5697674700949912E-04 -3753 Cruithne (1986 TO),I41,5.7975000000000000E+04,5.9704884708000002E+01,-1.8476673150000000E+00,1.3303379137388323E+00,2.1682156298718358E-01,-4.3254605054167233E-01,-5.5527116462558094E-03,9.5128182386301930E-03,-4.1204101231718339E-04 -3753 Cruithne (1986 TO),I41,5.7976000000000000E+04,6.0363078014999999E+01,-1.9457653390000000E+00,1.3247148144909175E+00,2.2632431608783954E-01,-4.3293548190465830E-01,-5.6917416815144319E-03,9.4896138755366424E-03,-3.6671457730859511E-04 -3753 Cruithne (1986 TO),I41,5.7977000000000000E+04,6.1025179979000001E+01,-2.0479187269999999E+00,1.3189524275990072E+00,2.3580325101264821E-01,-4.3327939248125175E-01,-5.8312701976882507E-03,9.4652241845978122E-03,-3.2099103085607276E-04 -3753 Cruithne (1986 TO),I41,5.7978000000000000E+04,6.1691308450999998E+01,-2.1541796889999998E+00,1.3130502503619597E+00,2.4525717307475592E-01,-4.3357738192747014E-01,-5.9713057819678495E-03,9.4396300355529313E-03,-2.7486380602970118E-04 -3753 Cruithne (1986 TO),I41,5.7979000000000000E+04,6.2361582204999998E+01,-2.2646009299999998E+00,1.3070077714899064E+00,2.5468486806703305E-01,-4.3382904328320065E-01,-6.1118570673118194E-03,9.4128116101113643E-03,-2.2832617613380450E-04 -3753 Cruithne (1986 TO),I41,5.7980000000000000E+04,6.3036121289000000E+01,-2.3792351869999999E+00,1.3008244710901153E+00,2.6408510154629450E-01,-4.3403396281008277E-01,-6.2529327296127306E-03,9.3847483789270339E-03,-1.8137125063348065E-04 -3753 Cruithne (1986 TO),I41,5.7981000000000000E+04,6.3715047658000003E+01,-2.4981346630000001E+00,1.2944998206578302E+00,2.7345661809750788E-01,-4.3419171982321425E-01,-6.3945414845332799E-03,9.3554190775342327E-03,-1.3399197095285390E-04 -3753 Cruithne (1986 TO),I41,5.7982000000000000E+04,6.4398486128000002E+01,-2.6213504020000000E+00,1.2880332830728141E+00,2.8279814057653097E-01,-4.3430188651541218E-01,-6.5366920839983831E-03,9.3248016811827948E-03,-8.6181106143316894E-05 -3753 Cruithne (1986 TO),I41,5.7983000000000000E+04,6.5086565696999997E+01,-2.7489316339999998E+00,1.2814243125978513E+00,2.9210836933362161E-01,-4.3436402777240812E-01,-6.6793933122744221E-03,9.2928733785375452E-03,-3.7931248426374849E-05 -3753 Cruithne (1986 TO),I41,5.7984000000000000E+04,6.5779421212000003E+01,-2.8809251640000002E+00,1.2746723548703756E+00,3.0138598142189144E-01,-4.3437770097802697E-01,-6.8226539816375730E-03,9.2596105441732010E-03,1.0765191399626193E-05 -3753 Cruithne (1986 TO),I41,5.7985000000000000E+04,6.6477195245000004E+01,-3.0173749150000000E+00,1.2677768468757558E+00,3.1062962979357589E-01,-4.3434245581050007E-01,-6.9664829275946187E-03,9.2249887098084203E-03,5.9915988690470698E-05 -3753 Cruithne (1986 TO),I41,5.7986000000000000E+04,6.7180039952000001E+01,-3.1583217010000002E+00,1.2607372168943398E+00,3.1983794248201769E-01,-4.3425783403402385E-01,-7.1108890036006237E-03,9.1889825342219254E-03,1.0952910982341951E-04 -3753 Cruithne (1986 TO),I41,5.7987000000000000E+04,6.7888118602000006E+01,-3.3038033179999999E+00,1.2535528844251069E+00,3.2900952176030218E-01,-4.3412336929141748E-01,-7.2558810752487123E-03,9.1515657717768858E-03,1.5961271720556041E-04 -3753 Cruithne (1986 TO),I41,5.7988000000000000E+04,6.8601606528000005E+01,-3.4538548819999999E+00,1.2462232601004848E+00,3.3814294326415129E-01,-4.3393858690243781E-01,-7.4014680138897102E-03,9.1127112394899026E-03,2.1017517442818096E-04 -3753 Cruithne (1986 TO),I41,5.7989000000000000E+04,6.9320691432000004E+01,-3.6085093509999999E+00,1.2387477456172382E+00,3.4723675506297119E-01,-4.3370300366822362E-01,-7.5476586895827005E-03,9.0723907825834352E-03,2.6122505155032317E-04 -3753 Cruithne (1986 TO),I41,5.7990000000000000E+04,7.0045573145999995E+01,-3.7677980469999999E+00,1.2311257336978643E+00,3.5628947667722816E-01,-4.3341612767780741E-01,-7.6944619633933821E-03,9.0305752384266906E-03,3.1277113053643083E-04 -3753 Cruithne (1986 TO),I41,5.7991000000000000E+04,7.0776463098999997E+01,-3.9317510869999999E+00,1.2233566080919418E+00,3.6529959803945417E-01,-4.3307745811082410E-01,-7.8418866789177581E-03,8.9872343987976964E-03,3.6482241082537686E-04 -3753 Cruithne (1986 TO),I41,5.7992000000000000E+04,7.1513583746999998E+01,-4.1003976419999999E+00,1.2154397436086719E+00,3.7426557840935754E-01,-4.3268648503138663E-01,-7.9899416529924782E-03,8.9423369703935853E-03,4.1738811504183021E-04 -3753 Cruithne (1986 TO),I41,5.7993000000000000E+04,7.2257168152000006E+01,-4.2737660340000003E+00,1.2073745061718610E+00,3.8318584524710086E-01,-4.3224268917080833E-01,-8.1386356655549427E-03,8.8958505334678379E-03,4.7047769485676508E-04 -3753 Cruithne (1986 TO),I41,5.7994000000000000E+04,7.3007459781999998E+01,-4.4518836930000001E+00,1.1991602528883554E+00,3.9205879304757468E-01,-4.3174554169915136E-01,-8.2879774485215031E-03,8.8477414985410289E-03,5.2410083697826686E-04 -3753 Cruithne (1986 TO),I41,5.7995000000000000E+04,7.3764712544000005E+01,-4.6347770529999996E+00,1.1907963321225252E+00,4.0088278213749412E-01,-4.3119450398670162E-01,-8.4379756736790521E-03,8.7979750610490820E-03,5.7826746929612706E-04 -3753 Cruithne (1986 TO),I41,5.7996000000000000E+04,7.4529190990999993E+01,-4.8224713990000003E+00,1.1822820835766106E+00,4.0965613743094909E-01,-4.3058902735693005E-01,-8.5886389394453731E-03,8.7465151538579592E-03,6.3298776715835941E-04 -3753 Cruithne (1986 TO),I41,5.7997000000000000E+04,7.5301170622000001E+01,-5.0149907359999997E+00,1.1736168383758072E+00,4.1837714714158625E-01,-4.2992855283213477E-01,-8.7399757564634098E-03,8.6933243975042679E-03,6.8827215979511656E-04 -3753 Cruithne (1986 TO),I41,5.7998000000000000E+04,7.6080938197999998E+01,-5.2123576859999998E+00,1.1647999191614322E+00,4.2704406144577095E-01,-4.2921251087288620E-01,-8.8919945318889741E-03,8.6383640480719275E-03,7.4413133687402757E-04 -3753 Cruithne (1986 TO),I41,5.7999000000000000E+04,7.6868791974000004E+01,-5.4145934139999996E+00,1.1558306401927161E+00,4.3565509109459238E-01,-4.2844032111199287E-01,-9.0447035523069843E-03,8.5815939425729088E-03,8.0057625519569173E-04 -3753 Cruithne (1986 TO),I41,5.8000000000000000E+04,7.7665041780999999E+01,-5.6217175819999996E+00,1.1467083074638316E+00,4.4420840596724609E-01,-4.2761139208402149E-01,-9.1981109651189663E-03,8.5229724417065639E-03,8.5761814550939608E-04 -3753 Cruithne (1986 TO),I41,5.8001000000000000E+04,7.8470008892999999E+01,-5.8337482999999999E+00,1.1374322188369106E+00,4.5270213356515115E-01,-4.2672512095071002E-01,-9.3522247583465515E-03,8.4624563698569594E-03,9.1526851946620465E-04 -3753 Cruithne (1986 TO),I41,5.8002000000000000E+04,7.9284025670000005E+01,-6.0507019849999999E+00,1.1280016642012267E+00,4.6113435743855036E-01,-4.2578089322285378E-01,-9.5070527386407824E-03,8.4000009522137205E-03,9.7353917666266306E-04 -3753 Cruithne (1986 TO),I41,5.8003000000000000E+04,8.0107435018000004E+01,-6.2725931030000002E+00,1.1184159256629949E+00,4.6950311554445678E-01,-4.2477808247798565E-01,-9.6626025074630657E-03,8.3355597487910337E-03,1.0324422118296170E-03 -3753 Cruithne (1986 TO),I41,5.8004000000000000E+04,8.0940589786999993E+01,-6.4994336669999999E+00,1.1086742777726617E+00,4.7780639853285534E-01,-4.2371605007224161E-01,-9.8188814351774633E-03,8.2690845852839735E-03,1.0919900220820776E-03 -3753 Cruithne (1986 TO),I41,5.8005000000000000E+04,8.1783852268999993E+01,-6.7312324790000000E+00,1.0987759877934491E+00,4.8604214796017220E-01,-4.2259414484408708E-01,-9.9758966329745145E-03,8.2005254804730348E-03,1.1521953142579412E-03 -3753 Cruithne (1986 TO),I41,5.8006000000000000E+04,8.2637593987000002E+01,-6.9679940849999999E+00,1.0887203160105985E+00,4.9420825443000571E-01,-4.2141170280733098E-01,-1.0133654922406421E-02,8.1298305700506120E-03,1.2130711123253075E-03 -3753 Cruithne (1986 TO),I41,5.8007000000000000E+04,8.3502195921999999E+01,-7.2097174859999997E+00,1.0785065160761136E+00,5.0230255566177962E-01,-4.2016804683165282E-01,-1.0292162802341378E-02,8.0569460266307624E-03,1.2746307648254318E-03 -3753 Cruithne (1986 TO),I41,5.8008000000000000E+04,8.4378049216999997E+01,-7.4563946889999997E+00,1.0681338353859060E+00,5.1032283448391058E-01,-4.1886248631072348E-01,-1.0451426413107742E-02,7.9818159757040295E-03,1.3368879523332916E-03 -3753 Cruithne (1986 TO),I41,5.8009000000000000E+04,8.5265556353999997E+01,-7.7080091849999999E+00,1.0576015154851708E+00,5.1826681674868347E-01,-4.1749431681891686E-01,-1.0611451497568231E-02,7.9043824073130476E-03,1.3998566949004606E-03 -3753 Cruithne (1986 TO),I41,5.8010000000000000E+04,8.6165132708000002E+01,-7.9645344429999998E+00,1.0469087925051035E+00,5.2613216916154282E-01,-4.1606281975852005E-01,-1.0772243358826362E-02,7.8245850831844214E-03,1.4635513594520914E-03 -3753 Cruithne (1986 TO),I41,5.8011000000000000E+04,8.7077208378999998E+01,-8.2259324770000006E+00,1.0360548976330901E+00,5.3391649701987398E-01,-4.1456726199848321E-01,-1.0933806814253964E-02,7.7423614390738638E-03,1.5279866671038191E-03 -3753 Cruithne (1986 TO),I41,5.8012000000000000E+04,8.8002230191999999E+01,-8.4921525510000002E+00,1.0250390576227260E+00,5.4161734185369137E-01,-4.1300689550558956E-01,-1.1096146145445348E-02,7.6576464821051585E-03,1.5931777003387142E-03 -3753 Cruithne (1986 TO),I41,5.8013000000000000E+04,8.8940663752000006E+01,-8.7631300759999995E+00,1.0138604953462498E+00,5.4923217896284038E-01,-4.1138095696836086E-01,-1.1259265043761492E-02,7.5703726828151852E-03,1.6591399100211966E-03 -3753 Cruithne (1986 TO),I41,5.8014000000000000E+04,8.9892995393000007E+01,-9.0387857280000006E+00,1.0025184303927996E+00,5.5675841484368049E-01,-4.0968866741468540E-01,-1.1423166551036337E-02,7.4804698616883838E-03,1.7258891221833537E-03 -3753 Cruithne (1986 TO),I41,5.8015000000000000E+04,9.0859733835000000E+01,-9.3190248100000002E+00,9.9101207971889338E-01,5.6419338449628487E-01,-4.0792923182524560E-01,-1.1587852995010783E-02,7.3878650699357382E-03,1.7934415445279477E-03 -3753 Cruithne (1986 TO),I41,5.8016000000000000E+04,9.1841411336999997E+01,-9.6037368329999993E+00,9.7934065835814055E-01,5.7153434860468333E-01,-4.0610183874479755E-01,-1.1753325919066356E-02,7.2924824642722451E-03,1.8618137725939547E-03 -3753 Cruithne (1986 TO),I41,5.8017000000000000E+04,9.2838584221999994E+01,-9.8927951889999992E+00,9.6750338020511539E-01,5.7877849058056108E-01,-4.0420565989335200E-01,-1.1919586005783299E-02,7.1942431753687173E-03,1.9310227955029369E-03 -3753 Cruithne (1986 TO),I41,5.8018000000000000E+04,9.3851832729999998E+01,-1.0186056818999999E+01,9.5549945888481869E-01,5.8592291346571956E-01,-4.0223984977703175E-01,-1.2086632993811892E-02,7.0930651697118340E-03,2.0010860012133727E-03 -3753 Cruithne (1986 TO),I41,5.8019000000000000E+04,9.4881760291000006E+01,-1.0483361711000001E+01,9.4332810872410355E-01,5.9296463668630639E-01,-4.0020354529787899E-01,-1.2254465587479980E-02,6.9888631045220296E-03,2.0720211811739420E-03 -3753 Cruithne (1986 TO),I41,5.8020000000000000E+04,9.5928992402000006E+01,-1.0784532164000000E+01,9.3098854582982093E-01,5.9990059265735984E-01,-3.9809586535996822E-01,-1.2423081358560410E-02,6.8815481753556704E-03,2.1438465342814728E-03 -3753 Cruithne (1986 TO),I41,5.8021000000000000E+04,9.6994175272000007E+01,-1.1089371769000000E+01,9.1847998928022567E-01,6.0672762323237794E-01,-3.9591591047040803E-01,-1.2592476639501610E-02,6.7710279559809513E-03,2.2165806700201723E-03 -3753 Cruithne (1986 TO),I41,5.8022000000000000E+04,9.8077974382999997E+01,-1.1397664140000000E+01,9.0580166243541616E-01,6.1344247599091994E-01,-3.9366276233508934E-01,-1.2762646407329308E-02,6.6572062301756101E-03,2.2902426106143521E-03 -3753 Cruithne (1986 TO),I41,5.8023000000000000E+04,9.9181073018000006E+01,-1.1709171458000000E+01,8.9295279436847230E-01,6.2004180035825629E-01,-3.9133548344939445E-01,-1.2933584157436858E-02,6.5399828149516007E-03,2.3648517920672866E-03 -3753 Cruithne (1986 TO),I41,5.8024000000000000E+04,1.0030417075000000E+02,-1.2023632899000001E+01,8.7993262142710527E-01,6.2652214354628832E-01,-3.8893311668598107E-01,-1.3105281766286333E-02,6.4192533748110292E-03,2.4404280638800038E-03 -3753 Cruithne (1986 TO),I41,5.8025000000000000E+04,1.0144798181800000E+02,-1.2340763015000000E+01,8.6674038893288985E-01,6.3287994630675315E-01,-3.8645468488136653E-01,-1.3277729342024628E-02,6.2949092265800390E-03,2.5169916872527761E-03 -3753 Cruithne (1986 TO),I41,5.8026000000000000E+04,1.0261323326999999E+02,-1.2660250144000001E+01,8.5337535303182421E-01,6.3911153848465529E-01,-3.8389919042410153E-01,-1.3450915061873105E-02,6.1668371343650101E-03,2.5945633315361434E-03 -3753 Cruithne (1986 TO),I41,5.8027000000000000E+04,1.0380066274000001E+02,-1.2981754870000000E+01,8.3983678270814655E-01,6.4521313436111061E-01,-3.8126561484691801E-01,-1.3624824995060571E-02,6.0349190942071782E-03,2.6731640686601462E-03 -3753 Cruithne (1986 TO),I41,5.8028000000000000E+04,1.0501101566100000E+02,-1.3304908572000000E+01,8.2612396197691940E-01,6.5118082777324493E-01,-3.7855291842591338E-01,-1.3799442909960647E-02,5.8990321079428407E-03,2.7528153652632346E-03 -3753 Cruithne (1986 TO),I41,5.8029000000000000E+04,1.0624504175900000E+02,-1.3629312040000000E+01,8.1223619228134059E-01,6.5701058699495374E-01,-3.7576003979201689E-01,-1.3974750063834916E-02,5.7590479459308196E-03,2.8335390721273136E-03 -3908 Nyx (1980 PA),500,5.7970000000000000E+04,2.2574719461300000E+02,-1.7519570042000002E+01,-5.4792863054308882E-01,-2.1313499001216054E+00,-8.3035247430028030E-03,1.0508477034762945E-02,2.1939896375972254E-03,3.8367297124251382E-04 -3908 Nyx (1980 PA),500,5.7971000000000000E+04,2.2590475377199999E+02,-1.7549438549000001E+01,-5.3741493156580034E-01,-2.1291246770264620E+00,-7.9197189343800621E-03,1.0523584880260711E-02,2.2533282871110751E-03,3.8389921004333531E-04 -3908 Nyx (1980 PA),500,5.7972000000000000E+04,2.2606891326400000E+02,-1.7581092564999999E+01,-5.2688623382216471E-01,-2.1268399620231735E+00,-7.5356915021707821E-03,1.0538496400503191E-02,2.3129909585256469E-03,3.8411615612074762E-04 -3908 Nyx (1980 PA),500,5.7973000000000000E+04,2.2623960072800000E+02,-1.7614491560000001E+01,-5.1634273556163235E-01,-2.1244954305514092E+00,-7.1514518657967829E-03,1.0553208557528969E-02,2.3729800720333795E-03,3.8432368076820103E-04 -3908 Nyx (1980 PA),500,5.7974000000000000E+04,2.2641674657199999E+02,-1.7649595092999999E+01,-5.0578463817471853E-01,-2.1220907555406785E+00,-6.7670095635431358E-03,1.0567718256012800E-02,2.4332980662805544E-03,3.8452165301286923E-04 -3908 Nyx (1980 PA),500,5.7975000000000000E+04,2.2660028425600001E+02,-1.7686362939999999E+01,-4.9521214624150800E-01,-2.1196256074065740E+00,-6.3823742506931066E-03,1.0582022342106721E-02,2.4939473982985190E-03,3.8470993957203997E-04 -3908 Nyx (1980 PA),500,5.7976000000000000E+04,2.2679015048200000E+02,-1.7724755209000001E+01,-4.8462546756397573E-01,-2.1170996540567319E+00,-5.9975556979647519E-03,1.0596117602263462E-02,2.5549305434515290E-03,3.8488840480863481E-04 -3908 Nyx (1980 PA),500,5.7977000000000000E+04,2.2698628525600000E+02,-1.7764732418000001E+01,-4.7402481318912704E-01,-2.1145125609049993E+00,-5.6125637910379375E-03,1.0610000762033311E-02,2.6162499953734392E-03,3.8505691068586352E-04 -3908 Nyx (1980 PA),500,5.7978000000000000E+04,2.2718863180000000E+02,-1.7806255540999999E+01,-4.6341039742794743E-01,-2.1118639908907619E+00,-5.2274085315764550E-03,1.0623668484833747E-02,2.6779082658840297E-03,3.8521531672080291E-04 -3908 Nyx (1980 PA),500,5.7979000000000000E+04,2.2739713632100000E+02,-1.7849286006000000E+01,-4.5278243786882644E-01,-2.1091536044996713E+00,-4.8421000396774447E-03,1.0637117370695772E-02,2.7399078849073485E-03,3.8536347993692137E-04 -3908 Nyx (1980 PA),500,5.7980000000000000E+04,2.2761174760200001E+02,-1.7893785646000001E+01,-4.4214115539137444E-01,-2.1063810597857171E+00,-4.4566485579578168E-03,1.0650343954979631E-02,2.8022514003644312E-03,3.8550125481568722E-04 -3908 Nyx (1980 PA),500,5.7981000000000000E+04,2.2783241645800001E+02,-1.7939716608000001E+01,-4.3148677417732029E-01,-2.1035460123932719E+00,-4.0710644574352105E-03,1.0663344707065267E-02,2.8649413780592187E-03,3.8562849324695164E-04 -3908 Nyx (1980 PA),500,5.7982000000000000E+04,2.2805909502300000E+02,-1.7987041200000000E+01,-4.2081952172307524E-01,-2.1006481155771812E+00,-3.6853582459190582E-03,1.0676116029013616E-02,2.9279804015461992E-03,3.8574504447823642E-04 -3908 Nyx (1980 PA),500,5.7983000000000000E+04,2.2829173592000001E+02,-1.8035721699000000E+01,-4.1013962886263056E-01,-2.0976870202136322E+00,-3.2995405796470310E-03,1.0688654254198923E-02,2.9913710719784194E-03,3.8585075506286512E-04 -3908 Nyx (1980 PA),500,5.7984000000000000E+04,2.2853029135899999E+02,-1.8085720109000000E+01,-3.9944732981653652E-01,-2.0946623747889030E+00,-2.9136222782008741E-03,1.0700955645912178E-02,3.0551160079393402E-03,3.8594546880682491E-04 -3908 Nyx (1980 PA),500,5.7985000000000000E+04,2.2877471229500000E+02,-1.8136997915999999E+01,-3.8874286228613542E-01,-2.0915738253522220E+00,-2.5276143411919658E-03,1.0713016395935049E-02,3.1192178452531510E-03,3.8602902671435894E-04 -3908 Nyx (1980 PA),500,5.7986000000000000E+04,2.2902494779000000E+02,-1.8189515863000000E+01,-3.7802646760325531E-01,-2.0884210154270746E+00,-2.1415279634136525E-03,1.0724832623083482E-02,3.1836792367726796E-03,3.8610126693231780E-04 -3908 Nyx (1980 PA),500,5.7987000000000000E+04,2.2928094474100001E+02,-1.8243233804999999E+01,-3.6729839092538696E-01,-2.0852035858920139E+00,-1.7553745445073434E-03,1.0736400371721692E-02,3.2485028521433406E-03,3.8616202469296139E-04 -3908 Nyx (1980 PA),500,5.7988000000000000E+04,2.2954264802800000E+02,-1.8298110675000000E+01,-3.5655888144308989E-01,-2.0819211748570892E+00,-1.3691656906254428E-03,1.0747715610248332E-02,3.3136913775557390E-03,3.8621113225547791E-04 -3908 Nyx (1980 PA),500,5.7989000000000000E+04,2.2981000103599999E+02,-1.8354104551999999E+01,-3.4580819256518447E-01,-2.0785734175671298E+00,-9.8291320888285608E-04,1.0758774229550929E-02,3.3792475154663798E-03,3.8624841884594188E-04 -3908 Nyx (1980 PA),500,5.7990000000000000E+04,2.3008294639600001E+02,-1.8411172822000001E+01,-3.3504658205151605E-01,-2.0751599463483288E+00,-5.9662909783527319E-04,1.0769572041434894E-02,3.4451739843194898E-03,3.8627371059581962E-04 -3908 Nyx (1980 PA),500,5.7991000000000000E+04,2.3036142675799999E+02,-1.8469272366999999E+01,-3.2427431209673518E-01,-2.0716803905988548E+00,-2.1032553836368507E-04,1.0780104777021812E-02,3.5114735182356291E-03,3.8628683047871955E-04 -3908 Nyx (1980 PA),500,5.7992000000000000E+04,2.3064538546500000E+02,-1.8528359756000000E+01,-3.1349164937646701E-01,-2.0681343768071296E+00,1.7598511226803873E-04,1.0790368085120537E-02,3.5781488666964401E-03,3.8628759824569183E-04 -3908 Nyx (1980 PA),500,5.7993000000000000E+04,2.3093476705300000E+02,-1.8588391395999999E+01,-3.0269886508055399E-01,-2.0645215285802703E+00,5.6229032211435625E-04,1.0800357530569175E-02,3.6452027942087597E-03,3.8627583035883464E-04 -3908 Nyx (1980 PA),500,5.7994000000000000E+04,2.3122951757000001E+02,-1.8649323648999999E+01,-2.9189623495156813E-01,-2.0608414666688448E+00,9.4857738255678815E-04,1.0810068592547271E-02,3.7126380799451294E-03,3.8625133992334706E-04 -3908 Nyx (1980 PA),500,5.7995000000000000E+04,2.3152958475899999E+02,-1.8711112906000000E+01,-2.8108403933711545E-01,-2.0570938089800896E+00,1.3348334039147104E-03,1.0819496662859671E-02,3.7804575173735599E-03,3.8621393661815104E-04 -3908 Nyx (1980 PA),500,5.7996000000000000E+04,2.3183491815400001E+02,-1.8773715631999998E+01,-2.7026256326146847E-01,-2.0532781705782841E+00,1.7210453098590081E-03,1.0828637044189493E-02,3.8486639138648904E-03,3.8616342662523039E-04 -3908 Nyx (1980 PA),500,5.7997000000000000E+04,2.3214546914400000E+02,-1.8837088395999999E+01,-2.5943209651461829E-01,-2.0493941636728867E+00,2.1071998317301046E-03,1.0837484948320378E-02,3.9172600902910096E-03,3.8609961255802502E-04 -3908 Nyx (1980 PA),500,5.7998000000000000E+04,2.3246119105500000E+02,-1.8901187902000000E+01,-2.4859293375821900E-01,-2.0454413975976795E+00,2.4932835034911687E-03,1.0846035494323532E-02,3.9862488806040909E-03,3.8602229338941121E-04 -3908 Nyx (1980 PA),500,5.7999000000000000E+04,2.3278203927600001E+02,-1.8965971021000001E+01,-2.3774537464217194E-01,-2.0414194787834790E+00,2.8792826580319318E-03,1.0854283706708630E-02,4.0556331314166687E-03,3.8593126437969116E-04 -3908 Nyx (1980 PA),500,5.8000000000000000E+04,2.3310797145800001E+02,-1.9031394840000001E+01,-2.2688972392987539E-01,-2.0373280107301781E+00,3.2651834251663857E-03,1.0862224513530541E-02,4.1254157015632505E-03,3.8582631700547718E-04 -3908 Nyx (1980 PA),500,5.8001000000000000E+04,2.3343894777400001E+02,-1.9097416733999999E+01,-2.1602629161938203E-01,-2.0331665939819863E+00,3.6509717317049200E-03,1.0869852744446001E-02,4.1955994616748715E-03,3.8570723889033183E-04 -3908 Nyx (1980 PA),500,5.8002000000000000E+04,2.3377493121699999E+02,-1.9163994443000000E+01,-2.0515539305529040E-01,-2.0289348261141695E+00,4.0366333031868328E-03,1.0877163128708442E-02,4.2661872937410899E-03,3.8557381373833724E-04 -3908 Nyx (1980 PA),500,5.8003000000000000E+04,2.3411588788500001E+02,-1.9231086164000001E+01,-1.9427734901798632E-01,-2.0246323017359686E+00,4.4221536665013782E-03,1.0884150293087969E-02,4.3371820906637198E-03,3.8542582127061489E-04 -3908 Nyx (1980 PA),500,5.8004000000000000E+04,2.3446178718400000E+02,-1.9298650628000001E+01,-1.8339248578477740E-01,-2.0202586125126309E+00,4.8075181518386738E-03,1.0890808759714356E-02,4.4085867558243709E-03,3.8526303716718188E-04 -3908 Nyx (1980 PA),500,5.8005000000000000E+04,2.3481260186800000E+02,-1.9366647145000002E+01,-1.7250113516516974E-01,-2.0158133472039794E+00,5.1927118921682508E-03,1.0897132943801950E-02,4.4804042025985407E-03,3.8508523301271987E-04 -3908 Nyx (1980 PA),500,5.8006000000000000E+04,2.3516830786300000E+02,-1.9435035606000000E+01,-1.6160363452109916E-01,-2.0112960917108147E+00,5.5777198188805555E-03,1.0903117151277158E-02,4.5526373538409687E-03,3.8489217624641884E-04 -3908 Nyx (1980 PA),500,5.8007000000000000E+04,2.3552888387700000E+02,-1.9503776430999999E+01,-1.5070032678827716E-01,-2.0067064291171679E+00,5.9625266532802911E-03,1.0908755576288363E-02,4.6252891413088911E-03,3.8468363011469906E-04 -3908 Nyx (1980 PA),500,5.8008000000000000E+04,2.3589431081000001E+02,-1.9572830454000002E+01,-1.3979156051649677E-01,-2.0020439397191985E+00,6.3471168946841799E-03,1.0914042298598086E-02,4.6983625049783692E-03,3.8445935362410230E-04 -3908 Nyx (1980 PA),500,5.8009000000000000E+04,2.3626457104500000E+02,-1.9642158784999999E+01,-1.2887768993663462E-01,-1.9973082010352594E+00,6.7314748066345676E-03,1.0918971280875121E-02,4.7718603922376097E-03,3.8421910149060383E-04 -3908 Nyx (1980 PA),500,5.8010000000000000E+04,2.3663964768400001E+02,-1.9711722629000000E+01,-1.1795907505837078E-01,-1.9924987877987632E+00,7.1155844025422472E-03,1.0923536365914034E-02,4.8457857569236297E-03,3.8396262408134856E-04 -3908 Nyx (1980 PA),500,5.8011000000000000E+04,2.3701952379200000E+02,-1.9781483107000000E+01,-1.0703608179392854E-01,-1.9876152719359612E+00,7.4994294317054294E-03,1.0927731273818094E-02,4.9201415582093080E-03,3.8368966734482907E-04 -3908 Nyx (1980 PA),500,5.8012000000000000E+04,2.3740418172000000E+02,-1.9851401082999999E+01,-9.6109082109056998E-02,-1.9826572225322951E+00,7.8829933660883676E-03,1.0931549599181294E-02,4.9949307593254114E-03,3.8339997272647124E-04 -3908 Nyx (1980 PA),500,5.8013000000000000E+04,2.3779360253600001E+02,-1.9921437000000001E+01,-8.5178454200482423E-02,-1.9776242057873334E+00,8.2662593884511373E-03,1.0934984808304241E-02,5.0701563261464702E-03,3.8309327706771641E-04 -3908 Nyx (1980 PA),500,5.8014000000000000E+04,2.3818776564199999E+02,-1.9991550755999999E+01,-7.4244582701726847E-02,-1.9725157849596766E+00,8.6492103827375683E-03,1.0938030236468329E-02,5.1458212256643900E-03,3.8276931248901560E-04 -3908 Nyx (1980 PA),500,5.8015000000000000E+04,2.3858664860700000E+02,-2.0061701627000001E+01,-6.3307858913153048E-02,-1.9673315203063191E+00,9.0318289278977573E-03,1.0940679085284191E-02,5.2219284243931307E-03,3.8242780625880068E-04 -3908 Nyx (1980 PA),500,5.8016000000000000E+04,2.3899022724599999E+02,-2.0131848237000000E+01,-5.2368681041227827E-02,-1.9620709690247304E+00,9.4140972959873767E-03,1.0942924420107076E-02,5.2984808867765597E-03,3.8206848065474615E-04 -3908 Nyx (1980 PA),500,5.8017000000000000E+04,2.3939847593200000E+02,-2.0201948593000001E+01,-4.1427454428581978E-02,-1.9567336852097978E+00,9.7959974541760690E-03,1.0944759167473556E-02,5.3754815735734089E-03,3.8169105281975522E-04 -3908 Nyx (1980 PA),500,5.8018000000000000E+04,2.3981136805800000E+02,-2.0271960159999999E+01,-3.0484591753444201E-02,-1.9513192198332205E+00,1.0177511069151416E-02,1.0946176112559776E-02,5.4529334402987299E-03,3.8129523461850640E-04 -3908 Nyx (1980 PA),500,5.8019000000000000E+04,2.4022887657699999E+02,-2.0341839970999999E+01,-1.9540513193802900E-02,-1.9458271207496993E+00,1.0558619511473832E-02,1.0947167896595939E-02,5.5308394356841390E-03,3.8088073249886576E-04 -3908 Nyx (1980 PA),500,5.8020000000000000E+04,2.4065097450900001E+02,-2.0411544735000000E+01,-8.5956465565451001E-03,-1.9402569327232362E+00,1.0939303857961682E-02,1.0947727014213147E-02,5.6092025001747599E-03,3.8044724736028217E-04 -3908 Nyx (1980 PA),500,5.8021000000000000E+04,2.4107763535600000E+02,-2.0481030938000000E+01,2.3495726135098760E-03,-1.9346081974652782E+00,1.1319544890948278E-02,1.0947845810702513E-02,5.6880255644295493E-03,3.7999447442913122E-04 -3908 Nyx (1980 PA),500,5.8022000000000000E+04,2.4150883339999999E+02,-2.0550254923000001E+01,1.3294700927675929E-02,-1.9288804536761930E+00,1.1699323094346672E-02,1.0947516479160360E-02,5.7673115477933409E-03,3.7952210314218487E-04 -3908 Nyx (1980 PA),500,5.8023000000000000E+04,2.4194454388200000E+02,-2.0619172940999999E+01,2.4239287040066615E-02,-1.9230732370822008E+00,1.2078618647314531E-02,1.0946731057517464E-02,5.8470633567305717E-03,3.7902981703602382E-04 -3908 Nyx (1980 PA),500,5.8024000000000000E+04,2.4238474310399999E+02,-2.0687741184000000E+01,3.5182871516433400E-02,-1.9171860804656866E+00,1.2457411416439142E-02,1.0945481425454349E-02,5.9272838831790214E-03,3.7851729364065810E-04 -3908 Nyx (1980 PA),500,5.8025000000000000E+04,2.4282940847200001E+02,-2.0755915801000000E+01,4.6124986683595770E-02,-1.9112185136870337E+00,1.2835680947497851E-02,1.0943759301207836E-02,6.0079760028208598E-03,3.7798420437555917E-04 -3908 Nyx (1980 PA),500,5.8026000000000000E+04,2.4327851855899999E+02,-2.0823652911000000E+01,5.7065156456450494E-02,-1.9051700637000790E+00,1.3213406457585208E-02,1.0941556238276860E-02,6.0891425732416595E-03,3.7743021444658695E-04 -3908 Nyx (1980 PA),500,5.8027000000000000E+04,2.4373205318300000E+02,-2.0890908614000001E+01,6.8002896145412106E-02,-1.8990402545622445E+00,1.3590566828417092E-02,1.0938863622036592E-02,6.1707864319792520E-03,3.7685498274238794E-04 -3908 Nyx (1980 PA),500,5.8028000000000000E+04,2.4418999357199999E+02,-2.0957639017000002E+01,7.8937712247661551E-02,-1.8928286074424416E+00,1.3967140601480089E-02,1.0935672666269821E-02,6.2529103944535085E-03,3.7625816172916356E-04 -3908 Nyx (1980 PA),500,5.8029000000000000E+04,2.4465232261200001E+02,-2.1023800272999999E+01,8.9869102223521513E-02,-1.8865346406349000E+00,1.4343105975324136E-02,1.0931974409626326E-02,6.3355172517241716E-03,3.7563939734335834E-04 -3908 Nyx (1980 PA),703,5.7970000000000000E+04,2.2574764943599999E+02,-1.7520550095000001E+01,-5.4792708347747676E-01,-2.1313512827607233E+00,-8.3026329590717464E-03,1.0508477036935200E-02,2.1939896460588457E-03,3.8367297127574939E-04 -3908 Nyx (1980 PA),703,5.7971000000000000E+04,2.2590519113400001E+02,-1.7550416505000001E+01,-5.3741336157693387E-01,-2.1291260723505596E+00,-7.9188302033265205E-03,1.0523584882420204E-02,2.2533282956786905E-03,3.8389921007548440E-04 -3908 Nyx (1980 PA),703,5.7972000000000000E+04,2.2606933335400001E+02,-1.7582068402000001E+01,-5.2688464098062693E-01,-2.1268413694666526E+00,-7.5348061407333067E-03,1.0538496402649498E-02,2.3129909671976041E-03,3.8411615615154145E-04 -3908 Nyx (1980 PA),703,5.7973000000000000E+04,2.2624000373699999E+02,-1.7615465258000000E+01,-5.1634111994038634E-01,-2.1244968495440215E+00,-7.1505701932031299E-03,1.0553208559659298E-02,2.3729800808069967E-03,3.8432368079779964E-04 -3908 Nyx (1980 PA),703,5.7974000000000000E+04,2.2641713269100001E+02,-1.7650566634000000E+01,-5.0578299984932751E-01,-2.1220921855077854E+00,-6.7661319013280867E-03,1.0567718258125622E-02,2.4332980751537604E-03,3.8452165304123174E-04 -3908 Nyx (1980 PA),703,5.7975000000000000E+04,2.2660065367799999E+02,-1.7687332308999999E+01,-4.9521048529041078E-01,-2.1196270477693964E+00,-6.3815009225124467E-03,1.0582022344200503E-02,2.4939474072692043E-03,3.8470993959911944E-04 -3908 Nyx (1980 PA),703,5.7976000000000000E+04,2.2679050340000001E+02,-1.7725722393000002E+01,-4.8462378406873585E-01,-2.1171011042325696E+00,-5.9966870294066660E-03,1.0596117604336684E-02,2.5549305525175304E-03,3.8488840483438309E-04 -3908 Nyx (1980 PA),703,5.7977000000000000E+04,2.2698662186100000E+02,-1.7765697406000001E+01,-4.7402310723465346E-01,-2.1145140203074213E+00,-5.6117001094271738E-03,1.0610000764083399E-02,2.6162500045321304E-03,3.8505691071049925E-04 -3908 Nyx (1980 PA),703,5.7978000000000000E+04,2.2718895228599999E+02,-1.7807218323000001E+01,-4.6340866910280132E-01,-2.1118654589297967E+00,-5.2265501657659036E-03,1.0623668486861493E-02,2.6779082751344496E-03,3.8521531674376490E-04 -3908 Nyx (1980 PA),703,5.7979000000000000E+04,2.2739744088000000E+02,-1.7850246573000000E+01,-4.5278068726547516E-01,-2.1091550805819641E+00,-4.8412473198324807E-03,1.0637117372698627E-02,2.7399078942468586E-03,3.8536347995842853E-04 -3908 Nyx (1980 PA),703,5.7980000000000000E+04,2.2761203642699999E+02,-1.7894743992999999E+01,-4.4213938260649233E-01,-2.1063825433147034E+00,-4.4558018153367162E-03,1.0650343956956203E-02,2.8022514097909897E-03,3.8550125483569964E-04 -3908 Nyx (1980 PA),703,5.7981000000000000E+04,2.2783268974100000E+02,-1.7940672729999999E+01,-4.3148497931211716E-01,-2.1035475027693518E+00,-4.0702240241691388E-03,1.0663344709014184E-02,2.8649413875707509E-03,3.8562849326542352E-04 -3908 Nyx (1980 PA),703,5.7982000000000000E+04,2.2805935295500001E+02,-1.7987995094999999E+01,-4.2081770488359604E-01,-2.1006496121979050E+00,-3.6845244548030197E-03,1.0676116030933529E-02,2.9279804111406998E-03,3.8574504449513501E-04 -3908 Nyx (1980 PA),703,5.7983000000000000E+04,2.2829197869300000E+02,-1.8036673363999999E+01,-4.1013779016011853E-01,-2.0976885224739332E+00,-3.2987137639570122E-03,1.0688654256088512E-02,2.9913710816538500E-03,3.8585075507814891E-04 -3908 Nyx (1980 PA),703,5.7984000000000000E+04,2.2853051916400000E+02,-1.8086669544999999E+01,-3.9944546936775405E-01,-2.0946638820813552E+00,-2.9128027715289431E-03,1.0700955647770159E-02,3.0551160176937302E-03,3.8594546882045702E-04 -3908 Nyx (1980 PA),703,5.7985000000000000E+04,2.2877492532100001E+02,-1.8137945124000002E+01,-3.8874098021370174E-01,-2.0915753370673640E+00,-2.5268024773040334E-03,1.0713016397760155E-02,3.1192178550845402E-03,3.8602902672630387E-04 -3908 Nyx (1980 PA),703,5.7986000000000000E+04,2.2902514622499999E+02,-1.8190460845000000E+01,-3.7802456403597096E-01,-2.0884225309537818E+00,-2.1407240761041903E-03,1.0724832624873447E-02,3.1836792466783306E-03,3.8610126694286448E-04 -3908 Nyx (1980 PA),703,5.7987000000000000E+04,2.2928112877199999E+02,-1.8244176565000000E+01,-3.6729646599849708E-01,-2.0852051046179030E+00,-1.7545789674376976E-03,1.0736400373477345E-02,3.2485028621228405E-03,3.8616202470142575E-04 -3908 Nyx (1980 PA),703,5.7988000000000000E+04,2.2954281784099999E+02,-1.8299051217999999E+01,-3.5655693529858123E-01,-2.0819226961689443E+00,-1.3683787571320623E-03,1.0747715611967433E-02,3.3136913876062705E-03,3.8621113226215101E-04 -3908 Nyx (1980 PA),703,5.7989000000000000E+04,2.2981015681500000E+02,-1.8355042884000000E+01,-3.4580622535192795E-01,-2.0785749408513032E+00,-9.8213525172757507E-04,1.0758774231232338E-02,3.3792475255861997E-03,3.8624841885078886E-04 -3908 Nyx (1980 PA),703,5.7990000000000000E+04,2.3008308832300000E+02,-1.8412108949000000E+01,-3.3504459392552932E-01,-2.0751614709911754E+00,-5.9586044893213737E-04,1.0769572043077455E-02,3.4451739945066309E-03,3.8627371059881120E-04 -3908 Nyx (1980 PA),703,5.7991000000000000E+04,2.3036155501299999E+02,-1.8470206298000001E+01,-3.2427230322129152E-01,-2.0716819159871007E+00,-2.0956652848762129E-04,1.0780104778624391E-02,3.5114735284881397E-03,3.8628683047982348E-04 -3908 Nyx (1980 PA),703,5.7992000000000000E+04,2.3064550022600000E+02,-1.8529291497999999E+01,-3.1348961992218882E-01,-2.0681359023282271E+00,1.7673415376809326E-04,1.0790368086682045E-02,3.5781488770125509E-03,3.8628759824487575E-04 -3908 Nyx (1980 PA),703,5.7993000000000000E+04,2.3093486849700000E+02,-1.8589320958999998E+01,-3.0269681522553937E-01,-2.0645230536227426E+00,5.6302906759560169E-04,1.0800357532088535E-02,3.6452028045865989E-03,3.8627583035606667E-04 -3908 Nyx (1980 PA),703,5.7994000000000000E+04,2.3122960587200001E+02,-1.8650251043000001E+01,-2.9189416488146769E-01,-2.0608429906225947E+00,9.4930550634440716E-04,1.0810068594023430E-02,3.7126380903829206E-03,3.8625133991860325E-04 -3908 Nyx (1980 PA),703,5.7995000000000000E+04,2.3152966008999999E+02,-1.8712038140000001E+01,-2.8108194924521135E-01,-2.0570953312367073E+00,1.3355505825531297E-03,1.0819496664291595E-02,3.7804575278694297E-03,3.8621393661139998E-04 -3908 Nyx (1980 PA),703,5.7996000000000000E+04,2.3183498068500000E+02,-1.8774638716999998E+01,-2.7026045334871529E-01,-2.0532796905313311E+00,1.7217512223570326E-03,1.0828637045576173E-02,3.8486639244171006E-03,3.8616342661644375E-04 -3908 Nyx (1980 PA),703,5.7997000000000000E+04,2.3214551904300001E+02,-1.8838009343000000E+01,-2.5942996698970855E-01,-2.0493956807181881E+00,2.1078941597914378E-03,1.0837484949660834E-02,3.9172601008978184E-03,3.8609961254717785E-04 -3908 Nyx (1980 PA),703,5.7998000000000000E+04,2.3246122848700000E+02,-1.8902106721999999E+01,-2.4859078483763852E-01,-2.0454429111336005E+00,2.4939659317348211E-03,1.0846035495616781E-02,3.9862488912636596E-03,3.8602229337647619E-04 -3908 Nyx (1980 PA),703,5.7999000000000000E+04,2.3278206440599999E+02,-1.8966887726000000E+01,-2.3774320655017922E-01,-2.0414209882111920E+00,2.8799528742119501E-03,1.0854283707953733E-02,4.0556331421273389E-03,3.8593126436464227E-04 -3908 Nyx (1980 PA),703,5.8000000000000000E+04,2.3310798444800000E+02,-1.9032309440999999E+01,-2.2688753689852958E-01,-2.0373295154539268E+00,3.2658411203779747E-03,1.0862224514725786E-02,4.1254157123224219E-03,3.8582631698870165E-04 -3908 Nyx (1980 PA),703,5.8001000000000000E+04,2.3343894878300000E+02,-1.9098329242999998E+01,-2.1602408588854372E-01,-2.0331680934093477E+00,3.6516166005847004E-03,1.0869852745591282E-02,4.1955994724816696E-03,3.8570723887139662E-04 -3908 Nyx (1980 PA),703,5.8002000000000000E+04,2.3377492040300001E+02,-1.9164904872000001E+01,-2.0515316887253843E-01,-2.0289363196562684E+00,4.0372650441041413E-03,1.0877163129803639E-02,4.2661873045949008E-03,3.8557381371679881E-04 -3908 Nyx (1980 PA),703,5.8003000000000000E+04,2.3411586540299999E+02,-1.9231994525000001E+01,-1.9427510663862502E-01,-2.0246337888076971E+00,4.4227719817337974E-03,1.0884150294131437E-02,4.3371821015618789E-03,3.8542582124686706E-04 -3908 Nyx (1980 PA),703,5.8004000000000000E+04,2.3446175318900001E+02,-1.9299556932000002E+01,-1.8339022547178851E-01,-2.0202600925328218E+00,4.8081227477463507E-03,1.0890808760705240E-02,4.4085867667652510E-03,3.8526303714120320E-04 -3908 Nyx (1980 PA),703,5.8005000000000000E+04,2.3481255651000001E+02,-1.9367551405000000E+01,-1.7249885718918501E-01,-2.0158148195955592E+00,5.1933024793885795E-03,1.0897132944739429E-02,4.4804042135805789E-03,3.8508523298448632E-04 -3908 Nyx (1980 PA),703,5.8006000000000000E+04,2.3516825129300000E+02,-1.9435937835000001E+01,-1.6160133916042474E-01,-2.0112975559009523E+00,5.5782961125315526E-03,1.0903117152160420E-02,4.5526373648625690E-03,3.8489217621590917E-04 -3908 Nyx (1980 PA),703,5.8007000000000000E+04,2.3552881624200000E+02,-1.9504676638999999E+01,-1.5069801432892183E-01,-2.0067078845374149E+00,5.9630883731731452E-03,1.0908755577116614E-02,4.6252891523684316E-03,3.8468363008189283E-04 -3908 Nyx (1980 PA),703,5.8008000000000000E+04,2.3589423225600001E+02,-1.9573728656000000E+01,-1.3978923125220621E-01,-2.0020453858056193E+00,6.3476637655420168E-03,1.0914042299370550E-02,4.6983625160743909E-03,3.8445935358897751E-04 -3908 Nyx (1980 PA),703,5.8009000000000000E+04,2.3626448171700000E+02,-1.9643054992000000E+01,-1.2887534416903257E-01,-1.9973096372286143E+00,6.7320065583006943E-03,1.0918971281590410E-02,4.7718604033674585E-03,3.8421910145359898E-04 -3908 Nyx (1980 PA),703,5.8010000000000000E+04,2.3663954772400001E+02,-1.9712616854000000E+01,-1.1795671309700806E-01,-1.9925002135446876E+00,7.1161007701801152E-03,1.0923536366572662E-02,4.8457857680879006E-03,3.8396262404153059E-04 -3908 Nyx (1980 PA),703,5.8011000000000000E+04,2.3701941334200001E+02,-1.9782375364000000E+01,-1.0703370395639844E-01,-1.9876166866852005E+00,7.4999301559692273E-03,1.0927731274418708E-02,4.9201415694054285E-03,3.8368966730263773E-04 -3908 Nyx (1980 PA),703,5.8012000000000000E+04,2.3740406091700001E+02,-1.9852291385000001E+01,-9.6106688721084299E-02,-1.9826586257409731E+00,7.8834781932628512E-03,1.0931549599723178E-02,4.9949307705519693E-03,3.8339997268188776E-04 -3908 Nyx (1980 PA),703,5.8013000000000000E+04,2.3779347151799999E+02,-1.9922325358999998E+01,-8.5176045596019767E-02,-1.9776255969172611E+00,8.2667280705777217E-03,1.0934984808786703E-02,5.0701563374019893E-03,3.8309327702072151E-04 -3908 Nyx (1980 PA),703,5.8014000000000000E+04,2.3818762454300000E+02,-1.9992437188000000E+01,-7.4242159223004922E-02,-1.9725171634786780E+00,8.6496626777301903E-03,1.0938030236890689E-02,5.1458212369474409E-03,3.8276931243959290E-04 -3908 Nyx (1980 PA),703,5.8015000000000000E+04,2.3858649756099999E+02,-2.0062586145000001E+01,-6.3305420910700905E-02,-1.9673328856885797E+00,9.0322645996577730E-03,1.0940679085645789E-02,5.2219284357023794E-03,3.8242780620693066E-04 -3908 Nyx (1980 PA),703,5.8016000000000000E+04,2.3899006638399999E+02,-2.0132730854999998E+01,-5.2366228873912846E-02,-1.9620723207511861E+00,9.4145161145459538E-03,1.0942924420407247E-02,5.2984808981105091E-03,3.8206848060041483E-04 -3908 Nyx (1980 PA),703,5.8017000000000000E+04,2.3939830538300001E+02,-2.0202829326000000E+01,-4.1424988463506951E-02,-1.9567350227684579E+00,9.7963991958606254E-03,1.0944759167711680E-02,5.3754815849308395E-03,3.8169105276294590E-04 -3908 Nyx (1980 PA),703,5.8018000000000000E+04,2.3981118794899999E+02,-2.0272839023000000E+01,-3.0482112365920022E-02,-1.9513205427195521E+00,1.0177895516781632E-02,1.0946176112735217E-02,5.4529334516782105E-03,3.8129523455920499E-04 -3908 Nyx (1980 PA),703,5.8019000000000000E+04,2.4022868703200001E+02,-2.0342716977999999E+01,-1.9538020767188025E-02,-1.9458284284669405E+00,1.0558986454561501E-02,1.0947167896708082E-02,5.5308394470843687E-03,3.8088073243705388E-04 -3908 Nyx (1980 PA),703,5.8020000000000000E+04,2.4065077565100000E+02,-2.0412419900000000E+01,-8.5931414821089902E-03,-1.9402582247827089E+00,1.0939653092910959E-02,1.0947727014261390E-02,5.6092025115944202E-03,3.8044724729594388E-04 -3908 Nyx (1980 PA),703,5.8021000000000000E+04,2.4107742730600000E+02,-2.0481904277999998E+01,2.3520899367761583E-03,-1.9346094733866672E+00,1.1319876221243502E-02,1.0947845810686275E-02,5.6880255758674295E-03,3.7999447436225578E-04 -3908 Nyx (1980 PA),703,5.8022000000000000E+04,2.4150861627699999E+02,-2.0551126450999998E+01,1.3297230093223922E-02,-1.9288817129878146E+00,1.1699636330725119E-02,1.0947516479079059E-02,5.7673115592482092E-03,3.7952210307275544E-04 -3908 Nyx (1980 PA),703,5.8023000000000000E+04,2.4194431780400001E+02,-2.0620042673000000E+01,2.4241827634008284E-02,-1.9230744793212540E+00,1.2078913607935140E-02,1.0946731057370528E-02,5.8470633682012399E-03,3.7902981696402602E-04 -3908 Nyx (1980 PA),703,5.8024000000000000E+04,2.4238450818400000E+02,-2.0688609135000000E+01,3.5185423117720327E-02,-1.9171873051784880E+00,1.2457687927018068E-02,1.0945481425241228E-02,5.9272838946642006E-03,3.7851729356607865E-04 -3908 Nyx (1980 PA),703,5.8025000000000000E+04,2.4282916482499999E+02,-2.0756781985000000E+01,4.6127548864267065E-02,-1.9112197204292320E+00,1.2835938841443906E-02,1.0943759300927974E-02,6.0079760143193911E-03,3.7798420429838181E-04 -3908 Nyx (1980 PA),703,5.8026000000000000E+04,2.4327826629600000E+02,-2.0824517344000000E+01,5.7067728781845739E-02,-1.9051712520368684E+00,1.3213645576112532E-02,1.0941556237929452E-02,6.0891425847512497E-03,3.7743021436730645E-04 -3908 Nyx (1980 PA),703,5.8027000000000000E+04,2.4373179241299999E+02,-2.0891771309999999E+01,6.8005478174406053E-02,-1.8990414240685680E+00,1.3590787020651630E-02,1.0938863621621643E-02,6.1707864435011518E-03,3.7685498265997789E-04 -3908 Nyx (1980 PA),703,5.8028000000000000E+04,2.4418972440400000E+02,-2.0958499992000000E+01,7.8940303532895939E-02,-1.8928297577031898E+00,1.3967341724555816E-02,1.0935672665786537E-02,6.2529104059853985E-03,3.7625816164411636E-04 -3908 Nyx (1980 PA),703,5.8029000000000000E+04,2.4465204515299999E+02,-2.1024659539999998E+01,8.9871702311717927E-02,-1.8865357712450694E+00,1.4343287894476342E-02,1.0931974409074193E-02,6.3355172632650007E-03,3.7563939725565978E-04 -3908 Nyx (1980 PA),F51,5.7970000000000000E+04,2.2574839747199999E+02,-1.7520149580999998E+01,-5.4792807830288948E-01,-2.1313503973273740E+00,-8.3025252145749878E-03,1.0508477035587655E-02,2.1939896408138173E-03,3.8367297125484906E-04 -3908 Nyx (1980 PA),F51,5.7971000000000000E+04,2.2590594455499999E+02,-1.7550020653000001E+01,-5.3741434807808619E-01,-2.1291251990964248E+00,-7.9187086473763348E-03,1.0523584881118207E-02,2.2533282905172272E-03,3.8389921005581990E-04 -3908 Nyx (1980 PA),F51,5.7972000000000000E+04,2.2607009190900001E+02,-1.7581677173999999E+01,-5.2688561896277664E-01,-2.1268405086528568E+00,-7.5346706974960950E-03,1.0538496401392825E-02,2.3129909621201119E-03,3.8411615613351025E-04 -3908 Nyx (1980 PA),F51,5.7973000000000000E+04,2.2624076717899999E+02,-1.7615078615000002E+01,-5.1634208920545088E-01,-2.1244960014220631E+00,-7.1504207916333095E-03,1.0553208558447415E-02,2.3729800758159180E-03,3.8432368078096155E-04 -3908 Nyx (1980 PA),F51,5.7974000000000000E+04,2.2641790078200000E+02,-1.7650184539000001E+01,-5.0578396019601224E-01,-2.1220913503194430E+00,-6.7659684752905038E-03,1.0567718256958087E-02,2.4332980702504760E-03,3.8452165302555748E-04 -3908 Nyx (1980 PA),F51,5.7975000000000000E+04,2.2660142618600000E+02,-1.7686954724000000E+01,-4.9521143651428601E-01,-2.1196262257466252E+00,-6.3813234108966279E-03,1.0582022343076890E-02,2.4939474024551472E-03,3.8470993958458863E-04 -3908 Nyx (1980 PA),F51,5.7976000000000000E+04,2.2679128009999999E+02,-1.7725349281000000E+01,-4.8462472596237782E-01,-2.1171002955974263E+00,-5.9964953762274755E-03,1.0596117603256516E-02,2.5549305477940709E-03,3.8488840482096896E-04 -3908 Nyx (1980 PA),F51,5.7977000000000000E+04,2.2698740253500000E+02,-1.7765328730000000E+01,-4.7402403958776329E-01,-2.1145132252719825E+00,-5.6114942639198364E-03,1.0610000763045902E-02,2.6162499999014908E-03,3.8505691069776020E-04 -3908 Nyx (1980 PA),F51,5.7978000000000000E+04,2.2718973672300001E+02,-1.7806854046000002E+01,-4.6340959170229368E-01,-2.1118646776960803E+00,-5.2263300824856645E-03,1.0623668485866652E-02,2.6779082705960609E-03,3.8521531673249858E-04 -3908 Nyx (1980 PA),F51,5.7979000000000000E+04,2.2739822887299999E+02,-1.7849886658999999E+01,-4.5278159989561251E-01,-2.1091543133418784E+00,-4.8410129587588913E-03,1.0637117371745617E-02,2.7399078898029099E-03,3.8536347994819442E-04 -3908 Nyx (1980 PA),F51,5.7980000000000000E+04,2.2761282777900001E+02,-1.7894388406000001E+01,-4.4214028504895431E-01,-2.1063817902499800E+00,-4.4555531419902790E-03,1.0650343956044469E-02,2.8022514054427908E-03,3.8550125482646923E-04 -3908 Nyx (1980 PA),F51,5.7981000000000000E+04,2.2783348425700001E+02,-1.7940321433000001E+01,-4.3148587134610583E-01,-2.1035467640515066E+00,-4.0699610097428901E-03,1.0663344708143105E-02,2.8649413833194987E-03,3.8562849325716889E-04 -3908 Nyx (1980 PA),F51,5.7982000000000000E+04,2.2806015045000001E+02,-1.7987648053000001E+01,-4.2081858628589031E-01,-2.1006488879882061E+00,-3.6842470763014581E-03,1.0676116030102456E-02,2.9279804069875306E-03,3.8574504448782065E-04 -3908 Nyx (1980 PA),F51,5.7983000000000000E+04,2.2829277898500001E+02,-1.8036330542000002E+01,-4.1013866070505367E-01,-2.0976878129233523E+00,-3.2984220043374870E-03,1.0688654255296812E-02,2.9913710776000389E-03,3.8585075507174507E-04 -3908 Nyx (1980 PA),F51,5.7984000000000000E+04,2.2853132207799999E+02,-1.8086330907000001E+01,-3.9944632882730824E-01,-2.0946631873305561E+00,-2.9124966198439753E-03,1.0700955647017136E-02,3.0551160137403700E-03,3.8594546881493290E-04 -3908 Nyx (1980 PA),F51,5.7985000000000000E+04,2.2877573068699999E+02,-1.8137610635000001E+01,-3.8874182835746007E-01,-2.0915746572466674E+00,-2.5264819288105338E-03,1.0713016397045090E-02,3.1192178512326699E-03,3.8602902672162304E-04 -3908 Nyx (1980 PA),F51,5.7986000000000000E+04,2.2902595388000000E+02,-1.8190130471000000E+01,-3.7802540063110879E-01,-2.0884218661831193E+00,-2.1403891323514140E-03,1.0724832624195213E-02,3.1836792429300285E-03,3.8610126693860210E-04 -3908 Nyx (1980 PA),F51,5.7987000000000000E+04,2.2928193855800001E+02,-1.8243850272000000E+01,-3.6729729080983109E-01,-2.0852044550067887E+00,-1.7542296363166736E-03,1.0736400372836009E-02,3.2485028584773399E-03,3.8616202469833312E-04 -3908 Nyx (1980 PA),F51,5.7988000000000000E+04,2.2954362960600000E+02,-1.8298728970999999E+01,-3.5655774808858642E-01,-2.0819220618164396E+00,-1.3680150529021902E-03,1.0747715611361812E-02,3.3136913840655612E-03,3.8621113225979916E-04 -3908 Nyx (1980 PA),F51,5.7989000000000000E+04,2.2981097041199999E+02,-1.8354724650000001E+01,-3.4580702588084689E-01,-2.0785743218459714E+00,-9.8175719504989224E-04,1.0758774230661619E-02,3.3792475221512495E-03,3.8624841884914439E-04 -3908 Nyx (1980 PA),F51,5.7990000000000000E+04,2.3008390360900000E+02,-1.8411794696000001E+01,-3.3504538195145639E-01,-2.0751608674110136E+00,-5.9546806690400906E-04,1.0769572042540834E-02,3.4451739911785205E-03,3.8627371059783244E-04 -3908 Nyx (1980 PA),F51,5.7991000000000000E+04,2.3036237185200000E+02,-1.8469895992000001E+01,-3.2427307850038034E-01,-2.0716813278995172E+00,-2.0915985468833605E-04,1.0780104778121018E-02,3.5114735252678008E-03,3.8628683047947513E-04 -3908 Nyx (1980 PA),F51,5.7992000000000000E+04,2.3064631848499999E+02,-1.8528985107000000E+01,-3.1349038220879311E-01,-2.0681353297899863E+00,1.7715507922864011E-04,1.0790368086211057E-02,3.5781488739009704E-03,3.8628759824512246E-04 -3908 Nyx (1980 PA),F51,5.7993000000000000E+04,2.3093568804899999E+02,-1.8589018452000001E+01,-3.0269756427244110E-01,-2.0645224966799312E+00,5.6346419802239846E-04,1.0800357531649049E-02,3.6452028015847310E-03,3.8627583035687007E-04 -3908 Nyx (1980 PA),F51,5.7994000000000000E+04,2.3123042659300000E+02,-1.8649952387999999E+01,-2.9189490044007860E-01,-2.0608424493105986E+00,9.4975478841150473E-04,1.0810068593614533E-02,3.7126380874916501E-03,3.8625133991991649E-04 -3908 Nyx (1980 PA),F51,5.7995000000000000E+04,2.3153048186400000E+02,-1.8711743306999999E+01,-2.8108267106578577E-01,-2.0570948055801748E+00,1.3360139562615828E-03,1.0819496663912367E-02,3.7804575250897105E-03,3.8621393661318718E-04 -3908 Nyx (1980 PA),F51,5.7996000000000000E+04,2.3183580339500000E+02,-1.8774347674000001E+01,-2.7026116118060395E-01,-2.0532791805441692E+00,1.7222286210006839E-03,1.0828637045225655E-02,3.8486639217497794E-03,3.8616342661866490E-04 -3908 Nyx (1980 PA),F51,5.7997000000000000E+04,2.3214634257899999E+02,-1.8837722061000001E+01,-2.5943066058155662E-01,-2.0493951864035336E+00,2.1083855099323172E-03,1.0837484949338066E-02,3.9172600983438111E-03,3.8609961254979088E-04 -3908 Nyx (1980 PA),F51,5.7998000000000000E+04,2.3246205274299999E+02,-1.8901823171000000E+01,-2.4859146393763520E-01,-2.0454424324838354E+00,2.4944711531892944E-03,1.0846035495320773E-02,3.9862488888238196E-03,3.8602229337943649E-04 -3908 Nyx (1980 PA),F51,5.7999000000000000E+04,2.3278288928000001E+02,-1.8966607875000001E+01,-2.3774387090630167E-01,-2.0414205252079332E+00,2.8804718800392714E-03,1.0854283707683470E-02,4.0556331398024798E-03,3.8593126436790989E-04 -3908 Nyx (1980 PA),F51,5.8000000000000000E+04,2.3310880983999999E+02,-1.9032033262999999E+01,-2.2688818625878859E-01,-2.0373290680680243E+00,3.2663738168796329E-03,1.0862224514479600E-02,4.1254157101141293E-03,3.8582631699189072E-04 -3908 Nyx (1980 PA),F51,5.8001000000000000E+04,2.3343977459800001E+02,-1.9098056708000001E+01,-2.1602472000123951E-01,-2.0331676616008743E+00,3.6521628873142573E-03,1.0869852745368763E-02,4.1955994703900806E-03,3.8570723887480801E-04 -3908 Nyx (1980 PA),F51,5.8002000000000000E+04,2.3377574654800000E+02,-1.9164635952000001E+01,-2.0515378748660673E-01,-2.0289359033745500E+00,4.0378248138910776E-03,1.0877163129604352E-02,4.2661873026199094E-03,3.8557381372071836E-04 -3908 Nyx (1980 PA),F51,5.8003000000000000E+04,2.3411669179000000E+02,-1.9231729193000000E+01,-1.9427570950384498E-01,-2.0246333879912926E+00,4.4233451207279862E-03,1.0884150293953650E-02,4.3371820997050500E-03,3.8542582125091336E-04 -3908 Nyx (1980 PA),F51,5.8004000000000000E+04,2.3446257973100001E+02,-1.9299295160000000E+01,-1.8339081233910970E-01,-2.0202597071095587E+00,4.8087091354739988E-03,1.0890808760547845E-02,4.4085867650273686E-03,3.8526303714532853E-04 -3908 Nyx (1980 PA),F51,5.8005000000000000E+04,2.3481338312599999E+02,-1.9367293165000000E+01,-1.7249942781102234E-01,-2.0158144494825341E+00,5.1939019888044610E-03,1.0897132944601295E-02,4.4804042119624080E-03,3.8508523298864695E-04 -3908 Nyx (1980 PA),F51,5.8006000000000000E+04,2.3516907790200000E+02,-1.9435683098999998E+01,-1.6160189329097485E-01,-2.0112972010045636E+00,5.5789086100718858E-03,1.0903117152040388E-02,4.5526373633647498E-03,3.8489217622005435E-04 -3908 Nyx (1980 PA),F51,5.8007000000000000E+04,2.3552964276800000E+02,-1.9504425382000001E+01,-1.5069855172439517E-01,-2.0067075447533833E+00,5.9637137187954518E-03,1.0908755577013507E-02,4.6252891509916717E-03,3.8468363008597605E-04 -3908 Nyx (1980 PA),F51,5.8008000000000000E+04,2.3589505862600001E+02,-1.9573480849999999E+01,-1.3978975167110774E-01,-2.0020450610190332E+00,6.3483018127430619E-03,1.0914042299283179E-02,4.6983625148193514E-03,3.8445935359295149E-04 -3908 Nyx (1980 PA),F51,5.8009000000000000E+04,2.3626530785899999E+02,-1.9642810610000002E+01,-1.2887584737235502E-01,-1.9973093273139833E+00,6.7326571541166365E-03,1.0918971281516799E-02,4.7718604022355306E-03,3.8421910145711326E-04 -3908 Nyx (1980 PA),F51,5.8010000000000000E+04,2.3664037356899999E+02,-1.9712375869999999E+01,-1.1795719884845846E-01,-1.9924999183660033E+00,7.1167637551719752E-03,1.0923536366513109E-02,4.8457857670784199E-03,3.8396262404513258E-04 -3908 Nyx (1980 PA),F51,5.8011000000000000E+04,2.3702023882500001E+02,-1.9782137752000001E+01,-1.0703417202261434E-01,-1.9876164060960300E+00,7.5006053642095909E-03,1.0927731274371183E-02,4.9201415685195503E-03,3.8368966730597859E-04 -3908 Nyx (1980 PA),F51,5.8012000000000000E+04,2.3740488597699999E+02,-1.9852057117000001E+01,-9.6107138871723286E-02,-1.9826583595845093E+00,7.8841654523403026E-03,1.0931549599686417E-02,4.9949307697903997E-03,3.8339997268490970E-04 -3908 Nyx (1980 PA),F51,5.8013000000000000E+04,2.3779429609300001E+02,-1.9922094410000000E+01,-8.5176477603971734E-02,-1.9776253450264414E+00,8.2674272016193782E-03,1.0934984808759410E-02,5.0701563367653076E-03,3.8309327702337975E-04 -3908 Nyx (1980 PA),F51,5.8014000000000000E+04,2.3818844857700000E+02,-1.9992209530000000E+01,-7.4242572864524847E-02,-1.9725169256762745E+00,8.6503734954599294E-03,1.0938030236871552E-02,5.1458212364362387E-03,3.8276931244183199E-04 -3908 Nyx (1980 PA),F51,5.8015000000000000E+04,2.3858732099800000E+02,-2.0062361752000001E+01,-6.3305815965563950E-02,-1.9673326617873184E+00,9.0329869124878108E-03,1.0940679085633474E-02,5.2219284353171580E-03,3.8242780620869937E-04 -3908 Nyx (1980 PA),F51,5.8016000000000000E+04,2.3899088917300000E+02,-2.0132509701000000E+01,-5.2366605125570009E-02,-1.9620721105538463E+00,9.4152497246863635E-03,1.0942924420400395E-02,5.2984808978518098E-03,3.8206848060165521E-04 -3908 Nyx (1980 PA),F51,5.8017000000000000E+04,2.3939912747299999E+02,-2.0202611385000001E+01,-4.1425345699255045E-02,-1.9567348260679811E+00,9.7971438994430698E-03,1.0944759167708920E-02,5.3754815847992087E-03,3.8169105276360547E-04 -3908 Nyx (1980 PA),F51,5.8018000000000000E+04,2.3981200929299999E+02,-2.0272624268000001E+01,-3.0482450377154136E-02,-1.9513203592991590E+00,1.0178651103976763E-02,1.0946176112735156E-02,5.4529334516741097E-03,3.8129523455922548E-04 -3908 Nyx (1980 PA),F51,5.8019000000000000E+04,2.4022950758600001E+02,-2.0342505383999999E+01,-1.9538339349582934E-02,-1.9458282581002257E+00,1.0559752709699242E-02,1.0947167896709298E-02,5.5308394472083702E-03,3.8088073243638243E-04 -3908 Nyx (1980 PA),F51,5.8020000000000000E+04,2.4065159537000000E+02,-2.0412211441000000E+01,-8.5934404359009342E-03,-1.9402580672337761E+00,1.0940429794587491E-02,1.0947727014262457E-02,5.6092025118469509E-03,3.8044724729452081E-04 -3908 Nyx (1980 PA),F51,5.8021000000000000E+04,2.4107824614899999E+02,-2.0481698927000000E+01,2.3518108065720966E-03,-1.9346093284102353E+00,1.1320663142428567E-02,1.0947845810685735E-02,5.6880255762490010E-03,3.7999447436002596E-04 -3908 Nyx (1980 PA),F51,5.8022000000000000E+04,2.4150943420499999E+02,-2.0550924183999999E+01,1.3296970976533706E-02,-1.9288815803293464E+00,1.1700433238863208E-02,1.0947516479075428E-02,5.7673115597592119E-03,3.7952210306965923E-04 -3908 Nyx (1980 PA),F51,5.8023000000000000E+04,2.4194513477900000E+02,-2.0619843462999999E+01,2.4241588715437579E-02,-1.9230743587170684E+00,1.2079720265047984E-02,1.0946731057362321E-02,5.8470633688421907E-03,3.7902981696000027E-04 -3908 Nyx (1980 PA),F51,5.8024000000000000E+04,2.4238532417200000E+02,-2.0688412956000001E+01,3.5185204576292706E-02,-1.9171871963559104E+00,1.2458504089817300E-02,1.0945481425226913E-02,5.9272838954355107E-03,3.7851729356107045E-04 -3908 Nyx (1980 PA),F51,5.8025000000000000E+04,2.4282997979100000E+02,-2.0756588812000000E+01,4.6127350873161221E-02,-1.9112196231067227E+00,1.2836764261443579E-02,1.0943759300906021E-02,6.0079760152214508E-03,3.7798420429232778E-04 -3908 Nyx (1980 PA),F51,5.8026000000000000E+04,2.4327908020800001E+02,-2.0824327149999998E+01,5.7067551508152126E-02,-1.9051711659241786E+00,1.3214479999750931E-02,1.0941556237897353E-02,6.0891425857849384E-03,3.7743021435994689E-04 -3908 Nyx (1980 PA),F51,5.8027000000000000E+04,2.4373260524000000E+02,-2.0891584070000000E+01,6.8005321778860428E-02,-1.8990413488668940E+00,1.3591630189415251E-02,1.0938863621579691E-02,6.1707864446658694E-03,3.7685498265164737E-04 -3908 Nyx (1980 PA),F51,5.8028000000000000E+04,2.4419053611699999E+02,-2.0958315678999998E+01,7.8940168169636338E-02,-1.8928296931053206E+00,1.3968193375109690E-02,1.0935672665732196E-02,6.2529104072819881E-03,3.7625816163455310E-04 -3908 Nyx (1980 PA),F51,5.8029000000000000E+04,2.4465285572400001E+02,-2.1024478129999999E+01,8.9871588127994895E-02,-1.8865357169355299E+00,1.4344147758795776E-02,1.0931974409005830E-02,6.3355172646939201E-03,3.7563939724480128E-04 -3908 Nyx (1980 PA),I11,5.7970000000000000E+04,2.2574684548700000E+02,-1.7519269778000002E+01,-5.4792687846645161E-01,-2.1313514623071463E+00,-8.3030778402496831E-03,1.0508477038280046E-02,2.1939896512918819E-03,3.8367297129645163E-04 -3908 Nyx (1980 PA),I11,5.7971000000000000E+04,2.2590438972800001E+02,-1.7549138745000000E+01,-5.3741317269418554E-01,-2.1291262366528820E+00,-7.9192853444616934E-03,1.0523584883720004E-02,2.2533283008299675E-03,3.8389921009495304E-04 -3908 Nyx (1980 PA),I11,5.7972000000000000E+04,2.2606853462600000E+02,-1.7580793192000002E+01,-5.2688446835976155E-01,-2.1268415185354601E+00,-7.5352714781762326E-03,1.0538496403904410E-02,2.3129909722679684E-03,3.8411615616954457E-04 -3908 Nyx (1980 PA),I11,5.7973000000000000E+04,2.2623920781300001E+02,-1.7614192589000002E+01,-5.1634096371680771E-01,-2.1244969833997640E+00,-7.1510456582948361E-03,1.0553208560870742E-02,2.3729800857962176E-03,3.8432368081463318E-04 -3908 Nyx (1980 PA),I11,5.7974000000000000E+04,2.2641633969500000E+02,-1.7649296495000002E+01,-5.0578286016008289E-01,-2.1220923041807609E+00,-6.7666174203713210E-03,1.0567718259294367E-02,2.4332980800621552E-03,3.8452165305691971E-04 -3908 Nyx (1980 PA),I11,5.7975000000000000E+04,2.2659986372399999E+02,-1.7686064686999998E+01,-4.9521036227399651E-01,-2.1196271512997331E+00,-6.3819964167566882E-03,1.0582022345327350E-02,2.4939474120971306E-03,3.8470993961369025E-04 -3908 Nyx (1980 PA),I11,5.7976000000000000E+04,2.2678971659800001E+02,-1.7724457272999999E+01,-4.8462367786487548E-01,-2.1171011926701993E+00,-5.9971924150415022E-03,1.0596117605422450E-02,2.5549305572654495E-03,3.8488840484786840E-04 -3908 Nyx (1980 PA),I11,5.7977000000000000E+04,2.2698583831600001E+02,-1.7764434770000001E+01,-4.7402301798414459E-01,-2.1145140937120854E+00,-5.6122152975857341E-03,1.0610000765129508E-02,2.6162500091997890E-03,3.8505691072316278E-04 -3908 Nyx (1980 PA),I11,5.7978000000000000E+04,2.2718817209700001E+02,-1.7805958152999999E+01,-4.6340859694725312E-01,-2.1118655173710188E+00,-5.2270750625308896E-03,1.0623668487867430E-02,2.6779082797234403E-03,3.8521531675515683E-04 -3908 Nyx (1980 PA),I11,5.7979000000000000E+04,2.2739666414000001E+02,-1.7848988849000001E+01,-4.5278063234714050E-01,-2.1091551241390492E+00,-4.8417818262401968E-03,1.0637117373665824E-02,2.7399078987570304E-03,3.8536347996881350E-04 -3908 Nyx (1980 PA),I11,5.7980000000000000E+04,2.2761126322499999E+02,-1.7893488692999998E+01,-4.4213934506804087E-01,-2.1063825720767086E+00,-4.4563458273716898E-03,1.0650343957885482E-02,2.8022514142228405E-03,3.8550125484510629E-04 -3908 Nyx (1980 PA),I11,5.7981000000000000E+04,2.2783192016100000E+02,-1.7939419829999999E+01,-4.3148495929646691E-01,-2.1035475168350635E+00,-4.0707774327514270E-03,1.0663344709906314E-02,2.8649413919247402E-03,3.8562849327388132E-04 -3908 Nyx (1980 PA),I11,5.7982000000000000E+04,2.2805858707499999E+02,-1.7986744570999999E+01,-4.2081770253373962E-01,-2.1006496116757871E+00,-3.6850871457633008E-03,1.0676116031789301E-02,2.9279804154173205E-03,3.8574504450266539E-04 -3908 Nyx (1980 PA),I11,5.7983000000000000E+04,2.2829121658700001E+02,-1.8035425189000001E+01,-4.1013780561894797E-01,-2.0976885074820548E+00,-3.2992856179911404E-03,1.0688654256908722E-02,2.9913710858536311E-03,3.8585075508478260E-04 -3908 Nyx (1980 PA),I11,5.7984000000000000E+04,2.2852976090100000E+02,-1.8085423691999999E+01,-3.9944550277794588E-01,-2.0946638527473267E+00,-2.9133836641434411E-03,1.0700955648555568E-02,3.0551160218171211E-03,3.8594546882622026E-04 -3908 Nyx (1980 PA),I11,5.7985000000000000E+04,2.2877417096500000E+02,-1.8136701563999999E+01,-3.8874103171757413E-01,-2.0915752935282050E+00,-2.5273922787798302E-03,1.0713016398511540E-02,3.1192178591320716E-03,3.8602902673122224E-04 -3908 Nyx (1980 PA),I11,5.7986000000000000E+04,2.2902439583699999E+02,-1.8189219547000000E+01,-3.7802463377536299E-01,-2.0884224733558003E+00,-2.1413226514739167E-03,1.0724832625592349E-02,3.1836792506501396E-03,3.8610126694715689E-04 -3908 Nyx (1980 PA),I11,5.7987000000000000E+04,2.2928038240800001E+02,-1.8242937497000000E+01,-3.6729655411467022E-01,-2.0852050331165675E+00,-1.7551861765009950E-03,1.0736400374163010E-02,3.2485028660203096E-03,3.8616202470473073E-04 -3908 Nyx (1980 PA),I11,5.7988000000000000E+04,2.2954207555400001E+02,-1.8297814345999999E+01,-3.5655704193202609E-01,-2.0819226109287445E+00,-1.3689944544954804E-03,1.0747715612621401E-02,3.3136913914296306E-03,3.8621113226468815E-04 -3908 Nyx (1980 PA),I11,5.7989000000000000E+04,2.2980941865400001E+02,-1.8353808174000001E+01,-3.4580635064226850E-01,-2.0785748420456382E+00,-9.8275928687389588E-04,1.0758774231855351E-02,3.3792475293358791E-03,3.8624841885258581E-04 -3908 Nyx (1980 PA),I11,5.7990000000000000E+04,2.3008235433199999E+02,-1.8410876367000000E+01,-3.3504473801128409E-01,-2.0751613588022200E+00,-5.9649266629612863E-04,1.0769572043670267E-02,3.4451739981832385E-03,3.8627371059988841E-04 -3908 Nyx (1980 PA),I11,5.7991000000000000E+04,2.3036082523300001E+02,-1.8468975806000000E+01,-3.2427246623969208E-01,-2.0716817906057008E+00,-2.1020676753460223E-04,1.0780104779187756E-02,3.5114735320922810E-03,3.8628683048020967E-04 -3908 Nyx (1980 PA),I11,5.7992000000000000E+04,2.3064477469700000E+02,-1.8528063059000001E+01,-3.1348980200900001E-01,-2.0681357639537810E+00,1.7608605846600203E-04,1.0790368087216702E-02,3.5781488805447584E-03,3.8628759824459668E-04 -3908 Nyx (1980 PA),I11,5.7993000000000000E+04,2.3093414725299999E+02,-1.8588094534000000E+01,-3.0269701651483116E-01,-2.0645229024630938E+00,5.6237328628698871E-04,1.0800357532595227E-02,3.6452028080475197E-03,3.8627583035514543E-04 -3908 Nyx (1980 PA),I11,5.7994000000000000E+04,2.3122888894600001E+02,-1.8649026592999999E+01,-2.9189438550543800E-01,-2.0608428268939458E+00,9.4864221402747389E-04,1.0810068594502873E-02,3.7126380937730005E-03,3.8625133991706227E-04 -3908 Nyx (1980 PA),I11,5.7995000000000000E+04,2.3152894751200000E+02,-1.8710815626999999E+01,-2.8108218933390761E-01,-2.0570951551634886E+00,1.3348799589102235E-03,1.0819496664744530E-02,3.7804575311893990E-03,3.8621393660926546E-04 -3908 Nyx (1980 PA),I11,5.7996000000000000E+04,2.3183427248199999E+02,-1.8773418099000001E+01,-2.7026071302989474E-01,-2.0532795023461197E+00,1.7210734516793452E-03,1.0828637046003313E-02,3.8486639276675005E-03,3.8616342661373731E-04 -3908 Nyx (1980 PA),I11,5.7997000000000000E+04,2.3214481523800001E+02,-1.8836790580999999E+01,-2.5943024638858658E-01,-2.0493954806615982E+00,2.1072094309070089E-03,1.0837484950062887E-02,3.9172601040792180E-03,3.8609961254392410E-04 -3908 Nyx (1980 PA),I11,5.7998000000000000E+04,2.3246052910300000E+02,-1.8900889773999999E+01,-2.4859108407667663E-01,-2.0454426994541719E+00,2.4932744379315449E-03,1.0846035495994463E-02,3.9862488943767007E-03,3.8602229337269921E-04 -3908 Nyx (1980 PA),I11,5.7999000000000000E+04,2.3278136946199999E+02,-1.8965672551000001E+01,-2.3774352574889257E-01,-2.0414207651652814E+00,2.8792548131562705E-03,1.0854283708307745E-02,4.0556331451726199E-03,3.8593126436036514E-04 -3908 Nyx (1980 PA),I11,5.8000000000000000E+04,2.3310729396200000E+02,-1.9031095998000001E+01,-2.2688787617327422E-01,-2.0373292813056114E+00,3.2651366940361173E-03,1.0862224515057663E-02,4.1254157153002083E-03,3.8582631698406180E-04 -3908 Nyx (1980 PA),I11,5.8001000000000000E+04,2.3343826276999999E+02,-1.9097117489999999E+01,-2.1602444535227383E-01,-2.0331678484303062E+00,3.6509060151310719E-03,1.0869852745900875E-02,4.1955994753929294E-03,3.8570723886629675E-04 -3908 Nyx (1980 PA),I11,5.8002000000000000E+04,2.3377423887500001E+02,-1.9163694767999999E+01,-2.0515354863463109E-01,-2.0289360641256988E+00,4.0365485098165415E-03,1.0877163130090763E-02,4.2661873074404111E-03,3.8557381371115309E-04 -3908 Nyx (1980 PA),I11,5.8003000000000000E+04,2.3411518837300000E+02,-1.9230786028000001E+01,-1.9427550680460626E-01,-2.0246335230122186E+00,4.4220497128888460E-03,1.0884150294397625E-02,4.3371821043420300E-03,3.8542582124080941E-04 -3908 Nyx (1980 PA),I11,5.8004000000000000E+04,2.3446108066599999E+02,-1.9298350000999999E+01,-1.8339064614313227E-01,-2.0202598167664023E+00,4.8073949625049338E-03,1.0890808760951160E-02,4.4085867694805790E-03,3.8526303713475523E-04 -3908 Nyx (1980 PA),I11,5.8005000000000000E+04,2.3481188850300001E+02,-1.9366345997000000E+01,-1.7249929846303569E-01,-2.0158145341594360E+00,5.1925693996661866E-03,1.0897132944965743E-02,4.4804042162316909E-03,3.8508523297767206E-04 -3908 Nyx (1980 PA),I11,5.8006000000000000E+04,2.3516758780699999E+02,-1.9434733907999998E+01,-1.6160180112935929E-01,-2.0112972611035635E+00,5.5775579638658963E-03,1.0903117152367785E-02,4.5526373674500999E-03,3.8489217620874612E-04 -3908 Nyx (1980 PA),I11,5.8007000000000000E+04,2.3552815728200000E+02,-1.9503474152999999E+01,-1.5069849708072847E-01,-2.0067075806943198E+00,5.9623453845967893E-03,1.0908755577305678E-02,4.6252891548929816E-03,3.8468363007440349E-04 -3908 Nyx (1980 PA),I11,5.8008000000000000E+04,2.3589357782499999E+02,-1.9572527567000002E+01,-1.3978973486964541E-01,-2.0020450732394033E+00,6.3469161694780602E-03,1.0914042299541953E-02,4.6983625185364891E-03,3.8445935358118562E-04 -3908 Nyx (1980 PA),I11,5.8009000000000000E+04,2.3626383181599999E+02,-1.9641855260000000E+01,-1.2887586872958612E-01,-1.9973093162687743E+00,6.7312545904746690E-03,1.0918971281745680E-02,4.7718604057676393E-03,3.8421910144558592E-04 -3908 Nyx (1980 PA),I11,5.8010000000000000E+04,2.3663890235200000E+02,-1.9711418435999999E+01,-1.1795725867270312E-01,-1.9924998845275046E+00,7.1153446695464972E-03,1.0923536366710658E-02,4.8457857704270607E-03,3.8396262403318830E-04 -3908 Nyx (1980 PA),I11,5.8011000000000000E+04,2.3701877249699999E+02,-1.9781178219000001E+01,-1.0703427061363857E-01,-1.9876163499535893E+00,7.4991701646490118E-03,1.0927731274540936E-02,4.9201415716839600E-03,3.8368966729405274E-04 -3908 Nyx (1980 PA),I11,5.8012000000000000E+04,2.3740342459600001E+02,-1.9851095470000001E+01,-9.6107276520443707E-02,-1.9826582816442782E+00,7.8827145564942004E-03,1.0931549599830262E-02,4.9949307727705401E-03,3.8339997267307401E-04 -3908 Nyx (1980 PA),I11,5.8013000000000000E+04,2.3779283971400000E+02,-1.9921130633000001E+01,-8.5176654592129308E-02,-1.9776252458110755E+00,8.2659610366504505E-03,1.0934984808879255E-02,5.0701563395611111E-03,3.8309327701170723E-04 -3908 Nyx (1980 PA),I11,5.8014000000000000E+04,2.3818699725200000E+02,-1.9991243608000001E+01,-7.4242789464356029E-02,-1.9725168057246085E+00,8.6488924978984499E-03,1.0938030236969314E-02,5.1458212390478111E-03,3.8276931243039181E-04 -3908 Nyx (1980 PA),I11,5.8015000000000000E+04,2.3858587477300000E+02,-2.0061393668000001E+01,-6.3306072439567984E-02,-1.9673325216540396E+00,9.0314915280286616E-03,1.0940679085711082E-02,5.2219284377445011E-03,3.8242780619756592E-04 -3908 Nyx (1980 PA),I11,5.8016000000000000E+04,2.3898944809100001E+02,-2.0131539439000001E+01,-5.2366901726157877E-02,-1.9620719508091353E+00,9.4137404079379997E-03,1.0942924420459802E-02,5.2984809000950414E-03,3.8206848059090193E-04 -3908 Nyx (1980 PA),I11,5.8017000000000000E+04,2.3939769157300000E+02,-2.0201638927000001E+01,-4.1425682668494002E-02,-1.9567346472971909E+00,9.7956211136386358E-03,1.0944759167752087E-02,5.3754815868582283E-03,3.8169105275330560E-04 -3908 Nyx (1980 PA),I11,5.8018000000000000E+04,2.3981057861200000E+02,-2.0271649599000000E+01,-3.0482827946308078E-02,-1.9513201621024490E+00,1.0177115320682141E-02,1.0946176112764057E-02,5.4529334535490821E-03,3.8129523454945400E-04 -3908 Nyx (1980 PA),I11,5.8019000000000000E+04,2.4022808215600000E+02,-2.0341528485000001E+01,-1.9538757738823964E-02,-1.9458280430922565E+00,1.0558204408516299E-02,1.0947167896725930E-02,5.5308394488992711E-03,3.8088073242721572E-04 -3908 Nyx (1980 PA),I11,5.8020000000000000E+04,2.4065017522200000E+02,-2.0411232296000001E+01,-8.5938998538830358E-03,-1.9402578350433446E+00,1.0938869462870251E-02,1.0947727014268828E-02,5.6092025133539190E-03,3.8044724728603286E-04 -3908 Nyx (1980 PA),I11,5.8021000000000000E+04,2.4107683130900000E+02,-2.0480717518999999E+01,2.3513101630638911E-03,-1.9346090796799629E+00,1.1319091275011177E-02,1.0947845810683853E-02,5.6880255775720485E-03,3.7999447435229001E-04 -3908 Nyx (1980 PA),I11,5.8022000000000000E+04,2.4150802469800001E+02,-2.0549940495000001E+01,1.3296428923009085E-02,-1.9288813157153419E+00,1.1698850337804377E-02,1.0947516479067339E-02,5.7673115608984013E-03,3.7952210306275362E-04 -3908 Nyx (1980 PA),I11,5.8023000000000000E+04,2.4194373062599999E+02,-2.0618857475999999E+01,2.4241005080131384E-02,-1.9230740788885974E+00,1.2078126839371952E-02,1.0946731057350079E-02,5.8470633697976209E-03,3.7902981695400468E-04 -3908 Nyx (1980 PA),I11,5.8024000000000000E+04,2.4238392539200001E+02,-2.0687424654000001E+01,3.5184579200512434E-02,-1.9171869019950634E+00,1.2456900655249631E-02,1.0945481425212598E-02,5.9272838962071781E-03,3.7851729355605932E-04 -3908 Nyx (1980 PA),I11,5.8025000000000000E+04,2.4282858640100000E+02,-2.0755598178000000E+01,4.6126683611725450E-02,-1.9112193149080559E+00,1.2835151340154831E-02,1.0943759300891713E-02,6.0079760158095290E-03,3.7798420428838107E-04 -3908 Nyx (1980 PA),I11,5.8026000000000000E+04,2.4327769222100000E+02,-2.0823334167999999E+01,5.7066842229709036E-02,-1.9051708445943643E+00,1.3212858120083803E-02,1.0941556237886983E-02,6.0891425861891012E-03,3.7743021435729905E-04 -3908 Nyx (1980 PA),I11,5.8027000000000000E+04,2.4373122266900000E+02,-2.0890588724000001E+01,6.8004570366292594E-02,-1.8990410151243458E+00,1.3589999885616180E-02,1.0938863621571732E-02,6.1707864448869686E-03,3.7685498265006541E-04 -3908 Nyx (1980 PA),I11,5.8028000000000000E+04,2.4418915897200000E+02,-2.0957317953000000E+01,7.8939374520416772E-02,-1.8928293476798568E+00,1.3966555187052013E-02,1.0935672665730613E-02,6.2529104073196611E-03,3.7625816163427506E-04 -3908 Nyx (1980 PA),I11,5.8029000000000000E+04,2.4465148401200000E+02,-2.1023478007000001E+01,8.9870752154618261E-02,-1.8865353605680135E+00,1.4342502231693527E-02,1.0931974409012803E-02,6.3355172645481982E-03,3.7563939724590830E-04 -3908 Nyx (1980 PA),I41,5.7970000000000000E+04,2.2574775554700000E+02,-1.7520548462000001E+01,-5.4792719528770917E-01,-2.1313511833420287E+00,-8.3026065070399471E-03,1.0508477036750103E-02,2.1939896453384271E-03,3.8367297127288389E-04 -3908 Nyx (1980 PA),I41,5.7971000000000000E+04,2.2590529772500000E+02,-1.7550415289000000E+01,-5.3741347196282663E-01,-2.1291259747324780E+00,-7.9188019475970369E-03,1.0523584882241416E-02,2.2533282949699918E-03,3.8389921007278782E-04 -3908 Nyx (1980 PA),I41,5.7972000000000000E+04,2.2606944039600000E+02,-1.7582067599999998E+01,-5.2688474991714174E-01,-2.1268412736763529E+00,-7.5347760754738867E-03,1.0538496402476972E-02,2.3129909665005159E-03,3.8411615614906492E-04 -3908 Nyx (1980 PA),I41,5.7973000000000000E+04,2.2624011119900001E+02,-1.7615464865000000E+01,-5.1634122740203314E-01,-2.1244967556073178E+00,-7.1505383132547699E-03,1.0553208559492953E-02,2.3729800801219024E-03,3.8432368079548981E-04 -3908 Nyx (1980 PA),I41,5.7974000000000000E+04,2.2641724054299999E+02,-1.7650566647000002E+01,-5.0578310581026098E-01,-2.1220920934491394E+00,-6.7660982022210714E-03,1.0567718257965351E-02,2.4332980744806911E-03,3.8452165303907976E-04 -3908 Nyx (1980 PA),I41,5.7975000000000000E+04,2.2660076189300000E+02,-1.7687332725000001E+01,-4.9521058972437815E-01,-2.1196269576118962E+00,-6.3814654004774058E-03,1.0582022344046258E-02,2.4939474066083579E-03,3.8470993959712456E-04 -3908 Nyx (1980 PA),I41,5.7976000000000000E+04,2.2679061195000000E+02,-1.7725723208000002E+01,-4.8462388694913117E-01,-2.1171010159979291E+00,-5.9966496813858303E-03,1.0596117604188389E-02,2.5549305518690595E-03,3.8488840483254152E-04 -3908 Nyx (1980 PA),I41,5.7977000000000000E+04,2.2698673071900001E+02,-1.7765698617000002E+01,-4.7402320853455227E-01,-2.1145139340159731E+00,-5.6116609330852801E-03,1.0610000763940908E-02,2.6162500038961912E-03,3.8505691070875564E-04 -3908 Nyx (1980 PA),I41,5.7978000000000000E+04,2.2718906142700001E+02,-1.7807219925999998E+01,-4.6340876879492876E-01,-2.1118653746004745E+00,-5.2265091594988150E-03,1.0623668486724830E-02,2.6779082745110212E-03,3.8521531674221780E-04 -3908 Nyx (1980 PA),I41,5.7979000000000000E+04,2.2739755027900000E+02,-1.7850248566000001E+01,-4.5278078532228050E-01,-2.1091549982323130E+00,-4.8412044827795811E-03,1.0637117372567647E-02,2.7399078936360798E-03,3.8536347995702096E-04 -3908 Nyx (1980 PA),I41,5.7980000000000000E+04,2.2761214605999999E+02,-1.7894746372000000E+01,-4.4213947900011197E-01,-2.1063824629608559E+00,-4.4557571473915741E-03,1.0650343956830838E-02,2.8022514091930999E-03,3.8550125483442847E-04 -3908 Nyx (1980 PA),I41,5.7981000000000000E+04,2.2783279958500000E+02,-1.7940675491000000E+01,-4.3148507401443381E-01,-2.1035474244260381E+00,-4.0701775259960171E-03,1.0663344708894325E-02,2.8649413869858212E-03,3.8562849326428841E-04 -3908 Nyx (1980 PA),I41,5.7982000000000000E+04,2.2805946298800001E+02,-1.7987998234999999E+01,-4.2081779786624429E-01,-2.1006495358784507E+00,-3.6844761278513167E-03,1.0676116030819083E-02,2.9279804105687805E-03,3.8574504449412713E-04 -3908 Nyx (1980 PA),I41,5.7983000000000000E+04,2.2829208889200001E+02,-1.8036676881000002E+01,-4.1013788139444984E-01,-2.0976884481902438E+00,-3.2986636104769492E-03,1.0688654255979401E-02,2.9913710810951510E-03,3.8585075507726669E-04 -3908 Nyx (1980 PA),I41,5.7984000000000000E+04,2.2853062950899999E+02,-1.8086673436000002E+01,-3.9944555882490618E-01,-2.0946638098439347E+00,-2.9127507945899442E-03,1.0700955647666264E-02,3.0551160171482915E-03,3.8594546881969623E-04 -3908 Nyx (1980 PA),I41,5.7985000000000000E+04,2.2877503579200001E+02,-1.8137949385999999E+01,-3.8874106786457052E-01,-2.0915752668853060E+00,-2.5267486808067756E-03,1.0713016397661371E-02,3.1192178545524103E-03,3.8602902672565752E-04 -3908 Nyx (1980 PA),I41,5.7986000000000000E+04,2.2902525680299999E+02,-1.8190465475000000E+01,-3.7802464985119644E-01,-2.0884224628347665E+00,-2.1406684647895732E-03,1.0724832624779614E-02,3.1836792461598009E-03,3.8610126694228015E-04 -3908 Nyx (1980 PA),I41,5.7987000000000000E+04,2.2928123943800000E+02,-1.8244181561000001E+01,-3.6729654994850947E-01,-2.0852050385682048E+00,-1.7545215468937096E-03,1.0736400373388480E-02,3.2485028616177098E-03,3.8616202470099592E-04 -3908 Nyx (1980 PA),I41,5.7988000000000000E+04,2.2954292857700000E+02,-1.8299056576000002E+01,-3.5655701735355838E-01,-2.0819226321934230E+00,-1.3683195337922678E-03,1.0747715611883384E-02,3.3136913871148910E-03,3.8621113226182326E-04 -3908 Nyx (1980 PA),I41,5.7989000000000000E+04,2.2981026760500001E+02,-1.8355048602000000E+01,-3.4580630548188995E-01,-2.0785748789534217E+00,-9.8207423287599159E-04,1.0758774231152965E-02,3.3792475251084794E-03,3.8624841885056161E-04 -3908 Nyx (1980 PA),I41,5.7990000000000000E+04,2.3008319915000001E+02,-1.8412115025999999E+01,-3.3504467210027078E-01,-2.0751614111729757E+00,-5.9579764270119360E-04,1.0769572043002659E-02,3.4451739940427502E-03,3.8627371059867373E-04 -3908 Nyx (1980 PA),I41,5.7991000000000000E+04,2.3036166585999999E+02,-1.8470212730000000E+01,-3.2427237941044229E-01,-2.0716818582492147E+00,-2.0950194386032555E-04,1.0780104778554069E-02,3.5114735280382704E-03,3.8628683047977155E-04 -3908 Nyx (1980 PA),I41,5.7992000000000000E+04,2.3064561107899999E+02,-1.8529298283999999E+01,-3.1348969409526972E-01,-2.0681358466698816E+00,1.7680050695240187E-04,1.0790368086616067E-02,3.5781488765766600E-03,3.8628759824491121E-04 -3908 Nyx (1980 PA),I41,5.7993000000000000E+04,2.3093497934100000E+02,-1.8589328095999999E+01,-3.0269688735194222E-01,-2.0645230000417483E+00,5.6309717864125352E-04,1.0800357532026782E-02,3.6452028041648113E-03,3.8627583035617959E-04 -3908 Nyx (1980 PA),I41,5.7994000000000000E+04,2.3122971669200001E+02,-1.8650258528999998E+01,-2.9189423493051136E-01,-2.0608429391153522E+00,9.4937536369554137E-04,1.0810068593965778E-02,3.7126380899752710E-03,3.8625133991878886E-04 -3908 Nyx (1980 PA),I41,5.7995000000000000E+04,2.3152977087500000E+02,-1.8712045972999999E+01,-2.8108201718615888E-01,-2.0570952817982051E+00,1.3356221737919013E-03,1.0819496664237926E-02,3.7804575274760308E-03,3.8621393661165385E-04 -3908 Nyx (1980 PA),I41,5.7996000000000000E+04,2.3183509142000000E+02,-1.8774646895000000E+01,-2.7026051915081806E-01,-2.0532796431551508E+00,1.7218245342020715E-03,1.0828637045526356E-02,3.8486639240379993E-03,3.8616342661675968E-04 -3908 Nyx (1980 PA),I41,5.7997000000000000E+04,2.3214562971500001E+02,-1.8838017864000001E+01,-2.5943003062223013E-01,-2.0493956353965026E+00,2.1079691780983420E-03,1.0837484949614735E-02,3.9172601005330685E-03,3.8609961254755070E-04 -3908 Nyx (1980 PA),I41,5.7998000000000000E+04,2.3246133908499999E+02,-1.8902115584000001E+01,-2.4859084626986994E-01,-2.0454428678571759E+00,2.4940426414977023E-03,1.0846035495574290E-02,3.9862488909134311E-03,3.8602229337690195E-04 -3908 Nyx (1980 PA),I41,5.7999000000000000E+04,2.3278217491900000E+02,-1.8966896927000001E+01,-2.3774326575151639E-01,-2.0414209469694025E+00,2.8800312595625155E-03,1.0854283707914707E-02,4.0556331417916178E-03,3.8593126436511368E-04 -3908 Nyx (1980 PA),I41,5.8000000000000000E+04,2.3310809486400001E+02,-1.9032318979999999E+01,-2.2688759383846724E-01,-2.0373294762347482E+00,3.2659211645913503E-03,1.0862224514689989E-02,4.1254157120013506E-03,3.8582631698917561E-04 -3908 Nyx (1980 PA),I41,5.8001000000000000E+04,2.3343905909300000E+02,-1.9098339116999998E+01,-2.1602414053670937E-01,-2.0331680561993561E+00,3.6516982860822695E-03,1.0869852745558690E-02,4.1955994721753192E-03,3.8570723887190663E-04 -3908 Nyx (1980 PA),I41,5.8002000000000000E+04,2.3377503059500000E+02,-1.9164915080000000E+01,-2.0515322119876578E-01,-2.0289362844406575E+00,4.0373483524581179E-03,1.0877163129774204E-02,4.2661873043031793E-03,3.8557381371738048E-04 -3908 Nyx (1980 PA),I41,5.8003000000000000E+04,2.3411597546799999E+02,-1.9232005065999999E+01,-1.9427515661296824E-01,-2.0246337555702745E+00,4.4228568936772713E-03,1.0884150294104920E-02,4.3371821012849286E-03,3.8542582124747086E-04 -3908 Nyx (1980 PA),I41,5.8004000000000000E+04,2.3446186311700001E+02,-1.9299567803999999E+01,-1.8339027306454592E-01,-2.0202600612560100E+00,4.8082092431833857E-03,1.0890808760681506E-02,4.4085867665031794E-03,3.8526303714182488E-04 -3908 Nyx (1980 PA),I41,5.8005000000000000E+04,2.3481266629300001E+02,-1.9367562606000000E+01,-1.7249890237096888E-01,-2.0158147902604084E+00,5.1933905374027802E-03,1.0897132944718332E-02,4.4804042133334207E-03,3.8508523298512231E-04 -3908 Nyx (1980 PA),I41,5.8006000000000000E+04,2.3516836092200001E+02,-1.9435949362999999E+01,-1.6160138190218576E-01,-2.0112975284871371E+00,5.5783857113961104E-03,1.0903117152141813E-02,4.5526373646303884E-03,3.8489217621655086E-04 -3908 Nyx (1980 PA),I41,5.8007000000000000E+04,2.3552892570899999E+02,-1.9504688493000000E+01,-1.5069805460199848E-01,-2.0067078590232494E+00,5.9631794903603052E-03,1.0908755577100346E-02,4.6252891521512008E-03,3.8468363008253707E-04 -3908 Nyx (1980 PA),I41,5.8008000000000000E+04,2.3589434155300000E+02,-1.9573740833999999E+01,-1.3978926902832800E-01,-2.0020453621680483E+00,6.3477563777280784E-03,1.0914042299356479E-02,4.6983625158722401E-03,3.8445935358961925E-04 -3908 Nyx (1980 PA),I41,5.8009000000000000E+04,2.3626459083699999E+02,-1.9643067493000000E+01,-1.2887537942038052E-01,-1.9973096154432417E+00,6.7321006413688786E-03,1.0918971281578271E-02,4.7718604031804987E-03,3.8421910145419410E-04 -3908 Nyx (1980 PA),I41,5.8010000000000000E+04,2.3663965665900000E+02,-1.9712629676999999E+01,-1.1795674579622317E-01,-1.9925001935857705E+00,7.1161962992219944E-03,1.0923536366562524E-02,4.8457857679160814E-03,3.8396262404214463E-04 -3908 Nyx (1980 PA),I41,5.8011000000000000E+04,2.3701952208500001E+02,-1.9782388507000000E+01,-1.0703373407663974E-01,-1.9876166685256798E+00,7.5000271052846779E-03,1.0927731274410307E-02,4.9201415692488298E-03,3.8368966730323013E-04 -3908 Nyx (1980 PA),I41,5.8012000000000000E+04,2.3740416946200000E+02,-1.9852304845999999E+01,-9.6106716236018630E-02,-1.9826586093524761E+00,7.8835765363623016E-03,1.0931549599716355E-02,4.9949307704106310E-03,3.8339997268244639E-04 -3908 Nyx (1980 PA),I41,5.8013000000000000E+04,2.3779357985799999E+02,-1.9922339137000002E+01,-8.5176070479857424E-02,-1.9776255822701221E+00,8.2668277801875769E-03,1.0934984808781301E-02,5.0701563372759478E-03,3.8309327702124989E-04 -3908 Nyx (1980 PA),I41,5.8014000000000000E+04,2.3818773267399999E+02,-1.9992451281000001E+01,-7.4242181450515865E-02,-1.9725171505419541E+00,8.6497637258007055E-03,1.0938030236886546E-02,5.1458212368367395E-03,3.8276931244007867E-04 -3908 Nyx (1980 PA),I41,5.8015000000000000E+04,2.3858660547599999E+02,-2.0062600551999999E+01,-6.3305440457237960E-02,-1.9673328744300740E+00,9.0323669573784040E-03,1.0940679085642743E-02,5.2219284356070719E-03,3.8242780620736878E-04 -3908 Nyx (1980 PA),I41,5.8016000000000000E+04,2.3899017407900001E+02,-2.0132745575000001E+01,-5.2366245715423920E-02,-1.9620723111374587E+00,9.4146197523602600E-03,1.0942924420405134E-02,5.2984808980307101E-03,3.8206848060079901E-04 -3908 Nyx (1980 PA),I41,5.8017000000000000E+04,2.3939841285200001E+02,-2.0202844356000000E+01,-4.1425002576594094E-02,-1.9567350147648679E+00,9.7965040834834885E-03,1.0944759167710332E-02,5.3754815848664293E-03,3.8169105276326796E-04 -3908 Nyx (1980 PA),I41,5.8018000000000000E+04,2.3981129518700001E+02,-2.0272854363000000E+01,-3.0482123727817001E-02,-1.9513205362902437E+00,1.0178001623220911E-02,1.0946176112734457E-02,5.4529334516293208E-03,3.8129523455945945E-04 -3908 Nyx (1980 PA),I41,5.8019000000000000E+04,2.4022879403600001E+02,-2.0342732626000000E+01,-1.9538029355820052E-02,-1.9458284235748848E+00,1.0559093748135179E-02,1.0947167896707749E-02,5.5308394470510395E-03,3.8088073243723597E-04 -3908 Nyx (1980 PA),I41,5.8020000000000000E+04,2.4065088241600000E+02,-2.0412435854999998E+01,-8.5931472761249239E-03,-1.9402582213897224E+00,1.0939761541263011E-02,1.0947727014261310E-02,5.6092025115766202E-03,3.8044724729604439E-04 -3908 Nyx (1980 PA),I41,5.8021000000000000E+04,2.4107753382900000E+02,-2.0481920537000001E+01,2.3520869579889414E-03,-1.9346094714534234E+00,1.1319985791363124E-02,1.0947845810686281E-02,5.6880255758652021E-03,3.7999447436226874E-04 -3908 Nyx (1980 PA),I41,5.8022000000000000E+04,2.4150872255300001E+02,-2.0551143015000001E+01,1.3297229949503442E-02,-1.9288817124738686E+00,1.1699746988960931E-02,1.0947516479078961E-02,5.7673115592615787E-03,3.7952210307267645E-04 -3908 Nyx (1980 PA),I41,5.8023000000000000E+04,2.4194442383000001E+02,-2.0620059539000000E+01,2.4241830344386539E-02,-1.9230744801850530E+00,1.2079025320012917E-02,1.0946731057370162E-02,5.8470633682303312E-03,3.7902981696384235E-04 -3908 Nyx (1980 PA),I41,5.8024000000000000E+04,2.4238461395799999E+02,-2.0688626301999999E+01,3.5185428700370447E-02,-1.9171873073774133E+00,1.2457800658055363E-02,1.0945481425240397E-02,5.9272838947089790E-03,3.7851729356578771E-04 -3908 Nyx (1980 PA),I41,5.8025000000000000E+04,2.4282927034299999E+02,-2.0756799451999999E+01,4.6127557336495539E-02,-1.9112197239196038E+00,1.2836052555969113E-02,1.0943759300926503E-02,6.0079760143798896E-03,3.7798420429797556E-04 -3908 Nyx (1980 PA),I41,5.8026000000000000E+04,2.4327837155500001E+02,-2.0824535108999999E+01,5.7067740160053115E-02,-1.9051712567739720E+00,1.3213760238081794E-02,1.0941556237927027E-02,6.0891425848275497E-03,3.7743021436675655E-04 -3908 Nyx (1980 PA),I41,5.8027000000000000E+04,2.4373189741200000E+02,-2.0891789372000002E+01,6.8005492474048634E-02,-1.8990414300066840E+00,1.3590902593465754E-02,1.0938863621618328E-02,6.1707864435931181E-03,3.7685498265931929E-04 -3908 Nyx (1980 PA),I41,5.8028000000000000E+04,2.4418982913900001E+02,-2.0958518348999998E+01,7.8940320768480787E-02,-1.8928297647956012E+00,1.3967458171082116E-02,1.0935672665782013E-02,6.2529104060932011E-03,3.7625816164332126E-04 -3908 Nyx (1980 PA),I41,5.8029000000000000E+04,2.4465214962200000E+02,-2.1024678192000000E+01,8.9871722496731143E-02,-1.8865357794441062E+00,1.4343405177064155E-02,1.0931974409068275E-02,6.3355172633885789E-03,3.7563939725471939E-04 -433 Eros (A898 PA),500,5.7970000000000000E+04,1.6967732888600000E+02,-3.4056174889999999E+00,-1.2143936012747250E+00,-4.7543390158857030E-01,-2.4312611750633839E-01,2.7531854084054622E-03,-1.5299353396133728E-02,-1.2150961297895976E-03 -433 Eros (A898 PA),500,5.7971000000000000E+04,1.7043301721200001E+02,-3.7448422180000001E+00,-1.2115658349430094E+00,-4.9070130685117253E-01,-2.4432581038524850E-01,2.9063401248562992E-03,-1.5238344316359698E-02,-1.1843223158508203E-03 -433 Eros (A898 PA),500,5.7972000000000000E+04,1.7118724629400000E+02,-4.0829545769999998E+00,-1.2085856711521368E+00,-5.0590698158755631E-01,-2.4549476375974383E-01,3.0580308761680285E-03,-1.5175863106287130E-02,-1.1536209597816896E-03 -433 Eros (A898 PA),500,5.7973000000000000E+04,1.7194006503700001E+02,-4.4199057939999999E+00,-1.2054545765441764E+00,-5.2104946949939601E-01,-2.4663305228768798E-01,3.2082522063722491E-03,-1.5111941698449620E-02,-1.1229963681667976E-03 -433 Eros (A898 PA),500,5.7974000000000000E+04,1.7269152320800001E+02,-4.7556485359999998E+00,-1.2021740229380025E+00,-5.3612734607253387E-01,-2.4774075484021332E-01,3.3569992792070007E-03,-1.5046611687429880E-02,-1.0924527132511294E-03 -433 Eros (A898 PA),500,5.7975000000000000E+04,1.7344167131500001E+02,-5.0901369279999997E+00,-1.1987454867221270E+00,-5.5113921827064805E-01,-2.4881795436206713E-01,3.5042678592112162E-03,-1.4979904322110660E-02,-1.0619940350897986E-03 -433 Eros (A898 PA),500,5.7976000000000000E+04,1.7419056038400001E+02,-5.4233265419999999E+00,-1.1951704482612779E+00,-5.6608372423418740E-01,-2.4986473773676751E-01,3.6500542931068441E-03,-1.4911850498564652E-02,-1.0316242437210855E-03 -433 Eros (A898 PA),500,5.7977000000000000E+04,1.7493824165000001E+02,-5.7551743469999996E+00,-1.1914503913169949E+00,-5.8095953297172953E-01,-2.5088119565672407E-01,3.7943554914096518E-03,-1.4842480753589691E-02,-1.0013471213732019E-03 -433 Eros (A898 PA),500,5.7978000000000000E+04,1.7568476615099999E+02,-6.0856386179999999E+00,-1.1875868024824392E+00,-5.9576534403800496E-01,-2.5186742249838734E-01,3.9371689102632914E-03,-1.4771825258874402E-02,-9.7116632470363462E-04 -433 Eros (A898 PA),500,5.7979000000000000E+04,1.7643018427000001E+02,-6.4146787979999997E+00,-1.1835811706303234E+00,-6.1049988720258208E-01,-2.5282351620264837E-01,4.0784925335645055E-03,-1.4699913815745740E-02,-9.4108538705539612E-04 -433 Eros (A898 PA),500,5.7980000000000000E+04,1.7717454521700000E+02,-6.7422553199999999E+00,-1.1794349863761595E+00,-6.2516192210236732E-01,-2.5374957816004706E-01,4.2183248553249739E-03,-1.4626775850506958E-02,-9.1110772073962443E-04 -433 Eros (A898 PA),500,5.7981000000000000E+04,1.7791789649500001E+02,-7.0683294009999997E+00,-1.1751497415560173E+00,-6.3975023788146002E-01,-2.5464571310174100E-01,4.3566648623290655E-03,-1.4552440410319971E-02,-8.8123661933035629E-04 -433 Eros (A898 PA),500,5.7982000000000000E+04,1.7866028335700000E+02,-7.3928627819999999E+00,-1.1707269287202893E+00,-6.5426365280935894E-01,-2.5551202899708897E-01,4.4935120170715949E-03,-1.4476936159621940E-02,-8.5147525997272984E-04 -433 Eros (A898 PA),500,5.7983000000000000E+04,1.7940174832500000E+02,-7.7158174639999997E+00,-1.1661680406454917E+00,-6.6870101386550496E-01,-2.5634863695834892E-01,4.6288662409846139E-03,-1.4400291377054760E-02,-8.2182670570115463E-04 -433 Eros (A898 PA),500,5.7984000000000000E+04,1.8014233082499999E+02,-8.0371554340000007E+00,-1.1614745698676812E+00,-6.8306119627782191E-01,-2.5715565115096456E-01,4.7627278979664577E-03,-1.4322533952883071E-02,-7.9229390776265542E-04 -433 Eros (A898 PA),500,5.7985000000000000E+04,1.8088206706000000E+02,-8.3568384410000007E+00,-1.1566480082424895E+00,-6.9734310301219615E-01,-2.5793318870475762E-01,4.8950977782230244E-03,-1.4243691386877609E-02,-7.6287970794145334E-04 -433 Eros (A898 PA),500,5.7986000000000000E+04,1.8162099017599999E+02,-8.6748278580000004E+00,-1.1516898465360024E+00,-7.1154566422883558E-01,-2.5868136961900445E-01,5.0259770824193977E-03,-1.4163790786647311E-02,-7.3358684088338109E-04 -433 Eros (A898 PA),500,5.7987000000000000E+04,1.8235913074100000E+02,-8.9910846739999997E+00,-1.1466015740461950E+00,-7.2566783674352620E-01,-2.5940031665547270E-01,5.1553674061514329E-03,-1.4082858866397570E-02,-7.0441793641620905E-04 -433 Eros (A898 PA),500,5.7988000000000000E+04,1.8309651745599999E+02,-9.3055696119999993E+00,-1.1413846782480137E+00,-7.3970860353940715E-01,-2.6009015521853740E-01,5.2832707247664340E-03,-1.4000921946077933E-02,-6.7537552185773658E-04 -433 Eros (A898 PA),500,5.7989000000000000E+04,1.8383317794400000E+02,-9.6182433520000004E+00,-1.1360406444542472E+00,-7.5366697335021737E-01,-2.6075101322737732E-01,5.4096893784935703E-03,-1.3918005950925939E-02,-6.4646202431831038E-04 -433 Eros (A898 PA),500,5.7990000000000000E+04,1.8456913946399999E+02,-9.9290667839999998E+00,-1.1305709554813870E+00,-7.6754198031644338E-01,-2.6138302098929755E-01,5.5346260579454427E-03,-1.3834136411349210E-02,-6.1767977298238816E-04 -433 Eros (A898 PA),500,5.7991000000000000E+04,1.8530442942799999E+02,-1.0238001251000000E+01,-1.1249770913192649E+00,-7.8133268367850206E-01,-2.6198631108139064E-01,5.6580837899254492E-03,-1.3749338463169581E-02,-5.8903100138216972E-04 -433 Eros (A898 PA),500,5.7992000000000000E+04,1.8603907570800001E+02,-1.0545008725000001E+01,-1.1192605288032569E+00,-7.9503816747896039E-01,-2.6256101824424172E-01,5.7800659235955308E-03,-1.3663636848175389E-02,-5.6051784964897169E-04 -433 Eros (A898 PA),500,5.7993000000000000E+04,1.8677310674600000E+02,-1.0850051928999999E+01,-1.1134227412942110E+00,-8.0865754024586667E-01,-2.6310727928680516E-01,5.9005761169704093E-03,-1.3577055914985670E-02,-5.3214236674843022E-04 -433 Eros (A898 PA),500,5.7994000000000000E+04,1.8750655154000000E+02,-1.1153094394000000E+01,-1.1074651983704180E+00,-8.2218993464706358E-01,-2.6362523299952551E-01,6.0196183237354699E-03,-1.3489619620210941E-02,-5.0390651269853991E-04 -433 Eros (A898 PA),500,5.7995000000000000E+04,1.8823943957500001E+02,-1.1454100471000000E+01,-1.1013893655335376E+00,-8.3563450711901610E-01,-2.6411502007253612E-01,6.1371967804090110E-03,-1.3401351529876919E-02,-4.7581216076384044E-04 -433 Eros (A898 PA),500,5.7996000000000000E+04,1.8897180075300000E+02,-1.1753035334000000E+01,-1.0951967039310575E+00,-8.4899043747421232E-01,-2.6457678301620796E-01,6.2533159938257437E-03,-1.3312274821108330E-02,-4.4786109962921452E-04 -433 Eros (A898 PA),500,5.7997000000000000E+04,1.8970366534700000E+02,-1.2049864971000000E+01,-1.0888886700946876E+00,-8.6225692849712676E-01,-2.6501066608231505E-01,6.3679807289576994E-03,-1.3222412284040769E-02,-4.2005503554708580E-04 -433 Eros (A898 PA),500,5.7998000000000000E+04,1.9043506401799999E+02,-1.2344556197999999E+01,-1.0824667156950838E+00,-8.7543320553431592E-01,-2.6541681518452687E-01,6.4811959970503021E-03,-1.3131786323955799E-02,-3.9239559446083681E-04 -433 Eros (A898 PA),500,5.7999000000000000E+04,1.9116602787599999E+02,-1.2637076682000000E+01,-1.0759322873099046E+00,-8.8851851608936183E-01,-2.6579537781750429E-01,6.5929670440958155E-03,-1.3040418963599271E-02,-3.6488432409589498E-04 -433 Eros (A898 PA),500,5.8000000000000000E+04,1.9189658859500000E+02,-1.2927394998000000E+01,-1.0692868262047988E+00,-9.0151212942612391E-01,-2.6614650297400083E-01,6.7032993395981883E-03,-1.2948331845694810E-02,-3.3752269602612252E-04 -433 Eros (A898 PA),500,5.8001000000000000E+04,1.9262677853400001E+02,-1.3215480701000001E+01,-1.0625317681208011E+00,-9.1441333619443332E-01,-2.6647034106031764E-01,6.8121985656683206E-03,-1.2855546235596829E-02,-3.1031210770138349E-04 -433 Eros (A898 PA),500,5.8002000000000000E+04,1.9335663083099999E+02,-1.3501304412000000E+01,-1.0556685430663362E+00,-9.2722144807986961E-01,-2.6676704381111421E-01,6.9196706063908309E-03,-1.2762083024101919E-02,-2.8325388444560645E-04 -433 Eros (A898 PA),500,5.8003000000000000E+04,1.9408617941700001E+02,-1.3784837890000000E+01,-1.0486985751080062E+00,-9.3993579748401079E-01,-2.6703676420607858E-01,7.0257215374733622E-03,-1.2667962730398500E-02,-2.5634928141763584E-04 -433 Eros (A898 PA),500,5.8004000000000000E+04,1.9481545889700001E+02,-1.4066054073000000E+01,-1.0416232821583402E+00,-9.5255573722998044E-01,-2.6727965639178491E-01,7.1303576161668072E-03,-1.2573205505118919E-02,-2.2959948553329926E-04 -433 Eros (A898 PA),500,5.8005000000000000E+04,1.9554450426299999E+02,-1.4344927065000000E+01,-1.0344440757624447E+00,-9.6508064027954499E-01,-2.6749587561199889E-01,7.2335852714049634E-03,-1.2477831133550780E-02,-2.0300561735148653E-04 -433 Eros (A898 PA),500,5.8006000000000000E+04,1.9627335045999999E+02,-1.4621432049999999E+01,-1.0271623608888720E+00,-9.7750989944357003E-01,-2.6768557814824517E-01,7.3354110941800908E-03,-1.2381859038971620E-02,-1.7656873292372472E-04 -433 Eros (A898 PA),500,5.8007000000000000E+04,1.9700203181900000E+02,-1.4895545137999999E+01,-1.0197795357313610E+00,-9.8984292707022192E-01,-2.6784892127007703E-01,7.4358418281387159E-03,-1.2285308286124359E-02,-1.5028982560585149E-04 -433 Eros (A898 PA),500,5.8008000000000000E+04,1.9773058144800001E+02,-1.5167243149999999E+01,-1.0122969915291498E+00,-1.0020791547003194E+00,-2.6798606319231144E-01,7.5348843603763281E-03,-1.2188197584873019E-02,-1.2416982783889364E-04 -433 Eros (A898 PA),500,5.8009000000000000E+04,1.9845903064000001E+02,-1.5436503387000000E+01,-1.0047161124078337E+00,-1.0142180326940251E+00,-2.6809716303585057E-01,7.6325457124647141E-03,-1.2090545294034562E-02,-9.8209612897160752E-05 -433 Eros (A898 PA),500,5.8010000000000000E+04,1.9918740834700000E+02,-1.5703303372000001E+01,-9.9703827524283173E-01,-1.0262590298341032E+00,-2.6818238078938045E-01,7.7288330317143786E-03,-1.1992369425416250E-02,-7.2409996613232564E-05 -433 Eros (A898 PA),500,5.8011000000000000E+04,1.9991574077999999E+02,-1.5967620622000000E+01,-9.8926484954313165E-01,-1.0382016329166153E+00,-2.6824187727062576E-01,7.8237535827259379E-03,-1.1893687648034740E-02,-4.6771739077388438E-05 -433 Eros (A898 PA),500,5.8012000000000000E+04,2.0064405113699999E+02,-1.6229432442000000E+01,-9.8139719735673692E-01,-1.0500453463310904E+00,-2.6827581408649076E-01,7.9173147392436385E-03,-1.1794517292523569E-02,-2.1295546319612001E-05 -433 Eros (A898 PA),500,5.8013000000000000E+04,2.0137235951299999E+02,-1.6488715761000002E+01,-9.7343667319741234E-01,-1.0617896916340688E+00,-2.6828435359108688E-01,8.0095239763537957E-03,-1.1694875355690970E-02,4.0179280275361509E-06 -433 Eros (A898 PA),500,5.8014000000000000E+04,2.0210068297900000E+02,-1.6745447042999999E+01,-9.6538462399200387E-01,-1.0734342071206255E+00,-2.6826765883969178E-01,8.1003888630497584E-03,-1.1594778505187999E-02,2.9168081085655632E-05 -433 Eros (A898 PA),500,5.8015000000000000E+04,2.0282903585200000E+02,-1.6999602252999999E+01,-9.5724238904453496E-01,-1.0849784474038051E+00,-2.6822589353639414E-01,8.1899170551629798E-03,-1.1494243084241830E-02,5.4154359106683799E-05 -433 Eros (A898 PA),500,5.8016000000000000E+04,2.0355743013399999E+02,-1.7251156919000000E+01,-9.4901130000633782E-01,-1.0964219830207895E+00,-2.6815922197441661E-01,8.2781162886678174E-03,-1.1393285116362711E-02,7.8976255879033576E-05 -433 Eros (A898 PA),500,5.8017000000000000E+04,2.0428587604200001E+02,-1.7500086253999999E+01,-9.4069268084243096E-01,-1.1077644000790889E+00,-2.6806780897068783E-01,8.3649943732926196E-03,-1.1291920310053331E-02,1.0363331116156684E-04 -433 Eros (A898 PA),500,5.8018000000000000E+04,2.0501438256399999E+02,-1.7746365328000000E+01,-9.3228784778326701E-01,-1.1190052999521116E+00,-2.6795181979875227E-01,8.4505591864516352E-03,-1.1190164063418540E-02,1.2812510915722423E-04 -433 Eros (A898 PA),500,5.8019000000000000E+04,2.0574295795000000E+02,-1.7989969253999998E+01,-9.2379810926224093E-01,-1.1301442990136223E+00,-2.6781142012504450E-01,8.5348186674039459E-03,-1.1088031468718750E-02,1.5245127702298908E-04 -433 Eros (A898 PA),500,5.8020000000000000E+04,2.0647161008300000E+02,-1.8230873360000000E+01,-9.1522476584090318E-01,-1.1411810283982302E+00,-2.6764677595234981E-01,8.6177808116313769E-03,-1.0985537316835822E-02,1.7661148342368007E-04 -433 Eros (A898 PA),500,5.8021000000000000E+04,2.0720034671600001E+02,-1.8469053320000000E+01,-9.0656911013096009E-01,-1.1521151337682771E+00,-2.6745805357190544E-01,8.6994536654041651E-03,-1.0882696101673729E-02,2.0060543712854012E-04 -433 Eros (A898 PA),500,5.8022000000000000E+04,2.0792917558400001E+02,-1.8704485249000001E+01,-8.9783242672292585E-01,-1.1629462750713280E+00,-2.6724541952337028E-01,8.7798453204875355E-03,-1.0779522024526499E-02,2.2443288564554816E-04 -433 Eros (A898 PA),500,5.8023000000000000E+04,2.0865810443399999E+02,-1.8937145758000000E+01,-8.8901599212525495E-01,-1.1736741262841377E+00,-2.6700904056052444E-01,8.8589639090033735E-03,-1.0676028998407038E-02,2.4809361389811763E-04 -433 Eros (A898 PA),500,5.8024000000000000E+04,2.0938714101900001E+02,-1.9167011979000002E+01,-8.8012107471921941E-01,-1.1842983751395515E+00,-2.6674908362032934E-01,8.9368175984269587E-03,-1.0572230652377061E-02,2.7158744293597723E-04 -433 Eros (A898 PA),500,5.8025000000000000E+04,2.1011629307900000E+02,-1.9394061572999998E+01,-8.7114893472858124E-01,-1.1948187228413358E+00,-2.6646571579315492E-01,9.0134145867331959E-03,-1.0468140335868001E-02,2.9491422868287203E-04 -433 Eros (A898 PA),500,5.8026000000000000E+04,2.1084556836900001E+02,-1.9618272749999999E+01,-8.6210082420501422E-01,-1.2052348837693871E+00,-2.6615910429244211E-01,9.0887630976831599E-03,-1.0363771123016213E-02,3.1807386071575604E-04 -433 Eros (A898 PA),500,5.8027000000000000E+04,2.1157497473399999E+02,-1.9839624285999999E+01,-8.5297798702599881E-01,-1.2155465851823493E+00,-2.6582941642222740E-01,9.1628713762651227E-03,-1.0259135817005088E-02,3.4106626107468103E-04 -433 Eros (A898 PA),500,5.8028000000000000E+04,2.1230452024600001E+02,-2.0058095574999999E+01,-8.4378165890130852E-01,-1.2257535669244148E+00,-2.6547681954117652E-01,9.2357476842938810E-03,-1.0154246954409651E-02,3.6389138310420816E-04 -433 Eros (A898 PA),500,5.8029000000000000E+04,2.1303421340899999E+02,-2.0273666702000000E+01,-8.3451306738659670E-01,-1.2358555811397582E+00,-2.6510148102236925E-01,9.3074002961300757E-03,-1.0049116809605657E-02,3.8654921031010248E-04 -433 Eros (A898 PA),703,5.7970000000000000E+04,1.6967674523900001E+02,-3.4063441939999999E+00,-1.2143939761528517E+00,-4.7543585880409445E-01,-2.4312536403847593E-01,2.7531854339520826E-03,-1.5299353386129909E-02,-1.2150961246743318E-03 -433 Eros (A898 PA),703,5.7971000000000000E+04,1.7043243151700000E+02,-3.7455715740000000E+00,-1.2115661812058389E+00,-4.9070327292390192E-01,-2.4432506291358211E-01,2.9063401499624074E-03,-1.5238344306189009E-02,-1.1843223107871248E-03 -433 Eros (A898 PA),703,5.7972000000000000E+04,1.7118665854000000E+02,-4.0836864820000001E+00,-1.2085859886443719E+00,-5.0590895615637299E-01,-2.4549402256780772E-01,3.0580309008362821E-03,-1.5175863095958740E-02,-1.1536209547706058E-03 -433 Eros (A898 PA),703,5.7973000000000000E+04,1.7193947521199999E+02,-4.4206401470000003E+00,-1.2054548651146462E+00,-5.2105145219865456E-01,-2.4663231765930108E-01,3.2082522306033697E-03,-1.5111941687973461E-02,-1.1229963632088259E-03 -433 Eros (A898 PA),703,5.7974000000000000E+04,1.7269093130100001E+02,-4.7563852359999998E+00,-1.2021742824398005E+00,-5.3612933653197059E-01,-2.4774002705943152E-01,3.3569993030029277E-03,-1.5046611676815268E-02,-1.0924527083469753E-03 -433 Eros (A898 PA),703,5.7975000000000000E+04,1.7344107731599999E+02,-5.0908758719999998E+00,-1.1987457170127476E+00,-5.5114121611537048E-01,-2.4881723371313924E-01,3.5042678825742950E-03,-1.4979904311366679E-02,-1.0619940302400654E-03 -433 Eros (A898 PA),703,5.7976000000000000E+04,1.7418996428599999E+02,-5.4240676299999997E+00,-1.1951706492027787E+00,-5.6608572908454402E-01,-2.4986402450408507E-01,3.6500543160392831E-03,-1.4911850487700350E-02,-1.0316242389264039E-03 -433 Eros (A898 PA),703,5.7977000000000000E+04,1.7493764344400000E+02,-5.7559174789999998E+00,-1.1914505627761565E+00,-5.8096154444328452E-01,-2.5088049012477204E-01,3.7943555139130763E-03,-1.4842480742614359E-02,-1.0013471166338136E-03 -433 Eros (A898 PA),703,5.7978000000000000E+04,1.7568416582899999E+02,-6.0863836930000002E+00,-1.1875869443309721E+00,-5.9576736174136791E-01,-2.5186672495167095E-01,3.9371689323425638E-03,-1.4771825247795531E-02,-9.7116632002058672E-04 -433 Eros (A898 PA),703,5.7979000000000000E+04,1.7642958182600000E+02,-6.4154257149999996E+00,-1.1835812827450820E+00,-6.1050191074333626E-01,-2.5282282692562036E-01,4.0784925552214786E-03,-1.4699913804572312E-02,-9.4108538242885327E-04 -433 Eros (A898 PA),703,5.7980000000000000E+04,1.7717394064499999E+02,-6.7430039820000003E+00,-1.1794350686394002E+00,-6.2516395108090128E-01,-2.5374889743702106E-01,4.2183248765626079E-03,-1.4626775839247269E-02,-9.1110771617001693E-04 -433 Eros (A898 PA),703,5.7981000000000000E+04,1.7791728979100000E+02,-7.0690797090000004E+00,-1.1751497938556730E+00,-6.3975227189287942E-01,-2.5464504121680742E-01,4.3566648831506937E-03,-1.4552440398982040E-02,-8.8123661481802871E-04 -433 Eros (A898 PA),703,5.7982000000000000E+04,1.7865967451700001E+02,-7.3936146389999999E+00,-1.1707269509502982E+00,-6.5426569144334867E-01,-2.5551136623403231E-01,4.4935120374806226E-03,-1.4476936148213621E-02,-8.5147525551798782E-04 -433 Eros (A898 PA),703,5.7983000000000000E+04,1.7940113734299999E+02,-7.7165707729999999E+00,-1.1661680327061346E+00,-6.6870305670619934E-01,-2.5634798360058875E-01,4.6288662609843068E-03,-1.4400291365583861E-02,-8.2182670130432646E-04 -433 Eros (A898 PA),703,5.7984000000000000E+04,1.8014171769900000E+02,-8.0379100999999995E+00,-1.1614745316659363E+00,-6.8306324290381881E-01,-2.5715500748151265E-01,4.7627279175605289E-03,-1.4322533941357069E-02,-7.9229390342396271E-04 -433 Eros (A898 PA),703,5.7985000000000000E+04,1.8088145178700000E+02,-8.3575943699999993E+00,-1.1566479396924048E+00,-6.9734515299649424E-01,-2.5793255500618717E-01,4.8950977974151428E-03,-1.4243691375303890E-02,-7.6287970366110947E-04 -433 Eros (A898 PA),703,5.7986000000000000E+04,1.8162037275399999E+02,-8.6755849549999997E+00,-1.1516897475590608E+00,-7.1154771713892928E-01,-2.5868074617341330E-01,5.0259771012125280E-03,-1.4163790775033708E-02,-7.3358683666119924E-04 -433 Eros (A898 PA),703,5.7987000000000000E+04,1.8235851116699999E+02,-8.9918428460000008E+00,-1.1466014445716692E+00,-7.2566989214144706E-01,-2.5939970374442733E-01,5.1553674245514193E-03,-1.4082858854749631E-02,-7.0441793225299479E-04 -433 Eros (A898 PA),703,5.7988000000000000E+04,1.8309589572799999E+02,-9.3063287680000002E+00,-1.1413845182132731E+00,-7.3971066098190930E-01,-2.6008955312298576E-01,5.2832707427764771E-03,-1.4000921934403110E-02,-6.7537551775322092E-04 -433 Eros (A898 PA),703,5.7989000000000000E+04,1.8383255406100000E+02,-9.6190034010000005E+00,-1.1360404538050659E+00,-7.5366903238888794E-01,-2.6075042222750433E-01,5.4096893961177164E-03,-1.3918005939230909E-02,-6.4646202027257560E-04 -433 Eros (A898 PA),703,5.7990000000000000E+04,1.8456851342400000E+02,-9.9298276360000006E+00,-1.1305707341721922E+00,-7.6754404049792746E-01,-2.6138244136435934E-01,5.5346260751878993E-03,-1.3834136399640429E-02,-6.1767976899546485E-04 -433 Eros (A898 PA),703,5.7991000000000000E+04,1.8530380123099999E+02,-1.0238762817000000E+01,-1.1249768393133805E+00,-7.8133474454468987E-01,-2.6198574310953804E-01,5.6580838067904699E-03,-1.3749338451453329E-02,-5.8903099745406524E-04 -433 Eros (A898 PA),703,5.7992000000000000E+04,1.8603844535400000E+02,-1.0545770917000000E+01,-1.1192602460731007E+00,-7.9504022856720558E-01,-2.6256046220235624E-01,5.7800659400876310E-03,-1.3663636836457660E-02,-5.6051784577962121E-04 -433 Eros (A898 PA),703,5.7993000000000000E+04,1.8677247423399999E+02,-1.0850814660999999E+01,-1.1134224278215266E+00,-8.0865960108915402E-01,-2.6310673545033358E-01,5.9005761330939138E-03,-1.3577055903272470E-02,-5.3214236293779688E-04 -433 Eros (A898 PA),703,5.7994000000000000E+04,1.8750591687100001E+02,-1.1153857579000000E+01,-1.1074648541464456E+00,-8.2219199477424654E-01,-2.6362470164234286E-01,6.0196183394948515E-03,-1.3489619608508040E-02,-5.0390650894653350E-04 -433 Eros (A898 PA),703,5.7995000000000000E+04,1.8823880275200000E+02,-1.1454864024000001E+01,-1.1013889905592005E+00,-8.3563656605504799E-01,-2.6411450146681476E-01,6.1371967958090854E-03,-1.3401351518189679E-02,-4.7581215707028749E-04 -433 Eros (A898 PA),703,5.7996000000000000E+04,1.8897116177600000E+02,-1.1753799171000001E+01,-1.0951962982171763E+00,-8.4899249474028116E-01,-2.6457627743228662E-01,6.2533160088709188E-03,-1.3312274809442311E-02,-4.4786109599401154E-04 -433 Eros (A898 PA),703,5.7997000000000000E+04,1.8970302421900001E+02,-1.2050629010000000E+01,-1.0888882336621197E+00,-8.6225898361096720E-01,-2.6501017378858688E-01,6.3679807436528221E-03,-1.3222412272401052E-02,-4.2005503197002029E-04 -433 Eros (A898 PA),703,5.7998000000000000E+04,1.9043442074199999E+02,-1.2345320358000000E+01,-1.0824662485749306E+00,-8.7543525801035194E-01,-2.6541633644732754E-01,6.4811960114000196E-03,-1.3131786312347491E-02,-3.9239559094172516E-04 -433 Eros (A898 PA),703,5.7999000000000000E+04,1.9116538245500001E+02,-1.2637840882000001E+01,-1.0759317895436362E+00,-8.8852056543899116E-01,-2.6579491290100377E-01,6.5929670581049895E-03,-1.3040418952027150E-02,-3.6488432063448576E-04 -433 Eros (A898 PA),703,5.8000000000000000E+04,1.9189594103400000E+02,-1.2928159159000000E+01,-1.0692862978444277E+00,-9.0151417515791443E-01,-2.6614605214009851E-01,6.7032993532706872E-03,-1.2948331834164658E-02,-3.3752269262179009E-04 -433 Eros (A898 PA),703,5.8001000000000000E+04,1.9262612883700001E+02,-1.3216244745999999E+01,-1.0625312092289736E+00,-9.1441537781444926E-01,-2.6646990456854464E-01,6.8121985790100224E-03,-1.2855546224112051E-02,-3.1031210435419844E-04 -433 Eros (A898 PA),703,5.8002000000000000E+04,1.9335597900200000E+02,-1.3502068264000000E+01,-1.0556679537164944E+00,-9.2722348509182839E-01,-2.6676662191853873E-01,6.9196706194071533E-03,-1.2762083012666098E-02,-2.8325388115574854E-04 -433 Eros (A898 PA),703,5.8003000000000000E+04,1.9408552546300001E+02,-1.3785601472000000E+01,-1.0486979553844529E+00,-9.3993782938961012E-01,-2.6703635716722662E-01,7.0257215501685708E-03,-1.2667962719016691E-02,-2.5634927818432931E-04 -433 Eros (A898 PA),703,5.8004000000000000E+04,1.9481480282300001E+02,-1.4066817312000000E+01,-1.0416226321563906E+00,-9.5255776352903587E-01,-2.6727926445856187E-01,7.1303576285457445E-03,-1.2573205493795189E-02,-2.2959948235621902E-04 -433 Eros (A898 PA),703,5.8005000000000000E+04,1.9554384607700001E+02,-1.4345689889000001E+01,-1.0344433955885430E+00,-9.6508266047023616E-01,-2.6749549903358338E-01,7.2335852834725526E-03,-1.2477831122289063E-02,-2.0300561423027951E-04 -433 Eros (A898 PA),703,5.8006000000000000E+04,1.9627269016800000E+02,-1.4622194387000000E+01,-1.0271616506607415E+00,-9.7751191302262819E-01,-2.6768521717097110E-01,7.3354111059413286E-03,-1.2381859027775579E-02,-1.7656872985799492E-04 -433 Eros (A898 PA),703,5.8007000000000000E+04,1.9700136942899999E+02,-1.4896306917000000E+01,-1.0197787955781978E+00,-9.8984493353307346E-01,-2.6784857613730750E-01,7.4358418395984865E-03,-1.2285308274997641E-02,-1.5028982259522648E-04 -433 Eros (A898 PA),703,5.8008000000000000E+04,1.9772991696899999E+02,-1.5168004305000000E+01,-1.0122962215918203E+00,-1.0020811535412883E+00,-2.6798573414429844E-01,7.5348843715396744E-03,-1.2188197573818980E-02,-1.2416982488293755E-04 -433 Eros (A898 PA),703,5.8009000000000000E+04,1.9845836407900001E+02,-1.5437263849000001E+01,-1.0047153128391337E+00,-1.0142200234064567E+00,-2.6809685030960206E-01,7.6325457233358436E-03,-1.2090545283057620E-02,-9.8209609995020893E-05 -433 Eros (A898 PA),703,5.8010000000000000E+04,1.9918673971400000E+02,-1.5704063078000001E+01,-9.9703744620771007E-01,-1.0262610119106170E+00,-2.6818208461852683E-01,7.7288330422995363E-03,-1.1992369414517440E-02,-7.2409993765359368E-05 -433 Eros (A898 PA),703,5.8011000000000000E+04,1.9991507008299999E+02,-1.5968379508000000E+01,-9.8926399121894537E-01,-1.0382036058493207E+00,-2.6824159788531482E-01,7.8237535930295362E-03,-1.1893687637218001E-02,-4.6771736282850413E-05 -433 Eros (A898 PA),703,5.8012000000000000E+04,2.0064337838700001E+02,-1.6230190445000002E+01,-9.8139630993352023E-01,-1.0500473096118088E+00,-2.6827555171330775E-01,7.9173147492705084E-03,-1.1794517281791851E-02,-2.1295543577959749E-05 -433 Eros (A898 PA),703,5.8013000000000000E+04,2.0137168471900000E+02,-1.6489472822000000E+01,-9.7343575687809181E-01,-1.0617916447546671E+00,-2.6828410845298006E-01,8.0095239861088241E-03,-1.1694875345047050E-02,4.0179307167745635E-06 -433 Eros (A898 PA),703,5.8014000000000000E+04,2.0210000615000001E+02,-1.6746203101999999E+01,-9.6538367899260291E-01,-1.0734361495733422E+00,-2.6826743115590579E-01,8.1003888725378753E-03,-1.1594778494634427E-02,2.9168083722980859E-05 -433 Eros (A898 PA),703,5.8015000000000000E+04,2.0282835699899999E+02,-1.7000357253000001E+01,-9.5724141559435894E-01,-1.0849803786815997E+00,-2.6822568352239851E-01,8.1899170643891586E-03,-1.1494243073780962E-02,5.4154361692633442E-05 -433 Eros (A898 PA),703,5.8016000000000000E+04,2.0355674926600000E+02,-1.7251910804000001E+01,-9.4901029834814188E-01,-1.0964239026176961E+00,-2.6815902984180207E-01,8.2781162976368252E-03,-1.1393285105996992E-02,7.8976258414093913E-05 -433 Eros (A898 PA),703,5.8017000000000000E+04,2.0428519317000001E+02,-1.7500838970000000E+01,-9.4069165123249987E-01,-1.1077663074906599E+00,-2.6806763492703412E-01,8.3649943820093414E-03,-1.1291920299784909E-02,1.0363331364627239E-04 -433 Eros (A898 PA),703,5.8018000000000000E+04,2.0501369769799999E+02,-1.7747116821999999E+01,-9.3228679049149910E-01,-1.1190071946758151E+00,-2.6795166404745635E-01,8.4505591949208276E-03,-1.1190164053249560E-02,1.2812511159210024E-04 -433 Eros (A898 PA),703,5.8019000000000000E+04,2.0574227110100000E+02,-1.7990719473999999E+01,-9.2379702457216206E-01,-1.1301461805492903E+00,-2.6781128286515077E-01,8.5348186756304036E-03,-1.1088031458651160E-02,1.5245127940858249E-04 -433 Eros (A898 PA),703,5.8020000000000000E+04,2.0647092126100000E+02,-1.8231622255000001E+01,-9.1522365404966988E-01,-1.1411828962484738E+00,-2.6764665737837051E-01,8.6177808196198462E-03,-1.0985537306871490E-02,1.7661148576053655E-04 -433 Eros (A898 PA),703,5.8021000000000000E+04,2.0719965593200001E+02,-1.8469800841000001E+01,-9.0656797154933799E-01,-1.1521169874389132E+00,-2.6745795387365312E-01,8.6994536731593401E-03,-1.0882696091814411E-02,2.0060543941721162E-04 -433 Eros (A898 PA),703,5.8022000000000000E+04,2.0792848284900001E+02,-1.8705231349999998E+01,-8.9783126167522909E-01,-1.1629481140718037E+00,-2.6724533888580032E-01,8.7798453280141311E-03,-1.0779522014773772E-02,2.2443288788661644E-04 -433 Eros (A898 PA),703,5.8023000000000000E+04,2.0865740976000001E+02,-1.8937890392000000E+01,-8.8901480094928487E-01,-1.1736759501279530E+00,-2.6700897916357680E-01,8.8589639163060580E-03,-1.0676028988762402E-02,2.4809361609215403E-04 -433 Eros (A898 PA),703,5.8024000000000000E+04,2.0938644441700001E+02,-1.9167755100000001E+01,-8.8011985776619972E-01,-1.1843001833446518E+00,-2.6674904163880025E-01,8.9368176055102683E-03,-1.0572230642842000E-02,2.7158744508353486E-04 -433 Eros (A898 PA),703,5.8025000000000000E+04,2.1011559456200001E+02,-1.9394803138000000E+01,-8.7114769236304057E-01,-1.1948205149305371E+00,-2.6646569339656595E-01,9.0134145936016947E-03,-1.0468140326443838E-02,2.9491423078452952E-04 -433 Eros (A898 PA),703,5.8026000000000000E+04,2.1084486794899999E+02,-1.9619012717000000E+01,-8.6209955680469563E-01,-1.2052366592707673E+00,-2.6615910164492573E-01,9.0887631043410719E-03,-1.0363771113705358E-02,3.1807386277259668E-04 -433 Eros (A898 PA),703,5.8027000000000000E+04,2.1157427242300000E+02,-1.9840362614000000E+01,-8.5297669498171913E-01,-1.2155483436296539E+00,-2.6582943368241263E-01,9.1628713827175239E-03,-1.0259135807806279E-02,3.4106626308629657E-04 -433 Eros (A898 PA),703,5.8028000000000000E+04,2.1230381605800000E+02,-2.0058832224000000E+01,-8.4378034261682167E-01,-1.2257553078574417E+00,-2.6547685686207906E-01,9.2357476905448703E-03,-1.0154246945325122E-02,3.6389138507167987E-04 -433 Eros (A898 PA),703,5.8029000000000000E+04,2.1303350735800001E+02,-2.0274401632000000E+01,-8.3451172727838596E-01,-1.2358573041047927E+00,-2.6510153855127500E-01,9.3074003021840733E-03,-1.0049116800636339E-02,3.8654921223402747E-04 -433 Eros (A898 PA),F51,5.7970000000000000E+04,1.6967758374400000E+02,-3.4061309590000000E+00,-1.2143940963881863E+00,-4.7543637077805062E-01,-2.4312500993274502E-01,2.7531854421731020E-03,-1.5299353382909621E-02,-1.2150961230287512E-03 -433 Eros (A898 PA),F51,5.7971000000000000E+04,1.7043326675500001E+02,-3.7453608479999998E+00,-1.2115662965032692E+00,-4.9070379029873878E-01,-2.4432469349989558E-01,2.9063401582421801E-03,-1.5238344302833761E-02,-1.1843223091177071E-03 -433 Eros (A898 PA),F51,5.7972000000000000E+04,1.7118749052100000E+02,-4.0834782949999999E+00,-1.2085860989011727E+00,-5.0590947898557770E-01,-2.4549363784299277E-01,3.0580309091721696E-03,-1.5175863092468590E-02,-1.1536209530772659E-03 -433 Eros (A898 PA),F51,5.7973000000000000E+04,1.7194030394600000E+02,-4.4204345299999996E+00,-1.2054549702236559E+00,-5.2105198053733259E-01,-2.4663191762383463E-01,3.2082522389922947E-03,-1.5111941684346581E-02,-1.1229963614923580E-03 -433 Eros (A898 PA),F51,5.7974000000000000E+04,1.7269175680100000E+02,-4.7561822180000002E+00,-1.2021743822892681E+00,-5.3612987043662352E-01,-2.4773961171746622E-01,3.3569993114418509E-03,-1.5046611673050941E-02,-1.0924527066077801E-03 -433 Eros (A898 PA),F51,5.7975000000000000E+04,1.7344189959200000E+02,-5.0906754830000001E+00,-1.1987458114861811E+00,-5.5114175564366952E-01,-2.4881680307252782E-01,3.5042678910602041E-03,-1.4979904307464280E-02,-1.0619940284785499E-03 -433 Eros (A898 PA),F51,5.7976000000000000E+04,1.7419078334800000E+02,-5.4238698960000002E+00,-1.1951707381788110E+00,-5.6608627429510261E-01,-2.4986357857639685E-01,3.6500543245693287E-03,-1.4911850483659230E-02,-1.0316242371429499E-03 -433 Eros (A898 PA),F51,5.7977000000000000E+04,1.7493845930300000E+02,-5.7557224280000003E+00,-1.1914506461284304E+00,-5.8096209539537547E-01,-2.5088002892530720E-01,3.7943555224839148E-03,-1.4842480738433120E-02,-1.0013471148292803E-03 -433 Eros (A898 PA),F51,5.7978000000000000E+04,1.7568497849700000E+02,-6.0861913500000000E+00,-1.1875870219280409E+00,-5.9576791849470523E-01,-2.5186624849948885E-01,3.9371689409516434E-03,-1.4771825243475690E-02,-9.7116631819458090E-04 -433 Eros (A898 PA),F51,5.7979000000000000E+04,1.7643039131300000E+02,-6.4152361060000000E+00,-1.1835813544503067E+00,-6.1050247335785846E-01,-2.5282233524357595E-01,4.0784925638656429E-03,-1.4699913800112549E-02,-9.4108538058221497E-04 -433 Eros (A898 PA),F51,5.7980000000000000E+04,1.7717474696200000E+02,-6.7428171309999998E+00,-1.1794351343108942E+00,-6.2516451961651132E-01,-2.5374839055181492E-01,4.2183248852387589E-03,-1.4626775834647379E-02,-9.1110771430321421E-04 -433 Eros (A898 PA),F51,5.7981000000000000E+04,1.7791809294800001E+02,-7.0688956379999999E+00,-1.1751498533462239E+00,-6.3975284640929075E-01,-2.5464451915905695E-01,4.3566648918558623E-03,-1.4552440394241851E-02,-8.8123661293150306E-04 -433 Eros (A898 PA),F51,5.7982000000000000E+04,1.7866047452500001E+02,-7.3934333700000003E+00,-1.1707270041073294E+00,-6.5426627199988519E-01,-2.5551082903835109E-01,4.4935120462117712E-03,-1.4476936143333039E-02,-8.5147525361221053E-04 -433 Eros (A898 PA),F51,5.7983000000000000E+04,1.7940193421399999E+02,-7.7163923270000003E+00,-1.1661680793716607E+00,-6.6870364336166588E-01,-2.5634743130567272E-01,4.6288662697384327E-03,-1.4400291360562910E-02,-8.2182669937978087E-04 -433 Eros (A898 PA),F51,5.7984000000000000E+04,1.8014251144400001E+02,-8.0377344960000006E+00,-1.1614745716765280E+00,-6.8306383571637519E-01,-2.5715444013022287E-01,4.7627279263347966E-03,-1.4322533936195711E-02,-7.9229390148108673E-04 -433 Eros (A898 PA),F51,5.7985000000000000E+04,1.8088224241600000E+02,-8.3574216260000007E+00,-1.1566479728791861E+00,-6.9734575202350457E-01,-2.5793197264560463E-01,4.8950978062065106E-03,-1.4243691370002301E-02,-7.6287970170040790E-04 -433 Eros (A898 PA),F51,5.7986000000000000E+04,1.8162116027799999E+02,-8.6754150899999996E+00,-1.1516897737476757E+00,-7.1154832243684885E-01,-2.5868014885487578E-01,5.0259771100175932E-03,-1.4163790769591209E-02,-7.3358683468355745E-04 -433 Eros (A898 PA),F51,5.7987000000000000E+04,1.8235929559799999E+02,-8.9916758750000003E+00,-1.1466014635822743E+00,-7.2567050376570252E-01,-2.5939909152352919E-01,5.1553674333681774E-03,-1.4082858849168279E-02,-7.0441793025809792E-04 -433 Eros (A898 PA),F51,5.7988000000000000E+04,1.8309667707599999E+02,-9.3061647060000006E+00,-1.1413845298605243E+00,-7.3971127898671429E-01,-2.6008892605956352E-01,5.2832707516016070E-03,-1.4000921928682328E-02,-6.7537551574196138E-04 -433 Eros (A898 PA),F51,5.7989000000000000E+04,1.8383333233700000E+02,-9.6188422629999994E+00,-1.1360404578981083E+00,-7.5366965682704778E-01,-2.6074978038563301E-01,5.4096894049483653E-03,-1.3918005933371069E-02,-6.4646201824544486E-04 -433 Eros (A898 PA),F51,5.7990000000000000E+04,1.8456928863900001E+02,-9.9296694359999993E+00,-1.1305707305146395E+00,-7.6754467142060911E-01,-2.6138178481235880E-01,5.5346260840212543E-03,-1.3834136393641979E-02,-6.1767976695295242E-04 -433 Eros (A898 PA),F51,5.7991000000000000E+04,1.8530457339600000E+02,-1.0238607566000001E+01,-1.1249768277033043E+00,-7.8133538200117103E-01,-2.6198507191999465E-01,5.6580838156237720E-03,-1.3749338445316771E-02,-5.8903099539666542E-04 -433 Eros (A898 PA),F51,5.7992000000000000E+04,1.8603921447799999E+02,-1.0545618626000000E+01,-1.1192602263030351E+00,-7.9504087260460499E-01,-2.6255977645215489E-01,5.7800659489180570E-03,-1.3663636830183599E-02,-5.6051784370784194E-04 -433 Eros (A898 PA),F51,5.7993000000000000E+04,1.8677324032900000E+02,-1.0850665340999999E+01,-1.1134223996784511E+00,-8.0866025175216993E-01,-2.6310603522070303E-01,5.9005761419187982E-03,-1.3577055896861480E-02,-5.3214236085211836E-04 -433 Eros (A898 PA),F51,5.7994000000000000E+04,1.8750667994500000E+02,-1.1153711239000000E+01,-1.1074648174118193E+00,-8.2219265210485981E-01,-2.6362398701889350E-01,6.0196183483114682E-03,-1.3489619601960831E-02,-5.0390650684746551E-04 -433 Eros (A898 PA),F51,5.7995000000000000E+04,1.8823956281400001E+02,-1.1454720673000001E+01,-1.1013889450089795E+00,-8.3563723009224944E-01,-2.6411377253958063E-01,6.1371968046147612E-03,-1.3401351511506978E-02,-4.7581215495833484E-04 -433 Eros (A898 PA),F51,5.7996000000000000E+04,1.8897191883599999E+02,-1.1753658815000000E+01,-1.0951962436218610E+00,-8.4899316551978321E-01,-2.6457553429576541E-01,6.2533160176630291E-03,-1.3312274802624910E-02,-4.4786109386967270E-04 -433 Eros (A898 PA),F51,5.7997000000000000E+04,1.8970377828700001E+02,-1.2050491655000000E+01,-1.0888881697868047E+00,-8.6225966116492425E-01,-2.6500941654177090E-01,6.3679807524287977E-03,-1.3222412265449769E-02,-4.2005502983378791E-04 -433 Eros (A898 PA),F51,5.7998000000000000E+04,1.9043517182500000E+02,-1.2345186008000001E+01,-1.0824661751793632E+00,-8.7543594236709921E-01,-2.6541556519373621E-01,6.4811960201574415E-03,-1.3131786305263099E-02,-3.9239558879406496E-04 -433 Eros (A898 PA),F51,5.7999000000000000E+04,1.9116613056300000E+02,-1.2637709542000000E+01,-1.0759317063823208E+00,-8.8852125662270809E-01,-2.6579412774871103E-01,6.5929670668411801E-03,-1.3040418944810721E-02,-3.6488431847593632E-04 -433 Eros (A898 PA),F51,5.8000000000000000E+04,1.9189668617400000E+02,-1.2928030831999999E+01,-1.0692862046666924E+00,-9.0151487318838797E-01,-2.6614525320176213E-01,6.7032993619825943E-03,-1.2948331826816321E-02,-3.3752269045317108E-04 -433 Eros (A898 PA),F51,5.8001000000000000E+04,1.9262687101700001E+02,-1.3216119432999999E+01,-1.0625311057790934E+00,-9.1441608270673413E-01,-2.6646909196142571E-01,6.8121985876958020E-03,-1.2855546216633658E-02,-3.1031210217566803E-04 -433 Eros (A898 PA),F51,5.8002000000000000E+04,1.9335671823100000E+02,-1.3501945965999999E+01,-1.0556678397338006E+00,-9.2722419685596313E-01,-2.6676579576451298E-01,6.9196706280651495E-03,-1.2762083005059391E-02,-2.8325387896744290E-04 -433 Eros (A898 PA),F51,5.8003000000000000E+04,1.9408626174800000E+02,-1.3785482190000000E+01,-1.0486978306034851E+00,-9.3993854803028465E-01,-2.6703551759278549E-01,7.0257215587957739E-03,-1.2667962711282010E-02,-2.5634927598708584E-04 -433 Eros (A898 PA),F51,5.8004000000000000E+04,1.9481553617200001E+02,-1.4066701044000000E+01,-1.0416224963070546E+00,-9.5255848904528662E-01,-2.6727841159480192E-01,7.1303576371397510E-03,-1.2573205485933762E-02,-2.2959948015054740E-04 -433 Eros (A898 PA),F51,5.8005000000000000E+04,1.9554457649700001E+02,-1.4345576633000000E+01,-1.0344432483962593E+00,-9.6508339285516997E-01,-2.6749463301620602E-01,7.2335852920312896E-03,-1.2477831114301872E-02,-2.0300561201661585E-04 -433 Eros (A898 PA),F51,5.8006000000000000E+04,1.9627341766600000E+02,-1.4622084141000000E+01,-1.0271614918466856E+00,-9.7751265226304473E-01,-2.6768433814028048E-01,7.3354111144624066E-03,-1.2381859019663991E-02,-1.7656872763686363E-04 -433 Eros (A898 PA),F51,5.8007000000000000E+04,1.9700209401199999E+02,-1.4896199676000000E+01,-1.0197786248594602E+00,-9.8984567960928072E-01,-2.6784768423822680E-01,7.4358418480798411E-03,-1.2285308266762780E-02,-1.5028982036706964E-04 -433 Eros (A898 PA),F51,5.8008000000000000E+04,1.9773063864500000E+02,-1.5167900063999999E+01,-1.0122960386816506E+00,-1.0020819064268052E+00,-2.6798482952640490E-01,7.5348843799791110E-03,-1.2188197565462168E-02,-1.2416982264824760E-04 -433 Eros (A898 PA),F51,5.8009000000000000E+04,1.9845908285499999E+02,-1.5437162603999999E+01,-1.0047151174471372E+00,-1.0142207830678509E+00,-2.6809593312717805E-01,7.6325457317305504E-03,-1.2090545274579440E-02,-9.8209607754549806E-05 -433 Eros (A898 PA),F51,5.8010000000000000E+04,1.9918745559700000E+02,-1.5703964821000000E+01,-9.9703723804008648E-01,-1.0262617783073045E+00,-2.6818115503062773E-01,7.7288330506489443E-03,-1.1992369405920630E-02,-7.2409991519003516E-05 -433 Eros (A898 PA),F51,5.8011000000000000E+04,1.9991578308000001E+02,-1.5968284231000000E+01,-9.8926376997870424E-01,-1.0382043789334547E+00,-2.6824065605582964E-01,7.8237536013309340E-03,-1.1893687628503170E-02,-4.6771734031342223E-05 -433 Eros (A898 PA),F51,5.8012000000000000E+04,2.0064408850500001E+02,-1.6230098139999999E+01,-9.8139607532072726E-01,-1.0500480893281363E+00,-2.6827459781100677E-01,7.9173147575218213E-03,-1.1794517272960509E-02,-2.1295541321802086E-05 -433 Eros (A898 PA),F51,5.8013000000000000E+04,2.0137239196499999E+02,-1.6489383480000001E+01,-9.7343550859006067E-01,-1.0617924310404925E+00,-2.6828314265154152E-01,8.0095239943083693E-03,-1.1694875336100353E-02,4.0179329772042135E-06 -433 Eros (A898 PA),F51,5.8014000000000000E+04,2.0210071053100000E+02,-1.6746116711999999E+01,-9.6538341672419992E-01,-1.0734369423583485E+00,-2.6826645363390950E-01,8.1003888806836025E-03,-1.1594778485573980E-02,2.9168085987175689E-05 -433 Eros (A898 PA),F51,5.8015000000000000E+04,2.0282905852100001E+02,-1.7000273803999999E+01,-9.5724113903818298E-01,-1.0849811778878613E+00,-2.6822469446329145E-01,8.1899170724793087E-03,-1.1494243064608143E-02,5.4154363960169725E-05 -433 Eros (A898 PA),F51,5.8016000000000000E+04,2.0355744793700001E+02,-1.7251830285000000E+01,-9.4901000719478890E-01,-1.0964247081595533E+00,-2.6815802943384554E-01,8.2781163056696895E-03,-1.1393285096713182E-02,7.8976260684553084E-05 -433 Eros (A898 PA),F51,5.8017000000000000E+04,2.0428588899499999E+02,-1.7500761366999999E+01,-9.4069134517083097E-01,-1.1077671192746010E+00,-2.6806662336324577E-01,8.3649943899831054E-03,-1.1291920290391701E-02,1.0363331591919789E-04 -433 Eros (A898 PA),F51,5.8018000000000000E+04,2.0501439068500000E+02,-1.7747042122000000E+01,-9.3228646920886415E-01,-1.1190080126004021E+00,-2.6795064152555786E-01,8.4505592028339491E-03,-1.1190164043748240E-02,1.2812511386710735E-04 -433 Eros (A898 PA),F51,5.8019000000000000E+04,2.0574296125500001E+02,-1.7990647664000001E+01,-9.2379668775470281E-01,-1.1301470045049757E+00,-2.6781024958752225E-01,8.5348186834811619E-03,-1.1088031449043360E-02,1.5245128168522599E-04 -433 Eros (A898 PA),F51,5.8020000000000000E+04,2.0647160858800001E+02,-1.8231553320000000E+01,-9.1522330138254104E-01,-1.1411837261175239E+00,-2.6764561355201644E-01,8.6177808274067128E-03,-1.0985537297158631E-02,1.7661148803842138E-04 -433 Eros (A898 PA),F51,5.8021000000000000E+04,2.0720034043800001E+02,-1.8469734765999998E+01,-9.0656760271698911E-01,-1.1521178230952602E+00,-2.6745689971017717E-01,8.6994536808808372E-03,-1.0882696081997888E-02,2.0060544169594896E-04 -433 Eros (A898 PA),F51,5.8022000000000000E+04,2.0792916453900000E+02,-1.8705168118000000E+01,-8.9783087636169290E-01,-1.1629489553809025E+00,-2.6724427460138628E-01,8.7798453356687425E-03,-1.0779522004855168E-02,2.2443289016580209E-04 -433 Eros (A898 PA),F51,5.8023000000000000E+04,2.0865808863900000E+02,-1.8937829987000001E+01,-8.8901439883845890E-01,-1.1736767969466524E+00,-2.6700790497896904E-01,8.8589639238923212E-03,-1.0676028978743240E-02,2.4809361837138807E-04 -433 Eros (A898 PA),F51,5.8024000000000000E+04,2.0938712048900001E+02,-1.9167697503999999E+01,-8.8011943854212737E-01,-1.1843010355210895E+00,-2.6674795777927890E-01,8.9368176130267627E-03,-1.0572230632723820E-02,2.7158744736242510E-04 -433 Eros (A898 PA),F51,5.8025000000000000E+04,2.1011626783200001E+02,-1.9394748332999999E+01,-8.7114725571019436E-01,-1.1948213723040435E+00,-2.6646460009192219E-01,9.0134146010471608E-03,-1.0468140316228041E-02,2.9491423306273541E-04 -433 Eros (A898 PA),F51,5.8026000000000000E+04,2.1084553842099999E+02,-1.9618960684000001E+01,-8.6209910240830934E-01,-1.2052375216717417E+00,-2.6615799912942967E-01,9.0887631117132425E-03,-1.0363771103393010E-02,3.1807386504953975E-04 -433 Eros (A898 PA),F51,5.8027000000000000E+04,2.1157494010100001E+02,-1.9840313333000001E+01,-8.5297622252806116E-01,-1.2155492108794981E+00,-2.6582832219478275E-01,9.1628713900170321E-03,-1.0259135797399770E-02,3.4106626536201568E-04 -433 Eros (A898 PA),F51,5.8028000000000000E+04,2.1230448094499999E+02,-2.0058785675999999E+01,-8.4377985179352588E-01,-1.2257561797684604E+00,-2.6547573664544621E-01,9.2357476977696050E-03,-1.0154246934825480E-02,3.6389138734563433E-04 -433 Eros (A898 PA),F51,5.8029000000000000E+04,2.1303416945699999E+02,-2.0274357797000000E+01,-8.3451121777479609E-01,-1.2358581804800719E+00,-2.6510040985314420E-01,9.3074003093327300E-03,-1.0049116790045200E-02,3.8654921450582546E-04 -433 Eros (A898 PA),I11,5.7970000000000000E+04,1.6967628199800001E+02,-3.4050059780000002E+00,-1.2143937243776155E+00,-4.7543464442756017E-01,-2.4312595955488916E-01,2.7531854190742527E-03,-1.5299353391956790E-02,-1.2150961276529496E-03 -433 Eros (A898 PA),I11,5.7971000000000000E+04,1.7043197184799999E+02,-3.7442343610000002E+00,-1.2115659450594394E+00,-4.9070205051714899E-01,-2.4432566876354342E-01,2.9063401354068961E-03,-1.5238344312086420E-02,-1.1843223137224452E-03 -433 Eros (A898 PA),I11,5.7972000000000000E+04,1.7118620243900000E+02,-4.0823503260000003E+00,-1.2085857682740966E+00,-5.0590772582031018E-01,-2.4549463863983820E-01,3.0580308865992695E-03,-1.5175863101919651E-02,-1.1536209576626984E-03 -433 Eros (A898 PA),I11,5.7973000000000000E+04,1.7193902267300001E+02,-4.4193051020000000E+00,-1.2054546606698018E+00,-5.2105021403466201E-01,-2.4663294383877973E-01,3.2082522166823370E-03,-1.5111941693992119E-02,-1.1229963660572351E-03 -433 Eros (A898 PA),I11,5.7974000000000000E+04,1.7269048232000000E+02,-4.7550513519999997E+00,-1.2021740940718060E+00,-5.3612809064205980E-01,-2.4774066322858526E-01,3.3569992893942493E-03,-1.5046611682885671E-02,-1.0924527111516162E-03 -433 Eros (A898 PA),I11,5.7975000000000000E+04,1.7344063188800001E+02,-5.0895432029999998E+00,-1.1987455448751845E+00,-5.5113996260247244E-01,-2.4881787975105224E-01,3.5042678692745830E-03,-1.4979904317482820E-02,-1.0619940330008333E-03 -433 Eros (A898 PA),I11,5.7976000000000000E+04,1.7418952240400000E+02,-5.4227362250000004E+00,-1.1951704934514464E+00,-5.6608446805270496E-01,-2.4986468028669950E-01,3.6500543030449578E-03,-1.4911850493856441E-02,-1.0316242416432368E-03 -433 Eros (A898 PA),I11,5.7977000000000000E+04,1.7493720510300000E+02,-5.7545873869999999E+00,-1.1914504235691075E+00,-5.8096027599791078E-01,-2.5088115552489781E-01,3.7943555012210231E-03,-1.4842480748805400E-02,-1.0013471193064767E-03 -433 Eros (A898 PA),I11,5.7978000000000000E+04,1.7568373102400000E+02,-6.0850549640000002E+00,-1.1875868218285000E+00,-5.9576608598951897E-01,-2.5186739983899881E-01,3.9371689199480427E-03,-1.4771825254014831E-02,-9.7116632264948436E-04 -433 Eros (A898 PA),I11,5.7979000000000000E+04,1.7642915054900001E+02,-6.4140983960000000E+00,-1.1835811771097298E+00,-6.1050062779389025E-01,-2.5282351116671842E-01,4.0784925431212914E-03,-1.4699913810815120E-02,-9.4108538501379367E-04 -433 Eros (A898 PA),I11,5.7980000000000000E+04,1.7717351289000001E+02,-6.7416781200000004E+00,-1.1794349800359119E+00,-6.2516266104482887E-01,-2.5374959089532634E-01,4.2183248647528959E-03,-1.4626775845508498E-02,-9.1110771871106351E-04 -433 Eros (A898 PA),I11,5.7981000000000000E+04,1.7791686555000001E+02,-7.0677553489999996E+00,-1.1751497224509340E+00,-6.3975097488345201E-01,-2.5464574375260740E-01,4.3566648716275207E-03,-1.4552440405256720E-02,-8.8123661731525369E-04 -433 Eros (A898 PA),I11,5.7982000000000000E+04,1.7865925378300000E+02,-7.3922918250000000E+00,-1.1707268969132376E+00,-6.5426438757632122E-01,-2.5551207770443535E-01,4.4935120262401844E-03,-1.4476936154496849E-02,-8.5147525797147218E-04 -433 Eros (A898 PA),I11,5.7983000000000000E+04,1.7940072010899999E+02,-7.7152495480000001E+00,-1.1661679962076470E+00,-6.6870174609994848E-01,-2.5634870385946884E-01,4.6288662500226447E-03,-1.4400291371870969E-02,-8.2182670371419239E-04 -433 Eros (A898 PA),I11,5.7984000000000000E+04,1.8014130395600000E+02,-8.0365905069999997E+00,-1.1614745128787409E+00,-6.8306192567950830E-01,-2.5715573637945266E-01,4.7627279068737796E-03,-1.4322533947643429E-02,-7.9229390579031874E-04 -433 Eros (A898 PA),I11,5.7985000000000000E+04,1.8088104152700001E+02,-8.3562764470000008E+00,-1.1566479387909441E+00,-6.9734382927812022E-01,-2.5793329239043655E-01,4.8950977869991891E-03,-1.4243691381585188E-02,-7.6287970598413937E-04 -433 Eros (A898 PA),I11,5.7986000000000000E+04,1.8161996596800000E+02,-8.6742687440000008E+00,-1.1516897647193542E+00,-7.1154638705343609E-01,-2.5868149188786765E-01,5.0259770910640036E-03,-1.4163790781306180E-02,-7.3358683894090616E-04 -433 Eros (A898 PA),I11,5.7987000000000000E+04,1.8235810784800000E+02,-8.9905283839999992E+00,-1.1466014799711852E+00,-7.2566855581881751E-01,-2.5940045762964153E-01,5.1553674146648035E-03,-1.4082858861008261E-02,-7.0441793448995931E-04 -433 Eros (A898 PA),I11,5.7988000000000000E+04,1.8309549586599999E+02,-9.3050160910000006E+00,-1.1413845720308111E+00,-7.3970931855523403E-01,-2.6009031501621366E-01,5.2832707331483906E-03,-1.4000921940644419E-02,-6.7537551994747589E-04 -433 Eros (A898 PA),I11,5.7989000000000000E+04,1.8383215764900001E+02,-9.6176925450000006E+00,-1.1360405262206537E+00,-7.5366768399448147E-01,-2.6075119196275920E-01,5.4096893867440288E-03,-1.3918005945451110E-02,-6.4646202242436509E-04 -433 Eros (A898 PA),I11,5.7990000000000000E+04,1.8456812045199999E+02,-9.9285186369999998E+00,-1.1305708253669908E+00,-7.6754268627543754E-01,-2.6138321877247700E-01,5.5346260660643631E-03,-1.3834136405835919E-02,-6.1767977110507540E-04 -433 Eros (A898 PA),I11,5.7991000000000000E+04,1.8530341169200000E+02,-1.0237455707000001E+01,-1.1249769494695820E+00,-7.8133338463726598E-01,-2.6198652801823363E-01,5.6580837979130797E-03,-1.3749338457620511E-02,-5.8903099952173756E-04 -433 Eros (A898 PA),I11,5.7992000000000000E+04,1.8603805923900001E+02,-1.0544465730000001E+01,-1.1192603753738681E+00,-7.9503886312158767E-01,-2.6256125443626427E-01,5.7800659314521620E-03,-1.3663636842593210E-02,-5.6051784780566125E-04 -433 Eros (A898 PA),I11,5.7993000000000000E+04,1.8677209153499999E+02,-1.0849511428000000E+01,-1.1134225764508869E+00,-8.0865823025585115E-01,-2.6310753483104549E-01,5.9005761246962666E-03,-1.3577055909373081E-02,-5.3214236492249911E-04 -433 Eros (A898 PA),I11,5.7994000000000000E+04,1.8750553757899999E+02,-1.1152556332000000E+01,-1.1074650222892251E+00,-8.2219061870764865E-01,-2.6362550798843243E-01,6.0196183313307190E-03,-1.3489619614570720E-02,-5.0390651089025592E-04 -433 Eros (A898 PA),I11,5.7995000000000000E+04,1.8823842685700001E+02,-1.1453564793000000E+01,-1.1013891784009036E+00,-8.3563518491360678E-01,-2.6411531459385623E-01,6.1371967878741896E-03,-1.3401351524211541E-02,-4.7581215897339027E-04 -433 Eros (A898 PA),I11,5.7996000000000000E+04,1.8897078927100000E+02,-1.1752501984000000E+01,-1.0951965059438744E+00,-8.4899110868667749E-01,-2.6457709715287925E-01,6.2533160011612136E-03,-1.3312274815420421E-02,-4.4786109785682478E-04 -433 Eros (A898 PA),I11,5.7997000000000000E+04,1.8970265509500001E+02,-1.2049333897000000E+01,-1.0888884614603525E+00,-8.6225759281221315E-01,-2.6501099991237131E-01,6.3679807361640712E-03,-1.3222412278332752E-02,-4.2005503379292068E-04 -433 Eros (A898 PA),I11,5.7998000000000000E+04,1.9043405498999999E+02,-1.2344027345000001E+01,-1.0824664966315636E+00,-8.7543386263797007E-01,-2.6541716878100807E-01,6.4811960041281213E-03,-1.3131786318230150E-02,-3.9239559272508009E-04 -433 Eros (A898 PA),I11,5.7999000000000000E+04,1.9116502006700000E+02,-1.2636549995999999E+01,-1.0759320580457508E+00,-8.8851916566913425E-01,-2.6579575124836630E-01,6.5929670510457622E-03,-1.3040418957858339E-02,-3.6488432237868906E-04 -433 Eros (A898 PA),I11,5.8000000000000000E+04,1.9189558199999999E+02,-1.2926870426000001E+01,-1.0692865869791732E+00,-9.0151277117152995E-01,-2.6614689630202809E-01,6.7032993464208341E-03,-1.2948331839942331E-02,-3.3752269432713619E-04 -433 Eros (A898 PA),I11,5.8001000000000000E+04,1.9262577314900000E+02,-1.3214958190000001E+01,-1.0625315191834388E+00,-9.1441396979740353E-01,-2.6647075434305112E-01,6.8121985723643801E-03,-1.2855546229833880E-02,-3.1031210602126293E-04 -433 Eros (A898 PA),I11,5.8002000000000000E+04,1.9335562665200001E+02,-1.3500783909000001E+01,-1.0556682846775240E+00,-9.2722207323512618E-01,-2.6676747710079118E-01,6.9196706129609886E-03,-1.2762083018329540E-02,-2.8325388278500332E-04 -433 Eros (A898 PA),I11,5.8003000000000000E+04,1.9408517644200001E+02,-1.3784319342000000E+01,-1.0486983075385314E+00,-9.3993641388947502E-01,-2.6703721754958554E-01,7.0257215439184940E-03,-1.2667962724620160E-02,-2.5634927977614069E-04 -433 Eros (A898 PA),I11,5.8004000000000000E+04,1.9481445712100000E+02,-1.4065537428000001E+01,-1.0416230056894302E+00,-9.5255634458715566E-01,-2.6728012983061245E-01,7.1303576224876625E-03,-1.2573205499336861E-02,-2.2959948391103926E-04 -433 Eros (A898 PA),I11,5.8005000000000000E+04,1.9554350368600001E+02,-1.4344412272000000E+01,-1.0344437906856836E+00,-9.6508123829394310E-01,-2.6749636918218650E-01,7.2335852776024955E-03,-1.2477831127767118E-02,-2.0300561574853254E-04 -433 Eros (A898 PA),I11,5.8006000000000000E+04,1.9627235107900000E+02,-1.4620919059000000E+01,-1.0271620675061364E+00,-9.7751048782504713E-01,-2.6768609188031678E-01,7.3354111002552746E-03,-1.2381859033188388E-02,-1.7656873134014339E-04 -433 Eros (A898 PA),I11,5.8007000000000000E+04,1.9700103363299999E+02,-1.4895033895999999E+01,-1.0197792343547731E+00,-9.8984350553328093E-01,-2.6784945518895636E-01,7.4358418340924638E-03,-1.2285308280343649E-02,-1.5028982404173102E-04 -433 Eros (A898 PA),I11,5.8008000000000000E+04,1.9772958445600000E+02,-1.5166733607999999E+01,-1.0122966824810082E+00,-1.0020797229644440E+00,-2.6798661731721024E-01,7.5348843662097469E-03,-1.2188197579096720E-02,-1.2416982629425568E-04 -433 Eros (A898 PA),I11,5.8009000000000000E+04,1.9845803484000001E+02,-1.5435995494000000E+01,-1.0047157960206101E+00,-1.0142185904838878E+00,-2.6809773738014503E-01,7.6325457181789253E-03,-1.2090545288265971E-02,-9.8209611371578425E-05 -433 Eros (A898 PA),I11,5.8010000000000000E+04,1.9918641373899999E+02,-1.5702797080000000E+01,-9.9703795185909705E-01,-1.0262595768798914E+00,-2.6818297536048108E-01,7.7288330373100084E-03,-1.1992369419654817E-02,-7.2409995107762634E-05 -433 Eros (A898 PA),I11,5.8011000000000000E+04,1.9991474736300000E+02,-1.5967115883000000E+01,-9.8926451951554550E-01,-1.0382021689542345E+00,-2.6824249206986345E-01,7.8237535882044081E-03,-1.1893687642283428E-02,-4.6771737591518926E-05 -433 Eros (A898 PA),I11,5.8012000000000000E+04,2.0064305891100000E+02,-1.6228929206000000E+01,-9.8139686104802382E-01,-1.0500458711023894E+00,-2.6827644910901777E-01,7.9173147446059498E-03,-1.1794517286784309E-02,-2.1295544853395235E-05 -433 Eros (A898 PA),I11,5.8013000000000000E+04,2.0137136847700000E+02,-1.6488213981000001E+01,-9.7343633098028426E-01,-1.0617902048871439E+00,-2.6828500882580253E-01,8.0095239816011365E-03,-1.1694875349965488E-02,4.0179294741093893E-06 -433 Eros (A898 PA),I11,5.8014000000000000E+04,2.0209969313299999E+02,-1.6744946670000001E+01,-9.6538427624910605E-01,-1.0734347086100551E+00,-2.6826833426920271E-01,8.1003888681832458E-03,-1.1594778499478049E-02,2.9168082512566891E-05 -433 Eros (A898 PA),I11,5.8015000000000000E+04,2.0282804719600000E+02,-1.6999103240000000E+01,-9.5724203616833714E-01,-1.0849789368909617E+00,-2.6822658913698810E-01,8.1899170601839044E-03,-1.1494243078548978E-02,5.4154360513966929E-05 -433 Eros (A898 PA),I11,5.8016000000000000E+04,2.0355644266799999E+02,-1.7250659219999999E+01,-9.4901094239905004E-01,-1.0964224602740926E+00,-2.6815993771604035E-01,8.2781162935772427E-03,-1.1393285110688760E-02,7.8976257266665976E-05 -433 Eros (A898 PA),I11,5.8017000000000000E+04,2.0428488976700001E+02,-1.7499589821000001E+01,-9.4069231891582183E-01,-1.1077648648743899E+00,-2.6806854481691361E-01,8.3649943780917755E-03,-1.1291920304399860E-02,1.0363331252956911E-04 -433 Eros (A898 PA),I11,5.8018000000000000E+04,2.0501339748100000E+02,-1.7745870115999999E+01,-9.3228748195849009E-01,-1.1190057520730399E+00,-2.6795257570672176E-01,8.4505591911418383E-03,-1.1190164057787000E-02,1.2812511050564550E-04 -433 Eros (A898 PA),I11,5.8019000000000000E+04,2.0574197405999999E+02,-1.7989475216999999E+01,-9.2379773996966308E-01,-1.1301447382519076E+00,-2.6781219604540435E-01,8.5348186719862891E-03,-1.1088031463110850E-02,1.5245127835182749E-04 -433 Eros (A898 PA),I11,5.8020000000000000E+04,2.0647062738800000E+02,-1.8230380451999999E+01,-9.1522439351983498E-01,-1.1411814545541137E+00,-2.6764757182917792E-01,8.6177808161071942E-03,-1.0985537311252961E-02,1.7661148473298573E-04 -433 Eros (A898 PA),I11,5.8021000000000000E+04,2.0719936521700001E+02,-1.8468561497000000E+01,-9.0656873522946602E-01,-1.1521155466508308E+00,-2.6745886934263630E-01,8.6994536697746431E-03,-1.0882696096117441E-02,2.0060543841833557E-04 -433 Eros (A898 PA),I11,5.8022000000000000E+04,2.0792819528199999E+02,-1.8703994467000001E+01,-8.9783204969752806E-01,-1.1629466744988419E+00,-2.6724625511871691E-01,8.7798453247539422E-03,-1.0779522018998219E-02,2.2443288691588475E-04 -433 Eros (A898 PA),I11,5.8023000000000000E+04,2.0865712533400000E+02,-1.8936655973000001E+01,-8.8901561344066016E-01,-1.1736745120844863E+00,-2.6700989590440410E-01,8.8589639131670603E-03,-1.0676028992908079E-02,2.4809361514906516E-04 -433 Eros (A898 PA),I11,5.8024000000000000E+04,2.0938616312200000E+02,-1.9166523146999999E+01,-8.8012069484805344E-01,-1.1842987471504984E+00,-2.6674995862980888E-01,8.9368176024891277E-03,-1.0572230646908862E-02,2.7158744416756541E-04 -433 Eros (A898 PA),I11,5.8025000000000000E+04,2.1011531638899999E+02,-1.9393573653000001E+01,-8.7114855415106218E-01,-1.1948190809109007E+00,-2.6646661037839026E-01,9.0134145906951239E-03,-1.0468140330431912E-02,2.9491422989516450E-04 -433 Eros (A898 PA),I11,5.8026000000000000E+04,2.1084459289000000E+02,-1.9617785698999999E+01,-8.6210044340865533E-01,-1.2052352277561462E+00,-2.6616001835663761E-01,9.0887631015467638E-03,-1.0363771117614599E-02,3.1807386190927907E-04 -433 Eros (A898 PA),I11,5.8027000000000000E+04,2.1157400046900000E+02,-1.9839138064000000E+01,-8.5297760650527588E-01,-1.2155469149557507E+00,-2.6583034986159465E-01,9.1628713800304407E-03,-1.0259135811637090E-02,3.4106626224856472E-04 -433 Eros (A898 PA),I11,5.8028000000000000E+04,2.1230354720099999E+02,-2.0057610140000001E+01,-8.4378127915730139E-01,-1.2257538823650935E+00,-2.6547777224489927E-01,9.2357476879628246E-03,-1.0154246949077590E-02,3.6389138425899298E-04 -433 Eros (A898 PA),I11,5.8029000000000000E+04,2.1303324158900000E+02,-2.0273182014000000E+01,-8.3451268892660335E-01,-1.2358558821398684E+00,-2.6510245287257217E-01,9.3074002997039530E-03,-1.0049116804310771E-02,3.8654921144585928E-04 -433 Eros (A898 PA),I41,5.7970000000000000E+04,1.6967684932800000E+02,-3.4063642550000002E+00,-1.2143939973620612E+00,-4.7543595394339327E-01,-2.4312530651430830E-01,2.7531854353283810E-03,-1.5299353385590839E-02,-1.2150961243988219E-03 -433 Eros (A898 PA),I41,5.7971000000000000E+04,1.7043253514000000E+02,-3.7455918760000002E+00,-1.2115662013646658E+00,-4.9070336890483612E-01,-2.4432500342552552E-01,2.9063401513343603E-03,-1.5238344305633070E-02,-1.1843223105104882E-03 -433 Eros (A898 PA),I41,5.7972000000000000E+04,1.7118676169899999E+02,-4.0837070249999998E+00,-1.2085860077369928E+00,-5.0590905298115763E-01,-2.4549396111930769E-01,3.0580309022037212E-03,-1.5175863095386209E-02,-1.1536209544928291E-03 -433 Eros (A898 PA),I41,5.7973000000000000E+04,1.7193957790799999E+02,-4.4206609329999997E+00,-1.2054548831246992E+00,-5.2105154986967483E-01,-2.4663225425429552E-01,3.2082522319661771E-03,-1.5111941687384261E-02,-1.1229963629299812E-03 -433 Eros (A898 PA),I41,5.7974000000000000E+04,1.7269103353599999E+02,-4.7564062659999999E+00,-1.2021742993503719E+00,-5.3612943505170962E-01,-2.4773996170235005E-01,3.3569993043607478E-03,-1.5046611676209591E-02,-1.0924527080671371E-03 -433 Eros (A898 PA),I41,5.7975000000000000E+04,1.7344117909100001E+02,-5.0908971489999999E+00,-1.1987457328063471E+00,-5.5114131548643219E-01,-2.4881716640891083E-01,3.5042678839270654E-03,-1.4979904310744589E-02,-1.0619940299592559E-03 -433 Eros (A898 PA),I41,5.7976000000000000E+04,1.7419006560099999E+02,-5.4240891539999998E+00,-1.1951706638613282E+00,-5.6608582930957829E-01,-2.4986395525813562E-01,3.6500543173867972E-03,-1.4911850487061959E-02,-1.0316242386446660E-03 -433 Eros (A898 PA),I41,5.7977000000000000E+04,1.7493774430100001E+02,-5.7559392500000000E+00,-1.1914505762809831E+00,-5.8096164552493967E-01,-2.5088041894302515E-01,3.7943555152548285E-03,-1.4842480741959818E-02,-1.0013471163513004E-03 -433 Eros (A898 PA),I41,5.7978000000000000E+04,1.7568426623100001E+02,-6.0864057139999996E+00,-1.1875869566627766E+00,-5.9576746368233846E-01,-2.5186665184055623E-01,3.9371689336787112E-03,-1.4771825247125080E-02,-9.7116631973718180E-04 -433 Eros (A898 PA),I41,5.7979000000000000E+04,1.7642968177300000E+02,-6.4154479870000003E+00,-1.1835812938839465E+00,-6.1050201354624845E-01,-2.5282275189207104E-01,4.0784925565517920E-03,-1.4699913803885981E-02,-9.4108538214466100E-04 -433 Eros (A898 PA),I41,5.7980000000000000E+04,1.7717404013900000E+02,-6.7430265059999996E+00,-1.1794350785647851E+00,-6.2516405474829639E-01,-2.5374882048848152E-01,4.2183248778867796E-03,-1.4626775838545221E-02,-9.1110771588510529E-04 -433 Eros (A898 PA),I41,5.7981000000000000E+04,1.7791738883200000E+02,-7.0691024850000002E+00,-1.1751498025464038E+00,-6.3975237642719929E-01,-2.5464496236124162E-01,4.3566648844684001E-03,-1.4552440398264518E-02,-8.8123661453246363E-04 -433 Eros (A898 PA),I41,5.7982000000000000E+04,1.7865977310700001E+02,-7.3936376680000002E+00,-1.1707269583845572E+00,-6.5426579684693820E-01,-2.5551128547993512E-01,4.4935120387918350E-03,-1.4476936147480668E-02,-8.5147525523178360E-04 -433 Eros (A898 PA),I41,5.7983000000000000E+04,1.7940123548400001E+02,-7.7165940559999999E+00,-1.1661680388614739E+00,-6.6870316298124632E-01,-2.5634790095699422E-01,4.6288662622888518E-03,-1.4400291364835640E-02,-8.2182670101752821E-04 -433 Eros (A898 PA),I41,5.7984000000000000E+04,1.8014181539200001E+02,-8.0379336380000002E+00,-1.1614745365192671E+00,-6.8306335005234675E-01,-2.5715492295800496E-01,4.7627279188582365E-03,-1.4322533940593709E-02,-7.9229390313661249E-04 -433 Eros (A898 PA),I41,5.7985000000000000E+04,1.8088154903399999E+02,-8.3576181629999997E+00,-1.1566479432200154E+00,-6.9734526102033623E-01,-2.5793246861290786E-01,4.8950977987057345E-03,-1.4243691374525609E-02,-7.6287970337327396E-04 -433 Eros (A898 PA),I41,5.7986000000000000E+04,1.8162046955500000E+02,-8.6756090050000001E+00,-1.1516897497366045E+00,-7.1154782603972244E-01,-2.5868065792106676E-01,5.0259771024956622E-03,-1.4163790774240610E-02,-7.3358683637298936E-04 -433 Eros (A898 PA),I41,5.7987000000000000E+04,1.8235860752500000E+02,-8.9918671519999993E+00,-1.1466014453741662E+00,-7.2567000192064168E-01,-2.5939961364428105E-01,5.1553674258272026E-03,-1.4082858853942011E-02,-7.0441793196433452E-04 -433 Eros (A898 PA),I41,5.7988000000000000E+04,1.8309599164400001E+02,-9.3063533310000004E+00,-1.1413845176151243E+00,-7.3971077164069787E-01,-2.6008946118686471E-01,5.2832707440445773E-03,-1.4000921933581080E-02,-6.7537551746421902E-04 -433 Eros (A898 PA),I41,5.7989000000000000E+04,1.8383264953599999E+02,-9.6190282210000007E+00,-1.1360404517800431E+00,-7.5366914392823037E-01,-2.6075032846779139E-01,5.4096893973781118E-03,-1.3918005938394542E-02,-6.4646201998324324E-04 -433 Eros (A898 PA),I41,5.7990000000000000E+04,1.8456860846000001E+02,-9.9298527140000008E+00,-1.1305707306934587E+00,-7.6754415291845957E-01,-2.6138234579399111E-01,5.5346260764402230E-03,-1.3834136398790012E-02,-6.1767976870589570E-04 -433 Eros (A898 PA),I41,5.7991000000000000E+04,1.8530389582900000E+02,-1.0238788151000000E+01,-1.1249768343534652E+00,-7.8133485784676804E-01,-2.6198564574200761E-01,5.6580838080347012E-03,-1.3749338450588950E-02,-5.8903099716426917E-04 -433 Eros (A898 PA),I41,5.7992000000000000E+04,1.8603853951599999E+02,-1.0545796509000001E+01,-1.1192602396039288E+00,-7.9504034275081281E-01,-2.6256036305171382E-01,5.7800659413235365E-03,-1.3663636835579541E-02,-5.6051784548965687E-04 -433 Eros (A898 PA),I41,5.7993000000000000E+04,1.8677256796099999E+02,-1.0850840510999999E+01,-1.1134224198143923E+00,-8.0865971615391374E-01,-2.6310663453119104E-01,5.9005761343214804E-03,-1.3577055902380680E-02,-5.3214236264767056E-04 -433 Eros (A898 PA),I41,5.7994000000000000E+04,1.8750601016400000E+02,-1.1153883686000000E+01,-1.1074648445720514E+00,-8.2219211071933973E-01,-2.6362459896987506E-01,6.0196183407138504E-03,-1.3489619607602811E-02,-5.0390650865631383E-04 -433 Eros (A898 PA),I41,5.7995000000000000E+04,1.8823889561199999E+02,-1.1454890388999999E+01,-1.1013889793876466E+00,-8.3563668287919057E-01,-2.6411439705676448E-01,6.1371967970191878E-03,-1.3401351517271320E-02,-4.7581215678005757E-04 -433 Eros (A898 PA),I41,5.7996000000000000E+04,1.8897125420500001E+02,-1.1753825793000001E+01,-1.0951962854179493E+00,-8.4899261244175062E-01,-2.6457617130096989E-01,6.2533160100722287E-03,-1.3312274808510809E-02,-4.4786109570375793E-04 -433 Eros (A898 PA),I41,5.7997000000000000E+04,1.8970311621799999E+02,-1.2050655890000000E+01,-1.0888882192041420E+00,-8.6225910218746848E-01,-2.6501006595289189E-01,6.3679807448450238E-03,-1.3222412271456731E-02,-4.2005503167981796E-04 -433 Eros (A898 PA),I41,5.7998000000000000E+04,1.9043451231200001E+02,-1.2345347493000000E+01,-1.0824662324265328E+00,-8.7543537745906996E-01,-2.6541622692472033E-01,6.4811960125831175E-03,-1.3131786311390409E-02,-3.9239559065158453E-04 -433 Eros (A898 PA),I41,5.7999000000000000E+04,1.9116547359800001E+02,-1.2637868274000001E+01,-1.0759317716725982E+00,-8.8852068575649557E-01,-2.6579480170952868E-01,6.5929670592787841E-03,-1.3040418951057550E-02,-3.6488432034446612E-04 -433 Eros (A898 PA),I41,5.8000000000000000E+04,1.9189603174999999E+02,-1.2928186805999999E+01,-1.0692862782179784E+00,-9.0151429634015867E-01,-2.6614593929838182E-01,6.7032993544349877E-03,-1.2948331833182589E-02,-3.3752269233195808E-04 -433 Eros (A898 PA),I41,5.8001000000000000E+04,1.9262621912700001E+02,-1.3216272648000000E+01,-1.0625311878138233E+00,-9.1441549985669757E-01,-2.6646979009579469E-01,6.8121985801646379E-03,-1.2855546223117929E-02,-3.1031210406459638E-04 -433 Eros (A898 PA),I41,5.8002000000000000E+04,1.9335606886900001E+02,-1.3502096419000001E+01,-1.0556679304788217E+00,-9.2722360798867798E-01,-2.6676650583454747E-01,6.9196706205521992E-03,-1.2762083011660090E-02,-2.8325388086633210E-04 -433 Eros (A898 PA),I41,5.8003000000000000E+04,1.9408561490599999E+02,-1.3785629881000000E+01,-1.0486979302899493E+00,-9.3993795313490502E-01,-2.6703623949236782E-01,7.0257215513038675E-03,-1.2667962717998832E-02,-2.5634927789518165E-04 -433 Eros (A898 PA),I41,5.8004000000000000E+04,1.9481489184399999E+02,-1.4066845973000000E+01,-1.0416226051702902E+00,-9.5255788811581787E-01,-2.6727914521378782E-01,7.1303576296710258E-03,-1.2573205492765822E-02,-2.2959948206741402E-04 -433 Eros (A898 PA),I41,5.8005000000000000E+04,1.9554393467700001E+02,-1.4345718801000000E+01,-1.0344433666756190E+00,-9.6508278589076191E-01,-2.6749537824042491E-01,7.2335852845878401E-03,-1.2477831121248260E-02,-2.0300561394181815E-04 -433 Eros (A898 PA),I41,5.8006000000000000E+04,1.9627277834800000E+02,-1.4622223548999999E+01,-1.0271616197853517E+00,-9.7751203926828512E-01,-2.6768509485153524E-01,7.3354111070465522E-03,-1.2381859026723473E-02,-1.7656872956990505E-04 -433 Eros (A898 PA),I41,5.8007000000000000E+04,1.9700145719000000E+02,-1.4896336329000000E+01,-1.0197787627043295E+00,-9.8984506059433752E-01,-2.6784845231427601E-01,7.4358418406933963E-03,-1.2285308273934557E-02,-1.5028982230758285E-04 -433 Eros (A898 PA),I41,5.8008000000000000E+04,1.9773000431200001E+02,-1.5168033963999999E+01,-1.0122961866830860E+00,-1.0020812814077500E+00,-2.6798560884093320E-01,7.5348843726242990E-03,-1.2188197572744971E-02,-1.2416982459573516E-04 -433 Eros (A898 PA),I41,5.8009000000000000E+04,1.9845845100599999E+02,-1.5437293756000001E+01,-1.0047152758588336E+00,-1.0142201520667398E+00,-2.6809672354974767E-01,7.6325457244099263E-03,-1.2090545281972863E-02,-9.8209609708348921E-05 -433 Eros (A898 PA),I41,5.8010000000000000E+04,1.9918682622599999E+02,-1.5704093230000000E+01,-9.9703740711885014E-01,-1.0262611413523930E+00,-2.6818195642661979E-01,7.7288330433632427E-03,-1.1992369413422219E-02,-7.2409993479176791E-05 -433 Eros (A898 PA),I41,5.8011000000000000E+04,1.9991515618000000E+02,-1.5968409904000000E+01,-9.8926394998427780E-01,-1.0382037360592717E+00,-2.6824146828638828E-01,7.8237535940826157E-03,-1.1893687636112479E-02,-4.6771735997230978E-05 -433 Eros (A898 PA),I41,5.8012000000000000E+04,2.0064346407100001E+02,-1.6230221084000000E+01,-9.8139626651557765E-01,-1.0500474405756279E+00,-2.6827542073299887E-01,7.9173147503128292E-03,-1.1794517280676268E-02,-2.1295543292958939E-05 -433 Eros (A898 PA),I41,5.8013000000000000E+04,2.0137176999100001E+02,-1.6489503703000000E+01,-9.7343571123920158E-01,-1.0617917764570686E+00,-2.6828397611753185E-01,8.0095239871404243E-03,-1.1694875343921440E-02,4.0179310011669936E-06 -433 Eros (A898 PA),I41,5.8014000000000000E+04,2.0210009101000000E+02,-1.6746234221999998E+01,-9.6538363109495484E-01,-1.0734362819980141E+00,-2.6826729749216555E-01,8.1003888735586369E-03,-1.1594778493499040E-02,2.9168084006714639E-05 -433 Eros (A898 PA),I41,5.8015000000000000E+04,2.0282844144900000E+02,-1.7000388611999998E+01,-9.5724136540002203E-01,-1.0849805118112190E+00,-2.6822554855781261E-01,8.1899170653989498E-03,-1.1494243072636027E-02,5.4154361975660366E-05 -433 Eros (A898 PA),I41,5.8016000000000000E+04,2.0355683330700001E+02,-1.7251942399000001E+01,-9.4901024581909388E-01,-1.0964240364339328E+00,-2.6815889360440825E-01,8.2781162986356183E-03,-1.1393285104842651E-02,7.8976258696399613E-05 -433 Eros (A898 PA),I41,5.8017000000000000E+04,2.0428527680200000E+02,-1.7500870800000001E+01,-9.4069159633067301E-01,-1.1077664419741460E+00,-2.6806749744545127E-01,8.3649943829970236E-03,-1.1291920298621409E-02,1.0363331392781273E-04 -433 Eros (A898 PA),I41,5.8018000000000000E+04,2.0501378092300001E+02,-1.7747148885000001E+01,-9.3228673317880095E-01,-1.1190073298061687E+00,-2.6795152535087546E-01,8.4505591958974492E-03,-1.1190164052076929E-02,1.2812511187287732E-04 -433 Eros (A898 PA),I41,5.8019000000000000E+04,2.0574235392000000E+02,-1.7990751768999999E+01,-9.2379696481053308E-01,-1.1301463163050589E+00,-2.6781114298332637E-01,8.5348186765958553E-03,-1.1088031457469630E-02,1.5245127968855417E-04 -433 Eros (A898 PA),I41,5.8020000000000000E+04,2.0647100367499999E+02,-1.8231654780000000E+01,-9.1522359180110802E-01,-1.1411830326071495E+00,-2.6764651634161368E-01,8.6177808205740326E-03,-1.0985537305681310E-02,1.7661148603966291E-04 -433 Eros (A898 PA),I41,5.8021000000000000E+04,2.0719973794200001E+02,-1.8469833594000001E+01,-9.0656790677592314E-01,-1.1521171243769255E+00,-2.6745781171282584E-01,8.6994536741022335E-03,-1.0882696090615689E-02,2.0060543969547610E-04 -433 Eros (A898 PA),I41,5.8022000000000000E+04,2.0792856445499999E+02,-1.8705264328999998E+01,-8.9783119433916991E-01,-1.1629482515645015E+00,-2.6724519563230997E-01,8.7798453289457193E-03,-1.0779522013566661E-02,2.2443288816399964E-04 -433 Eros (A898 PA),I41,5.8023000000000000E+04,2.0865749096299999E+02,-1.8937923595000001E+01,-8.8901473101296502E-01,-1.1736760881495809E+00,-2.6700883484937205E-01,8.8589639172262421E-03,-1.0676028987547111E-02,2.4809361636861610E-04 -433 Eros (A898 PA),I41,5.8024000000000000E+04,2.0938652521800000E+02,-1.9167788524999999E+01,-8.8011978519219303E-01,-1.1843003218683612E+00,-2.6674889629636617E-01,8.9368176064190466E-03,-1.0572230641618670E-02,2.7158744535906115E-04 -433 Eros (A898 PA),I41,5.8025000000000000E+04,2.1011567496200001E+02,-1.9394836783999999E+01,-8.7114761711416444E-01,-1.1948206539283650E+00,-2.6646554705891773E-01,9.0134145944990429E-03,-1.0468140325212611E-02,2.9491423105910475E-04 -433 Eros (A898 PA),I41,5.8026000000000000E+04,2.1084494794899999E+02,-1.9619046579999999E+01,-8.6209947884404647E-01,-1.2052367987136343E+00,-2.6615895434560394E-01,9.0887631052268582E-03,-1.0363771112466301E-02,3.1807386304618496E-04 -433 Eros (A898 PA),I41,5.8027000000000000E+04,2.1157435202299999E+02,-1.9840396692999999E+01,-8.5297661427271687E-01,-1.2155484834873429E+00,-2.6582928545547757E-01,9.1628713835919095E-03,-1.0259135806559710E-02,3.4106626335889898E-04 -433 Eros (A898 PA),I41,5.8028000000000000E+04,2.1230389525900000E+02,-2.0058866516999998E+01,-8.4378025912323984E-01,-1.2257554480986121E+00,-2.6547670774210408E-01,9.2357476914077426E-03,-1.0154246944071119E-02,3.6389138534326454E-04 -433 Eros (A898 PA),I41,5.8029000000000000E+04,2.1303358616000000E+02,-2.0274436137999999E+01,-8.3451164096440433E-01,-1.2358574446969550E+00,-2.6510138857333948E-01,9.3074003030353541E-03,-1.0049116799375112E-02,3.8654921250455543E-04 -434 Hungaria (A898 RB),500,5.7970000000000000E+04,2.7346358851899998E+02,1.4397900291999999E+01,7.4371891811897384E-01,-1.5255896798409176E+00,6.0505236756315639E-01,1.2050913158359555E-02,4.9931983131957557E-03,-2.4690241485720763E-03 -434 Hungaria (A898 RB),500,5.7971000000000000E+04,2.7342973368899999E+02,1.4049391399999999E+01,7.5574986904765185E-01,-1.5205579449257054E+00,6.0256878022699611E-01,1.2012987364354556E-02,5.0702524684311003E-03,-2.4995697686449932E-03 -434 Hungaria (A898 RB),500,5.7972000000000000E+04,2.7340527365700001E+02,1.3697432695000000E+01,7.6774256805270269E-01,-1.5154492955085317E+00,6.0005469304731418E-01,1.1974449021933542E-02,5.1470598273857526E-03,-2.5299927808342024E-03 -434 Hungaria (A898 RB),500,5.7973000000000000E+04,2.7339022931900001E+02,1.3342296800000000E+01,7.7969640403432594E-01,-1.5102639806662848E+00,5.9751022961148559E-01,1.1935300362069729E-02,5.2236155904169653E-03,-2.5602912780007718E-03 -434 Hungaria (A898 RB),500,5.7974000000000000E+04,2.7338461298800001E+02,1.2984251486000000E+01,7.9161076806205999E-01,-1.5050022542716226E+00,5.9493551542858591E-01,1.1895543667882470E-02,5.2999149770184247E-03,-2.5904633626707813E-03 -434 Hungaria (A898 RB),500,5.7975000000000000E+04,2.7338842972600003E+02,1.2623559480000001E+01,8.0348505341336285E-01,-1.4996643749834635E+00,5.9233067790972960E-01,1.1855181274399572E-02,5.3759532263926678E-03,-2.6205071472663630E-03 -434 Hungaria (A898 RB),500,5.7976000000000000E+04,2.7340167867999997E+02,1.2260478436000000E+01,8.1531865562597094E-01,-1.4942506062348304E+00,5.8969584634504157E-01,1.1814215568291783E-02,5.4517255980575620E-03,-2.6504207543493201E-03 -434 Hungaria (A898 RB),500,5.7977000000000000E+04,2.7342435431000001E+02,1.1895261061999999E+01,8.2711097255910304E-01,-1.4887612162192594E+00,5.8703115188010280E-01,1.1772648987597318E-02,5.5272273724477072E-03,-2.6802023168628940E-03 -434 Hungaria (A898 RB),500,5.7978000000000000E+04,2.7345644743600002E+02,1.1528155374000001E+01,8.3886140446142843E-01,-1.4831964778755604E+00,5.8433672749361187E-01,1.1730484021441806E-02,5.6024538515027844E-03,-2.7098499783681259E-03 -434 Hungaria (A898 RB),500,5.7979000000000000E+04,2.7349794602200001E+02,1.1159405060999999E+01,8.5056935404890610E-01,-1.4775566688685098E+00,5.8161270797606790E-01,1.1687723209737658E-02,5.6774003592704528E-03,-2.7393618932860363E-03 -434 Hungaria (A898 RB),500,5.7980000000000000E+04,2.7354883565000000E+02,1.0789249904000000E+01,8.6223422658663063E-01,-1.4718420715678528E+00,5.7885922991099026E-01,1.1644369142881987E-02,5.7520622424898490E-03,-2.7687362271320423E-03 -434 Hungaria (A898 RB),500,5.7981000000000000E+04,2.7360909963199998E+02,1.0417926233999999E+01,8.7385542997957566E-01,-1.4660529730234304E+00,5.7607643165825728E-01,1.1600424461438975E-02,5.8264348711810996E-03,-2.7979711567528310E-03 -434 Hungaria (A898 RB),500,5.7982000000000000E+04,2.7367871871000000E+02,1.0045667365000000E+01,8.8543237487116089E-01,-1.4601896649364261E+00,5.7326445334155451E-01,1.1555891855814945E-02,5.9005136392262132E-03,-2.8270648705594360E-03 -434 Hungaria (A898 RB),500,5.7983000000000000E+04,2.7375767028899998E+02,9.6727039520000009E+00,8.9696447474802188E-01,-1.4542524436251227E+00,5.7042343684275754E-01,1.1510774065924923E-02,5.9742939649431153E-03,-2.8560155687587657E-03 -434 Hungaria (A898 RB),500,5.7984000000000000E+04,2.7384592720400002E+02,9.2992641840000001E+00,9.0845114604320787E-01,-1.4482416099838373E+00,5.6755352580634988E-01,1.1465073880851899E-02,6.0477712916531326E-03,-2.8848214635817724E-03 -434 Hungaria (A898 RB),500,5.7985000000000000E+04,2.7394345614200000E+02,8.9255737029999995E+00,9.1989180822253602E-01,-1.4421574694360610E+00,5.6465486565503642E-01,1.1418794138498342E-02,6.1209410882400103E-03,-2.9134807795085462E-03 -434 Hungaria (A898 RB),500,5.7986000000000000E+04,2.7405021596199998E+02,8.5518551909999996E+00,9.3128588383632926E-01,-1.4360003318863117E+00,5.6172760361318852E-01,1.1371937725235369E-02,6.1937988496986209E-03,-2.9419917534902560E-03 -434 Hungaria (A898 RB),500,5.7987000000000000E+04,2.7416615627200002E+02,8.1783276180000009E+00,9.4263279852750714E-01,-1.4297705116773116E+00,5.5877188872959427E-01,1.1324507575550069E-02,6.2663400976670572E-03,-2.9703526351642189E-03 -434 Hungaria (A898 RB),500,5.7988000000000000E+04,2.7429121662000000E+02,7.8052052679999999E+00,9.5393198100562693E-01,-1.4234683275570301E+00,5.5578787188876766E-01,1.1276506671684840E-02,6.3385603809598713E-03,-2.9985616870696029E-03 -434 Hungaria (A898 RB),500,5.7989000000000000E+04,2.7442532645699998E+02,7.4326967210000001E+00,9.6518286300547906E-01,-1.4170941026591204E+00,5.5277570580532442E-01,1.1227938043280723E-02,6.4104552760765564E-03,-3.0266171848545398E-03 -434 Hungaria (A898 RB),500,5.7990000000000000E+04,2.7456840583000002E+02,7.0610039689999997E+00,9.7638487926112305E-01,-1.4106481644902984E+00,5.4973554500061550E-01,1.1178804767008369E-02,6.4820203877264861E-03,-3.0545174174879930E-03 -434 Hungaria (A898 RB),500,5.7991000000000000E+04,2.7472036656300003E+02,6.6903217909999997E+00,9.8753746750583904E-01,-1.4041308449217162E+00,5.4666754576951848E-01,1.1129109966204065E-02,6.5532513493310827E-03,-3.0822606874631436E-03 -434 Hungaria (A898 RB),500,5.7992000000000000E+04,2.7488111363500002E+02,6.3208374129999996E+00,9.9864006850505904E-01,-1.3975424801761109E+00,5.4357186614408715E-01,1.1078856810489450E-02,6.6241438235394284E-03,-3.1098453110088632E-03 -434 Hungaria (A898 RB),500,5.7993000000000000E+04,2.7505054650400001E+02,5.9527304079999999E+00,1.0096921261116814E+00,-1.3908834108092361E+00,5.4044866586066542E-01,1.1028048515397399E-02,6.6946935027407499E-03,-3.1372696182913372E-03 -434 Hungaria (A898 RB),500,5.7994000000000000E+04,2.7522856022799999E+02,5.5861727639999996E+00,1.0206930873316380E+00,-1.3841539816858055E+00,5.3729810633340191E-01,1.0976688341992908E-02,6.7648961095702290E-03,-3.1645319536182108E-03 -434 Hungaria (A898 RB),500,5.7995000000000000E+04,2.7541504635600000E+02,5.2213290370000003E+00,1.0316424023923827E+00,-1.3773545419497302E+00,5.3412035063350483E-01,1.0924779596490394E-02,6.8347473974257993E-03,-3.1916306756408948E-03 -434 Hungaria (A898 RB),500,5.7996000000000000E+04,2.7560989360600001E+02,4.8583565340000003E+00,1.0425395248053082E+00,-1.3704854449919188E+00,5.3091556347364977E-01,1.0872325629874800E-02,6.9042431509814609E-03,-3.2185641575525944E-03 -434 Hungaria (A898 RB),500,5.7997000000000000E+04,2.7581298838599997E+02,4.4974054849999998E+00,1.0533839114205485E+00,-1.3635470484160743E+00,5.2768391119524893E-01,1.0819329837518639E-02,6.9733791867120261E-03,-3.2453307872838768E-03 -434 Hungaria (A898 RB),500,5.7998000000000000E+04,2.7602421525699998E+02,4.1386191869999998E+00,1.0641750224705320E+00,-1.3565397140051025E+00,5.2442556175744703E-01,1.0765795658801541E-02,7.0421513534200276E-03,-3.2719289676922197E-03 -434 Hungaria (A898 RB),500,5.7999000000000000E+04,2.7624345740299998E+02,3.7821341259999999E+00,1.0749123216044787E+00,-1.3494638076876591E+00,5.2114068472542163E-01,1.0711726576720725E-02,7.1105555327897630E-03,-3.2983571167511088E-03 -434 Hungaria (A898 RB),500,5.8000000000000000E+04,2.7647059718399998E+02,3.4280800760000001E+00,1.0855952759111727E+00,-1.3423196995081081E+00,5.1782945125739543E-01,1.0657126117499027E-02,7.1785876399380749E-03,-3.3246136677266697E-03 -434 Hungaria (A898 RB),500,5.8001000000000000E+04,2.7670551682700000E+02,3.0765802299999998E+00,1.0962233559377279E+00,-1.3351077635973783E+00,5.1449203408722599E-01,1.0601997850167308E-02,7.2462436240088666E-03,-3.3506970693561880E-03 -434 Hungaria (A898 RB),500,5.8002000000000000E+04,2.7694809927099999E+02,2.7277513670000002E+00,1.1067960357053996E+00,-1.3278283781475384E+00,5.1112860750260336E-01,1.0546345386129499E-02,7.3135194687777450E-03,-3.3766057860132948E-03 -434 Hungaria (A898 RB),500,5.8003000000000000E+04,2.7719822912900003E+02,2.3817041140000001E+00,1.1173127927334590E+00,-1.3204819253869915E+00,5.0773934731749104E-01,1.0490172378683965E-02,7.3804111932770367E-03,-3.4023382978685106E-03 -434 Hungaria (A898 RB),500,5.8004000000000000E+04,2.7745579366400000E+02,2.0385433179999999E+00,1.1277731080789093E+00,-1.3130687915545018E+00,5.0432443084018386E-01,1.0433482522500349E-02,7.4469148524595533E-03,-3.4278931010413528E-03 -434 Hungaria (A898 RB),500,5.8005000000000000E+04,2.7772068366399998E+02,1.6983685350000000E+00,1.1381764663974860E+00,-1.3055893668694833E+00,5.0088403683993743E-01,1.0376279553017445E-02,7.5130265378434459E-03,-3.4532687077439817E-03 -434 Hungaria (A898 RB),500,5.8006000000000000E+04,2.7799279403499997E+02,1.3612745970000000E+00,1.1485223560256257E+00,-1.2980440454962725E+00,4.9741834551605124E-01,1.0318567245782550E-02,7.5787423781595066E-03,-3.4784636464151785E-03 -434 Hungaria (A898 RB),500,5.8007000000000000E+04,2.7827202401800002E+02,1.0273522170000000E+00,1.1588102690779263E+00,-1.2904332255005442E+00,4.9392753847235404E-01,1.0260349415706376E-02,7.6440585399717917E-03,-3.5034764618507709E-03 -434 Hungaria (A898 RB),500,5.8008000000000000E+04,2.7855827698700000E+02,6.9668856400000001E-01,1.1690397015476561E+00,-1.2827573088000934E+00,4.9041179869926027E-01,1.0201629916247373E-02,7.7089712282283011E-03,-3.5283057153255009E-03 -434 Hungaria (A898 RB),500,5.8009000000000000E+04,2.7885145984899998E+02,3.6936773699999997E-01,1.1792101534024473E+00,-1.2750167011107036E+00,4.8687131056222976E-01,1.0142412638532453E-02,7.7734766867265746E-03,-3.5529499847154777E-03 -434 Hungaria (A898 RB),500,5.8010000000000000E+04,2.7915148213800001E+02,4.5471128000000000E-02,1.1893211286675962E+00,-1.2672118118906992E+00,4.8330625979546904E-01,1.0082701510455729E-02,7.8375711984647774E-03,-3.5774078646211927E-03 -434 Hungaria (A898 RB),500,5.8011000000000000E+04,2.7945825490099998E+02,-2.7492236100000000E-01,1.1993721354967968E+00,-1.2593430542845612E+00,4.7971683349855454E-01,1.0022500495780764E-02,7.9012510858815690E-03,-3.6016779664975844E-03 -434 Hungaria (A898 RB),500,5.8012000000000000E+04,2.7977168947299998E+02,-5.9173625299999999E-01,1.2093626862279911E+00,-1.2514108450679462E+00,4.7610322013551315E-01,9.9618135932943094E-03,7.9645127109781791E-03,-3.6257589187908214E-03 -434 Hungaria (A898 RB),500,5.8013000000000000E+04,2.8009169623800000E+02,-9.0489655000000002E-01,1.2192922974230760E+00,-1.2434156045945894E+00,4.7246560953546163E-01,9.9006448360401313E-03,8.0273524753461268E-03,-3.6496493670867009E-03 -434 Hungaria (A898 RB),500,5.8014000000000000E+04,2.8041818349900001E+02,-1.2143319319999999E+00,1.2291604898875166E+00,-1.2353577567469516E+00,4.6880419289375402E-01,9.8389982906598710E-03,8.0897668201321150E-03,-3.6733479742694546E-03 -434 Hungaria (A898 RB),500,5.8015000000000000E+04,2.8075105657199998E+02,-1.5199740369999999E+00,1.2389667886661757E+00,-1.2272377288936951E+00,4.6511916277181148E-01,9.7768780568617784E-03,8.1517522259811660E-03,-3.6968534206864349E-03 -434 Hungaria (A898 RB),500,5.8016000000000000E+04,2.8109021722300002E+02,-1.8217578080000001E+00,1.2487107230198462E+00,-1.2190559518541104E+00,4.6141071309186632E-01,9.7142882670042240E-03,8.2133052130335463E-03,-3.7201644043160583E-03 -434 Hungaria (A898 RB),500,5.8017000000000000E+04,2.8143556352799999E+02,-2.1196218240000002E+00,1.2583918263906726E+00,-1.2108128598703838E+00,4.5767903912452157E-01,9.6512330857562376E-03,8.2744223409519785E-03,-3.7432796409351968E-03 -434 Hungaria (A898 RB),500,5.8018000000000000E+04,2.8178699013099998E+02,-2.4135085740000002E+00,1.2680096363729860E+00,-1.2025088905830534E+00,4.5392433746740662E-01,9.5877167098209776E-03,8.3351002090599445E-03,-3.7661978642819227E-03 -434 Hungaria (A898 RB),500,5.8019000000000000E+04,2.8214438880799997E+02,-2.7033646290000002E+00,1.2775636946991769E+00,-1.1941444850081413E+00,4.5014680601773244E-01,9.5237433676793621E-03,8.3953354565574241E-03,-3.7889178262053465E-03 -434 Hungaria (A898 RB),500,5.8020000000000000E+04,2.8250764920799998E+02,-2.9891406859999998E+00,1.2870535472497568E+00,-1.1857200875097653E+00,4.4634664394090218E-01,9.4593173193071069E-03,8.4551247628340473E-03,-3.8114382968069726E-03 -434 Hungaria (A898 RB),500,5.8021000000000000E+04,2.8287665959399999E+02,-3.2707915129999998E+00,1.2964787440849430E+00,-1.1772361457671252E+00,4.4252405163912156E-01,9.3944428558548447E-03,8.5144648478496284E-03,-3.8337580645702650E-03 -434 Hungaria (A898 RB),500,5.8022000000000000E+04,2.8325130751699999E+02,-3.5482758200000002E+00,1.3058388394895579E+00,-1.1686931107370349E+00,4.3867923072313880E-01,9.3291242992730294E-03,8.5733524725582679E-03,-3.8558759364767355E-03 -434 Hungaria (A898 RB),500,5.8023000000000000E+04,2.8363148032700002E+02,-3.8215560790000001E+00,1.3151333920254473E+00,-1.1600914366109567E+00,4.3481238398723415E-01,9.2633660018718832E-03,8.6317844393624631E-03,-3.8777907381094055E-03 -434 Hungaria (A898 RB),500,5.8024000000000000E+04,2.8401706554600003E+02,-4.0905983480000003E+00,1.3243619645817841E+00,-1.1514315807703925E+00,4.3092371538841395E-01,9.1971723458243899E-03,8.6897575925659817E-03,-3.8995013137485234E-03 -434 Hungaria (A898 RB),500,5.8025000000000000E+04,2.8440795111400001E+02,-4.3553720960000000E+00,1.3335241244197018E+00,-1.1427140037408088E+00,4.2701343002840381E-01,9.1305477426135862E-03,8.7472688188199813E-03,-3.9210065264598378E-03 -434 Hungaria (A898 RB),500,5.8026000000000000E+04,2.8480402556299998E+02,-4.6158500560000002E+00,1.3426194432059615E+00,-1.1339391691472991E+00,4.2308173413818440E-01,9.0634966324423492E-03,8.8043150475416512E-03,-3.9423052581742399E-03 -434 Hungaria (A898 RB),500,5.8027000000000000E+04,2.8520517819100002E+02,-4.8720081009999996E+00,1.3516474970340973E+00,-1.1251075436727453E+00,4.1912883506360349E-01,8.9960234836080934E-03,8.8608932513060540E-03,-3.9633964097631150E-03 -434 Hungaria (A898 RB),500,5.8028000000000000E+04,2.8561129929800001E+02,-5.1238251449999996E+00,1.3606078664316141E+00,-1.1162195970199498E+00,4.1515494125075325E-01,8.9281327918531508E-03,8.9170004462087692E-03,-3.9842789011098525E-03 -434 Hungaria (A898 RB),500,5.8029000000000000E+04,2.8602228054699998E+02,-5.3712830320000000E+00,1.3695001363486252E+00,-1.1072758018841982E+00,4.1116026223182145E-01,8.8598290797390171E-03,8.9726336921633031E-03,-4.0049516711666358E-03 -434 Hungaria (A898 RB),703,5.7970000000000000E+04,2.7346562386800002E+02,1.4396791477000001E+01,7.4371935166023317E-01,-1.5255898419309830E+00,6.0505211390517144E-01,1.2050913154617437E-02,4.9931983208694464E-03,-2.4690241516154739E-03 -434 Hungaria (A898 RB),703,5.7971000000000000E+04,2.7343174532699999E+02,1.4048289195000001E+01,7.5575032571352507E-01,-1.5205580997045134E+00,6.0256853128562582E-01,1.2012987360447322E-02,5.0702524762884435E-03,-2.4995697717586926E-03 -434 Hungaria (A898 RB),703,5.7972000000000000E+04,2.7340726108699999E+02,1.3696336634000000E+01,7.6774304774103008E-01,-1.5154494429353340E+00,6.0005444893579329E-01,1.1974449017861389E-02,5.1470598354212962E-03,-2.5299927840159247E-03 -434 Hungaria (A898 RB),703,5.7973000000000000E+04,2.7339219208600002E+02,1.3341206430000000E+01,7.7969690664194435E-01,-1.5102641207003056E+00,5.9750999043161379E-01,1.1935300357832327E-02,5.2236155986250567E-03,-2.5602912812481646E-03 -434 Hungaria (A898 RB),703,5.7974000000000000E+04,2.7338655068000003E+02,1.2983166363000000E+01,7.9161129348498604E-01,-1.5050023868717803E+00,5.9493528127062223E-01,1.1895543663477046E-02,5.2999149853921908E-03,-2.5904633659809525E-03 -434 Hungaria (A898 RB),703,5.7975000000000000E+04,2.7339034197299998E+02,1.2622479173000000E+01,8.0348560154697035E-01,-1.4996645001080795E+00,5.9233044885230357E-01,1.1855181269826395E-02,5.3759532349265081E-03,-2.6205071506369883E-03 -434 Hungaria (A898 RB),703,5.7976000000000000E+04,2.7340356514899997E+02,1.2259402528000001E+01,8.1531922636513321E-01,-1.4942507238413263E+00,5.8969562245508378E-01,1.1814215563550657E-02,5.4517256067456062E-03,-2.6504207577779668E-03 -434 Hungaria (A898 RB),703,5.7977000000000000E+04,2.7342621470900002E+02,1.1894189150000001E+01,8.2711156579830014E-01,-1.4887613262638451E+00,5.8703093321279665E-01,1.1772648982686781E-02,5.5272273812833686E-03,-2.6802023203468129E-03 -434 Hungaria (A898 RB),703,5.7978000000000000E+04,2.7345828150800003E+02,1.1527087071000000E+01,8.3886202009481492E-01,-1.4831965803129150E+00,5.8433651409236242E-01,1.1730484016362510E-02,5.6024538604804676E-03,-2.7098499819050137E-03 -434 Hungaria (A898 RB),703,5.7979000000000000E+04,2.7349975354600002E+02,1.1158339994000000E+01,8.5056999197035366E-01,-1.4775567636514508E+00,5.8161249987248664E-01,1.1687723204490632E-02,5.6774003683847741E-03,-2.7393618968736782E-03 -434 Hungaria (A898 RB),703,5.7980000000000000E+04,2.7355061644000000E+02,1.0788187718000000E+01,8.6223488668973636E-01,-1.4718421586470081E+00,5.7885902712489656E-01,1.1644369137465062E-02,5.7520622517335624E-03,-2.7687362307674194E-03 -434 Hungaria (A898 RB),703,5.7981000000000000E+04,2.7361085353400000E+02,1.0416866588000000E+01,8.7385611215763881E-01,-1.4660530523469157E+00,5.7607623419769260E-01,1.1600424455853724E-02,5.8264348805490132E-03,-2.7979711604338244E-03 -434 Hungaria (A898 RB),703,5.7982000000000000E+04,2.7368044560200002E+02,1.0044609936000001E+01,8.8543307901714541E-01,-1.4601897364495344E+00,5.7326426120280405E-01,1.1555891850061647E-02,5.9005136487123612E-03,-2.8270648742835924E-03 -434 Hungaria (A898 RB),703,5.7983000000000000E+04,2.7375937007900001E+02,9.6716484349999998E+00,8.9696520075450692E-01,-1.4542525072700307E+00,5.7042325001037919E-01,1.1510774060003738E-02,5.9742939745414080E-03,-2.8560155725235728E-03 -434 Hungaria (A898 RB),703,5.7984000000000000E+04,2.7384759983100003E+02,9.2982102900000001E+00,9.0845189380233793E-01,-1.4482416656993466E+00,5.6755334425321147E-01,1.1465073874763601E-02,6.0477713013578713E-03,-2.8848214673849017E-03 -434 Hungaria (A898 RB),703,5.7985000000000000E+04,2.7394510157200000E+02,8.9245211619999996E+00,9.1989257762597643E-01,-1.4421575171573768E+00,5.6465468934236984E-01,1.1418794132242555E-02,6.1209410980445859E-03,-2.9134807833472707E-03 -434 Hungaria (A898 RB),703,5.7986000000000000E+04,2.7405183418700000E+02,8.5508037500000000E+00,9.3128667477526328E-01,-1.4360003715448393E+00,5.6172743249065815E-01,1.1371937718813859E-02,6.1937988595979661E-03,-2.9419917573625322E-03 -434 Hungaria (A898 RB),703,5.7987000000000000E+04,2.7416774731100003E+02,8.1772770399999999E+00,9.4263361089263642E-01,-1.4297705432004977E+00,5.5877172273541464E-01,1.1324507568964460E-02,6.2663401076559766E-03,-2.9703526390679360E-03 -434 Hungaria (A898 RB),703,5.7988000000000000E+04,2.7429278051500000E+02,7.8041553360000000E+00,9.5393281468722746E-01,-1.4234683508682000E+00,5.5578771094985557E-01,1.1276506664934783E-02,6.3385603910317712E-03,-2.9985616910020506E-03 -434 Hungaria (A898 RB),703,5.7989000000000000E+04,2.7442686327299998E+02,7.4316472320000004E+00,9.6518371789342272E-01,-1.4170941176773435E+00,5.5277554983750610E-01,1.1227938036366311E-02,6.4104552862249906E-03,-3.0266171888130747E-03 -434 Hungaria (A898 RB),703,5.7990000000000000E+04,2.7456991564999998E+02,7.0599547390000001E+00,9.7638575524493965E-01,-1.4106481711302348E+00,5.4973539390885962E-01,1.1178804759933138E-02,6.4820203979479071E-03,-3.0545174214712265E-03 -434 Hungaria (A898 RB),703,5.7991000000000000E+04,2.7472184949299998E+02,6.6892726509999996E+00,9.8753836447472920E-01,-1.4041308430934865E+00,5.4666739944819975E-01,1.1129109958966833E-02,6.5532513596179877E-03,-3.0822606914679791E-03 -434 Hungaria (A898 RB),703,5.7992000000000000E+04,2.7488256979800002E+02,6.3197882109999997E+00,9.9864098634792187E-01,-1.3975424697851511E+00,5.4357172447725788E-01,1.1078856803093385E-02,6.6241438338880999E-03,-3.1098453150338371E-03 -434 Hungaria (A898 RB),703,5.7993000000000000E+04,2.7505197603800002E+02,5.9516810080000004E+00,1.0096930647170836E+00,-1.3908833917561729E+00,5.4044852872233207E-01,1.1028048507843143E-02,6.6946935131452518E-03,-3.1372696223340392E-03 -434 Hungaria (A898 RB),703,5.7994000000000000E+04,2.7522996328699998E+02,5.5851230440000004E+00,1.0206940465877710E+00,-1.3841539538663361E+00,5.3729797358780529E-01,1.0976688334282347E-02,6.7648961200257769E-03,-3.1645319576767126E-03 -434 Hungaria (A898 RB),703,5.7995000000000000E+04,2.7541642310999998E+02,5.2202788919999996E+00,1.0316433821870070E+00,-1.3773545052545035E+00,5.3412022213539589E-01,1.0924779588624103E-02,6.8347474079264378E-03,-3.1916306797127717E-03 -434 Hungaria (A898 RB),703,5.7996000000000000E+04,2.7561124423500002E+02,4.8573058710000003E+00,1.0425405250256590E+00,-1.3704853993064465E+00,5.3091543906857430E-01,1.0872325621854344E-02,6.9042431615221542E-03,-3.2185641616358156E-03 -434 Hungaria (A898 RB),703,5.7997000000000000E+04,2.7581431308300000E+02,4.4963542270000003E+00,1.0533849319532398E+00,-1.3635469936206430E+00,5.2768379071982985E-01,1.0819329829346263E-02,6.9733791972884998E-03,-3.2453307913767491E-03 -434 Hungaria (A898 RB),703,5.7998000000000000E+04,2.7602551422599998E+02,4.1375672699999999E+00,1.0641760632014501E+00,-1.3565396499747007E+00,5.2442544503967126E-01,1.0765795650478905E-02,7.0421513640274644E-03,-3.2719289717928102E-03 -434 Hungaria (A898 RB),703,5.7999000000000000E+04,2.7624473085699998E+02,3.7810814979999998E+00,1.0749133824186710E+00,-1.3494637342919167E+00,5.2114057158492555E-01,1.0711726568249509E-02,7.1105555434234705E-03,-3.2983571208575297E-03 -434 Hungaria (A898 RB),703,5.8000000000000000E+04,2.7647184534399997E+02,3.4270266980000001E+00,1.0855963566927165E+00,-1.3423196166112488E+00,5.1782934150575000E-01,1.0657126108880383E-02,7.1785876505927135E-03,-3.3246136718367626E-03 -434 Hungaria (A898 RB),703,5.8001000000000000E+04,2.7670673992399998E+02,3.0755260760000001E+00,1.0962244565695982E+00,-1.3351076710581755E+00,5.1449192752821959E-01,1.0601997841403431E-02,7.2462436346803685E-03,-3.3506970734683461E-03 -434 Hungaria (A898 RB),703,5.8002000000000000E+04,2.7694929754300000E+02,2.7266964190000000E+00,1.1067971560693208E+00,-1.3278282758192776E+00,5.1112850393251719E-01,1.0546345377222601E-02,7.3135194794621827E-03,-3.3766057901259681E-03 -434 Hungaria (A898 RB),703,5.8003000000000000E+04,2.7719940281800001E+02,2.3806483680000001E+00,1.1173139327097348E+00,-1.3204818131174221E+00,5.0773924652537095E-01,1.0490172369635335E-02,7.3804112039693621E-03,-3.4023383019796639E-03 -434 Hungaria (A898 RB),703,5.8004000000000000E+04,2.7745694301899999E+02,2.0374867800000001E+00,1.1277742675462368E+00,-1.3130686691857900E+00,5.0432433260810894E-01,1.0433482513312062E-02,7.4469148631558235E-03,-3.4278931051494178E-03 -434 Hungaria (A898 RB),703,5.8005000000000000E+04,2.7772180893900003E+02,1.6973112180000001E+00,1.1381776452327090E+00,-1.3055892342381663E+00,5.0088394094329114E-01,1.0376279543691445E-02,7.5130265485395288E-03,-3.4532687118473222E-03 -434 Hungaria (A898 RB),703,5.8006000000000000E+04,2.7799389548699997E+02,1.3602165250000000E+00,1.1485235541034766E+00,-1.2980439024331980E+00,4.9741825172379206E-01,1.0318567236320599E-02,7.5787423888511504E-03,-3.4784636505120975E-03 -434 Hungaria (A898 RB),703,5.8007000000000000E+04,2.7827310190999998E+02,1.0262934230000000E+00,1.1588114862707222E+00,-1.2904330718308248E+00,4.9392744654729526E-01,1.0260349406111310E-02,7.6440585506563768E-03,-3.5034764659402804E-03 -434 Hungaria (A898 RB),703,5.8008000000000000E+04,2.7855933158400001E+02,6.9562908700000003E-01,1.1690409377249737E+00,-1.2827571443430721E+00,4.9041170839835135E-01,1.0201629906520016E-02,7.7089712389002106E-03,-3.5283057194053155E-03 -434 Hungaria (A898 RB),703,5.8009000000000000E+04,2.7885249141999998E+02,3.6830762500000003E-01,1.1792114084307821E+00,-1.2750165256799493E+00,4.8687122163683588E-01,1.0142412628674840E-02,7.7734766973821291E-03,-3.5529499887841359E-03 -434 Hungaria (A898 RB),703,5.8010000000000000E+04,2.7915249095500002E+02,4.4410435999999998E-02,1.1893224024100004E+00,-1.2672116252940415E+00,4.8330617199165349E-01,1.0082701500471169E-02,7.8375712091024400E-03,-3.5774078686781770E-03 -434 Hungaria (A898 RB),703,5.8011000000000000E+04,2.7945924123800000E+02,-2.7598357400000001E-01,1.1993734278125521E+00,-1.2593428563241515E+00,4.7971674655734531E-01,1.0022500485670211E-02,7.9012510964960158E-03,-3.6016779705407304E-03 -434 Hungaria (A898 RB),703,5.8012000000000000E+04,2.7977265360600001E+02,-5.9279791900000001E-01,1.2093639969722703E+00,-1.2514106355403891E+00,4.7610313379317704E-01,9.9618135830601522E-03,7.9645127215665201E-03,-3.6257589228190098E-03 -434 Hungaria (A898 RB),703,5.8013000000000000E+04,2.8009263844600002E+02,-9.0595859800000000E-01,1.2192936264466547E+00,-1.2434153832910901E+00,4.7246552352376636E-01,9.9006448256844168E-03,8.0273524859050833E-03,-3.6496493710986544E-03 -434 Hungaria (A898 RB),703,5.8014000000000000E+04,2.8041910406199997E+02,-1.2153942840000000E+00,1.2291618370364881E+00,-1.2353575234535301E+00,4.6880410694024682E-01,9.8389982801846895E-03,8.0897668306584708E-03,-3.6733479782639100E-03 -434 Hungaria (A898 RB),703,5.8015000000000000E+04,2.8075195576900001E+02,-1.5210366120000001E+00,1.2389681537817330E+00,-1.2272374833914097E+00,4.6511907660009927E-01,9.7768780462690677E-03,8.1517522364715558E-03,-3.6968534246620667E-03 -434 Hungaria (A898 RB),703,5.8016000000000000E+04,2.8109109533600002E+02,-1.8228205209999999E+00,1.2487121059380788E+00,-1.2190556939193171E+00,4.6141062642192171E-01,9.7142882562965514E-03,8.2133052234860913E-03,-3.7201644082721784E-03 -434 Hungaria (A898 RB),703,5.8017000000000000E+04,2.8143642083800000E+02,-2.1206845859999999E+00,1.2583932269423967E+00,-1.2108125892750039E+00,4.5767895167300499E-01,9.6512330749351852E-03,8.2744223513626525E-03,-3.7432796448701989E-03 -434 Hungaria (A898 RB),703,5.8018000000000000E+04,2.8178782691700002E+02,-2.4145712939999999E+00,1.2680110543836032E+00,-1.2025086070948421E+00,4.5392424894800126E-01,9.5877166988887451E-03,8.3351002194262183E-03,-3.7661978681948309E-03 -434 Hungaria (A898 RB),703,5.8019000000000000E+04,2.8214520535200000E+02,-2.7044272120000001E+00,1.2775651299885586E+00,-1.1941441883909483E+00,4.5014671614148322E-01,9.5237433566374673E-03,8.3953354668751794E-03,-3.7889178300945072E-03 -434 Hungaria (A898 RB),703,5.8020000000000000E+04,2.8250844578700003E+02,-2.9902030360000000E+00,1.2870549996321294E+00,-1.1857197775238058E+00,4.4634655241655635E-01,9.4593173081587625E-03,8.4551247731037751E-03,-3.8114383006727180E-03 -434 Hungaria (A898 RB),703,5.8021000000000000E+04,2.8287743648600002E+02,-3.2718535320000002E+00,1.2964802133687798E+00,-1.1772358221692283E+00,4.4252395817345269E-01,9.3944428446013448E-03,8.5144648580668409E-03,-3.8337580684107671E-03 -434 Hungaria (A898 RB),703,5.8022000000000000E+04,2.8325206499699999E+02,-3.5493374069999999E+00,1.3058403254774684E+00,-1.1686927732809058E+00,4.3867913502126410E-01,9.3291242879164089E-03,8.5733524827205452E-03,-3.8558759402910637E-03 -434 Hungaria (A898 RB),703,5.8023000000000000E+04,2.8363221866900000E+02,-3.8226171330000001E+00,1.3151348945140595E+00,-1.1600910850474371E+00,4.3481228575291891E-01,9.2633659904143364E-03,8.6317844494680201E-03,-3.8777907418969014E-03 -434 Hungaria (A898 RB),703,5.8024000000000000E+04,2.8401778502200000E+02,-4.0916587670000002E+00,1.3243634833616431E+00,-1.1514312148477079E+00,4.3092361432435872E-01,9.1971723342675685E-03,8.6897576026114219E-03,-3.8995013175078313E-03 -434 Hungaria (A898 RB),703,5.8025000000000000E+04,2.8440865199100000E+02,-4.3564317760000000E+00,1.3335256592751574E+00,-1.1427136232048420E+00,4.2701332583652907E-01,9.1305477309600938E-03,8.7472688288054712E-03,-3.9210065301911335E-03 -434 Hungaria (A898 RB),703,5.8026000000000000E+04,2.8480470810800000E+02,-4.6169088929999997E+00,1.3426209939150802E+00,-1.1339387737418494E+00,4.2308162651989950E-01,9.0634966206935216E-03,8.8043150574627794E-03,-3.9423052618757269E-03 -434 Hungaria (A898 RB),703,5.8027000000000000E+04,2.8520584266899999E+02,-4.8730659919999999E+00,1.3516490633685698E+00,-1.1251071331397979E+00,4.1912872372006948E-01,8.9960234717660452E-03,8.8608932611614049E-03,-3.9633964134342834E-03 -434 Hungaria (A898 RB),703,5.8028000000000000E+04,2.8561194596899998E+02,-5.1248819850000000E+00,1.3606094481566771E+00,-1.1162191710999476E+00,4.1515482588313474E-01,8.9281327799199603E-03,8.9170004559973072E-03,-3.9842789047503544E-03 -434 Hungaria (A898 RB),703,5.8029000000000000E+04,2.8602290966800001E+02,-5.3723387169999999E+00,1.3695017332229902E+00,-1.1072753603163037E+00,4.1116014254152422E-01,8.8598290677163634E-03,8.9726337018819959E-03,-4.0049516747752640E-03 -434 Hungaria (A898 RB),F51,5.7970000000000000E+04,2.7346573246499997E+02,1.4396800059000000E+01,7.4371829232125808E-01,-1.5255899095830605E+00,6.0505212938256248E-01,1.2050913161255693E-02,4.9931983072546158E-03,-2.4690241462158170E-03 -434 Hungaria (A898 RB),F51,5.7971000000000000E+04,2.7343188466499998E+02,1.4048308953999999E+01,7.5574926372646922E-01,-1.5205581694284747E+00,6.0256854313338903E-01,1.2012987367185538E-02,5.0702524627337809E-03,-2.4995697663872693E-03 -434 Hungaria (A898 RB),F51,5.7972000000000000E+04,2.7340743049100001E+02,1.3696367683000000E+01,7.6774198330088816E-01,-1.5154495146889786E+00,6.0005445738060159E-01,1.1974449024696824E-02,5.1470598219309346E-03,-2.5299927786743360E-03 -434 Hungaria (A898 RB),F51,5.7973000000000000E+04,2.7339239087599998E+02,1.3341248855000000E+01,7.7969583993964464E-01,-1.5102641944446662E+00,5.9750999570577157E-01,1.1935300364762171E-02,5.2236155852034977E-03,-2.5602912759381583E-03 -434 Hungaria (A898 RB),F51,5.7974000000000000E+04,2.7338677816699999E+02,1.2983220223000000E+01,7.9161022470744413E-01,-1.5050024625712450E+00,5.9493528361169157E-01,1.1895543670497971E-02,5.2999149720459656E-03,-2.5904633607051553E-03 -434 Hungaria (A898 RB),F51,5.7975000000000000E+04,2.7339059746200002E+02,1.2622544501000000E+01,8.0348453087714455E-01,-1.4996645777305095E+00,5.9233044850274219E-01,1.1855181276935476E-02,5.3759532216596014E-03,-2.6205071453969347E-03 -434 Hungaria (A898 RB),F51,5.7976000000000000E+04,2.7340384794400001E+02,1.2259479332000000E+01,8.1531815398208418E-01,-1.4942508033581827E+00,5.8969561966189543E-01,1.1814215570744857E-02,5.4517255935623288E-03,-2.6504207525753221E-03 -434 Hungaria (A898 RB),F51,5.7977000000000000E+04,2.7342652411099999E+02,1.1894277411999999E+01,8.2711049187728836E-01,-1.4887614076503048E+00,5.8703092822718361E-01,1.1772648989962707E-02,5.5272273681890643E-03,-2.6802023151837016E-03 -434 Hungaria (A898 RB),F51,5.7978000000000000E+04,2.7345861681700001E+02,1.1527186751000000E+01,8.3886094480740558E-01,-1.4831966635479892E+00,5.8433650716938468E-01,1.1730484023717142E-02,5.6024538474786674E-03,-2.7098499767827639E-03 -434 Hungaria (A898 RB),F51,5.7979000000000000E+04,2.7350011406300001E+02,1.1158451031000000E+01,8.5056891548455238E-01,-1.4775568487180986E+00,5.8161249127071735E-01,1.1687723211921021E-02,5.6774003554786422E-03,-2.7393618917934738E-03 -434 Hungaria (A898 RB),F51,5.7980000000000000E+04,2.7355100146500001E+02,1.0788310027000000E+01,8.6223380917013526E-01,-1.4718422455322480E+00,5.7885901710607235E-01,1.1644369144967375E-02,5.7520622389289362E-03,-2.7687362257315996E-03 -434 Hungaria (A898 RB),F51,5.7981000000000000E+04,2.7361126237399998E+02,1.0417000066000000E+01,8.7385503376559848E-01,-1.4660531410419244E+00,5.7607622302634887E-01,1.1600424463425034E-02,5.8264348678484937E-03,-2.7979711554433290E-03 -434 Hungaria (A898 RB),F51,5.7982000000000000E+04,2.7368087756500000E+02,1.0044754459000000E+01,8.8543199991100496E-01,-1.4601898269497284E+00,5.7326424914589535E-01,1.1555891857698652E-02,5.9005136361195958E-03,-2.8270648693398130E-03 -434 Hungaria (A898 RB),F51,5.7983000000000000E+04,2.7375982447700000E+02,9.6718038620000009E+00,8.9696412108981904E-01,-1.4542525995751188E+00,5.7042323733688061E-01,1.1510774067703037E-02,5.9742939620600795E-03,-2.8560155676279337E-03 -434 Hungaria (A898 RB),F51,5.7984000000000000E+04,2.7384807598300000E+02,9.2983764640000004E+00,9.0845081373213599E-01,-1.4482417598133397E+00,5.6755333123370288E-01,1.1465073882521944E-02,6.0477712889910832E-03,-2.8848214625385588E-03 -434 Hungaria (A898 RB),F51,5.7985000000000000E+04,2.7394559880300000E+02,8.9246979080000006E+00,9.1989149730105457E-01,-1.4421576130885518E+00,5.6465467624860799E-01,1.1418794140056211E-02,6.1209410857964181E-03,-2.9134807785518167E-03 -434 Hungaria (A898 RB),F51,5.7986000000000000E+04,2.7405235182899997E+02,8.5509908770000003E+00,9.3128559434446956E-01,-1.4360004693056458E+00,5.6172741959514538E-01,1.1371937726679883E-02,6.1937988474704830E-03,-2.9419917526186867E-03 -434 Hungaria (A898 RB),F51,5.7987000000000000E+04,2.7416828470500002E+02,8.1774743460000003E+00,9.4263253050317419E-01,-1.4297706428074044E+00,5.5877171031096085E-01,1.1324507576879818E-02,6.2663400956513658E-03,-2.9703526343764792E-03 -434 Hungaria (A898 RB),F51,5.7988000000000000E+04,2.7429333701100001E+02,7.8043626039999996E+00,9.5393173448493140E-01,-1.4234684523415124E+00,5.5578769926915195E-01,1.1276506672895615E-02,6.3385603791538559E-03,-2.9985616863644660E-03 -434 Hungaria (A898 RB),F51,5.7989000000000000E+04,2.7442743823000001E+02,7.4318642349999999E+00,9.6518263802301985E-01,-1.4170942210409918E+00,5.5277553917270361E-01,1.1227938044368817E-02,6.4104552744771778E-03,-3.0266171842306755E-03 -434 Hungaria (A898 RB),F51,5.7990000000000000E+04,2.7457050844000003E+02,7.0601812370000001E+00,9.7638467585028077E-01,-1.4106482764115560E+00,5.4973538453115955E-01,1.1178804767975153E-02,6.4820203863303703E-03,-3.0545174169439326E-03 -434 Hungaria (A898 RB),F51,5.7991000000000000E+04,2.7472245949699999E+02,6.6895083980000001E+00,9.8753728569899712E-01,-1.4041309503230144E+00,5.4666739162746003E-01,1.1129109967043870E-02,6.5532513481351366E-03,-3.0822606869975416E-03 -434 Hungaria (A898 RB),F51,5.7992000000000000E+04,2.7488319640999998E+02,6.3200329489999998E+00,9.9863990833382965E-01,-1.3975425789964078E+00,5.4357171848161345E-01,1.1078856811203136E-02,6.6241438225402849E-03,-3.1098453106202569E-03 -434 Hungaria (A898 RB),F51,5.7993000000000000E+04,2.7505261866400002E+02,5.9519344739999998E+00,1.0096919876070425E+00,-1.3908835029854734E+00,5.4044852481784045E-01,1.1028048515981981E-02,6.6946935019350610E-03,-3.1372696179782851E-03 -434 Hungaria (A898 RB),F51,5.7994000000000000E+04,2.7523062134499997E+02,5.5853849689999997E+00,1.0206929705240753E+00,-1.3841540671525880E+00,5.3729797203810348E-01,1.0976688342447300E-02,6.7648961089545930E-03,-3.1645319533792427E-03 -434 Hungaria (A898 RB),F51,5.7995000000000000E+04,2.7541709602899999E+02,5.2205490000000001E+00,1.0316423073119918E+00,-1.3773546206390173E+00,5.3412022320138319E-01,1.0924779596811422E-02,6.8347473969967484E-03,-3.1916306754745201E-03 -434 Hungaria (A898 RB),F51,5.7996000000000000E+04,2.7561193145900000E+02,4.8575838850000004E+00,1.0425394514818611E+00,-1.3704855168327355E+00,5.3091544300810734E-01,1.0872325630060856E-02,6.9042431507354424E-03,-3.2185641574572878E-03 -434 Hungaria (A898 RB),F51,5.7997000000000000E+04,2.7581501406699999E+02,4.4966398630000004E+00,1.0533838598835690E+00,-1.3635471133342127E+00,5.2768379778743002E-01,1.0819329837569228E-02,6.9733791866455688E-03,-3.2453307872581556E-03 -434 Hungaria (A898 RB),F51,5.7998000000000000E+04,2.7602622843799998E+02,4.1378602430000004E+00,1.0641749927493267E+00,-1.3565397719228520E+00,5.2442545548625374E-01,1.0765795658715230E-02,7.0421513535295476E-03,-3.2719289677345591E-03 -434 Hungaria (A898 RB),F51,5.7999000000000000E+04,2.7624545777899999E+02,3.7813815200000001E+00,1.0749123137281751E+00,-1.3494638585235290E+00,5.2114058565753785E-01,1.0711726576496119E-02,7.1105555330717007E-03,-3.2983571168599848E-03 -434 Hungaria (A898 RB),F51,5.8000000000000000E+04,2.7647258447000002E+02,3.4273334819999999E+00,1.0855952899087065E+00,-1.3423197431765772E+00,5.1782935944733455E-01,1.0657126117133774E-02,7.1785876403886971E-03,-3.3246136679004933E-03 -434 Hungaria (A898 RB),F51,5.8001000000000000E+04,2.7670749075900000E+02,3.0758393320000001E+00,1.0962233918378195E+00,-1.3351078000086374E+00,5.1449194957739086E-01,1.0601997849660920E-02,7.2462436246245720E-03,-3.3506970695934401E-03 -434 Hungaria (A898 RB),F51,5.8002000000000000E+04,2.7695005960499998E+02,2.7270158599999998E+00,1.1067960935364989E+00,-1.3278284072072548E+00,5.1112853032336525E-01,1.0546345385481562E-02,7.3135194695549948E-03,-3.3766057863124739E-03 -434 Hungaria (A898 RB),F51,5.8003000000000000E+04,2.7720017563800002E+02,2.3809737059999998E+00,1.1173128725236545E+00,-1.3204819469960718E+00,5.0773927748728653E-01,1.0490172377892374E-02,7.3804111942119832E-03,-3.4023382982279952E-03 -434 Hungaria (A898 RB),F51,5.8004000000000000E+04,2.7745772614100002E+02,2.0378177270000002E+00,1.1277732098558138E+00,-1.3130688056088635E+00,5.0432436836563133E-01,1.0433482521564470E-02,7.4469148535486057E-03,-3.4278931014596163E-03 -434 Hungaria (A898 RB),F51,5.8005000000000000E+04,2.7772260191700002E+02,1.6976474909999999E+00,1.1381765901880483E+00,-1.3055893732598411E+00,5.0088398171597026E-01,1.0376279551936386E-02,7.5130265390829093E-03,-3.4532687082194742E-03 -434 Hungaria (A898 RB),F51,5.8006000000000000E+04,2.7799469788699997E+02,1.3605578400000000E+00,1.1485225018559280E+00,-1.2980440441079233E+00,4.9741829772606033E-01,1.0318567244555130E-02,7.5787423795456148E-03,-3.4784636469463136E-03 -434 Hungaria (A898 RB),F51,5.8007000000000000E+04,2.7827391330900002E+02,1.0266395020000001E+00,1.1588104369729531E+00,-1.2904332162131662E+00,4.9392749798833047E-01,1.0260349414333630E-02,7.6440585415012228E-03,-3.5034764624361646E-03 -434 Hungaria (A898 RB),F51,5.8008000000000000E+04,2.7856015157100001E+02,6.9597965299999998E-01,1.1690398915310527E+00,-1.2827572914875531E+00,4.9041176548192572E-01,1.0201629914726153E-02,7.7089712298968414E-03,-3.5283057159633713E-03 -434 Hungaria (A898 RB),F51,5.8009000000000000E+04,2.7885331959500002E+02,3.6866240500000003E-01,1.1792103654962602E+00,-1.2750166756408972E+00,4.8687128456115591E-01,1.0142412636862184E-02,7.7734766885304736E-03,-3.5529499854042570E-03 -434 Hungaria (A898 RB),F51,5.8010000000000000E+04,2.7915332692800001E+02,4.4769162000000001E-02,1.1893213628920307E+00,-1.2672117781253913E+00,4.8330624094917274E-01,1.0082701508638648E-02,7.8375712004011000E-03,-3.5774078653596675E-03 -434 Hungaria (A898 RB),F51,5.8011000000000000E+04,2.7946008462999998E+02,-2.7562116700000000E-01,1.1993723918699810E+00,-1.2593430120792559E+00,4.7971682173457991E-01,1.0022500493813993E-02,7.9012510879459819E-03,-3.6016779672839376E-03 -434 Hungaria (A898 RB),F51,5.8012000000000000E+04,2.7977350404800001E+02,-5.9243209100000005E-01,1.2093629647657762E+00,-1.2514107942717703E+00,4.7610321537050454E-01,9.9618135911781428E-03,7.9645127131672128E-03,-3.6257589196236058E-03 -434 Hungaria (A898 RB),F51,5.8013000000000000E+04,2.8009349557899998E+02,-9.0558960399999999E-01,1.2192925981388509E+00,-1.2434155450501903E+00,4.7246561167524231E-01,9.9006448337742303E-03,8.0273524776561297E-03,-3.6496493679644059E-03 -434 Hungaria (A898 RB),F51,5.8014000000000000E+04,2.8041996753900003E+02,-1.2150223750000000E+00,1.2291608127920544E+00,-1.2353576882904023E+00,4.6880420183342292E-01,9.8389982882439598E-03,8.0897668225594667E-03,-3.6733479751905641E-03 -434 Hungaria (A898 RB),F51,5.8015000000000000E+04,2.8075282525300003E+02,-1.5206620330000000E+00,1.2389671337675097E+00,-1.2272376513544083E+00,4.6511917839586925E-01,9.7768780542953054E-03,8.1517522285221265E-03,-3.6968534216493989E-03 -434 Hungaria (A898 RB),F51,5.8016000000000000E+04,2.8109197049800002E+02,-1.8224435109999999E+00,1.2487110903231622E+00,-1.2190558650547554E+00,4.6141073527437609E-01,9.7142882642883687E-03,8.2133052156850451E-03,-3.7201644053196110E-03 -434 Hungaria (A898 RB),F51,5.8017000000000000E+04,2.8143730136200003E+02,-2.1203053789999999E+00,1.2583922158981942E+00,-1.2108127636268260E+00,4.5767906772931055E-01,9.6512330828895654E-03,8.2744223437099269E-03,-3.7432796419776416E-03 -434 Hungaria (A898 RB),F51,5.8018000000000000E+04,2.8178871249500003E+02,-2.4141901180000001E+00,1.2680100480838550E+00,-1.2025087847042890E+00,4.5392437234828964E-01,9.5877167068037488E-03,8.3351002119209736E-03,-3.7661978653618618E-03 -434 Hungaria (A898 RB),F51,5.8019000000000000E+04,2.8214609568600002E+02,-2.7040442900000001E+00,1.2775641286093267E+00,-1.1941443692962606E+00,4.5014684701875668E-01,9.5237433645099286E-03,8.3953354595173134E-03,-3.7889178273210252E-03 -434 Hungaria (A898 RB),F51,5.8020000000000000E+04,2.8250934058899998E+02,-2.9898185840000000E+00,1.2870540033517632E+00,-1.1857199617599350E+00,4.4634669089660106E-01,9.4593173159890909E-03,8.4551247658908885E-03,-3.8114382979576407E-03 -434 Hungaria (A898 RB),F51,5.8021000000000000E+04,2.8287833547700001E+02,-3.2714677609999998E+00,1.2964792223678665E+00,-1.1772360097675652E+00,4.4252410437476047E-01,9.3944428523860153E-03,8.5144648509990276E-03,-3.8337580657540754E-03 -434 Hungaria (A898 RB),F51,5.8022000000000000E+04,2.8325296790700003E+02,-3.5489505210000001E+00,1.3058393399387462E+00,-1.1686929642690473E+00,4.3867928905497222E-01,9.3291242956535080E-03,8.5733524757967937E-03,-3.8558759376922870E-03 -434 Hungaria (A898 RB),F51,5.8023000000000000E+04,2.8363312523600001E+02,-3.8222293299999999E+00,1.3151339146223260E+00,-1.1600912794489433E+00,4.3481244772275174E-01,9.2633659981024401E-03,8.6317844426871022E-03,-3.8777907393554635E-03 -434 Hungaria (A898 RB),F51,5.8024000000000000E+04,2.8401869499399999E+02,-4.0912702390000000E+00,1.3243625093036555E+00,-1.1514314126818985E+00,4.3092378432658729E-01,9.1971723419039340E-03,8.6897575959727774E-03,-3.8995013150234345E-03 -434 Hungaria (A898 RB),F51,5.8025000000000000E+04,2.8440956512299999E+02,-4.3560427089999996E+00,1.3335246912395160E+00,-1.1427138244865835E+00,4.2701350395993520E-01,9.1305477385448114E-03,8.7472688223070010E-03,-3.9210065277628476E-03 -434 Hungaria (A898 RB),F51,5.8026000000000000E+04,2.8480562416399999E+02,-4.6165194669999998E+00,1.3426200320921120E+00,-1.1339389784813618E+00,4.2308181284574969E-01,9.0634966282230316E-03,8.8043150511042875E-03,-3.9423052595034249E-03 -434 Hungaria (A898 RB),F51,5.8027000000000000E+04,2.8520676142000002E+02,-4.8726763799999997E+00,1.3516481079502063E+00,-1.1251073413424568E+00,4.1912891832209526E-01,8.9960234792390917E-03,8.8608932549414775E-03,-3.9633964111173165E-03 -434 Hungaria (A898 RB),F51,5.8028000000000000E+04,2.8561286719300000E+02,-5.1244923540000000E+00,1.3606084993362955E+00,-1.1162193827661275E+00,4.1515502882753019E-01,8.9281327873356655E-03,8.9170004499143675E-03,-3.9842789024880200E-03 -434 Hungaria (A898 RB),F51,5.8029000000000000E+04,2.8602383315300000E+02,-5.3719492300000002E+00,1.3695007911952501E+00,-1.1072755754412080E+00,4.1116035388695021E-01,8.8598290750721599E-03,8.9726336959352372E-03,-4.0049516725671735E-03 -434 Hungaria (A898 RB),I11,5.7970000000000000E+04,2.7346471838500003E+02,1.4399556680000000E+01,7.4372005871482427E-01,-1.5255897179791997E+00,6.0505220410969640E-01,1.2050913152836558E-02,4.9931983245223551E-03,-2.4690241530642199E-03 -434 Hungaria (A898 RB),I11,5.7971000000000000E+04,2.7343082378200000E+02,1.4051037298000001E+01,7.5575102565438246E-01,-1.5205579769282769E+00,6.0256862265593614E-01,1.2012987358632319E-02,5.0702524799403226E-03,-2.4995697732058393E-03 -434 Hungaria (A898 RB),I11,5.7972000000000000E+04,2.7340632424099999E+02,1.3699067412000000E+01,7.6774374044711791E-01,-1.5154493213879032E+00,6.0005454123797930E-01,1.1974449016011950E-02,5.1470598390717130E-03,-2.5299927854613236E-03 -434 Hungaria (A898 RB),I11,5.7973000000000000E+04,2.7339124069000002E+02,1.3343919677000001E+01,7.7969759199601185E-01,-1.5102640004322607E+00,5.9751008343165968E-01,1.1935300355948501E-02,5.2236156022732348E-03,-2.5602912826915062E-03 -434 Hungaria (A898 RB),I11,5.7974000000000000E+04,2.7338558547200000E+02,1.2985861894999999E+01,7.9161197137346362E-01,-1.5050022679310264E+00,5.9493537473475588E-01,1.1895543661560254E-02,5.2999149890360373E-03,-2.5904633674213736E-03 -434 Hungaria (A898 RB),I11,5.7975000000000000E+04,2.7338936367800000E+02,1.2625156826000000E+01,8.0348627185985033E-01,-1.4996643825398617E+00,5.9233054254733208E-01,1.1855181267876550E-02,5.3759532385654688E-03,-2.6205071520742766E-03 -434 Hungaria (A898 RB),I11,5.7976000000000000E+04,2.7340257448199998E+02,1.2262062156000001E+01,8.1531988899584307E-01,-1.4942506076882560E+00,5.8969571614871630E-01,1.1814215561568009E-02,5.4517256103787911E-03,-2.6504207592117656E-03 -434 Hungaria (A898 RB),I11,5.7977000000000000E+04,2.7342521236900001E+02,1.1896830627000000E+01,8.2711222064359846E-01,-1.4887612115659228E+00,5.8703102667394491E-01,1.1772648980672384E-02,5.5272273849092174E-03,-2.6802023217764848E-03 -434 Hungaria (A898 RB),I11,5.7978000000000000E+04,2.7345726818000003E+02,1.1529710286000000E+01,8.3886266705467194E-01,-1.4831964671075659E+00,5.8433660709143787E-01,1.1730484014316310E-02,5.6024538640984025E-03,-2.7098499833303471E-03 -434 Hungaria (A898 RB),I11,5.7979000000000000E+04,2.7349872990199998E+02,1.1160944857000000E+01,8.5057063094783680E-01,-1.4775566519735601E+00,5.8161259218168737E-01,1.1687723202412358E-02,5.6774003719944023E-03,-2.7393618982945287E-03 -434 Hungaria (A898 RB),I11,5.7980000000000000E+04,2.7354958313499998E+02,1.0790774151999999E+01,8.6223551759086625E-01,-1.4718420485289689E+00,5.7885911851849803E-01,1.1644369135356577E-02,5.7520622553328396E-03,-2.7687362321829430E-03 -434 Hungaria (A898 RB),I11,5.7981000000000000E+04,2.7360981120899999E+02,1.0419434535000001E+01,8.7385673489127080E-01,-1.4660529438186747E+00,5.7607632445233825E-01,1.1600424453714588E-02,5.8264348841377007E-03,-2.7979711618439465E-03 -434 Hungaria (A898 RB),I11,5.7982000000000000E+04,2.7367939488299999E+02,1.0047159350999999E+01,8.8543369349479906E-01,-1.4601896295386583E+00,5.7326435009781440E-01,1.1555891847892352E-02,5.9005136522895414E-03,-2.8270648756879495E-03 -434 Hungaria (A898 RB),I11,5.7983000000000000E+04,2.7375831157400000E+02,9.6741792899999997E+00,8.9696580689020022E-01,-1.4542524020017753E+00,5.7042333732806549E-01,1.1510774057804946E-02,5.9742939781060669E-03,-2.8560155739217621E-03 -434 Hungaria (A898 RB),I11,5.7984000000000000E+04,2.7384653413100000E+02,9.3007225709999997E+00,9.0845249151238627E-01,-1.4482415620967555E+00,5.6755342977920398E-01,1.1465073872535626E-02,6.0477713049092510E-03,-2.8848214687766317E-03 -434 Hungaria (A898 RB),I11,5.7985000000000000E+04,2.7394402925399999E+02,8.9270148700000007E+00,9.1989316682876299E-01,-1.4421574152413998E+00,5.6465477286595300E-01,1.1418794129986648E-02,6.1209411015813817E-03,-2.9134807847320098E-03 -434 Hungaria (A898 RB),I11,5.7986000000000000E+04,2.7405075580800002E+02,8.5532788970000002E+00,9.3128725539099533E-01,-1.4360002713344868E+00,5.6172751380510433E-01,1.1371937716529817E-02,6.1937988631197965E-03,-2.9419917587401442E-03 -434 Hungaria (A898 RB),I11,5.7987000000000000E+04,2.7416666341299998E+02,8.1797336549999997E+00,9.4263418284310263E-01,-1.4297704447130197E+00,5.5877180163830042E-01,1.1324507566652224E-02,6.2663401111623714E-03,-2.9703526404382553E-03 -434 Hungaria (A898 RB),I11,5.7988000000000000E+04,2.7429169162099998E+02,7.8065934580000000E+00,9.5393337789553889E-01,-1.4234682541192980E+00,5.5578778724336286E-01,1.1276506662595861E-02,6.3385603945213548E-03,-2.9985616923645141E-03 -434 Hungaria (A898 RB),I11,5.7989000000000000E+04,2.7442576989000003E+02,7.4340669149999998E+00,9.6518427228378978E-01,-1.4170940226813913E+00,5.5277562332869368E-01,1.1227938034002048E-02,6.4104552896965539E-03,-3.0266171901671994E-03 -434 Hungaria (A898 RB),I11,5.7990000000000000E+04,2.7456881826799997E+02,7.0623560459999997E+00,9.7638630074246302E-01,-1.4106480779005095E+00,5.4973546440991450E-01,1.1178804757542168E-02,6.4820204014017137E-03,-3.0545174228171611E-03 -434 Hungaria (A898 RB),I11,5.7991000000000000E+04,2.7472074858299999E+02,6.6916556570000001E+00,9.8753890100521324E-01,-1.4041307516423971E+00,5.4666746677666489E-01,1.1129109956551732E-02,6.5532513630522475E-03,-3.0822606928049769E-03 -434 Hungaria (A898 RB),I11,5.7992000000000000E+04,2.7488146581699999E+02,6.3221530010000002E+00,9.9864151383771116E-01,-1.3975423801244546E+00,5.4357178845623855E-01,1.1078856800653167E-02,6.6241438373028459E-03,-3.1098453163619553E-03 -434 Hungaria (A898 RB),I11,5.7993000000000000E+04,2.7505086942399998E+02,5.9540276759999999E+00,1.0096935830929143E+00,-1.3908833038971957E+00,5.4044858918068595E-01,1.1028048505379032E-02,6.6946935165394499E-03,-3.1372696236528605E-03 -434 Hungaria (A898 RB),I11,5.7994000000000000E+04,2.7522885446300000E+02,5.5874516920000001E+00,1.0206945557766536E+00,-1.3841538678201792E+00,5.3729803036031365E-01,1.0976688331794566E-02,6.7648961233988739E-03,-3.1645319589860364E-03 -434 Hungaria (A898 RB),I11,5.7995000000000000E+04,2.7541531248199999E+02,5.2225896299999999E+00,1.0316438821161027E+00,-1.3773544210322555E+00,5.3412027506292103E-01,1.0924779586114118E-02,6.8347474112773407E-03,-3.1916306810121633E-03 -434 Hungaria (A898 RB),I11,5.7996000000000000E+04,2.7561013219300003E+02,4.8595988180000003E+00,1.0425410156221804E+00,-1.3704853169193831E+00,5.3091548799819988E-01,1.0872325619322826E-02,6.9042431648501778E-03,-3.2185641629250182E-03 -434 Hungaria (A898 RB),I11,5.7997000000000000E+04,2.7581320000400001E+02,4.4986295070000004E+00,1.0533854131443603E+00,-1.3635469130804314E+00,5.2768383550498987E-01,1.0819329826793284E-02,6.9733792005931966E-03,-3.2453307926555981E-03 -434 Hungaria (A898 RB),I11,5.7998000000000000E+04,2.7602440046999999E+02,4.1398250140000004E+00,1.0641765349142258E+00,-1.3565395712935979E+00,5.2442548554026380E-01,1.0765795647905130E-02,7.0421513673081595E-03,-3.2719289730610509E-03 -434 Hungaria (A898 RB),I11,5.7999000000000000E+04,2.7624361677000002E+02,3.7833218400000002E+00,1.0749138445799573E+00,-1.3494636574829704E+00,5.2114060766741777E-01,1.0711726565655656E-02,7.1105555466794649E-03,-3.2983571221148989E-03 -434 Hungaria (A898 RB),I11,5.8000000000000000E+04,2.7647073125899999E+02,3.4292497800000001E+00,1.0855968092291193E+00,-1.3423195416884912E+00,5.1782937304326371E-01,1.0657126106267798E-02,7.1785876538231468E-03,-3.3246136730829242E-03 -434 Hungaria (A898 RB),I11,5.8001000000000000E+04,2.7670562615900002E+02,3.0777320420000001E+00,1.0962248994074333E+00,-1.3351075980368095E+00,5.1449195440060391E-01,1.0601997838772421E-02,7.2462436378847271E-03,-3.3506970747031197E-03 -434 Hungaria (A898 RB),I11,5.8002000000000000E+04,2.7694818440300003E+02,2.7288854190000000E+00,1.1067975891345974E+00,-1.3278282047158581E+00,5.1112852602640380E-01,1.0546345374573472E-02,7.3135194826399932E-03,-3.3766057913491776E-03 -434 Hungaria (A898 RB),I11,5.8003000000000000E+04,2.7719829059500000E+02,2.3828205539999998E+00,1.1173143559281546E+00,-1.3204817439500414E+00,5.0773926373421063E-01,1.0490172366969492E-02,7.3804112071197900E-03,-3.4023383031909871E-03 -434 Hungaria (A898 RB),I11,5.8004000000000000E+04,2.7745583199399999E+02,2.0396423060000002E+00,1.1277746808432150E+00,-1.3130686019742412E+00,5.0432434483218880E-01,1.0433482510630053E-02,7.4469148662783414E-03,-3.4278931063486703E-03 -434 Hungaria (A898 RB),I11,5.8005000000000000E+04,2.7772069937999999E+02,1.6994502419999999E+00,1.1381780485334172E+00,-1.3055891690041097E+00,5.0088394808973846E-01,1.0376279540994043E-02,7.5130265516335348E-03,-3.4532687130342746E-03 -434 Hungaria (A898 RB),I11,5.8006000000000000E+04,2.7799278765200000E+02,1.3623392070000000E+00,1.1485239473329103E+00,-1.2980438392003186E+00,4.9741825370656934E-01,1.0318567233608812E-02,7.5787423919160147E-03,-3.4784636516865270E-03 -434 Hungaria (A898 RB),I11,5.8007000000000000E+04,2.7827199604499998E+02,1.0283999250000000E+00,1.1588118693537572E+00,-1.2904330106249837E+00,4.9392744328719923E-01,1.0260349403384819E-02,7.6440585536917960E-03,-3.5034764671020833E-03 -434 Hungaria (A898 RB),I11,5.8008000000000000E+04,2.7855822792499998E+02,6.9771957299999998E-01,1.1690413105864359E+00,-1.2827570851924535E+00,4.9041169982301813E-01,1.0201629903781172E-02,7.7089712419053328E-03,-3.5283057205541556E-03 -434 Hungaria (A898 RB),I11,5.8009000000000000E+04,2.7885139019200000E+02,3.7038225899999999E-01,1.1792117709955092E+00,-1.2750164686152021E+00,4.8687120768076286E-01,1.0142412625924479E-02,7.7734767003564166E-03,-3.5529499899198264E-03 -434 Hungaria (A898 RB),I11,5.8010000000000000E+04,2.7915139237300002E+02,4.6469385000000002E-02,1.1893227546029110E+00,-1.2672115703484166E+00,4.8330615259623211E-01,1.0082701497708312E-02,7.8375712120456950E-03,-3.5774078698006745E-03 -434 Hungaria (A898 RB),I11,5.8011000000000000E+04,2.7945814550799997E+02,-2.7394014300000002E-01,1.1993737695586768E+00,-1.2593428035336514E+00,4.7971672167091228E-01,1.0022500482897243E-02,7.9012510994075028E-03,-3.6016779716497452E-03 -434 Hungaria (A898 RB),I11,5.8012000000000000E+04,2.7977156092299998E+02,-5.9076983699999996E-01,1.2093643281967785E+00,-1.2514105849439083E+00,4.7610310337106604E-01,9.9618135802774684E-03,7.9645127244458228E-03,-3.6257589239144048E-03 -434 Hungaria (A898 RB),I11,5.8013000000000000E+04,2.8009154899499998E+02,-9.0394569499999999E-01,1.2192939470748698E+00,-1.2434153349305774E+00,4.7246548752836015E-01,9.9006448228928581E-03,8.0273524887517437E-03,-3.6496493721802658E-03 -434 Hungaria (A898 RB),I11,5.8014000000000000E+04,2.8041801802100002E+02,-1.2133963900000000E+00,1.2291621469938983E+00,-1.2353574773741456E+00,4.6880406534101726E-01,9.8389982773851199E-03,8.0897668334720275E-03,-3.6733479793315776E-03 -434 Hungaria (A898 RB),I11,5.8015000000000000E+04,2.8075087330600002E+02,-1.5190535560000000E+00,1.2389684529939928E+00,-1.2272374396416967E+00,4.6511902937362931E-01,9.7768780434625800E-03,8.1517522392515595E-03,-3.6968534257156320E-03 -434 Hungaria (A898 RB),I11,5.8016000000000000E+04,2.8109001661000002E+02,-1.8208521289999999E+00,1.2487123943310161E+00,-1.2190556525513703E+00,4.6141057355190535E-01,9.7142882534831318E-03,8.2133052262321656E-03,-3.7201644093115211E-03 -434 Hungaria (A898 RB),I11,5.8017000000000000E+04,2.8143534599999998E+02,-2.1187306850000001E+00,1.2583935044420334E+00,-1.2108125503446387E+00,4.5767889315022559E-01,9.6512330721166134E-03,8.2744223540743324E-03,-3.7432796458951529E-03 -434 Hungaria (A898 RB),I11,5.8018000000000000E+04,2.8178675611099999E+02,-2.4126317110000000E+00,1.2680113209161963E+00,-1.2025085706617560E+00,4.5392418477029445E-01,9.5877166960657151E-03,8.3351002221031031E-03,-3.7661978692052627E-03 -434 Hungaria (A898 RB),I11,5.8019000000000000E+04,2.8214413871300002E+02,-2.7025017729999998E+00,1.2775653854806603E+00,-1.1941441545188616E+00,4.5014664631368195E-01,9.5237433538120191E-03,8.3953354695168615E-03,-3.7889178310902796E-03 -434 Hungaria (A898 RB),I11,5.8020000000000000E+04,2.8250738344199999E+02,-2.9882915660000000E+00,1.2870552440106489E+00,-1.1857197462805997E+00,4.4634647695043228E-01,9.4593173053293712E-03,8.4551247757098779E-03,-3.8114383016537049E-03 -434 Hungaria (A898 RB),I11,5.8021000000000000E+04,2.8287637855600002E+02,-3.2699558579999999E+00,1.2964804465610882E+00,-1.1772357936270519E+00,4.4252387708764584E-01,9.3944428417705120E-03,8.5144648606370037E-03,-3.8337580693768498E-03 -434 Hungaria (A898 RB),I11,5.8022000000000000E+04,2.8325101159700000E+02,-3.5474533550000000E+00,1.3058405474114934E+00,-1.1686927475162929E+00,4.3867904834121590E-01,9.3291242850851285E-03,8.5733524852543638E-03,-3.8558759412421159E-03 -434 Hungaria (A898 RB),I11,5.8023000000000000E+04,2.8363116990499998E+02,-3.8207465319999998E+00,1.3151351051184266E+00,-1.1600910621413723E+00,4.3481219351078876E-01,9.2633659875831099E-03,8.6317844519651649E-03,-3.8777907428328199E-03 -434 Hungaria (A898 RB),I11,5.8024000000000000E+04,2.8401674099500002E+02,-4.0898014439999999E+00,1.3243636825657861E+00,-1.1514311948857285E+00,4.3092351655895145E-01,9.1971723314382969E-03,8.6897576050715842E-03,-3.8995013184285154E-03 -434 Hungaria (A898 RB),I11,5.8025000000000000E+04,2.8440761279800000E+02,-4.3545875599999997E+00,1.3335258470094624E+00,-1.1427136062770886E+00,4.2701322259320607E-01,9.1305477281319828E-03,8.7472688312281877E-03,-3.9210065310964250E-03 -434 Hungaria (A898 RB),I11,5.8026000000000000E+04,2.8480367383800001E+02,-4.6150776139999996E+00,1.3426211701110120E+00,-1.1339387599431332E+00,4.2308151785049580E-01,9.0634966178693849E-03,8.8043150598478889E-03,-3.9423052627655967E-03 -434 Hungaria (A898 RB),I11,5.8027000000000000E+04,2.8520481340499998E+02,-4.8712474820000002E+00,1.3516492279588177E+00,-1.1251071225696478E+00,4.1912860968280363E-01,8.9960234689464517E-03,8.8608932635085413E-03,-3.9633964143086170E-03 -434 Hungaria (A898 RB),I11,5.8028000000000000E+04,2.8561092179000002E+02,-5.1230760760000003E+00,1.3606096010753115E+00,-1.1162191638626444E+00,4.1515470654251313E-01,8.9281327771053125E-03,8.9170004583060975E-03,-3.9842789056090287E-03 -434 Hungaria (A898 RB),I11,5.8029000000000000E+04,2.8602189064999999E+02,-5.3705452439999997E+00,1.3695018744056384E+00,-1.1072753565208975E+00,4.1116001796823931E-01,8.8598290649085816E-03,8.9726337041522893E-03,-4.0049516756182554E-03 -434 Hungaria (A898 RB),I41,5.7970000000000000E+04,2.7346566602500002E+02,1.4396704020000000E+01,7.4371921602936375E-01,-1.5255898532583378E+00,6.0505211248104429E-01,1.2050913155382726E-02,4.9931983192998547E-03,-2.4690241509929740E-03 -434 Hungaria (A898 RB),I41,5.7971000000000000E+04,2.7343179126899997E+02,1.4048203484000000E+01,7.5575019004469146E-01,-1.5205581112102446E+00,6.0256852943949257E-01,1.2012987361224262E-02,5.0702524747255210E-03,-2.4995697711393391E-03 -434 Hungaria (A898 RB),I41,5.7972000000000000E+04,2.7340731071699997E+02,1.3696252688000000E+01,7.6774291205888978E-01,-1.5154494546131934E+00,6.0005444669947916E-01,1.1974449018649703E-02,5.1470598338654756E-03,-2.5299927833998888E-03 -434 Hungaria (A898 RB),I41,5.7973000000000000E+04,2.7339224530700000E+02,1.3341124263999999E+01,7.7969677097059897E-01,-1.5102641325444734E+00,5.9750998783753939E-01,1.1935300358631705E-02,5.2236155970768576E-03,-2.5602912806356451E-03 -434 Hungaria (A898 RB),I41,5.7974000000000000E+04,2.7338660739400001E+02,1.2983085988999999E+01,7.9161115784798841E-01,-1.5050023988768844E+00,5.9493527835175541E-01,1.1895543664287076E-02,5.2999149838523696E-03,-2.5904633653722584E-03 -434 Hungaria (A898 RB),I41,5.7975000000000000E+04,2.7339040208199998E+02,1.2622400599000001E+01,8.0348546596733417E-01,-1.4996645122692029E+00,5.9233044564210890E-01,1.1855181270646782E-02,5.3759532333954923E-03,-2.6205071500322833E-03 -434 Hungaria (A898 RB),I41,5.7976000000000000E+04,2.7340362855600000E+02,1.2259325759999999E+01,8.1531909086534948E-01,-1.4942507361540192E+00,5.8969561898747269E-01,1.1814215564381052E-02,5.4517256052239111E-03,-2.6504207571774463E-03 -434 Hungaria (A898 RB),I41,5.7977000000000000E+04,2.7342628131599997E+02,1.1894114189000000E+01,8.2711143040033996E-01,-1.4887613387241410E+00,5.8703092952208435E-01,1.1772648983526800E-02,5.5272273797715935E-03,-2.6802023197507168E-03 -434 Hungaria (A898 RB),I41,5.7978000000000000E+04,2.7345835121900001E+02,1.1527013914999999E+01,8.3886188482015522E-01,-1.4831965929173367E+00,5.8433651021321842E-01,1.1730484017211815E-02,5.6024538589790028E-03,-2.7098499813134921E-03 -434 Hungaria (A898 RB),I41,5.7979000000000000E+04,2.7349982626399998E+02,1.1158268639999999E+01,8.5056985683998754E-01,-1.4775567763970257E+00,5.8161249583989116E-01,1.1687723205348936E-02,5.6774003668939510E-03,-2.7393618962868529E-03 -434 Hungaria (A898 RB),I41,5.7980000000000000E+04,2.7355069206799999E+02,1.0788118158000000E+01,8.6223475172420128E-01,-1.4718421715312731E+00,5.7885902297409186E-01,1.1644369138331891E-02,5.7520622502540914E-03,-2.7687362301855706E-03 -434 Hungaria (A898 RB),I41,5.7981000000000000E+04,2.7361093197800000E+02,1.0416798813000000E+01,8.7385597737703502E-01,-1.4660530653679296E+00,5.7607622996413554E-01,1.1600424456728755E-02,5.8264348790811648E-03,-2.7979711598570545E-03 -434 Hungaria (A898 RB),I41,5.7982000000000000E+04,2.7368052676799999E+02,1.0044543934000000E+01,8.8543294444116305E-01,-1.4601897496058842E+00,5.7326425692211569E-01,1.1555891850944525E-02,5.9005136472565665E-03,-2.8270648737120608E-03 -434 Hungaria (A898 RB),I41,5.7983000000000000E+04,2.7375945387399997E+02,9.6715841919999992E+00,8.9696506640245766E-01,-1.4542525205608350E+00,5.7042324571829273E-01,1.1510774060894079E-02,5.9742939730980747E-03,-2.8560155719574436E-03 -434 Hungaria (A898 RB),I41,5.7984000000000000E+04,2.7384768616299999E+02,9.2981477889999997E+00,9.0845175969318870E-01,-1.4482416791242527E+00,5.6755333998551638E-01,1.1465073875661046E-02,6.0477712999273420E-03,-2.8848214668243007E-03 -434 Hungaria (A898 RB),I41,5.7985000000000000E+04,2.7394519035000002E+02,8.9244603839999996E+00,9.1989244377838986E-01,-1.4421575307165515E+00,5.6465468513485528E-01,1.1418794133146667E-02,6.1209410966273359E-03,-2.9134807827923864E-03 -434 Hungaria (A898 RB),I41,5.7986000000000000E+04,2.7405192532199999E+02,8.5507446730000005E+00,9.3128654120763454E-01,-1.4360003852389558E+00,5.6172742837905676E-01,1.1371937719724331E-02,6.1937988581942296E-03,-2.9419917568134393E-03 -434 Hungaria (A898 RB),I41,5.7987000000000000E+04,2.7416784071500001E+02,8.1772196420000007E+00,9.4263347762313787E-01,-1.4297705570307104E+00,5.5877171875534437E-01,1.1324507569880951E-02,6.2663401062660121E-03,-2.9703526385247351E-03 -434 Hungaria (A898 RB),I41,5.7988000000000000E+04,2.7429287610199998E+02,7.8040995909999999E+00,9.5393268173383383E-01,-1.4234683648361242E+00,5.5578770713676784E-01,1.1276506665856853E-02,6.3385603896560123E-03,-2.9985616904649008E-03 -434 Hungaria (A898 RB),I41,5.7989000000000000E+04,2.7442696095800000E+02,7.4315931160000002E+00,9.6518358527396186E-01,-1.4170941317850176E+00,5.5277554622662795E-01,1.1227938037293498E-02,6.4104552848638346E-03,-3.0266171882821357E-03 -434 Hungaria (A898 RB),I41,5.7990000000000000E+04,2.7457001535100000E+02,7.0599022219999998E+00,9.7638562297711573E-01,-1.4106481853800952E+00,5.4973539053514420E-01,1.1178804760865253E-02,6.4820203966013748E-03,-3.0545174209464904E-03 -434 Hungaria (A898 RB),I41,5.7991000000000000E+04,2.7472195112700001E+02,6.6892217059999997E+00,9.8753823257614870E-01,-1.4041308574883367E+00,5.4666739634627826E-01,1.1129109959903318E-02,6.5532513582865978E-03,-3.0822606909496481E-03 -434 Hungaria (A898 RB),I41,5.7992000000000000E+04,2.7488267328699999E+02,6.3197388060000002E+00,9.9864085483612552E-01,-1.3975424843281314E+00,5.4357172168139067E-01,1.1078856804034030E-02,6.6241438325718594E-03,-3.1098453145219063E-03 -434 Hungaria (A898 RB),I41,5.7993000000000000E+04,2.7505208130400001E+02,5.9516331119999997E+00,1.0096929336095659E+00,-1.3908834064507325E+00,5.4044852626636530E-01,1.1028048508787528E-02,6.6946935118444833E-03,-3.1372696218286175E-03 -434 Hungaria (A898 RB),I41,5.7994000000000000E+04,2.7523007025499999E+02,5.5850766250000001E+00,1.0206939159020116E+00,-1.3841539687162012E+00,5.3729797150512748E-01,1.0976688335230127E-02,6.7648961187406625E-03,-3.1645319571778716E-03 -434 Hungaria (A898 RB),I41,5.7995000000000000E+04,2.7541653170500001E+02,5.2202339159999998E+00,1.0316432519404766E+00,-1.3773545202636590E+00,5.3412022045890317E-01,1.0924779589574839E-02,6.8347474066572430E-03,-3.1916306792206094E-03 -434 Hungaria (A898 RB),I41,5.7996000000000000E+04,2.7561135438600002E+02,4.8572623049999999E+00,1.0425403952358487E+00,-1.3704854144791021E+00,5.3091543783063044E-01,1.0872325622807683E-02,6.9042431602690541E-03,-3.2185641611503948E-03 -434 Hungaria (A898 RB),I41,5.7997000000000000E+04,2.7581442471899999E+02,4.4963120370000000E+00,1.0533848026376860E+00,-1.3635470089612021E+00,5.2768378995223064E-01,1.0819329830301903E-02,6.9733791960516073E-03,-3.2453307908980981E-03 -434 Hungaria (A898 RB),I41,5.7998000000000000E+04,2.7602562727999998E+02,4.1375264209999996E+00,1.0641759343777455E+00,-1.3565396654877371E+00,5.2442544477361375E-01,1.0765795651436486E-02,7.0421513628069407E-03,-3.2719289713209823E-03 -434 Hungaria (A898 RB),I41,5.7999000000000000E+04,2.7624484526100002E+02,3.7810419540000000E+00,1.0749132541044810E+00,-1.3494637499821456E+00,5.2114057185097684E-01,1.0711726569208699E-02,7.1105555422194214E-03,-3.2983571203925631E-03 -434 Hungaria (A898 RB),I41,5.8000000000000000E+04,2.7647196103499999E+02,3.4269884249999998E+00,1.0855962289058019E+00,-1.3423196324834965E+00,5.1782934233381839E-01,1.0657126109840747E-02,7.1785876494053612E-03,-3.3246136713787340E-03 -434 Hungaria (A898 RB),I41,5.8001000000000000E+04,2.7670685683900001E+02,3.0754890370000001E+00,1.0962243293278187E+00,-1.3351076871173500E+00,5.1449192894752960E-01,1.0601997842364690E-02,7.2462436335097580E-03,-3.3506970730172616E-03 -434 Hungaria (A898 RB),I41,5.8002000000000000E+04,2.7694941562000002E+02,2.7266605799999999E+00,1.1067970293906533E+00,-1.3278282920703406E+00,5.1112850597158521E-01,1.0546345378184451E-02,7.3135194783083713E-03,-3.3766057896818403E-03 -434 Hungaria (A898 RB),I41,5.8003000000000000E+04,2.7719952199699998E+02,2.3806136919999998E+00,1.1173138066122776E+00,-1.3204818295653664E+00,5.0773924921198732E-01,1.0490172370597373E-02,7.3804112028325163E-03,-3.4023383015425496E-03 -434 Hungaria (A898 RB),I41,5.8004000000000000E+04,2.7745706324299999E+02,2.0374532310000002E+00,1.1277741420482168E+00,-1.3130686858356153E+00,5.0432433596932147E-01,1.0433482514273980E-02,7.4469148620359849E-03,-3.4278931047193235E-03 -434 Hungaria (A898 RB),I41,5.8005000000000000E+04,2.7772193015200003E+02,1.6972787610000000E+00,1.1381775203524864E+00,-1.3055892510948526E+00,5.0088394500538913E-01,1.0376279544652919E-02,7.5130265474367460E-03,-3.4532687114242630E-03 -434 Hungaria (A898 RB),I41,5.8006000000000000E+04,2.7799401763499998E+02,1.3601851250000001E+00,1.1485234298595481E+00,-1.2980439195016831E+00,4.9741825651229366E-01,1.0318567237281284E-02,7.5787423877654980E-03,-3.4784636500960874E-03 -434 Hungaria (A898 RB),I41,5.8007000000000000E+04,2.7827322493999998E+02,1.0262630450000001E+00,1.1588113626817267E+00,-1.2904330891159881E+00,4.9392745208693400E-01,1.0260349407071032E-02,7.6440585495877750E-03,-3.5034764655312782E-03 -434 Hungaria (A898 RB),I41,5.8008000000000000E+04,2.7855945544399998E+02,6.9559969499999996E-01,1.1690408148097049E+00,-1.2827571618497062E+00,4.9041171471305672E-01,1.0201629907478259E-02,7.7089712378488728E-03,-3.5283057190033892E-03 -434 Hungaria (A898 RB),I41,5.8009000000000000E+04,2.7885261606099999E+02,3.6827918599999998E-01,1.1792112862081843E+00,-1.2750165434127456E+00,4.8687122874971994E-01,1.0142412629631311E-02,7.7734766963480275E-03,-3.5529499883892794E-03 -434 Hungaria (A898 RB),I41,5.8010000000000000E+04,2.7915261632800002E+02,4.4382915000000002E-02,1.1893222808991861E+00,-1.2672116432575593E+00,4.8330617992498714E-01,1.0082701501425777E-02,7.8375712080854427E-03,-3.5774078682903154E-03 -434 Hungaria (A898 RB),I41,5.8011000000000000E+04,2.7945936729599998E+02,-2.7601020999999998E-01,1.1993733070328065E+00,-1.2593428745227988E+00,4.7971675533253921E-01,1.0022500486622482E-02,7.9012510954962339E-03,-3.6016779701599018E-03 -434 Hungaria (A898 RB),I41,5.8012000000000000E+04,2.7977278030399998E+02,-5.9282370299999998E-01,1.2093638769430715E+00,-1.2514106539783831E+00,4.7610314343075588E-01,9.9618135840098404E-03,7.9645127205839224E-03,-3.6257589224451925E-03 -434 Hungaria (A898 RB),I41,5.8013000000000000E+04,2.8009276574000000E+02,-9.0598356300000005E-01,1.2192935071876720E+00,-1.2434154019724371E+00,4.7246553404335145E-01,9.9006448266312601E-03,8.0273524849396091E-03,-3.6496493707318133E-03 -434 Hungaria (A898 RB),I41,5.8014000000000000E+04,2.8041923190799997E+02,-1.2154184630000000E+00,1.2291617185676120E+00,-1.2353575423819740E+00,4.6880411836053065E-01,9.8389982811283826E-03,8.0897668297101148E-03,-3.6733479779040364E-03 -434 Hungaria (A898 RB),I41,5.8015000000000000E+04,2.8075208412699999E+02,-1.5210600359999999E+00,1.2389680361230684E+00,-1.2272375025704050E+00,4.6511908893883408E-01,9.7768780472093329E-03,8.1517522355402782E-03,-3.6968534243091294E-03 -434 Hungaria (A898 RB),I41,5.8016000000000000E+04,2.8109122416600002E+02,-1.8228432210000001E+00,1.2487119891099658E+00,-1.2190557133519828E+00,4.6141063969590040E-01,9.7142882572332397E-03,8.2133052225717672E-03,-3.7201644079261215E-03 -434 Hungaria (A898 RB),I41,5.8017000000000000E+04,2.8143655010100002E+02,-2.1207065919999999E+00,1.2583931109654167E+00,-1.2108126089640781E+00,4.5767896589804913E-01,9.6512330758679026E-03,8.2744223504653044E-03,-3.7432796445310231E-03 -434 Hungaria (A898 RB),I41,5.8018000000000000E+04,2.8178795657699999E+02,-2.4145926370000002E+00,1.2680109392785661E+00,-1.2025086270426526E+00,4.5392426413895426E-01,9.5877166998172836E-03,8.3351002185457490E-03,-3.7661978678624843E-03 -434 Hungaria (A898 RB),I41,5.8019000000000000E+04,2.8214533537199998E+02,-2.7044479209999999E+00,1.2775650157765177E+00,-1.1941442085993659E+00,4.5014673231219732E-01,9.5237433575614105E-03,8.3953354660116029E-03,-3.7889178297689889E-03 -434 Hungaria (A898 RB),I41,5.8020000000000000E+04,2.8250857613199997E+02,-2.9902231389999998E+00,1.2870548863343636E+00,-1.1857197979942145E+00,4.4634656957988889E-01,9.4593173090782023E-03,8.4551247722568397E-03,-3.8114383003539152E-03 -434 Hungaria (A898 RB),I41,5.8021000000000000E+04,2.8287756712300001E+02,-3.2718730570000001E+00,1.2964801010067872E+00,-1.1772358429024934E+00,4.4252397634125967E-01,9.3944428455158303E-03,8.5144648572365624E-03,-3.8337580680986791E-03 -434 Hungaria (A898 RB),I41,5.8022000000000000E+04,2.8325219589300002E+02,-3.5493563809999999E+00,1.3058402140729546E+00,-1.1686927942773437E+00,4.3867915420439602E-01,9.3291242888257110E-03,8.5733524819068124E-03,-3.8558759399856387E-03 -434 Hungaria (A898 RB),I41,5.8023000000000000E+04,2.8363234979399999E+02,-3.8226355839999999E+00,1.3151347840889285E+00,-1.1600911063067820E+00,4.3481230596121445E-01,9.2633659913182714E-03,8.6317844486707446E-03,-3.8777907415980910E-03 -434 Hungaria (A898 RB),I41,5.8024000000000000E+04,2.8401791634400001E+02,-4.0916767199999997E+00,1.3243633739379708E+00,-1.1514312363691013E+00,4.3092363556664942E-01,9.1971723351658066E-03,8.6897576018305292E-03,-3.8995013172155946E-03 -434 Hungaria (A898 RB),I41,5.8025000000000000E+04,2.8440878348299998E+02,-4.3564492570000004E+00,1.3335255508751858E+00,-1.1427136449867941E+00,4.2701334812063246E-01,9.1305477318526628E-03,8.7472688280407426E-03,-3.9210065299053786E-03 -434 Hungaria (A898 RB),I41,5.8026000000000000E+04,2.8480483974100002E+02,-4.6169259260000004E+00,1.3426208865611950E+00,-1.1339387957822251E+00,4.2308164985262253E-01,9.0634966215799584E-03,8.8043150567142046E-03,-3.9423052615964382E-03 -434 Hungaria (A898 RB),I41,5.8027000000000000E+04,2.8520597441600000E+02,-4.8730826010000001E+00,1.3516489570832873E+00,-1.1251071554357899E+00,4.1912874810720763E-01,8.9960234726461780E-03,8.8608932604288381E-03,-3.9633964131613967E-03 -434 Hungaria (A898 RB),I41,5.8028000000000000E+04,2.8561207780400002E+02,-5.1248981919999999E+00,1.3606093429626163E+00,-1.1162191936480592E+00,4.1515485132947572E-01,8.9281327807937058E-03,8.9170004552805993E-03,-3.9842789044837960E-03 -434 Hungaria (A898 RB),I41,5.8029000000000000E+04,2.8602304156700001E+02,-5.3723545460000004E+00,1.3695016291428559E+00,-1.1072753831123310E+00,4.1116016905085223E-01,8.8598290685833643E-03,8.9726337011810670E-03,-4.0049516745150017E-03 -49036 Pelion (1998 QM107),500,5.7970000000000000E+04,3.8441220903000001E+01,5.1964669590000003E+00,1.6815476924998226E+01,1.1744395839455946E+01,-3.3741254618726892E+00,-1.7088940524766592E-03,3.2679764342729706E-03,-9.8563175044860793E-05 -49036 Pelion (1998 QM107),500,5.7971000000000000E+04,3.8448730152000003E+01,5.1909386660000001E+00,1.6813746931736567E+01,1.1747690514820608E+01,-3.3742244813345441E+00,-1.7094415152106510E-03,3.2675938370937078E-03,-9.8451661212207691E-05 -49036 Pelion (1998 QM107),500,5.7972000000000000E+04,3.8455494039000001E+01,5.1851646349999996E+00,1.6812016428445091E+01,1.1750984730036526E+01,-3.3743234778831916E+00,-1.7099888874410295E-03,3.2672111310470490E-03,-9.8340152388574345E-05 -49036 Pelion (1998 QM107),500,5.7973000000000000E+04,3.8461511487000003E+01,5.1791467799999999E+00,1.6810285417224353E+01,1.1754278484574566E+01,-3.3744224516451533E+00,-1.7105361682995413E-03,3.2668283163594988E-03,-9.8228648626619289E-05 -49036 Pelion (1998 QM107),500,5.7974000000000000E+04,3.8466781445999999E+01,5.1728870369999997E+00,1.6808553899562597E+01,1.1757571778657528E+01,-3.3745214028603217E+00,-1.7110833569612700E-03,3.2664453932725705E-03,-9.8117149975949895E-05 -49036 Pelion (1998 QM107),500,5.7975000000000000E+04,3.8471302878000003E+01,5.1663873540000003E+00,1.6806821876529696E+01,1.1760864613002608E+01,-3.3746203319048140E+00,-1.7116304526457304E-03,3.2660623620380507E-03,-9.8005656483458477E-05 -49036 Pelion (1998 QM107),500,5.7976000000000000E+04,3.8475074743999997E+01,5.1596496980000000E+00,1.6805089349074457E+01,1.1764156988434218E+01,-3.3747192393022609E+00,-1.7121774546179705E-03,3.2656792229126212E-03,-9.7894168193659665E-05 -49036 Pelion (1998 QM107),500,5.7977000000000000E+04,3.8478096008999998E+01,5.1526760559999998E+00,1.6803356318393522E+01,1.1767448905408580E+01,-3.3748181257204912E+00,-1.7127243621899695E-03,3.2652959761523843E-03,-9.7782685149009610E-05 -49036 Pelion (1998 QM107),500,5.7978000000000000E+04,3.8480365659999997E+01,5.1454684469999998E+00,1.6801622786333446E+01,1.1770740363499254E+01,-3.3749169919535147E+00,-1.7132711747207905E-03,3.2649126220063319E-03,-9.7671207390462504E-05 -49036 Pelion (1998 QM107),500,5.7979000000000000E+04,3.8481882738000003E+01,5.1380289310000000E+00,1.6799888755795855E+01,1.1774031360881850E+01,-3.3750158388902602E+00,-1.7138178916174095E-03,3.2645291607096890E-03,-9.7559734957930675E-05 -49036 Pelion (1998 QM107),500,5.7980000000000000E+04,3.8482646385000002E+01,5.1303596330000003E+00,1.6798154231133786E+01,1.1777321893832575E+01,-3.3751146674707186E+00,-1.7143645123346811E-03,3.2641455924763401E-03,-9.7448267890902759E-05 -49036 Pelion (1998 QM107),500,5.7981000000000000E+04,3.8482655905999998E+01,5.1224627600000003E+00,1.6796419218528463E+01,1.1780611956254610E+01,-3.3752134786277637E+00,-1.7149110363747586E-03,3.2637619174905493E-03,-9.7336806229184939E-05 -49036 Pelion (1998 QM107),500,5.7982000000000000E+04,3.8481910845999998E+01,5.1143406259999997E+00,1.6794683726312950E+01,1.1783901539276238E+01,-3.3753122732114620E+00,-1.7154574632859236E-03,3.2633781358976793E-03,-9.7225350013744677E-05 -49036 Pelion (1998 QM107),500,5.7983000000000000E+04,3.8480411076999999E+01,5.1059956790000003E+00,1.6792947765157471E+01,1.1787190631030461E+01,-3.3754110518959255E+00,-1.7160037926604137E-03,3.2629942477941393E-03,-9.7113899287737325E-05 -49036 Pelion (1998 QM107),500,5.7984000000000000E+04,3.8478156886999997E+01,5.0974305229999999E+00,1.6791211347984376E+01,1.1790479216783922E+01,-3.3755098150782872E+00,-1.7165500241311596E-03,3.2626102532161989E-03,-9.7002454097683261E-05 -49036 Pelion (1998 QM107),500,5.7985000000000000E+04,3.8475149059000003E+01,5.0886479400000004E+00,1.6789474489490615E+01,1.1793767279567524E+01,-3.3756085627924963E+00,-1.7170961573669818E-03,3.2622261521277306E-03,-9.6891014494884681E-05 -49036 Pelion (1998 QM107),500,5.7986000000000000E+04,3.8471388933999997E+01,5.0796508960000004E+00,1.6787737205263042E+01,1.1797054801320444E+01,-3.3757072946681221E+00,-1.7176421920659830E-03,3.2618419444070488E-03,-9.6779580537075419E-05 -49036 Pelion (1998 QM107),500,5.7987000000000000E+04,3.8466878422999997E+01,5.0704425380000000E+00,1.6785999510649496E+01,1.1800341764332666E+01,-3.3758060099564178E+00,-1.7181881279466887E-03,3.2614576298324299E-03,-9.6668152290370639E-05 -49036 Pelion (1998 QM107),500,5.7988000000000000E+04,3.8461619986999999E+01,5.0610261789999997E+00,1.6784261419689514E+01,1.1803628152595595E+01,-3.3759047076219120E+00,-1.7187339647358642E-03,3.2610732080672489E-03,-9.6556729831533629E-05 -49036 Pelion (1998 QM107),500,5.7989000000000000E+04,3.8455616579999997E+01,5.0514052730000003E+00,1.6782522944402505E+01,1.1806913952683756E+01,-3.3760033864709644E+00,-1.7192797021533777E-03,3.2606886786445584E-03,-9.6445313250678654E-05 -49036 Pelion (1998 QM107),500,5.7990000000000000E+04,3.8448871574000002E+01,5.0415833839999999E+00,1.6780784094570357E+01,1.1810199154001550E+01,-3.3761020452769097E+00,-1.7198253398924591E-03,3.2603040409506408E-03,-9.6333902654255419E-05 -49036 Pelion (1998 QM107),500,5.7991000000000000E+04,3.8441388682000003E+01,5.0315641670000000E+00,1.6779044877950660E+01,1.1813483748484273E+01,-3.3762006828702407E+00,-1.7203708775946625E-03,3.2599192942103488E-03,-9.6222498168605354E-05 -49036 Pelion (1998 QM107),500,5.7992000000000000E+04,3.8433171895000001E+01,5.0213513440000002E+00,1.6777305300730571E+01,1.1816767730001114E+01,-3.3762992981826536E+00,-1.7209163148191771E-03,3.2595344374731893E-03,-9.6111099943865387E-05 -49036 Pelion (1998 QM107),500,5.7993000000000000E+04,3.8424225436000000E+01,5.0109486920000004E+00,1.6775565368023777E+01,1.1820051093712479E+01,-3.3763978902516394E+00,-1.7214616510054376E-03,3.2591494696021499E-03,-9.5999708158278898E-05 -49036 Pelion (1998 QM107),500,5.7994000000000000E+04,3.8414553728999998E+01,5.0003600370000001E+00,1.6773825084276705E+01,1.1823333835550635E+01,-3.3764964582007133E+00,-1.7220068854281951E-03,3.2587643892668106E-03,-9.5888323022859032E-05 -49036 Pelion (1998 QM107),500,5.7995000000000000E+04,3.8404161385000002E+01,4.9895892520000000E+00,1.6772084453525572E+01,1.1826615951895006E+01,-3.3765950012105121E+00,-1.7225520171446178E-03,3.2583791949433987E-03,-9.5776944786195268E-05 -49036 Pelion (1998 QM107),500,5.7996000000000000E+04,3.8393053190000003E+01,4.9786402479999996E+00,1.6770343479501641E+01,1.1829897439443174E+01,-3.3766935184920182E+00,-1.7230970449332592E-03,3.2579938849240913E-03,-9.5665573739272671E-05 -49036 Pelion (1998 QM107),500,5.7997000000000000E+04,3.8381234095000003E+01,4.9675169769999998E+00,1.6768602165609462E+01,1.1833178295244087E+01,-3.3767920092691273E+00,-1.7236419672257402E-03,3.2576084573392606E-03,-9.5554210219877788E-05 -49036 Pelion (1998 QM107),500,5.7998000000000000E+04,3.8368709207999999E+01,4.9562234270000003E+00,1.6766860514815512E+01,1.1836458516844207E+01,-3.3768904727746945E+00,-1.7241867820326617E-03,3.2572229101961517E-03,-9.5442854616181695E-05 -49036 Pelion (1998 QM107),500,5.7999000000000000E+04,3.8355483771000003E+01,4.9447636170000004E+00,1.6765118529491811E+01,1.1839738102489269E+01,-3.3769889082621525E+00,-1.7247314868668187E-03,3.2568372414385587E-03,-9.5331507368889346E-05 -49036 Pelion (1998 QM107),500,5.8000000000000000E+04,3.8341563141999998E+01,4.9331415859999996E+00,1.6763376211268813E+01,1.1843017051310609E+01,-3.3770873150326692E+00,-1.7252760786679493E-03,3.2564514490320117E-03,-9.5220168971084696E-05 -49036 Pelion (1998 QM107),500,5.8001000000000000E+04,3.8326952765999998E+01,4.9213613909999996E+00,1.6761633560961549E+01,1.1846295363414665E+01,-3.3771856924748045E+00,-1.7258205537367425E-03,3.2560655310765914E-03,-9.5108839965172786E-05 -49036 Pelion (1998 QM107),500,5.8002000000000000E+04,3.8311658143000002E+01,4.9094270959999999E+00,1.6759890578636863E+01,1.1849573039788279E+01,-3.3772840401093176E+00,-1.7263649076878287E-03,3.2556794859524597E-03,-9.4997520935037131E-05 -49036 Pelion (1998 QM107),500,5.8003000000000000E+04,3.8295684809999997E+01,4.8973427699999998E+00,1.6758147263872097E+01,1.1852850081956543E+01,-3.3773823576273769E+00,-1.7269091354338625E-03,3.2552933124836599E-03,-9.4886212494232211E-05 -49036 Pelion (1998 QM107),500,5.8004000000000000E+04,3.8279038325000002E+01,4.8851124879999999E+00,1.6756403616211955E+01,1.1856126491386851E+01,-3.3774806449082360E+00,-1.7274532312029417E-03,3.2549070101481007E-03,-9.4774915267133010E-05 -49036 Pelion (1998 QM107),500,5.8005000000000000E+04,3.8261724284000003E+01,4.8727403369999998E+00,1.6754659635765883E+01,1.1859402268715527E+01,-3.3775789020050238E+00,-1.7279971886284546E-03,3.2545205792722607E-03,-9.4663629864751730E-05 -49036 Pelion (1998 QM107),500,5.8006000000000000E+04,3.8243748349000001E+01,4.8602304360000002E+00,1.6752915323831353E+01,1.1862677412945922E+01,-3.3776771290953982E+00,-1.7285410008901808E-03,3.2541340212367195E-03,-9.4552356854961229E-05 -49036 Pelion (1998 QM107),500,5.8007000000000000E+04,3.8225116311000001E+01,4.8475869520000003E+00,1.6751170683411068E+01,1.1865951920787861E+01,-3.3777753264041124E+00,-1.7290846609262366E-03,3.2537473386563716E-03,-9.4441096728267742E-05 -49036 Pelion (1998 QM107),500,5.8008000000000000E+04,3.8205834158999998E+01,4.8348141269999996E+00,1.6749425719527704E+01,1.1869225786260671E+01,-3.3778734941118591E+00,-1.7296281617142938E-03,3.2533605355037198E-03,-9.4329849861893097E-05 -49036 Pelion (1998 QM107),500,5.8009000000000000E+04,3.8185908167999997E+01,4.8219163060000003E+00,1.6747680439304272E+01,1.1872499000598989E+01,-3.3779716322655120E+00,-1.7301714966044927E-03,3.2529736171500092E-03,-9.4218616485821483E-05 -49036 Pelion (1998 QM107),500,5.8010000000000000E+04,3.8165344974000000E+01,4.8088979539999999E+00,1.6745934851833290E+01,1.1875771552429418E+01,-3.3780697407000115E+00,-1.7307146596748624E-03,3.2525865903071313E-03,-9.4107396654860228E-05 -49036 Pelion (1998 QM107),500,5.8011000000000000E+04,3.8144151657000002E+01,4.7957636800000003E+00,1.6744188967876042E+01,1.1879043428165273E+01,-3.3781678189763862E+00,-1.7312576460736251E-03,3.2521994628631791E-03,-9.3996190230633694E-05 -49036 Pelion (1998 QM107),500,5.8012000000000000E+04,3.8122335792999998E+01,4.7825182450000003E+00,1.6742442799419070E+01,1.1882314612584274E+01,-3.3782658663380514E+00,-1.7318004523109339E-03,3.2518122436150914E-03,-9.3884996876517191E-05 -49036 Pelion (1998 QM107),500,5.8013000000000000E+04,3.8099905507000003E+01,4.7691665729999997E+00,1.6740696359100049E+01,1.1885585089574239E+01,-3.3783638816892725E+00,-1.7323430764654819E-03,3.2514249419164903E-03,-9.3773816067480855E-05 -49036 Pelion (1998 QM107),500,5.8014000000000000E+04,3.8076869479000003E+01,4.7557137410000001E+00,1.6738949659527428E+01,1.1888854843014611E+01,-3.3784618636024386E+00,-1.7328855182796507E-03,3.2510375672708605E-03,-9.3662647114444128E-05 -49036 Pelion (1998 QM107),500,5.8015000000000000E+04,3.8053236943999998E+01,4.7421649739999996E+00,1.6737202712563199E+01,1.1892123857702499E+01,-3.3785598103596106E+00,-1.7334277791290526E-03,3.2506501289189318E-03,-9.3551489200741642E-05 -49036 Pelion (1998 QM107),500,5.8016000000000000E+04,3.8029017648999996E+01,4.7285256230000003E+00,1.6735455528686540E+01,1.1895392120169957E+01,-3.3786577200265899E+00,-1.7339698618701741E-03,3.2502626354853608E-03,-9.3440341424861365E-05 -49036 Pelion (1998 QM107),500,5.8017000000000000E+04,3.8004221801000000E+01,4.7148011409999997E+00,1.6733708116567040E+01,1.1898659619225731E+01,-3.3787555905470024E+00,-1.7345117706115995E-03,3.2498750946684495E-03,-9.3329202846726463E-05 -49036 Pelion (1998 QM107),500,5.8018000000000000E+04,3.7978859988000004E+01,4.7009970570000004E+00,1.6731960482926315E+01,1.1901926346121677E+01,-3.3788534198363060E+00,-1.7350535104111485E-03,3.2494875130426506E-03,-9.3218072531537540E-05 -49036 Pelion (1998 QM107),500,5.8019000000000000E+04,3.7952943114999997E+01,4.6871189549999999E+00,1.6730212632679205E+01,1.1905192294357494E+01,-3.3789512058560160E+00,-1.7355950869579588E-03,3.2490998959560282E-03,-9.3106949587242686E-05 -49036 Pelion (1998 QM107),500,5.8020000000000000E+04,3.7926482340000000E+01,4.6731724520000002E+00,1.6728464569265729E+01,1.1908457459242348E+01,-3.3790489466568281E+00,-1.7361365062669022E-03,3.2487122475226091E-03,-9.2995833193144591E-05 -49036 Pelion (1998 QM107),500,5.8021000000000000E+04,3.7899489023000001E+01,4.6591631830000004E+00,1.6726716295051016E+01,1.1911721837372784E+01,-3.3791466403902777E+00,-1.7366777744029132E-03,3.2483245706879799E-03,-9.2884722619743056E-05 -49036 Pelion (1998 QM107),500,5.8022000000000000E+04,3.7871974694000002E+01,4.6450967969999999E+00,1.6724967811686902E+01,1.1914985426165314E+01,-3.3792442852967937E+00,-1.7372188972604591E-03,3.2479368673524606E-03,-9.2773617238868199E-05 -49036 Pelion (1998 QM107),500,5.8023000000000000E+04,3.7843951034000000E+01,4.6309789470000000E+00,1.6723219120368427E+01,1.1918248223529153E+01,-3.3793418796813954E+00,-1.7377598804001620E-03,3.2475491385253116E-03,-9.2662516525942530E-05 -49036 Pelion (1998 QM107),500,5.8024000000000000E+04,3.7815429854999998E+01,4.6168152869999997E+00,1.6721470221962115E+01,1.1921510227707723E+01,-3.3794394218875636E+00,-1.7383007289393847E-03,3.2471613844916713E-03,-9.2551420056446727E-05 -49036 Pelion (1998 QM107),500,5.8025000000000000E+04,3.7786423092000000E+01,4.6026114729999996E+00,1.6719721117011577E+01,1.1924771437280899E+01,-3.3795369102774355E+00,-1.7388414474919093E-03,3.2467736049747887E-03,-9.2440327497955258E-05 -49036 Pelion (1998 QM107),500,5.8026000000000000E+04,3.7756942788000003E+01,4.5883731499999998E+00,1.6717971805644144E+01,1.1928031851296026E+01,-3.3796343432242102E+00,-1.7393820401469574E-03,3.2463857992869986E-03,-9.2329238599765206E-05 -49036 Pelion (1998 QM107),500,5.8027000000000000E+04,3.7727001076000001E+01,4.5741059540000002E+00,1.6716222287413160E+01,1.1931291469481446E+01,-3.3797317191208673E+00,-1.7399225104791627E-03,3.2459979664606706E-03,-9.2218153181189498E-05 -49036 Pelion (1998 QM107),500,5.8028000000000000E+04,3.7696610149000001E+01,4.5598155000000000E+00,1.6714472561126051E+01,1.1934550292476107E+01,-3.3798290364076466E+00,-1.7404628615794401E-03,3.2456101053574393E-03,-9.2107071119719493E-05 -49036 Pelion (1998 QM107),500,5.8029000000000000E+04,3.7665782231000001E+01,4.5455073700000002E+00,1.6712722624728801E+01,1.1937808321980159E+01,-3.3799262936177263E+00,-1.7410030960978550E-03,3.2452222147555110E-03,-9.1995992339958472E-05 -49036 Pelion (1998 QM107),703,5.7970000000000000E+04,3.8441193904000002E+01,5.1963953719999996E+00,1.6815493112283370E+01,1.1744377299652497E+01,-3.3741167213779923E+00,-1.7088940523733200E-03,3.2679764343454334E-03,-9.8563175065697952E-05 -49036 Pelion (1998 QM107),703,5.7971000000000000E+04,3.8448704786000000E+01,5.1908669930000002E+00,1.6813763187531553E+01,1.1747671889986270E+01,-3.3742157498679841E+00,-1.7094415151074106E-03,3.2675938371662990E-03,-9.8451661233038792E-05 -49036 Pelion (1998 QM107),703,5.7972000000000000E+04,3.8455470316000003E+01,5.1850928789999999E+00,1.6812032747713232E+01,1.1750966025491477E+01,-3.3743147578410624E+00,-1.7099888873367084E-03,3.2672111311202300E-03,-9.8340152409603855E-05 -49036 Pelion (1998 QM107),703,5.7973000000000000E+04,3.8461489419000003E+01,5.1790749439999999E+00,1.6810301794905186E+01,1.1754259705660120E+01,-3.3744137454131713E+00,-1.7105361681936191E-03,3.2668283164335194E-03,-9.8228648647964858E-05 -49036 Pelion (1998 QM107),703,5.7974000000000000E+04,3.8466761042999998E+01,5.1728151240000004E+00,1.6808570330573740E+01,1.1757552930734857E+01,-3.3745127128133805E+00,-1.7110833568558109E-03,3.2664453933465201E-03,-9.8117149997207196E-05 -49036 Pelion (1998 QM107),703,5.7975000000000000E+04,3.8471284150000002E+01,5.1663153670000002E+00,1.6806838355768797E+01,1.1760845701451325E+01,-3.3746116604066851E+00,-1.7116304525398914E-03,3.2660623621122934E-03,-9.8005656504792174E-05 -49036 Pelion (1998 QM107),703,5.7976000000000000E+04,3.8475057700000001E+01,5.1595776410000003E+00,1.6805105871421031E+01,1.1764138018651105E+01,-3.3747105887051996E+00,-1.7121774545115001E-03,3.2656792229872698E-03,-9.7894168215126204E-05 -49036 Pelion (1998 QM107),703,5.7977000000000000E+04,3.8478080658000003E+01,5.1526039319999999E+00,1.6803372878710896E+01,1.1767429882806262E+01,-3.3748094983647454E+00,-1.7127243620840300E-03,3.2652959762268299E-03,-9.7782685170345407E-05 -49036 Pelion (1998 QM107),703,5.7978000000000000E+04,3.8480352011000001E+01,5.1453962579999999E+00,1.6801639379470551E+01,1.1770721293505019E+01,-3.3749083901666346E+00,-1.7132711746145699E-03,3.2649126220809892E-03,-9.7671207411854192E-05 -49036 Pelion (1998 QM107),703,5.7979000000000000E+04,3.8481870798999999E+01,5.1379566820000004E+00,1.6799905376589248E+01,1.1774012248936446E+01,-3.3750072649863041E+00,-1.7138178915098411E-03,3.2645291607851547E-03,-9.7559734979639872E-05 -49036 Pelion (1998 QM107),703,5.7980000000000000E+04,3.8482636163000002E+01,5.1302873260000004E+00,1.6798170874409475E+01,1.1777302745389095E+01,-3.3751061237493776E+00,-1.7143645122279991E-03,3.2641455925513495E-03,-9.7448267912378093E-05 -49036 Pelion (1998 QM107),703,5.7981000000000000E+04,3.8482647407999998E+01,5.1223903990000004E+00,1.6796435879103960E+01,1.1780592776777331E+01,-3.3752049673734779E+00,-1.7149110362676100E-03,3.2637619175658605E-03,-9.7336806250766445E-05 -49036 Pelion (1998 QM107),703,5.7982000000000000E+04,3.8481904079000003E+01,5.1142682129999999E+00,1.6794700398999286E+01,1.1783882334239394E+01,-3.3753037966926533E+00,-1.7154574631783569E-03,3.2633781359732699E-03,-9.7225350035428301E-05 -49036 Pelion (1998 QM107),703,5.7983000000000000E+04,3.8480406045999999E+01,5.1059232180000000E+00,1.6792964444761299E+01,1.1787171405917004E+01,-3.3754026123645176E+00,-1.7160037925527359E-03,3.2629942478698392E-03,-9.7113899309444977E-05 -49036 Pelion (1998 QM107),703,5.7984000000000000E+04,3.8478153597000002E+01,5.0973580180000004E+00,1.6791228029310048E+01,1.1790459977084263E+01,-3.3755014147695137E+00,-1.7165500240231314E-03,3.2626102532921607E-03,-9.7002454119485347E-05 -49036 Pelion (1998 QM107),703,5.7985000000000000E+04,3.8475147517000003E+01,5.0885753930000002E+00,1.6789491167342437E+01,1.1793748030778032E+01,-3.3756002039249906E+00,-1.7170961572596961E-03,3.2622261522031997E-03,-9.6891014516457472E-05 -49036 Pelion (1998 QM107),703,5.7986000000000000E+04,3.8471389143000003E+01,5.0795783109999997E+00,1.6787753874447468E+01,1.1797035548942034E+01,-3.3756989794441541E+00,-1.7176421919584250E-03,3.2618419444827313E-03,-9.6779580558729755E-05 -49036 Pelion (1998 QM107),703,5.7987000000000000E+04,3.8466880386000000E+01,5.0703699190000000E+00,1.6786016165977259E+01,1.1800322513869492E+01,-3.3757977405621173E+00,-1.7181881278381436E-03,3.2614576299088704E-03,-9.6668152312350168E-05 -49036 Pelion (1998 QM107),703,5.7988000000000000E+04,3.8461623707999998E+01,5.0609535289999998E+00,1.6784278055977676E+01,1.1803608909553901E+01,-3.3758964862273029E+00,-1.7187339646276261E-03,3.2610732081434900E-03,-9.6556729853422357E-05 -49036 Pelion (1998 QM107),703,5.7989000000000000E+04,3.8455622062000003E+01,5.0513325949999999E+00,1.6782539556476426E+01,1.1806894722570828E+01,-3.3759952152296591E+00,-1.7192797020464546E-03,3.2606886787197812E-03,-9.6445313272125230E-05 -49036 Pelion (1998 QM107),703,5.7990000000000000E+04,3.8448878819000001E+01,5.0415106820000002E+00,1.6780800677265656E+01,1.1810179942324709E+01,-3.3760939263255976E+00,-1.7198253397844518E-03,3.2603040410267899E-03,-9.6333902676108802E-05 -49036 Pelion (1998 QM107),703,5.7991000000000000E+04,3.8441397692000002E+01,5.0314914440000003E+00,1.6779061426115138E+01,1.1813464560749885E+01,-3.3761926183280866E+00,-1.7203708774877653E-03,3.2599192942855890E-03,-9.6222498190074007E-05 -49036 Pelion (1998 QM107),703,5.7992000000000000E+04,3.8433182670999997E+01,5.0212786019999998E+00,1.6777321809226056E+01,1.1816748571713452E+01,-3.3762912901507329E+00,-1.7209163147119981E-03,3.2595344375487504E-03,-9.6111099965475664E-05 -49036 Pelion (1998 QM107),703,5.7993000000000000E+04,3.8424237978000001E+01,5.0108759359999997E+00,1.6775581831728164E+01,1.1820031970372614E+01,-3.3763899408124143E+00,-1.7214616508984841E-03,3.2591494696775584E-03,-9.5999708179848097E-05 -49036 Pelion (1998 QM107),703,5.7994000000000000E+04,3.8414568037000002E+01,5.0002872710000004E+00,1.6773841498085723E+01,1.1823314752655214E+01,-3.3764885694176532E+00,-1.7220068853208269E-03,3.2587643893427012E-03,-9.5888323044654965E-05 -49036 Pelion (1998 QM107),703,5.7995000000000000E+04,3.8404177457999999E+01,4.9895164779999996E+00,1.6772100812354729E+01,1.1826596914935022E+01,-3.3765871751277814E+00,-1.7225520170382150E-03,3.2583791950184602E-03,-9.5776944807650043E-05 -49036 Pelion (1998 QM107),703,5.7996000000000000E+04,3.8393071026999998E+01,4.9785674689999997E+00,1.6770359778288110E+01,1.1829878453902632E+01,-3.3766857571341822E+00,-1.7230970448276163E-03,3.2579938849985109E-03,-9.5665573760469433E-05 -49036 Pelion (1998 QM107),703,5.7997000000000000E+04,3.8381253694999998E+01,4.9674441979999999E+00,1.6768618399313933E+01,1.1833159366598769E+01,-3.3767843146409593E+00,-1.7236419671202412E-03,3.2576084574136386E-03,-9.5554210241091464E-05 -49036 Pelion (1998 QM107),703,5.7998000000000000E+04,3.8368730566000004E+01,4.9561506509999997E+00,1.6766876678424005E+01,1.1836439650560356E+01,-3.3768828468610264E+00,-1.7241867819273414E-03,3.2572229102705089E-03,-9.5442854637419508E-05 -49036 Pelion (1998 QM107),703,5.7999000000000000E+04,3.8355506886000001E+01,4.9446908460000003E+00,1.6765134618017449E+01,1.1839719304022283E+01,-3.3769813530277553E+00,-1.7247314867617275E-03,3.2568372415128794E-03,-9.5331507390140522E-05 -49036 Pelion (1998 QM107),703,5.8000000000000000E+04,3.8341588010000002E+01,4.9330688250000003E+00,1.6763392219753676E+01,1.1842998326103611E+01,-3.3770798324221833E+00,-1.7252760785637228E-03,3.2564514491055709E-03,-9.5220168992042473E-05 -49036 Pelion (1998 QM107),703,5.8001000000000000E+04,3.8326979381999998E+01,4.9212886429999996E+00,1.6761649484478490E+01,1.1846276716897131E+01,-3.3771782844127261E+00,-1.7258205536330069E-03,3.2560655311498106E-03,-9.5108839986026954E-05 -49036 Pelion (1998 QM107),703,5.8002000000000000E+04,3.8311686502999997E+01,4.9093543640000004E+00,1.6759906412291254E+01,1.1849554477374504E+01,-3.3772767085000144E+00,-1.7263649075842389E-03,3.2556794860258021E-03,-9.4997520955995924E-05 -49036 Pelion (1998 QM107),703,5.8003000000000000E+04,3.8295714906999997E+01,4.8972700570000001E+00,1.6758163002803546E+01,1.1852831609044282E+01,-3.3773751043551452E+00,-1.7269091353310281E-03,3.2552933125563691E-03,-9.4886212514972416E-05 -49036 Pelion (1998 QM107),703,5.8004000000000000E+04,3.8279070154000003E+01,4.8850397970000001E+00,1.6756419255595986E+01,1.1856108113355894E+01,-3.3774734718372939E+00,-1.7274532311007040E-03,3.2549070102204196E-03,-9.4774915287750117E-05 -49036 Pelion (1998 QM107),703,5.8005000000000000E+04,3.8261757836999998E+01,4.8726676729999996E+00,1.6754675170815606E+01,1.1859383990926357E+01,-3.3775718109792723E+00,-1.7279971885268445E-03,3.2545205793441580E-03,-9.4663629885242717E-05 -49036 Pelion (1998 QM107),703,5.8006000000000000E+04,3.8243783620000002E+01,4.8601577999999996E+00,1.6752930749799191E+01,1.1862659240738372E+01,-3.3776701219379794E+00,-1.7285410007894094E-03,3.2541340213079091E-03,-9.4552356875207011E-05 -49036 Pelion (1998 QM107),703,5.8007000000000000E+04,3.8225153290999998E+01,4.8475143479999998E+00,1.6751185995590436E+01,1.1865933859479789E+01,-3.3777684049168162E+00,-1.7290846608254877E-03,3.2537473387281111E-03,-9.4441096748818158E-05 -49036 Pelion (1998 QM107),703,5.8008000000000000E+04,3.8205872839999998E+01,4.8347415590000002E+00,1.6749440913254787E+01,1.1869207841146736E+01,-3.3778666600744276E+00,-1.7296281616147754E-03,3.2533605355741912E-03,-9.4329849881963441E-05 -49036 Pelion (1998 QM107),703,5.8009000000000000E+04,3.8185948539999998E+01,4.8218437769999998E+00,1.6747695509959666E+01,1.1872481176949433E+01,-3.3779648874350126E+00,-1.7301714965062072E-03,3.2529736172191796E-03,-9.4218616505395181E-05 -49036 Pelion (1998 QM107),703,5.8010000000000000E+04,3.8165387027999998E+01,4.8088254670000001E+00,1.6745949794843888E+01,1.1875753855488661E+01,-3.3780630868103048E+00,-1.7307146595765973E-03,3.2525865903770719E-03,-9.4107396674846384E-05 -49036 Pelion (1998 QM107),703,5.8011000000000000E+04,3.8144195381000003E+01,4.7956912369999998E+00,1.6744203778716802E+01,1.1879025863150506E+01,-3.3781612577378777E+00,-1.7312576459764879E-03,3.2521994629320095E-03,-9.3996190250221799E-05 -49036 Pelion (1998 QM107),703,5.8012000000000000E+04,3.8122381177999998E+01,4.7824458510000003E+00,1.6742457473614802E+01,1.1882297184683980E+01,-3.3782593994377210E+00,-1.7318004522146571E-03,3.2518122436833389E-03,-9.3884996895931931E-05 -49036 Pelion (1998 QM107),703,5.8013000000000000E+04,3.8099952539999997E+01,4.7690942290000002E+00,1.6740710892227188E+01,1.1885567803946683E+01,-3.3783575107908796E+00,-1.7323430763700942E-03,3.2514249419841202E-03,-9.3773816086715063E-05 -49036 Pelion (1998 QM107),703,5.8014000000000000E+04,3.8076918147000001E+01,4.7556414509999998E+00,1.6738964047215710E+01,1.1888837704786347E+01,-3.3784555903468729E+00,-1.7328855181851851E-03,3.2510375673378607E-03,-9.3662647133493655E-05 -49036 Pelion (1998 QM107),703,5.8015000000000000E+04,3.8053287234999999E+01,4.7420927409999996E+00,1.6737216950497253E+01,1.1892106871966948E+01,-3.3785536363652224E+00,-1.7334277790356681E-03,3.2506501289849884E-03,-9.3551489219477238E-05 -49036 Pelion (1998 QM107),703,5.8016000000000000E+04,3.8029069550000003E+01,4.7284534499999999E+00,1.6735469612607432E+01,1.1895375291986030E+01,-3.3786516468893453E+00,-1.7339698617774030E-03,3.2502626355515804E-03,-9.3440341443760093E-05 -49036 Pelion (1998 QM107),703,5.8017000000000000E+04,3.8004275296000003E+01,4.7147290300000000E+00,1.6733722042273666E+01,1.1898642953616587E+01,-3.3787496198404288E+00,-1.7345117705199705E-03,3.2498750947336803E-03,-9.3329202865299958E-05 -49036 Pelion (1998 QM107),703,5.8018000000000000E+04,3.7978915063000002E+01,4.7009250130000000E+00,1.6731974246276856E+01,1.1901909848073370E+01,-3.3788475531111657E+00,-1.7350535103205710E-03,3.2494875131071702E-03,-9.3218072549900685E-05 -49036 Pelion (1998 QM107),703,5.8019000000000000E+04,3.7952999755000000E+01,4.6870469789999998E+00,1.6730226229592493E+01,1.1905175968817751E+01,-3.3789454446399025E+00,-1.7355950868689898E-03,3.2490998960183898E-03,-9.3106949604776918E-05 -49036 Pelion (1998 QM107),703,5.8020000000000000E+04,3.7926540527999997E+01,4.6731005469999998E+00,1.6728477995722471E+01,1.1908441311119240E+01,-3.3790432924537090E+00,-1.7361365061784172E-03,3.2487122475858797E-03,-9.2995833211191746E-05 -49036 Pelion (1998 QM107),703,5.8021000000000000E+04,3.7899548742999997E+01,4.6590913530000000E+00,1.6726729547095083E+01,1.1911705871533494E+01,-3.3791410946800866E+00,-1.7366777743156678E-03,3.2483245707501888E-03,-9.2884722637437303E-05 -49036 Pelion (1998 QM107),703,5.8022000000000000E+04,3.7872035928999999E+01,4.6450250430000004E+00,1.6724980885426461E+01,1.1914969647434807E+01,-3.3792388495350756E+00,-1.7372188971744736E-03,3.2479368674135697E-03,-9.2773617256203372E-05 -49036 Pelion (1998 QM107),703,5.8023000000000000E+04,3.7844013766000003E+01,4.6309072730000000E+00,1.6723232011977245E+01,1.1918232636688655E+01,-3.3793365552989529E+00,-1.7377598803152857E-03,3.2475491385858795E-03,-9.2662516543159687E-05 -49036 Pelion (1998 QM107),703,5.8024000000000000E+04,3.7815494065000003E+01,4.6167436950000003E+00,1.6721482927680590E+01,1.1921494837493428E+01,-3.3794342102902442E+00,-1.7383007288558953E-03,3.2471613845507907E-03,-9.2551420073165274E-05 -49036 Pelion (1998 QM107),703,5.8025000000000000E+04,3.7786488761000001E+01,4.6025399660000001E+00,1.6719733633147914E+01,1.1924756248382488E+01,-3.3795318128459191E+00,-1.7388414474093692E-03,3.2467736050342116E-03,-9.2440327514926193E-05 -49036 Pelion (1998 QM107),703,5.8026000000000000E+04,3.7757009896000000E+01,4.5883017300000004E+00,1.6717984128575253E+01,1.1928016868355344E+01,-3.3796293613138579E+00,-1.7393820400659159E-03,3.2463857993446504E-03,-9.2329238616099119E-05 -49036 Pelion (1998 QM107),703,5.8027000000000000E+04,3.7727069602999997E+01,4.5740346240000003E+00,1.6716234413585735E+01,1.1931276697091070E+01,-3.3797268540615990E+00,-1.7399225103994884E-03,3.2459979665171116E-03,-9.2218153197131417E-05 -49036 Pelion (1998 QM107),703,5.8028000000000000E+04,3.7696680074000000E+01,4.5597442619999997E+00,1.6714484487057465E+01,1.1934535735177901E+01,-3.3798242895038353E+00,-1.7404628615009809E-03,3.2456101054135385E-03,-9.2107071135646030E-05 -49036 Pelion (1998 QM107),703,5.8029000000000000E+04,3.7665853533000003E+01,4.5454362269999997E+00,1.6712734347008205E+01,1.1937793984263619E+01,-3.3799216661480864E+00,-1.7410030960208610E-03,3.2452222148100715E-03,-9.1995992355354671E-05 -49036 Pelion (1998 QM107),F51,5.7970000000000000E+04,3.8441123642000001E+01,5.1964206040000001E+00,1.6815485753076036E+01,1.1744386266860175E+01,-3.3741187023626056E+00,-1.7088940524204090E-03,3.2679764343130253E-03,-9.8563175056436454E-05 -49036 Pelion (1998 QM107),F51,5.7971000000000000E+04,3.8448633745000002E+01,5.1908921289999999E+00,1.6813756034370797E+01,1.1747680620918121E+01,-3.3742176127217243E+00,-1.7094415151531796E-03,3.2675938371353463E-03,-9.8451661224265469E-05 -49036 Pelion (1998 QM107),F51,5.7972000000000000E+04,3.8455398516999999E+01,5.1851179180000004E+00,1.6812025802713553E+01,1.1750974517893722E+01,-3.3743165022852968E+00,-1.7099888873810202E-03,3.2672111310897475E-03,-9.8340152400899352E-05 -49036 Pelion (1998 QM107),F51,5.7973000000000000E+04,3.8461416878999998E+01,5.1790998860000004E+00,1.6810295060111422E+01,1.1754267957340499E+01,-3.3744153712011569E+00,-1.7105361682363401E-03,3.2668283164030507E-03,-9.8228648639126455E-05 -49036 Pelion (1998 QM107),F51,5.7974000000000000E+04,3.8466687784000001E+01,5.1728399659999997E+00,1.6808563807960336E+01,1.1757560939563069E+01,-3.3745142197299560E+00,-1.7110833568972500E-03,3.2664453933177635E-03,-9.8117149988968493E-05 -49036 Pelion (1998 QM107),F51,5.7975000000000000E+04,3.8471210190000001E+01,5.1663401090000001E+00,1.6806832047239041E+01,1.1760853465359622E+01,-3.3746130482679044E+00,-1.7116304525798993E-03,3.2660623620845274E-03,-9.8005656496843820E-05 -49036 Pelion (1998 QM107),F51,5.7976000000000000E+04,3.8474983061000003E+01,5.1596022809999997E+00,1.6805099778806394E+01,1.1764145535634764E+01,-3.3747118573578998E+00,-1.7121774545499988E-03,3.2656792229602740E-03,-9.7894168207363614E-05 -49036 Pelion (1998 QM107),F51,5.7977000000000000E+04,3.8478005359999997E+01,5.1526284699999998E+00,1.6803367003770411E+01,1.1767437150924058E+01,-3.3748106476860764E+00,-1.7127243621212502E-03,3.2652959762015706E-03,-9.7782685163189565E-05 -49036 Pelion (1998 QM107),F51,5.7978000000000000E+04,3.8480276074999999E+01,5.1454206920000001E+00,1.6801633723890170E+01,1.1770728310879761E+01,-3.3749094200636853E+00,-1.7132711746503208E-03,3.2649126220567603E-03,-9.7671207404992222E-05 -49036 Pelion (1998 QM107),F51,5.7979000000000000E+04,3.8481794245000003E+01,5.1379810109999999E+00,1.6799899941981135E+01,1.1774019013755398E+01,-3.3750081753958061E+00,-1.7138178915438312E-03,3.2645291607610177E-03,-9.7559734972668669E-05 -49036 Pelion (1998 QM107),F51,5.7980000000000000E+04,3.8482559014000003E+01,5.1303115500000001E+00,1.6798165662311433E+01,1.1777309255904454E+01,-3.3751069146375650E+00,-1.7143645122607801E-03,3.2641455925292006E-03,-9.7448267906117856E-05 -49036 Pelion (1998 QM107),F51,5.7981000000000000E+04,3.8482569685999998E+01,5.1224145160000001E+00,1.6796430890978776E+01,1.1780599031306583E+01,-3.3752056387361007E+00,-1.7149110362988107E-03,3.2637619175445200E-03,-9.7336806244705199E-05 -49036 Pelion (1998 QM107),F51,5.7982000000000000E+04,3.8481825805000000E+01,5.1142922239999997E+00,1.6794695636234160E+01,1.1783888331165681E+01,-3.3753043485551215E+00,-1.7154574632079651E-03,3.2633781359527707E-03,-9.7225350029572742E-05 -49036 Pelion (1998 QM107),F51,5.7983000000000000E+04,3.8480327242999998E+01,5.1059471209999998E+00,1.6792959908667239E+01,1.1787177143689380E+01,-3.3754030447820718E+00,-1.7160037925808107E-03,3.2629942478503999E-03,-9.7113899303897332E-05 -49036 Pelion (1998 QM107),F51,5.7984000000000000E+04,3.8478074288000002E+01,5.0973818110000000E+00,1.6791223721121238E+01,1.1790465454218115E+01,-3.3755017278273978E+00,-1.7165500240495842E-03,3.2626102532735610E-03,-9.7002454114147359E-05 -49036 Pelion (1998 QM107),F51,5.7985000000000000E+04,3.8475067723999999E+01,5.0885990779999997E+00,1.6789487088215790E+01,1.1793753245855399E+01,-3.3756003977383533E+00,-1.7170961572848895E-03,3.2622261521863798E-03,-9.6891014511732532E-05 -49036 Pelion (1998 QM107),F51,5.7986000000000000E+04,3.8471308890000003E+01,5.0796018849999998E+00,1.6787750025461939E+01,1.1797040500612219E+01,-3.3756990541577889E+00,-1.7176421919819634E-03,3.2618419444667684E-03,-9.6779580554218268E-05 -49036 Pelion (1998 QM107),F51,5.7987000000000000E+04,3.8466799696000002E+01,5.0703933829999999E+00,1.6786012548133481E+01,1.1800327200849459E+01,-3.3757976963498484E+00,-1.7181881278596906E-03,3.2614576298930897E-03,-9.6668152307762217E-05 -49036 Pelion (1998 QM107),F51,5.7988000000000000E+04,3.8461542604999998E+01,5.0609768820000003E+00,1.6784274670197593E+01,1.1803613330628782E+01,-3.3758963232912600E+00,-1.7187339646477055E-03,3.2610732081290502E-03,-9.6556729849249940E-05 -49036 Pelion (1998 QM107),F51,5.7989000000000000E+04,3.8455540569000000E+01,5.0513558359999999E+00,1.6782536403602894E+01,1.1806898876594481E+01,-3.3759949337996731E+00,-1.7192797020655175E-03,3.2606886787075601E-03,-9.6445313268749417E-05 -49036 Pelion (1998 QM107),F51,5.7990000000000000E+04,3.8448796960999999E+01,5.0415338109999999E+00,1.6780797758062125E+01,1.1810183828220215E+01,-3.3760935266587464E+00,-1.7198253398013463E-03,3.2603040410145809E-03,-9.6333902672578558E-05 -49036 Pelion (1998 QM107),F51,5.7991000000000000E+04,3.8441315492999998E+01,5.0315144600000004E+00,1.6779058741265427E+01,1.1813468177509908E+01,-3.3761921007083999E+00,-1.7203708775035548E-03,3.2599192942753801E-03,-9.6222498187241881E-05 -49036 Pelion (1998 QM107),F51,5.7992000000000000E+04,3.8433100154999998E+01,5.0213015060000004E+00,1.6777319359334196E+01,1.1816751918400573E+01,-3.3762906548890284E+00,-1.7209163147259374E-03,3.2595344375392216E-03,-9.6111099962776326E-05 -49036 Pelion (1998 QM107),F51,5.7993000000000000E+04,3.8424155171000002E+01,5.0108987269999998E+00,1.6775579617318208E+01,1.1820035046119692E+01,-3.3763891882462516E+00,-1.7214616509108188E-03,3.2591494696691606E-03,-9.5999708177471038E-05 -49036 Pelion (1998 QM107),F51,5.7994000000000000E+04,3.8414484963000000E+01,5.0003099479999999E+00,1.6773839519601708E+01,1.1823317556665547E+01,-3.3764876999112690E+00,-1.7220068853311433E-03,3.2587643893348100E-03,-9.5888323042332238E-05 -49036 Pelion (1998 QM107),F51,5.7995000000000000E+04,3.8404094143000002E+01,4.9895390409999996E+00,1.6772099070160607E+01,1.1826599446482744E+01,-3.3765861890720359E+00,-1.7225520170473267E-03,3.2583791950123401E-03,-9.5776944805927558E-05 -49036 Pelion (1998 QM107),F51,5.7996000000000000E+04,3.8392987496000003E+01,4.9785899190000000E+00,1.6770358272667707E+01,1.1829880712332951E+01,-3.3766846549465237E+00,-1.7230970448353974E-03,3.2579938849939295E-03,-9.5665573759249597E-05 -49036 Pelion (1998 QM107),F51,5.7997000000000000E+04,3.8381169972999999E+01,4.9674665339999997E+00,1.6768617130470950E+01,1.1833161351328178E+01,-3.3767830967653159E+00,-1.7236419671262659E-03,3.2576084574100113E-03,-9.5554210240111711E-05 -49036 Pelion (1998 QM107),F51,5.7998000000000000E+04,3.8368646679000001E+01,4.9561728740000000E+00,1.6766875646482148E+01,1.1836441361076849E+01,-3.3768815137676862E+00,-1.7241867819315923E-03,3.2572229102678096E-03,-9.5442854636679282E-05 -49036 Pelion (1998 QM107),F51,5.7999000000000000E+04,3.8355422859000001E+01,4.9447129550000000E+00,1.6765133823020555E+01,1.1839720739885534E+01,-3.3769799052132696E+00,-1.7247314867641960E-03,3.2568372415111308E-03,-9.5331507389641410E-05 -49036 Pelion (1998 QM107),F51,5.8000000000000000E+04,3.8341503869999997E+01,4.9330908200000003E+00,1.6763391661665818E+01,1.1842999486945304E+01,-3.3770782704092479E+00,-1.7252760785648755E-03,3.2564514491053697E-03,-9.5220168992041375E-05 -49036 Pelion (1998 QM107),F51,5.8001000000000000E+04,3.8326895155999999E+01,4.9213105250000000E+00,1.6761649163184053E+01,1.1846277602421134E+01,-3.3771766087500050E+00,-1.7258205536325308E-03,3.2560655311507612E-03,-9.5108839986355196E-05 -49036 Pelion (1998 QM107),F51,5.8002000000000000E+04,3.8311602215999997E+01,4.9093761330000003E+00,1.6759906327595214E+01,1.1849555087357169E+01,-3.3772749197618595E+00,-1.7263649075818068E-03,3.2556794860275299E-03,-9.4997520956488355E-05 -49036 Pelion (1998 QM107),F51,5.8003000000000000E+04,3.8295630586000001E+01,4.8972917130000004E+00,1.6758163154431738E+01,1.1852831943334532E+01,-3.3773732031411887E+00,-1.7269091353271284E-03,3.2552933125594395E-03,-9.4886212515876302E-05 -49036 Pelion (1998 QM107),F51,5.8004000000000000E+04,3.8278985824999999E+01,4.8850613410000001E+00,1.6756419643195489E+01,1.1856108171875421E+01,-3.3774714587719181E+00,-1.7274532310951720E-03,3.2549070102246488E-03,-9.4774915288985375E-05 -49036 Pelion (1998 QM107),F51,5.8005000000000000E+04,3.8261673526999999E+01,4.8726891029999999E+00,1.6754675793954959E+01,1.1859383773669915E+01,-3.3775696867111162E+00,-1.7279971885196832E-03,3.2545205793495478E-03,-9.4663629886808265E-05 -49036 Pelion (1998 QM107),F51,5.8006000000000000E+04,3.8243699354999997E+01,4.8601791189999997E+00,1.6752931607968723E+01,1.1862658747773988E+01,-3.3776678871394661E+00,-1.7285410007807991E-03,3.2541340213146398E-03,-9.4552356877178808E-05 -49036 Pelion (1998 QM107),F51,5.8007000000000000E+04,3.8225069099000002E+01,4.8475355550000003E+00,1.6751187088202627E+01,1.1865933090948960E+01,-3.3777660602837871E+00,-1.7290846608145143E-03,3.2537473387352720E-03,-9.4441096750811545E-05 -49036 Pelion (1998 QM107),F51,5.8008000000000000E+04,3.8205788747000000E+01,4.8347626559999997E+00,1.6749442239644644E+01,1.1869206797264550E+01,-3.3778642063259903E+00,-1.7296281616027260E-03,3.2533605355830504E-03,-9.4329849884515883E-05 -49036 Pelion (1998 QM107),F51,5.8009000000000000E+04,3.8185864573000003E+01,4.8218647619999997E+00,1.6747697069385097E+01,1.1872479858004636E+01,-3.3779623253135598E+00,-1.7301714964931070E-03,3.2529736172297007E-03,-9.4218616508498723E-05 -49036 Pelion (1998 QM107),F51,5.8010000000000000E+04,3.8165303215000002E+01,4.8088463419999998E+00,1.6745951586486058E+01,1.1875752261843814E+01,-3.3780604170817163E+00,-1.7307146595609167E-03,3.2525865903879000E-03,-9.4107396677908794E-05 -49036 Pelion (1998 QM107),F51,5.8011000000000000E+04,3.8144111748000000E+01,4.7957120040000003E+00,1.6744205801680604E+01,1.1879023995241967E+01,-3.3781584811917074E+00,-1.7312576459595770E-03,3.2521994629443399E-03,-9.3996190253757138E-05 -49036 Pelion (1998 QM107),F51,5.8012000000000000E+04,3.8122297752000001E+01,4.7824665079999997E+00,1.6742459726929351E+01,1.1882295043022031E+01,-3.3782565168873226E+00,-1.7318004521961309E-03,3.2518122436968090E-03,-9.3884996899796583E-05 -49036 Pelion (1998 QM107),F51,5.8013000000000000E+04,3.8099869347000002E+01,4.7691147779999996E+00,1.6740713374846276E+01,1.1885565389115646E+01,-3.3783545230734102E+00,-1.7323430763499610E-03,3.2514249419987387E-03,-9.3773816090904948E-05 -49036 Pelion (1998 QM107),F51,5.8014000000000000E+04,3.8076835217000003E+01,4.7556618930000001E+00,1.6738966758018442E+01,1.1888835017444721E+01,-3.3784524983230462E+00,-1.7328855181634477E-03,3.2510375673536294E-03,-9.3662647138006701E-05 -49036 Pelion (1998 QM107),F51,5.8015000000000000E+04,3.8053204592999997E+01,4.7421130770000000E+00,1.6737219888288678E+01,1.1892103912847562E+01,-3.3785504409188833E+00,-1.7334277790125451E-03,3.2506501290020477E-03,-9.3551489224381125E-05 -49036 Pelion (1998 QM107),F51,5.8016000000000000E+04,3.8028987223000001E+01,4.7284736799999996E+00,1.6735472776119195E+01,1.1895372061896289E+01,-3.3786483489269696E+00,-1.7339698617520557E-03,3.2502626355693301E-03,-9.3440341448790235E-05 -49036 Pelion (1998 QM107),F51,5.8017000000000000E+04,3.8004193311999998E+01,4.7147491559999999E+00,1.6733725430164714E+01,1.1898639453438642E+01,-3.3787462202906147E+00,-1.7345117704932447E-03,3.2498750947527084E-03,-9.3329202870717919E-05 -49036 Pelion (1998 QM107),F51,5.8018000000000000E+04,3.7978833448000003E+01,4.7009450350000002E+00,1.6731977857134012E+01,1.1901906078764473E+01,-3.3788440529242827E+00,-1.7350535102922658E-03,3.2494875131273207E-03,-9.3218072555637714E-05 -49036 Pelion (1998 QM107),F51,5.8019000000000000E+04,3.7952918535999999E+01,4.6870668990000004E+00,1.6730230061931262E+01,1.1905171931410312E+01,-3.3789418447878181E+00,-1.7355950868402092E-03,3.2490998960403809E-03,-9.3106949611133596E-05 -49036 Pelion (1998 QM107),F51,5.8020000000000000E+04,3.7926459733000002E+01,4.6731203649999999E+00,1.6728482047987782E+01,1.1908437006720908E+01,-3.3790395939296625E+00,-1.7361365061467522E-03,3.2487122476081605E-03,-9.2995833217509447E-05 -49036 Pelion (1998 QM107),F51,5.8021000000000000E+04,3.7899468398000003E+01,4.6591110699999998E+00,1.6726733817662158E+01,1.1911701301327062E+01,-3.3791372984986459E+00,-1.7366777742826704E-03,3.2483245707737220E-03,-9.2884722644128443E-05 -49036 Pelion (1998 QM107),F51,5.8022000000000000E+04,3.7871956060999999E+01,4.6450446610000000E+00,1.6724985372601676E+01,1.1914964812678187E+01,-3.3792349567321525E+00,-1.7372188971401564E-03,3.2479368674383415E-03,-9.2773617263264822E-05 -49036 Pelion (1998 QM107),F51,5.8023000000000000E+04,3.7843934400999999E+01,4.6309267920000003E+00,1.6723236713998894E+01,1.1918227538714882E+01,-3.3793325669318817E+00,-1.7377598802792060E-03,3.2475491386116211E-03,-9.2662516550480749E-05 -49036 Pelion (1998 QM107),F51,5.8024000000000000E+04,3.7815415229999999E+01,4.6167631169999996E+00,1.6721487842719924E+01,1.1921489477710407E+01,-3.3794301274377569E+00,-1.7383007288187544E-03,3.2471613845778905E-03,-9.2551420080899809E-05 -49036 Pelion (1998 QM107),F51,5.8025000000000000E+04,3.7786410482999997E+01,4.6025592910000004E+00,1.6719738759309955E+01,1.1924750628272932E+01,-3.3795276366081857E+00,-1.7388414473697826E-03,3.2467736050619100E-03,-9.2440327522761275E-05 -49036 Pelion (1998 QM107),F51,5.8026000000000000E+04,3.7756932200999998E+01,4.5883209610000000E+00,1.6717989463899933E+01,1.1928010989476491E+01,-3.3796250928124674E+00,-1.7393820400255272E-03,3.2463857993737886E-03,-9.2329238624393753E-05 -49036 Pelion (1998 QM107),F51,5.8027000000000000E+04,3.7726992516000003E+01,4.5740537610000001E+00,1.6716239956048824E+01,1.1931270561074461E+01,-3.3797224944395547E+00,-1.7399225103578492E-03,3.2459979665474294E-03,-9.2218153205774934E-05 -49036 Pelion (1998 QM107),F51,5.8028000000000000E+04,3.7696603621999998E+01,4.5597633059999998E+00,1.6714490234571581E+01,1.1934529343729217E+01,-3.3798198399255632E+00,-1.7404628614573871E-03,3.2456101054446993E-03,-9.2107071144495762E-05 -49036 Pelion (1998 QM107),F51,5.8029000000000000E+04,3.7665777742000003E+01,4.5454551800000003E+00,1.6712740297423721E+01,1.1937787339162545E+01,-3.3799171277994375E+00,-1.7410030959762839E-03,3.2452222148425091E-03,-9.1995992364593158E-05 -49036 Pelion (1998 QM107),I11,5.7970000000000000E+04,3.8441263120999999E+01,5.1965173739999999E+00,1.6815492721524123E+01,1.1744377296918396E+01,-3.3741185942057994E+00,-1.7088940523635500E-03,3.2679764343517409E-03,-9.8563175067470772E-05 -49036 Pelion (1998 QM107),I11,5.7971000000000000E+04,3.8448773994000000E+01,5.1909891979999996E+00,1.6813762597694254E+01,1.1747672118110639E+01,-3.3742177173680155E+00,-1.7094415150987006E-03,3.2675938371713557E-03,-9.8451661234405280E-05 -49036 Pelion (1998 QM107),I11,5.7972000000000000E+04,3.8455539494999996E+01,5.1852152870000001E+00,1.6812031959065340E+01,1.1750966484209158E+01,-3.3743168192797994E+00,-1.7099888873296793E-03,3.2672111311246362E-03,-9.8340152410828922E-05 -49036 Pelion (1998 QM107),I11,5.7973000000000000E+04,3.8461558547000003E+01,5.1791975550000000E+00,1.6810300807781662E+01,1.1754260394646289E+01,-3.3744159000348377E+00,-1.7105361681885693E-03,3.2668283164375717E-03,-9.8228648649171317E-05 -49036 Pelion (1998 QM107),I11,5.7974000000000000E+04,3.8466830100000003E+01,5.1729379379999996E+00,1.6808569145376946E+01,1.1757553849605149E+01,-3.3745149598402788E+00,-1.7110833568516701E-03,3.2664453933491620E-03,-9.8117149997949008E-05 -49036 Pelion (1998 QM107),I11,5.7975000000000000E+04,3.8471353114999999E+01,5.1664383840000001E+00,1.6806836972968341E+01,1.1760846849761933E+01,-3.3746139990396209E+00,-1.7116304525371107E-03,3.2660623621139830E-03,-9.8005656505261051E-05 -49036 Pelion (1998 QM107),I11,5.7976000000000000E+04,3.8475126553000003E+01,5.1597008590000000E+00,1.6805104291553537E+01,1.1764139395898894E+01,-3.3747130181239928E+00,-1.7121774545102407E-03,3.2656792229881510E-03,-9.7894168215378674E-05 -49036 Pelion (1998 QM107),I11,5.7977000000000000E+04,3.8478149377999998E+01,5.1527273520000003E+00,1.6803371102379817E+01,1.1767431488428848E+01,-3.3748120177287837E+00,-1.7127243620836397E-03,3.2652959762263459E-03,-9.7782685170144830E-05 -49036 Pelion (1998 QM107),I11,5.7978000000000000E+04,3.8480420576999997E+01,5.1455198790000001E+00,1.6801637407346046E+01,1.1770723126880814E+01,-3.3749109986154675E+00,-1.7132711746155188E-03,3.2649126220795424E-03,-9.7671207411380762E-05 -49036 Pelion (1998 QM107),I11,5.7979000000000000E+04,3.8481939189999999E+01,5.1380805030000003E+00,1.6799903209407862E+01,1.1774014309384711E+01,-3.3750099616401954E+00,-1.7138178915128404E-03,3.2645291607833089E-03,-9.7559734979127451E-05 -49036 Pelion (1998 QM107),I11,5.7980000000000000E+04,3.8482704357999999E+01,5.1304113469999999E+00,1.6798168512973984E+01,1.1777305032170043E+01,-3.3751089077097634E+00,-1.7143645122316489E-03,3.2641455925480206E-03,-9.7448267911368579E-05 -49036 Pelion (1998 QM107),I11,5.7981000000000000E+04,3.8482715386000002E+01,5.1225146190000004E+00,1.6796433324283040E+01,1.1780595289092274E+01,-3.3752078377233161E+00,-1.7149110362727898E-03,3.2637619175617111E-03,-9.7336806249540388E-05 -49036 Pelion (1998 QM107),I11,5.7982000000000000E+04,3.8481971819999998E+01,5.1143926310000003E+00,1.6794697651727176E+01,1.1783885071231014E+01,-3.3753067524966691E+00,-1.7154574631850494E-03,3.2633781359683207E-03,-9.7225350033987342E-05 -49036 Pelion (1998 QM107),I11,5.7983000000000000E+04,3.8480473527999997E+01,5.1060478329999999E+00,1.6792961506037393E+01,1.1787174366669607E+01,-3.3754056526692380E+00,-1.7160037925607781E-03,3.2629942478639411E-03,-9.7113899307734282E-05 -49036 Pelion (1998 QM107),I11,5.7984000000000000E+04,3.8478220800000003E+01,5.0974828289999996E+00,1.6791224900198650E+01,1.1790463160623938E+01,-3.3755045386031939E+00,-1.7165500240326915E-03,3.2626102532854404E-03,-9.7002454117556063E-05 -49036 Pelion (1998 QM107),I11,5.7985000000000000E+04,3.8475214418999997E+01,5.0887003990000004E+00,1.6789487848972129E+01,1.1793751436073082E+01,-3.3756034102977082E+00,-1.7170961572700177E-03,3.2622261521951905E-03,-9.6891014514111665E-05 -49036 Pelion (1998 QM107),I11,5.7986000000000000E+04,3.8471455722999998E+01,5.0797035109999999E+00,1.6787750368010684E+01,1.1797039174903151E+01,-3.3757022673479677E+00,-1.7176421919702506E-03,3.2618419444739102E-03,-9.6779580556168002E-05 -49036 Pelion (1998 QM107),I11,5.7987000000000000E+04,3.8466946624000002E+01,5.0704953110000002E+00,1.6786012472729883E+01,1.1800326359349839E+01,-3.3758011089714657E+00,-1.7181881278520491E-03,3.2614576298995706E-03,-9.6668152309715055E-05 -49036 Pelion (1998 QM107),I11,5.7988000000000000E+04,3.8461689581999998E+01,5.0610791119999998E+00,1.6784274177238501E+01,1.1803612973349074E+01,-3.3758999340995550E+00,-1.7187339646426644E-03,3.2610732081331511E-03,-9.6556729850472297E-05 -49036 Pelion (1998 QM107),I11,5.7989000000000000E+04,3.8455687550999997E+01,5.0514583679999996E+00,1.6782535493626760E+01,1.1806899003418803E+01,-3.3759987415057382E+00,-1.7192797020618260E-03,3.2606886787079885E-03,-9.6445313268684284E-05 -49036 Pelion (1998 QM107),I11,5.7990000000000000E+04,3.8448943903000000E+01,5.0416366430000004E+00,1.6780796431748843E+01,1.1810184438905777E+01,-3.3760975299305636E+00,-1.7198253398020905E-03,3.2603040410146000E-03,-9.6333902672631372E-05 -49036 Pelion (1998 QM107),I11,5.7991000000000000E+04,3.8441462348999998E+01,5.0316175919999999E+00,1.6779056999435994E+01,1.1813469271686655E+01,-3.3761962981715983E+00,-1.7203708775059019E-03,3.2599192942721015E-03,-9.6222498186163114E-05 -49036 Pelion (1998 QM107),I11,5.7992000000000000E+04,3.8433246879999999E+01,5.0214049359999997E+00,1.6777317202950201E+01,1.1816753495571161E+01,-3.3762950451274327E+00,-1.7209163147318095E-03,3.2595344375345395E-03,-9.6111099961390309E-05 -49036 Pelion (1998 QM107),I11,5.7993000000000000E+04,3.8424301718999999E+01,5.0110024529999997E+00,1.6775577047481327E+01,1.1820037105659303E+01,-3.3763937698021946E+00,-1.7214616509195679E-03,3.2591494696624489E-03,-9.5999708175505840E-05 -49036 Pelion (1998 QM107),I11,5.7994000000000000E+04,3.8414631288999999E+01,5.0004139690000002E+00,1.6773836537553073E+01,1.1823320097821979E+01,-3.3764924712858684E+00,-1.7220068853437843E-03,3.2587643893269708E-03,-9.5888323040175272E-05 -49036 Pelion (1998 QM107),I11,5.7995000000000000E+04,3.8404240201000000E+01,4.9896433560000002E+00,1.6772095677280127E+01,1.1826602468376352E+01,-3.3765911487254052E+00,-1.7225520170618116E-03,3.2583791950015692E-03,-9.5776944802801518E-05 -49036 Pelion (1998 QM107),I11,5.7996000000000000E+04,3.8393133239999997E+01,4.9786945249999999E+00,1.6770354470473396E+01,1.1829884213956698E+01,-3.3766898012980011E+00,-1.7230970448520412E-03,3.2579938849805704E-03,-9.5665573755302857E-05 -49036 Pelion (1998 QM107),I11,5.7997000000000000E+04,3.8381315356999998E+01,4.9675714290000004E+00,1.6768612920618107E+01,1.1833165331547701E+01,-3.3767884281937062E+00,-1.7236419671460999E-03,3.2576084573949175E-03,-9.5554210235714065E-05 -49036 Pelion (1998 QM107),I11,5.7998000000000000E+04,3.8368791657000003E+01,4.9562780560000004E+00,1.6766871030762481E+01,1.1836445818630635E+01,-3.3768870286115376E+00,-1.7241867819546312E-03,3.2572229102509915E-03,-9.5442854631827152E-05 -49036 Pelion (1998 QM107),I11,5.7999000000000000E+04,3.8355567385000001E+01,4.9448184230000001E+00,1.6765128803361169E+01,1.1839725673385090E+01,-3.3769856017711155E+00,-1.7247314867904389E-03,3.2568372414925814E-03,-9.5331507384334769E-05 -49036 Pelion (1998 QM107),I11,5.8000000000000000E+04,3.8341647897999998E+01,4.9331965709999999E+00,1.6763386240128355E+01,1.1843004894875174E+01,-3.3770841469398434E+00,-1.7252760785932070E-03,3.2564514490842685E-03,-9.5220168985935054E-05 -49036 Pelion (1998 QM107),I11,5.8001000000000000E+04,3.8327038639000001E+01,4.9214165559999996E+00,1.6761643341963659E+01,1.1846283483139137E+01,-3.3771826634726616E+00,-1.7258205536636768E-03,3.2560655311276582E-03,-9.5108839979679465E-05 -49036 Pelion (1998 QM107),I11,5.8002000000000000E+04,3.8311745109000000E+01,4.9094824419999998E+00,1.6759900109019398E+01,1.1849561439094551E+01,-3.3772811508569731E+00,-1.7263649076165091E-03,3.2556794860029506E-03,-9.4997520949466859E-05 -49036 Pelion (1998 QM107),I11,5.8003000000000000E+04,3.8295772841999998E+01,4.8973982979999997E+00,1.6758156540959202E+01,1.1852838764196211E+01,-3.3773796087509340E+00,-1.7269091353642472E-03,3.2552933125326294E-03,-9.4886212508180770E-05 -49036 Pelion (1998 QM107),I11,5.8004000000000000E+04,3.8279127398000000E+01,4.8851681979999997E+00,1.6756412637414861E+01,1.1856115459840179E+01,-3.3774780370011541E+00,-1.7274532311350680E-03,3.2549070101958698E-03,-9.4774915280729677E-05 -49036 Pelion (1998 QM107),I11,5.8005000000000000E+04,3.8261814372000003E+01,4.8727962309999997E+00,1.6754668398583700E+01,1.1859391526590384E+01,-3.3775764356283964E+00,-1.7279971885623439E-03,3.2545205793188016E-03,-9.4663629877991397E-05 -49036 Pelion (1998 QM107),I11,5.8006000000000000E+04,3.8243839424999997E+01,4.8602865130000001E+00,1.6752923825851806E+01,1.1862666963376753E+01,-3.3776748047780734E+00,-1.7285410008258078E-03,3.2541340212816801E-03,-9.4552356867709468E-05 -49036 Pelion (1998 QM107),I11,5.8007000000000000E+04,3.8225208348000002E+01,4.8476432139999996E+00,1.6751178922311215E+01,1.1865941766834865E+01,-3.3777731446426666E+00,-1.7290846608638741E-03,3.2537473387012818E-03,-9.4441096741176023E-05 -49036 Pelion (1998 QM107),I11,5.8008000000000000E+04,3.8205927129999999E+01,4.8348705750000001E+00,1.6749433693074721E+01,1.1869215930908847E+01,-3.3778714553702911E+00,-1.7296281616535933E-03,3.2533605355464495E-03,-9.4329849874041162E-05 -49036 Pelion (1998 QM107),I11,5.8009000000000000E+04,3.8186002043999999E+01,4.8219729390000001E+00,1.6747688145356058E+01,1.1872489446757417E+01,-3.3779697369748614E+00,-1.7301714965454345E-03,3.2529736171905497E-03,-9.4218616497206243E-05 -49036 Pelion (1998 QM107),I11,5.8010000000000000E+04,3.8165439728000003E+01,4.8089547730000000E+00,1.6745942288339300E+01,1.1875762302930310E+01,-3.3780679892579082E+00,-1.7307146596179965E-03,3.2525865903478609E-03,-9.4107396666522002E-05 -49036 Pelion (1998 QM107),I11,5.8011000000000000E+04,3.8144247258999997E+01,4.7958206849999998E+00,1.6744196132877892E+01,1.1879034485763219E+01,-3.3781662117467857E+00,-1.7312576460184895E-03,3.2521994629019901E-03,-9.3996190241657333E-05 -49036 Pelion (1998 QM107),I11,5.8012000000000000E+04,3.8122432215000003E+01,4.7825754360000001E+00,1.6742449691051160E+01,1.1882305979955285E+01,-3.3782644036511438E+00,-1.7318004522576861E-03,3.2518122436525701E-03,-9.3884996887160207E-05 -49036 Pelion (1998 QM107),I11,5.8013000000000000E+04,3.8100002717999999E+01,4.7692239499999998E+00,1.6740702975590242E+01,1.1885576769314776E+01,-3.3783625638416206E+00,-1.7323430764141360E-03,3.2514249419526315E-03,-9.3773816077738126E-05 -49036 Pelion (1998 QM107),I11,5.8014000000000000E+04,3.8076967449999998E+01,4.7557713039999996E+00,1.6738955999197543E+01,1.1888846837640489E+01,-3.3784606908573647E+00,-1.7328855182302241E-03,3.2510375673056504E-03,-9.3662647124313593E-05 -49036 Pelion (1998 QM107),I11,5.8015000000000000E+04,3.8053335644999997E+01,4.7422227230000003E+00,1.6737208773829494E+01,1.1892116169647901E+01,-3.3785587829477408E+00,-1.7334277790814583E-03,3.2506501289520616E-03,-9.3551489210091991E-05 -49036 Pelion (1998 QM107),I11,5.8016000000000000E+04,3.8029117049000000E+01,4.7285835580000004E+00,1.6735461310060089E+01,1.1895384751786397E+01,-3.3786568381463589E+00,-1.7339698618248300E-03,3.2502626355180014E-03,-9.3440341434196318E-05 -49036 Pelion (1998 QM107),I11,5.8017000000000000E+04,3.8004321869000002E+01,4.7148592620000001E+00,1.6733713616654057E+01,1.1898652572781069E+01,-3.3787548543650274E+00,-1.7345117705681173E-03,3.2498750946993987E-03,-9.3329202855541271E-05 -49036 Pelion (1998 QM107),I11,5.8018000000000000E+04,3.7978960692000001E+01,4.7010553640000001E+00,1.6731965700428486E+01,1.1901919623799033E+01,-3.3788528294874944E+00,-1.7350535103696440E-03,3.2494875130722120E-03,-9.3218072539952236E-05 -49036 Pelion (1998 QM107),I11,5.8019000000000000E+04,3.7953044423999998E+01,4.6871774479999999E+00,1.6730217566393922E+01,1.1905185898254464E+01,-3.3789507614435381E+00,-1.7355950869178439E-03,3.2490998959827620E-03,-9.3106949594638652E-05 -49036 Pelion (1998 QM107),I11,5.8020000000000000E+04,3.7926584222000002E+01,4.6732311280000003E+00,1.6728469218086044E+01,1.1908451391370225E+01,-3.3790486482519837E+00,-1.7361365062295098E-03,3.2487122475496292E-03,-9.2995833200874994E-05 -49036 Pelion (1998 QM107),I11,5.8021000000000000E+04,3.7899591446000002E+01,4.6592220439999998E+00,1.6726720657965785E+01,1.1911716099655807E+01,-3.3791464880322812E+00,-1.7366777743674055E-03,3.2483245707132982E-03,-9.2884722626944069E-05 -49036 Pelion (1998 QM107),I11,5.8022000000000000E+04,3.7872077625999999E+01,4.6451558410000002E+00,1.6724971887780743E+01,1.1914980020439955E+01,-3.3792442789925374E+00,-1.7372188972268362E-03,3.2479368673760719E-03,-9.2773617245539824E-05 -49036 Pelion (1998 QM107),I11,5.8023000000000000E+04,3.7844054440999997E+01,4.6310381730000003E+00,1.6723222908821779E+01,1.1918243151543262E+01,-3.3793420194052044E+00,-1.7377598803687032E-03,3.2475491385477607E-03,-9.2662516532325878E-05 -49036 Pelion (1998 QM107),I11,5.8024000000000000E+04,3.7815533703000000E+01,4.6168746960000000E+00,1.6721473722051066E+01,1.1921505491119884E+01,-3.3794397075810694E+00,-1.7383007289096708E-03,3.2471613845121081E-03,-9.2551420062176559E-05 -49036 Pelion (1998 QM107),I11,5.8025000000000000E+04,3.7786527349000004E+01,4.6026710619999998E+00,1.6719724328107787E+01,1.1924767037659667E+01,-3.3795373418494159E+00,-1.7388414474648339E-03,3.2467736049948785E-03,-9.2440327503744585E-05 -49036 Pelion (1998 QM107),I11,5.8026000000000000E+04,3.7757047421000003E+01,4.5884329189999997E+00,1.6717974727214497E+01,1.1928027790119375E+01,-3.3796349205505321E+00,-1.7393820401214776E-03,3.2463857993048212E-03,-9.2329238604788179E-05 -49036 Pelion (1998 QM107),I11,5.8027000000000000E+04,3.7727106049000000E+01,4.5741659019999998E+00,1.6716224919019616E+01,1.1931287748136072E+01,-3.3797324420444030E+00,-1.7399225104555772E-03,3.2459979664767585E-03,-9.2218153185682052E-05 -49036 Pelion (1998 QM107),I11,5.8028000000000000E+04,3.7696715429000001E+01,4.5598756250000001E+00,1.6714474902425344E+01,1.1934546912256744E+01,-3.3798299047382110E+00,-1.7404628615582413E-03,3.2456101053725921E-03,-9.2107071124021228E-05 -49036 Pelion (1998 QM107),I11,5.8029000000000000E+04,3.7665887783999999E+01,4.5455676719999998E+00,1.6712724675472273E+01,1.1937805284088718E+01,-3.3799273071320326E+00,-1.7410030960783838E-03,3.2452222147686793E-03,-9.1995992343615906E-05 -49036 Pelion (1998 QM107),I41,5.7970000000000000E+04,3.8441184151000002E+01,5.1963941599999997E+00,1.6815492349831338E+01,1.1744378244931452E+01,-3.3741168666947954E+00,-1.7088940523785796E-03,3.2679764343418165E-03,-9.8563175064666890E-05 -49036 Pelion (1998 QM107),I41,5.7971000000000000E+04,3.8448694951000000E+01,5.1908657639999998E+00,1.6813762453547781E+01,1.1747672802533033E+01,-3.3742158795232164E+00,-1.7094415151125003E-03,3.2675938371628886E-03,-9.8451661232074313E-05 -49036 Pelion (1998 QM107),I41,5.7972000000000000E+04,3.8455460402000000E+01,5.1850916329999999E+00,1.6812032042411527E+01,1.1750966905077476E+01,-3.3743148718302218E+00,-1.7099888873415899E-03,3.2672111311168872E-03,-9.8340152408651289E-05 -49036 Pelion (1998 QM107),I41,5.7973000000000000E+04,3.8461479429000001E+01,5.1790736820000003E+00,1.6810301118489708E+01,1.1754260552065301E+01,-3.3744138437358715E+00,-1.7105361681982716E-03,3.2668283164301905E-03,-9.8228648646995893E-05 -49036 Pelion (1998 QM107),I41,5.7974000000000000E+04,3.8466750980000000E+01,5.1728138440000002E+00,1.6808569683238993E+01,1.1757553743747714E+01,-3.3745127954733110E+00,-1.7110833568602987E-03,3.2664453933434166E-03,-9.8117149996318747E-05 -49036 Pelion (1998 QM107),I41,5.7975000000000000E+04,3.8471274014999999E+01,5.1663140700000003E+00,1.6806837737699468E+01,1.1760846480868947E+01,-3.3746117274115490E+00,-1.7116304525441710E-03,3.2660623621093218E-03,-9.8005656503943745E-05 -49036 Pelion (1998 QM107),I41,5.7976000000000000E+04,3.8475047498000002E+01,5.1595763259999998E+00,1.6805105282791978E+01,1.1764138764279243E+01,-3.3747106400666613E+00,-1.7121774545155802E-03,3.2656792229844092E-03,-9.7894168214304012E-05 -49036 Pelion (1998 QM107),I41,5.7977000000000000E+04,3.8478070391000003E+01,5.1526025999999998E+00,1.6803372319687050E+01,1.1767430594459391E+01,-3.3748095340983579E+00,-1.7127243620879400E-03,3.2652959762242053E-03,-9.7782685169603664E-05 -49036 Pelion (1998 QM107),I41,5.7978000000000000E+04,3.8480341682000002E+01,5.1453949090000002E+00,1.6801638850206913E+01,1.1770721971006328E+01,-3.3749084102917721E+00,-1.7132711746182805E-03,3.2649126220785016E-03,-9.7671207411152510E-05 -49036 Pelion (1998 QM107),I41,5.7979000000000000E+04,3.8481860410000003E+01,5.1379553150000001E+00,1.6799904877230777E+01,1.1774012892117961E+01,-3.3750072695261273E+00,-1.7138178915132914E-03,3.2645291607826879E-03,-9.7559734978929001E-05 -49036 Pelion (1998 QM107),I41,5.7980000000000000E+04,3.8482625718000001E+01,5.1302859410000003E+00,1.6798170405091039E+01,1.1777303354091671E+01,-3.3751061127307893E+00,-1.7143645122312985E-03,3.2641455925491499E-03,-9.7448267911759420E-05 -49036 Pelion (1998 QM107),I41,5.7981000000000000E+04,3.8482636909999997E+01,5.1223889959999998E+00,1.6796435439950294E+01,1.1780593350850705E+01,-3.3752049408271181E+00,-1.7149110362706995E-03,3.2637619175637598E-03,-9.7336806250173996E-05 -49036 Pelion (1998 QM107),I41,5.7982000000000000E+04,3.8481893530999997E+01,5.1142667929999996E+00,1.6794699990124947E+01,1.1783882873542211E+01,-3.3753037546529128E+00,-1.7154574631812244E-03,3.2633781359713010E-03,-9.7225350034864001E-05 -49036 Pelion (1998 QM107),I41,5.7983000000000000E+04,3.8480395451000000E+01,5.1059217800000001E+00,1.6792964066270574E+01,1.1787171910316841E+01,-3.3754025548695417E+00,-1.7160037925553935E-03,3.2629942478680108E-03,-9.7113899308922853E-05 -49036 Pelion (1998 QM107),I41,5.7984000000000000E+04,3.8478142959000003E+01,5.0973565609999998E+00,1.6791227681296945E+01,1.1790460446457647E+01,-3.3755013418612347E+00,-1.7165500240255722E-03,3.2626102532904416E-03,-9.7002454118991845E-05 -49036 Pelion (1998 QM107),I41,5.7985000000000000E+04,3.8475136837999997E+01,5.0885739189999999E+00,1.6789490849890644E+01,1.1793748465010486E+01,-3.3756001156491084E+00,-1.7170961572619686E-03,3.2622261522017200E-03,-9.6891014516045542E-05 -49036 Pelion (1998 QM107),I41,5.7986000000000000E+04,3.8471378426000001E+01,5.0795768189999997E+00,1.6787753587630263E+01,1.1797035947928137E+01,-3.3756988758501008E+00,-1.7176421919604737E-03,3.2618419444813713E-03,-9.6779580558348130E-05 -49036 Pelion (1998 QM107),I41,5.7987000000000000E+04,3.8466869635000002E+01,5.0703684090000003E+00,1.6786015909857561E+01,1.1800322877512878E+01,-3.3757976217029850E+00,-1.7181881278399130E-03,3.2614576299075399E-03,-9.6668152311961400E-05 -49036 Pelion (1998 QM107),I41,5.7988000000000000E+04,3.8461612926000001E+01,5.0609520010000004E+00,1.6784277830607941E+01,1.1803609237767363E+01,-3.3758963521597463E+00,-1.7187339646292099E-03,3.2610732081423399E-03,-9.6556729853087934E-05 -49036 Pelion (1998 QM107),I41,5.7989000000000000E+04,3.8455611251999997E+01,5.0513310489999999E+00,1.6782539361898660E+01,1.1806895015276350E+01,-3.3759950660138101E+00,-1.7192797020479152E-03,3.2606886787189086E-03,-9.6445313271890351E-05 -49036 Pelion (1998 QM107),I41,5.7990000000000000E+04,3.8448867984000003E+01,5.0415091179999996E+00,1.6780800513511384E+01,1.1810180199453544E+01,-3.3760937620249978E+00,-1.7198253397856089E-03,3.2603040410259399E-03,-9.6333902675862566E-05 -49036 Pelion (1998 QM107),I41,5.7991000000000000E+04,3.8441386835000003E+01,5.0314898619999999E+00,1.6779061293205420E+01,1.1813464782242534E+01,-3.3761924390096412E+00,-1.7203708774887888E-03,3.2599192942850009E-03,-9.6222498189914928E-05 -49036 Pelion (1998 QM107),I41,5.7992000000000000E+04,3.8433171796000003E+01,5.0212770019999997E+00,1.6777321707171485E+01,1.1816748757519774E+01,-3.3762910958846786E+00,-1.7209163147127692E-03,3.2595344375482404E-03,-9.6111099965336155E-05 -49036 Pelion (1998 QM107),I41,5.7993000000000000E+04,3.8424227088000002E+01,5.0108743179999999E+00,1.6775581760528855E+01,1.1820032120451787E+01,-3.3763897316723059E+00,-1.7214616508990418E-03,3.2591494696772114E-03,-9.5999708179749069E-05 -49036 Pelion (1998 QM107),I41,5.7994000000000000E+04,3.8414557135999999E+01,5.0002856350000000E+00,1.6773841457731336E+01,1.1823314866975768E+01,-3.3764883454803560E+00,-1.7220068853211071E-03,3.2587643893424306E-03,-9.5888323044567185E-05 -49036 Pelion (1998 QM107),I41,5.7995000000000000E+04,3.8404166549000003E+01,4.9895148239999996E+00,1.6772100802824511E+01,1.1826596993474901E+01,-3.3765869364734451E+00,-1.7225520170383469E-03,3.2583791950184099E-03,-9.5776944807637304E-05 -49036 Pelion (1998 QM107),I41,5.7996000000000000E+04,3.8393060112999997E+01,4.9785657980000000E+00,1.6770359799550889E+01,1.1829878496649163E+01,-3.3766855038462480E+00,-1.7230970448275807E-03,3.2579938849986497E-03,-9.5665573760521231E-05 -49036 Pelion (1998 QM107),I41,5.7997000000000000E+04,3.8381242778999997E+01,4.9674425089999996E+00,1.6768618451328152E+01,1.1833159373548700E+01,-3.3767840468061352E+00,-1.7236419671199724E-03,3.2576084574139196E-03,-9.5554210241177671E-05 -49036 Pelion (1998 QM107),I41,5.7998000000000000E+04,3.8368719652999999E+01,4.9561489439999997E+00,1.6766876761137748E+01,1.1836439621719853E+01,-3.3768825645692657E+00,-1.7241867819268375E-03,3.2572229102709096E-03,-9.5442854637536398E-05 -49036 Pelion (1998 QM107),I41,5.7999000000000000E+04,3.8355495976999997E+01,4.9446891219999998E+00,1.6765134731368516E+01,1.1839719239406937E+01,-3.3769810563722498E+00,-1.7247314867609885E-03,3.2568372415133981E-03,-9.5331507390291308E-05 -49036 Pelion (1998 QM107),I41,5.8000000000000000E+04,3.8341577110000003E+01,4.9330670830000001E+00,1.6763392363669599E+01,1.1842998225738475E+01,-3.3770795214993412E+00,-1.7252760785628181E-03,3.2564514491062908E-03,-9.5220168992254801E-05 -49036 Pelion (1998 QM107),I41,5.8001000000000000E+04,3.8326968493999999E+01,4.9212868829999996E+00,1.6761649658876578E+01,1.1846276580816712E+01,-3.3771779593221511E+00,-1.7258205536318906E-03,3.2560655311506884E-03,-9.5108839986283409E-05 -49036 Pelion (1998 QM107),I41,5.8002000000000000E+04,3.8311675631000000E+01,4.9093525869999999E+00,1.6759906617078645E+01,1.1849554305622792E+01,-3.3772763693444627E+00,-1.7263649075828615E-03,3.2556794860267701E-03,-9.4997520956270810E-05 -49036 Pelion (1998 QM107),I41,5.8003000000000000E+04,3.8295704053999998E+01,4.8972682630000000E+00,1.6758163237877287E+01,1.1852831401674720E+01,-3.3773747512404815E+00,-1.7269091353294642E-03,3.2552933125575192E-03,-9.4886212515301742E-05 -49036 Pelion (1998 QM107),I41,5.8004000000000000E+04,3.8279059324000002E+01,4.8850379860000004E+00,1.6756419520843046E+01,1.1856107870431433E+01,-3.3774731048724140E+00,-1.7274532310989294E-03,3.2549070102217189E-03,-9.4774915288122500E-05 -49036 Pelion (1998 QM107),I41,5.8005000000000000E+04,3.8261747032999999E+01,4.8726658440000001E+00,1.6754675466113021E+01,1.1859383712519426E+01,-3.3775714302760407E+00,-1.7279971885248600E-03,3.2545205793456013E-03,-9.4663629885658184E-05 -49036 Pelion (1998 QM107),I41,5.8006000000000000E+04,3.8243772845000002E+01,4.8601559549999998E+00,1.6752931075014043E+01,1.1862658926930903E+01,-3.3776697276111527E+00,-1.7285410007872410E-03,3.2541340213095189E-03,-9.4552356875672757E-05 -49036 Pelion (1998 QM107),I41,5.8007000000000000E+04,3.8225142548999997E+01,4.8475124860000003E+00,1.6751186350579992E+01,1.1865933510363268E+01,-3.3777679970839927E+00,-1.7290846608230045E-03,3.2537473387297816E-03,-9.4441096749293160E-05 -49036 Pelion (1998 QM107),I41,5.8008000000000000E+04,3.8205862134999997E+01,4.8347396810000003E+00,1.6749441297866543E+01,1.1869207456822132E+01,-3.3778662388560141E+00,-1.7296281616121616E-03,3.2533605355760890E-03,-9.4329849882505068E-05 -49036 Pelion (1998 QM107),I41,5.8009000000000000E+04,3.8185937875000000E+01,4.8218418820000002E+00,1.6747695924031383E+01,1.1872480757527253E+01,-3.3779644529542181E+00,-1.7301714965034702E-03,3.2529736172212682E-03,-9.4218616506005722E-05 -49036 Pelion (1998 QM107),I41,5.8010000000000000E+04,3.8165376406999997E+01,4.8088235550000000E+00,1.6745950238203733E+01,1.1875753401088907E+01,-3.3780626391931592E+00,-1.7307146595735147E-03,3.2525865903792212E-03,-9.4107396675454798E-05 -49036 Pelion (1998 QM107),I41,5.8011000000000000E+04,3.8144184807000002E+01,4.7956893100000002E+00,1.6744204251183412E+01,1.1879025373902666E+01,-3.3781607971132539E+00,-1.7312576459732557E-03,3.2521994629343496E-03,-9.3996190250887580E-05 -49036 Pelion (1998 QM107),I41,5.8012000000000000E+04,3.8122370654000001E+01,4.7824439070000002E+00,1.6742457974997361E+01,1.1882296660727036E+01,-3.3782589259373537E+00,-1.7318004522112189E-03,3.2518122436858213E-03,-9.3884996896643940E-05 -49036 Pelion (1998 QM107),I41,5.8013000000000000E+04,3.8099942069000001E+01,4.7690922689999997E+00,1.6740711422325518E+01,1.1885567245429080E+01,-3.3783570245493624E+00,-1.7323430763664530E-03,3.2514249419867587E-03,-9.3773816087466062E-05 -49036 Pelion (1998 QM107),I41,5.8014000000000000E+04,3.8076907734000002E+01,4.7556394759999998E+00,1.6738964605820389E+01,1.1888837111866021E+01,-3.3784550915016349E+00,-1.7328855181813420E-03,3.2510375673406398E-03,-9.3662647134286627E-05 -49036 Pelion (1998 QM107),I41,5.8015000000000000E+04,3.8053276881999999E+01,4.7420907500000000E+00,1.6737217537389711E+01,1.1892106244811298E+01,-3.3785531250564733E+00,-1.7334277790316522E-03,3.2506501289879322E-03,-9.3551489220317427E-05 -49036 Pelion (1998 QM107),I41,5.8016000000000000E+04,3.8029059261000000E+01,4.7284514440000001E+00,1.6735470227560040E+01,1.1895374630771981E+01,-3.3786511232600183E+00,-1.7339698617730983E-03,3.2502626355546092E-03,-9.3440341444617751E-05 -49036 Pelion (1998 QM107),I41,5.8017000000000000E+04,3.8004265074999999E+01,4.7147270099999998E+00,1.6733722685049912E+01,1.1898642258530526E+01,-3.3787490840361016E+00,-1.7345117705154954E-03,3.2498750947368687E-03,-9.3329202866208953E-05 -49036 Pelion (1998 QM107),I41,5.8018000000000000E+04,3.7978904913000001E+01,4.7009229770000003E+00,1.6731974916631362E+01,1.1901909119311240E+01,-3.3788470052800150E+00,-1.7350535103158983E-03,3.2494875131104922E-03,-9.3218072550847655E-05 -49036 Pelion (1998 QM107),I41,5.8019000000000000E+04,3.7952989678999998E+01,4.6870449289999998E+00,1.6730226927271186E+01,1.1905175206585000E+01,-3.3789448849326624E+00,-1.7355950868642740E-03,3.2490998960219408E-03,-9.3106949605796705E-05 -49036 Pelion (1998 QM107),I41,5.8020000000000000E+04,3.7926530530000001E+01,4.6730984830000004E+00,1.6728478720462697E+01,1.1908440515630867E+01,-3.3790427210236449E+00,-1.7361365061733208E-03,3.2487122475894793E-03,-9.2995833212211479E-05 -49036 Pelion (1998 QM107),I41,5.8021000000000000E+04,3.7899538825999997E+01,4.6590892740000003E+00,1.6726730298625721E+01,1.1911705043013940E+01,-3.3791405116829867E+00,-1.7366777743104108E-03,3.2483245707539323E-03,-9.2884722638503290E-05 -49036 Pelion (1998 QM107),I41,5.8022000000000000E+04,3.7872026097000003E+01,4.6450229509999996E+00,1.6724981663468089E+01,1.1914968786117987E+01,-3.3792382551292470E+00,-1.7372188971690561E-03,3.2479368674174693E-03,-9.2773617257313473E-05 -49036 Pelion (1998 QM107),I41,5.8023000000000000E+04,3.7844004021000003E+01,4.6309051659999998E+00,1.6723232816242223E+01,1.1918231742817930E+01,-3.3793359496452249E+00,-1.7377598803096461E-03,3.2475491385899006E-03,-9.2662516544304727E-05 -49036 Pelion (1998 QM107),I41,5.8024000000000000E+04,3.7815484411000000E+01,4.6167415749999998E+00,1.6721483757873241E+01,1.1921493911321555E+01,-3.3794335935519650E+00,-1.7383007288501321E-03,3.2471613845549800E-03,-9.2551420074357462E-05 -49036 Pelion (1998 QM107),I41,5.8025000000000000E+04,3.7786479200999999E+01,4.6025378320000003E+00,1.6719734488964605E+01,1.1924755290171577E+01,-3.3795311851889549E+00,-1.7388414474032914E-03,3.2467736050384791E-03,-9.2440327516136827E-05 -49036 Pelion (1998 QM107),I41,5.8026000000000000E+04,3.7757000433999998E+01,4.5882995839999996E+00,1.6717985009704638E+01,1.1928015878376797E+01,-3.3796287229065940E+00,-1.7393820400597503E-03,3.2463857993490896E-03,-9.2329238617360927E-05 -49036 Pelion (1998 QM107),I41,5.8027000000000000E+04,3.7727060242000000E+01,4.5740324650000002E+00,1.6716235319708808E+01,1.1931275675625564E+01,-3.3797262050749288E+00,-1.7399225103931731E-03,3.2459979665216878E-03,-9.2218153198436417E-05 -49036 Pelion (1998 QM107),I41,5.8028000000000000E+04,3.7696670816000001E+01,4.5597420900000003E+00,1.6714485417847769E+01,1.1934534682515331E+01,-3.3798236301111708E+00,-1.7404628614944204E-03,3.2456101054182309E-03,-9.2107071136977728E-05 -49036 Pelion (1998 QM107),I41,5.8029000000000000E+04,3.7665844383000000E+01,4.5454340430000002E+00,1.6712735302131939E+01,1.1937792900703036E+01,-3.3799209965253461E+00,-1.7410030960141878E-03,3.2452222148149096E-03,-9.1995992356733478E-05 -5145 Pholus (1992 AD),500,5.7970000000000000E+04,2.6638321210999999E+02,-9.5568692360000007E+00,-9.7611748163226597E-01,-2.6663686697435555E+01,6.3966752861234673E+00,2.1173133960235603E-03,-1.5234388177076102E-03,-5.0488161873855724E-04 -5145 Pholus (1992 AD),500,5.7971000000000000E+04,2.6636279349400002E+02,-9.5644766610000005E+00,-9.7403220971079230E-01,-2.6665206713161862E+01,6.3961775612272209E+00,2.1173341582107902E-03,-1.5230510244650594E-03,-5.0497359735470165E-04 -5145 Pholus (1992 AD),500,5.7972000000000000E+04,2.6634284808100000E+02,-9.5721863860000003E+00,-9.7194741234547477E-01,-2.6666726305431656E+01,6.3956796121842778E+00,2.1173548836961546E-03,-1.5226632913789510E-03,-5.0506555632149253E-04 -5145 Pholus (1992 AD),500,5.7973000000000000E+04,2.6632338217300003E+02,-9.5799965789999995E+00,-9.6986308498421225E-01,-2.6668245474764234E+01,6.3951814387793098E+00,2.1173755733393928E-03,-1.5222756182414494E-03,-5.0515749569291152E-04 -5145 Pholus (1992 AD),500,5.7974000000000000E+04,2.6630440197899998E+02,-9.5879054069999992E+00,-9.6777922525628346E-01,-2.6669764221559980E+01,6.3946830408879469E+00,2.1173962279571381E-03,-1.5218880048294397E-03,-5.0524941551995746E-04 -5145 Pholus (1992 AD),500,5.7975000000000000E+04,2.6628591364900001E+02,-9.5959110370000005E+00,-9.6569583310435902E-01,-2.6671282546111094E+01,6.3941844183774759E+00,2.1174168483215558E-03,-1.5215004509096606E-03,-5.0534131585090053E-04 -5145 Pholus (1992 AD),500,5.7976000000000000E+04,2.6626792330400002E+02,-9.6040116379999994E+00,-9.6361291067179666E-01,-2.6672800448634980E+01,6.3936855709840286E+00,2.1174374351591481E-03,-1.5211129562438704E-03,-5.0543319673159684E-04 -5145 Pholus (1992 AD),500,5.7977000000000000E+04,2.6625043706500003E+02,-9.6122053720000000E+00,-9.6153046193521907E-01,-2.6674317929327081E+01,6.3931864981820938E+00,2.1174579891496594E-03,-1.5207255205946409E-03,-5.0552505820589729E-04 -5145 Pholus (1992 AD),500,5.7978000000000000E+04,2.6623346107800000E+02,-9.6204903989999995E+00,-9.5944849211518635E-01,-2.6675834988427745E+01,6.3926871990606573E+00,2.1174785109253115E-03,-1.5203381437315800E-03,-5.0561690031606006E-04 -5145 Pholus (1992 AD),500,5.7979000000000000E+04,2.6621700151900001E+02,-9.6288648640000005E+00,-9.5736700690884524E-01,-2.6677351626299288E+01,6.3921876722142983E+00,2.1174990010702673E-03,-1.5199508254381301E-03,-5.0570872310330695E-04 -5145 Pholus (1992 AD),500,5.7980000000000000E+04,2.6620106460199997E+02,-9.6373268959999994E+00,-9.5528601156637138E-01,-2.6678867843510336E+01,6.3916879156532920E+00,2.1175194601205666E-03,-1.5195635655191400E-03,-5.0580052660841371E-04 -5145 Pholus (1992 AD),500,5.7981000000000000E+04,2.6618565656099997E+02,-9.6458745920000002E+00,-9.5320550979771923E-01,-2.6680383640927641E+01,6.3911879267379819E+00,2.1175398885646297E-03,-1.5191763638091101E-03,-5.0589231087245460E-04 -5145 Pholus (1992 AD),500,5.7982000000000000E+04,2.6617078361900002E+02,-9.6545060130000007E+00,-9.5112550250152816E-01,-2.6681899019812032E+01,6.3906877021537536E+00,2.1175602868444294E-03,-1.5187892201813692E-03,-5.0598407593767012E-04 -5145 Pholus (1992 AD),500,5.7983000000000000E+04,2.6615645194100000E+02,-9.6632191699999996E+00,-9.4904598639386351E-01,-2.6683413981905503E+01,6.3901872379574458E+00,2.1175806553576692E-03,-1.5184021345582398E-03,-5.0607582184845565E-04 -5145 Pholus (1992 AD),500,5.7984000000000000E+04,2.6614266757000001E+02,-9.6720120150000000E+00,-9.4696695278014953E-01,-2.6684928529484107E+01,6.3896865297313976E+00,2.1176009944610984E-03,-1.5180151069218006E-03,-5.0616754865269648E-04 -5145 Pholus (1992 AD),500,5.7985000000000000E+04,2.6612943634099997E+02,-9.6808824379999994E+00,-9.4488838687294840E-01,-2.6686442665344266E+01,6.3891855728617486E+00,2.1176213044753695E-03,-1.5176281373265495E-03,-5.0625925640300040E-04 -5145 Pholus (1992 AD),500,5.7986000000000000E+04,2.6611676380300003E+02,-9.6898282590000004E+00,-9.4281026805862134E-01,-2.6687956392701096E+01,6.3886843629092889E+00,2.1176415856918127E-03,-1.5172412259122203E-03,-5.0635094515850097E-04 -5145 Pholus (1992 AD),500,5.7987000000000000E+04,2.6610465514399999E+02,-9.6988472370000007E+00,-9.4073257125321808E-01,-2.6689469715008514E+01,6.3881828959863673E+00,2.1176618383813555E-03,-1.5168543729183002E-03,-5.0644261498677848E-04 -5145 Pholus (1992 AD),500,5.7988000000000000E+04,2.6609311515000002E+02,-9.7079370720000000E+00,-9.3865526905041985E-01,-2.6690982635746607E+01,6.3876811690314002E+00,2.1176820628069012E-03,-1.5164675786986919E-03,-5.0653426596616587E-04 -5145 Pholus (1992 AD),500,5.7989000000000000E+04,2.6608214818699997E+02,-9.7170954270000003E+00,-9.3657833402619850E-01,-2.6692495158236753E+01,6.3871791799081024E+00,2.1177022592384718E-03,-1.5160808437377701E-03,-5.0662589818837222E-04 -5145 Pholus (1992 AD),500,5.7990000000000000E+04,2.6607175821800001E+02,-9.7263199300000007E+00,-9.3450174055365820E-01,-2.6694007285530702E+01,6.3866769273289492E+00,2.1177224279731047E-03,-1.5156941686659802E-03,-5.0671751176156971E-04 -5145 Pholus (1992 AD),500,5.7991000000000000E+04,2.6606194883600000E+02,-9.7356081949999993E+00,-9.3242546578070529E-01,-2.6695519020383099E+01,6.3861744106653600E+00,2.1177425693598255E-03,-1.5153075542751419E-03,-5.0680910681385940E-04 -5145 Pholus (1992 AD),500,5.7992000000000000E+04,2.6605272330899999E+02,-9.7449578240000001E+00,-9.3034948979529108E-01,-2.6697030365287606E+01,6.3856716297269811E+00,2.1177626838303531E-03,-1.5149210015322507E-03,-5.0690068349719094E-04 -5145 Pholus (1992 AD),500,5.7993000000000000E+04,2.6604408461899999E+02,-9.7543664170000000E+00,-9.2827379524333709E-01,-2.6698541322543750E+01,6.3851685845740125E+00,2.1177827719364942E-03,-1.5145345115906515E-03,-5.0699224199167697E-04 -5145 Pholus (1992 AD),500,5.7994000000000000E+04,2.6603603549399998E+02,-9.7638315739999992E+00,-9.2619836671536615E-01,-2.6700051894325291E+01,6.3846652753927415E+00,2.1178028343949926E-03,-1.5141480857969892E-03,-5.0708378251022499E-04 -5145 Pholus (1992 AD),500,5.7995000000000000E+04,2.6602857843499999E+02,-9.7733508960000002E+00,-9.2412319014905142E-01,-2.6701562082732782E+01,6.3841617024367103E+00,2.1178228721404433E-03,-1.5137617256911519E-03,-5.0717530530335520E-04 -5145 Pholus (1992 AD),500,5.7996000000000000E+04,2.6602171572700001E+02,-9.7829219869999999E+00,-9.2204825239689747E-01,-2.6703071889822194E+01,6.3836578660209007E+00,2.1178428863862639E-03,-1.5133754329969898E-03,-5.0726681066401457E-04 -5145 Pholus (1992 AD),500,5.7997000000000000E+04,2.6601544946100000E+02,-9.7925424559999996E+00,-9.1997354102813833E-01,-2.6704581317609364E+01,6.3831537665510920E+00,2.1178628786930240E-03,-1.5129892096001109E-03,-5.0735829893195955E-04 -5145 Pholus (1992 AD),500,5.7998000000000000E+04,2.6600978153500000E+02,-9.8022099170000008E+00,-9.1789904438457703E-01,-2.6706090368052443E+01,6.3826494045699729E+00,2.1178828510426107E-03,-1.5126030575091098E-03,-5.0744977049739645E-04 -5145 Pholus (1992 AD),500,5.7999000000000000E+04,2.6600471367500000E+02,-9.8119219940000004E+00,-9.1582475187510692E-01,-2.6707599043018302E+01,6.3821447808011591E+00,2.1179028059148462E-03,-1.5122169787959924E-03,-5.0754122580305163E-04 -5145 Pholus (1992 AD),500,5.8000000000000000E+04,2.6600024745399998E+02,-9.8216763220000001E+00,-9.1375065445901849E-01,-2.6709107344240412E+01,6.3816398961717047E+00,2.1179227463629232E-03,-1.5118309755109693E-03,-5.0763266534408825E-04 -5145 Pholus (1992 AD),500,5.8001000000000000E+04,2.6599638431199998E+02,-9.8314705520000008E+00,-9.1167674521780895E-01,-2.6710615273280748E+01,6.3811347517929953E+00,2.1179426760789834E-03,-1.5114450495698380E-03,-5.0772408966489734E-04 -5145 Pholus (1992 AD),500,5.8002000000000000E+04,2.6599312559900000E+02,-9.8413023519999996E+00,-9.0960301985984138E-01,-2.6712122831510023E+01,6.3806293488842059E+00,2.1179625994416666E-03,-1.5110592026080887E-03,-5.0781549935146480E-04 -5145 Pholus (1992 AD),500,5.8003000000000000E+04,2.6599047260600003E+02,-9.8511694090000006E+00,-9.0752947695991937E-01,-2.6713630020122036E+01,6.3801236886332680E+00,2.1179825215315914E-03,-1.5106734358174799E-03,-5.0790689501939684E-04 -5145 Pholus (1992 AD),500,5.8004000000000000E+04,2.6598842660899999E+02,-9.8610694320000007E+00,-9.0545611775032631E-01,-2.6715136840191860E+01,6.3796177720091984E+00,2.1180024481139712E-03,-1.5102877497359078E-03,-5.0799827729511727E-04 -5145 Pholus (1992 AD),500,5.8005000000000000E+04,2.6598698889700000E+02,-9.8710001429999998E+00,-9.0338294537411667E-01,-2.6716643292776133E+01,6.3791115995598382E+00,2.1180223855486961E-03,-1.5099021440527598E-03,-5.0808964679167369E-04 -5145 Pholus (1992 AD),500,5.8006000000000000E+04,2.6598616079700003E+02,-9.8809592730000002E+00,-9.0130996366728922E-01,-2.6718149379039570E+01,6.3786051712405554E+00,2.1180423406491440E-03,-1.5095166174034225E-03,-5.0818100407894781E-04 -5145 Pholus (1992 AD),500,5.8007000000000000E+04,2.6598594366700002E+02,-9.8909445540000007E+00,-8.9923717568385397E-01,-2.6719655100383090E+01,6.3780984863135606E+00,2.1180623204702133E-03,-1.5091311671889505E-03,-5.0827234964944941E-04 -5145 Pholus (1992 AD),500,5.8008000000000000E+04,2.6598633888400002E+02,-9.9009537069999993E+00,-8.9716458223881479E-01,-2.6721160458548979E+01,6.3775915433364281E+00,2.1180823320270398E-03,-1.5087457894528110E-03,-5.0836368388238557E-04 -5145 Pholus (1992 AD),500,5.8009000000000000E+04,2.6598734779799997E+02,-9.9109844329999994E+00,-8.9509218069127061E-01,-2.6722665455688592E+01,6.3770843402337247E+00,2.1181023819621067E-03,-1.5083604788396904E-03,-5.0845500700974207E-04 -5145 Pholus (1992 AD),500,5.8010000000000000E+04,2.6598897168600001E+02,-9.9210344050000003E+00,-8.9301996407731976E-01,-2.6724170094389553E+01,6.3765768744315672E+00,2.1181224761898389E-03,-1.5079752286534902E-03,-5.0854631908835038E-04 -5145 Pholus (1992 AD),500,5.8011000000000000E+04,2.6599121169000000E+02,-9.9311012559999998E+00,-8.9094792061136674E-01,-2.6725674377665655E+01,6.3760691430351075E+00,2.1181426195543262E-03,-1.5075900310219104E-03,-5.0863761998183436E-04 -5145 Pholus (1992 AD),500,5.8012000000000000E+04,2.6599406875000000E+02,-9.9411825819999997E+00,-8.8887603355780886E-01,-2.6727178308912336E+01,6.3755611430371708E+00,2.1181628155377422E-03,-1.5072048771633192E-03,-5.0872890935569931E-04 -5145 Pholus (1992 AD),500,5.8013000000000000E+04,2.6599754354599997E+02,-9.9512759339999999E+00,-8.8680428151093549E-01,-2.6728681891827044E+01,6.3750528715497206E+00,2.1181830660537229E-03,-1.5068197577393708E-03,-5.0882018668705622E-04 -5145 Pholus (1992 AD),500,5.8014000000000000E+04,2.6600163643600001E+02,-9.9613788230000004E+00,-8.8473263914272482E-01,-2.6730185130294579E+01,6.3745443260421837E+00,2.1182033713523906E-03,-1.5064346632614606E-03,-5.0891145128905628E-04 -5145 Pholus (1992 AD),500,5.8015000000000000E+04,2.6600634742000000E+02,-9.9714887230000002E+00,-8.8266107842104891E-01,-2.6731688028244857E+01,6.3740355045554855E+00,2.1182237300508833E-03,-1.5060495845035174E-03,-5.0900270234733192E-04 -5145 Pholus (1992 AD),500,5.8016000000000000E+04,2.6601167610900001E+02,-9.9816030849999997E+00,-8.8058957016137196E-01,-2.6733190589503483E+01,6.3735264058504493E+00,2.1182441392858268E-03,-1.5056645128551302E-03,-5.0909393896276991E-04 -5145 Pholus (1992 AD),500,5.8017000000000000E+04,2.6601762173200001E+02,-9.9917193399999995E+00,-8.7851808563066802E-01,-2.6734692817662900E+01,6.3730170294574995E+00,2.1182645949421423E-03,-1.5052794406320291E-03,-5.0918516019776477E-04 -5145 Pholus (1992 AD),500,5.8018000000000000E+04,2.6602418314599998E+02,-1.0001834914000000E+01,-8.7644659787194112E-01,-2.6736194716000025E+01,6.3725073756210060E+00,2.1182850919560115E-03,-1.5048943612734587E-03,-5.0927636512007276E-04 -5145 Pholus (1992 AD),500,5.8019000000000000E+04,2.6603135887299999E+02,-1.0011947236999999E+01,-8.7437508251024187E-01,-2.6737696287450358E+01,6.3719974451637560E+00,2.1183056246327453E-03,-1.5045092694448703E-03,-5.0936755284026623E-04 -5145 Pholus (1992 AD),500,5.8020000000000000E+04,2.6603914713799998E+02,-1.0022053748999999E+01,-8.7230351798107408E-01,-2.6739197534632105E+01,6.3714872393166022E+00,2.1183261869523657E-03,-1.5041241610455787E-03,-5.0945872254032354E-04 -5145 Pholus (1992 AD),500,5.8021000000000000E+04,2.6604754590499999E+02,-1.0032151909000000E+01,-8.7023188529446505E-01,-2.6740698459900926E+01,6.3709767595586602E+00,2.1183467728453031E-03,-1.5037390331430998E-03,-5.0954987349347881E-04 -5145 Pholus (1992 AD),500,5.8022000000000000E+04,2.6605655291500000E+02,-1.0042239194000000E+01,-8.6816016753820890E-01,-2.6742199065413107E+01,6.3704660074985897E+00,2.1183673764128340E-03,-1.5033538838501691E-03,-5.0964100507433995E-04 -5145 Pholus (1992 AD),500,5.8023000000000000E+04,2.6606616570699998E+02,-1.0052313104000000E+01,-8.6608834932495693E-01,-2.6743699353179977E+01,6.3699549848085564E+00,2.1183879920905332E-03,-1.5029687121703092E-03,-5.0973211676113173E-04 -5145 Pholus (1992 AD),500,5.8024000000000000E+04,2.6607638163600001E+02,-1.0062371161000000E+01,-8.6401641633992932E-01,-2.6745199325102941E+01,6.3694436932079546E+00,2.1184086147574104E-03,-1.5025835178313698E-03,-5.0982320813221628E-04 -5145 Pholus (1992 AD),500,5.8025000000000000E+04,2.6608719789200001E+02,-1.0072410912000000E+01,-8.6194435508648426E-01,-2.6746698982985432E+01,6.3689321344856547E+00,2.1184292397965813E-03,-1.5021983011227098E-03,-5.0991427885804406E-04 -5145 Pholus (1992 AD),500,5.8026000000000000E+04,2.6609861150900002E+02,-1.0082429927000000E+01,-8.5987215288134033E-01,-2.6748198328521713E+01,6.3684203105459662E+00,2.1184498631160011E-03,-1.5018130627445711E-03,-5.1000532869082673E-04 -5145 Pholus (1992 AD),500,5.8027000000000000E+04,2.6611061937800002E+02,-1.0092425808000000E+01,-8.5779979811699181E-01,-2.6749697363265874E+01,6.3679082234608142E+00,2.1184704811385382E-03,-1.5014278036771592E-03,-5.1009635745282258E-04 -5145 Pholus (1992 AD),500,5.8028000000000000E+04,2.6612321826499999E+02,-1.0102396182000000E+01,-8.5572728077325255E-01,-2.6751196088587953E+01,6.3673958755071345E+00,2.1184910907711099E-03,-1.5010425250712896E-03,-5.1018736502449116E-04 -5145 Pholus (1992 AD),500,5.8029000000000000E+04,2.6613640484199999E+02,-1.0112338713000000E+01,-8.5365459310367953E-01,-2.6752694505627904E+01,6.3668832691640986E+00,2.1185116893614776E-03,-1.5006572281615789E-03,-5.1027835133331636E-04 -5145 Pholus (1992 AD),703,5.7970000000000000E+04,2.6638328215600001E+02,-9.5569230780000005E+00,-9.7610197138102084E-01,-2.6663686350430183E+01,6.3966807146969851E+00,2.1173133960245300E-03,-1.5234388176810516E-03,-5.0488161874493180E-04 -5145 Pholus (1992 AD),703,5.7971000000000000E+04,2.6636286288500003E+02,-9.5645306790000006E+00,-9.7401614355663990E-01,-2.6665206414128111E+01,6.3961829668397492E+00,2.1173341582106098E-03,-1.5230510244377705E-03,-5.0497359736115623E-04 -5145 Pholus (1992 AD),703,5.7972000000000000E+04,2.6634291679699999E+02,-9.5722405780000006E+00,-9.7193079484023293E-01,-2.6666726054722314E+01,6.3956849932789632E+00,2.1173548836966177E-03,-1.5226632913502187E-03,-5.0506555632833655E-04 -5145 Pholus (1992 AD),703,5.7973000000000000E+04,2.6632345019200000E+02,-9.5800509429999998E+00,-9.6984592084057220E-01,-2.6668245272701128E+01,6.3951867937937008E+00,2.1173755733416497E-03,-1.5222756182107500E-03,-5.0515749570037712E-04 -5145 Pholus (1992 AD),703,5.7974000000000000E+04,2.6630446928100002E+02,-9.5879599409999994E+00,-9.6776151934629451E-01,-2.6669764068433874E+01,6.3946883682540649E+00,2.1173962279576845E-03,-1.5218880047983500E-03,-5.0524941552736202E-04 -5145 Pholus (1992 AD),703,5.7975000000000000E+04,2.6628598021400001E+02,-9.5959657400000005E+00,-9.6567759045794077E-01,-2.6671282442181543E+01,6.3941897165219634E+00,2.1174168483227285E-03,-1.5215004508771189E-03,-5.0534131585870115E-04 -5145 Pholus (1992 AD),703,5.7976000000000000E+04,2.6626798911200001E+02,-9.6040665050000005E+00,-9.6359413647511782E-01,-2.6672800394130203E+01,6.3936908383284159E+00,2.1174374351597830E-03,-1.5211129562104596E-03,-5.0543319673955099E-04 -5145 Pholus (1992 AD),703,5.7977000000000000E+04,2.6625050209699998E+02,-9.6122604020000004E+00,-9.6151116152913052E-01,-2.6674317924443759E+01,6.3931917331432730E+00,2.1174579891503464E-03,-1.5207255205600990E-03,-5.0552505821411804E-04 -5145 Pholus (1992 AD),703,5.7978000000000000E+04,2.6623352531400002E+02,-9.6205455890000007E+00,-9.5942867099375728E-01,-2.6675835033330834E+01,6.3926924000515699E+00,2.1174785109254832E-03,-1.5203381436962211E-03,-5.0561690032441622E-04 -5145 Pholus (1992 AD),703,5.7979000000000000E+04,2.6621706494199998E+02,-9.6289202130000007E+00,-9.5734667071785906E-01,-2.6677351721121742E+01,6.3921928376448234E+00,2.1174990010721460E-03,-1.5199508254007399E-03,-5.0570872311232989E-04 -5145 Pholus (1992 AD),703,5.7980000000000000E+04,2.6620112719200000E+02,-9.6373823999999999E+00,-9.5526516610179923E-01,-2.6678867988352863E+01,6.3916930439312543E+00,2.1175194601213768E-03,-1.5195635654812901E-03,-5.0580052661741931E-04 -5145 Pholus (1992 AD),703,5.7981000000000000E+04,2.6618571830000002E+02,-9.6459302489999992E+00,-9.5318416100424197E-01,-2.6680383835858446E+01,6.3911930162701678E+00,2.1175398885654902E-03,-1.5191763637701795E-03,-5.0589231088171975E-04 -5145 Pholus (1992 AD),703,5.7982000000000000E+04,2.6617084448899999E+02,-9.6545618199999996E+00,-9.5110365647094419E-01,-2.6681899264866633E+01,6.3906927513468137E+00,2.1175602868453210E-03,-1.5187892201414012E-03,-5.0598407594718464E-04 -5145 Pholus (1992 AD),703,5.7983000000000000E+04,2.6615651192500002E+02,-9.6632751240000001E+00,-9.4902364936341754E-01,-2.6683414277086687E+01,6.3901922452184570E+00,2.1175806553591341E-03,-1.5184021345168597E-03,-5.0607582185837132E-04 -5145 Pholus (1992 AD),703,5.7984000000000000E+04,2.6614272665099998E+02,-9.6720681150000001E+00,-9.4694413113093501E-01,-2.6684928874762058E+01,6.3896914934680868E+00,2.1176009944631194E-03,-1.5180151068790206E-03,-5.0616754866301223E-04 -5145 Pholus (1992 AD),703,5.7985000000000000E+04,2.6612949450100001E+02,-9.6809386790000005E+00,-9.4486508712782580E-01,-2.6686443060656771E+01,6.3891904914823350E+00,2.1176213044758691E-03,-1.5176281372838423E-03,-5.0625925641308727E-04 -5145 Pholus (1992 AD),703,5.7986000000000000E+04,2.6611682102600003E+02,-9.6898846400000007E+00,-9.4278649688041583E-01,-2.6687956837953926E+01,6.3886892348222384E+00,2.1176415856928648E-03,-1.5172412258681479E-03,-5.0635094516898196E-04 -5145 Pholus (1992 AD),703,5.7987000000000000E+04,2.6610471141500000E+02,-9.6989037529999997E+00,-9.4070833544253707E-01,-2.6689470210075868E+01,6.3881877196002188E+00,2.1176618383829515E-03,-1.5168543728728608E-03,-5.0644261499765747E-04 -5145 Pholus (1992 AD),703,5.7988000000000000E+04,2.6609317045300003E+02,-9.7079937219999994E+00,-9.3863057554355522E-01,-2.6690983180471431E+01,6.3876859427549233E+00,2.1176820628090185E-03,-1.5164675786519116E-03,-5.0653426597744092E-04 -5145 Pholus (1992 AD),703,5.7989000000000000E+04,2.6608220250699998E+02,-9.7171522069999998E+00,-9.3655318989315794E-01,-2.6692495752431110E+01,6.3871839021509889E+00,2.1177022592391544E-03,-1.5160808436911997E-03,-5.0662589819936517E-04 -5145 Pholus (1992 AD),703,5.7990000000000000E+04,2.6607181153800002E+02,-9.7263768380000002E+00,-9.3447615299611542E-01,-2.6694007928976070E+01,6.3866815965028163E+00,2.1177224279752644E-03,-1.5156941686172883E-03,-5.0671751177330132E-04 -5145 Pholus (1992 AD),703,5.7991000000000000E+04,2.6606200114299997E+02,-9.7356652270000001E+00,-9.3239944212988157E-01,-2.6695519712830578E+01,6.3861790251848767E+00,2.1177425693610606E-03,-1.5153075542263493E-03,-5.0680910682545353E-04 -5145 Pholus (1992 AD),703,5.7992000000000000E+04,2.6605277458900002E+02,-9.7450149780000004E+00,-9.3032303750962875E-01,-2.6697031106458265E+01,6.3856761880110025E+00,2.1177626838320912E-03,-1.5149210014821397E-03,-5.0690068350918004E-04 -5145 Pholus (1992 AD),703,5.7993000000000000E+04,2.6604413485700002E+02,-9.7544236899999994E+00,-9.2824692190638447E-01,-2.6698542112128987E+01,6.3851730850466177E+00,2.1177827719378031E-03,-1.5145345115401016E-03,-5.0699224200369058E-04 -5145 Pholus (1992 AD),703,5.7994000000000000E+04,2.6603608467800001E+02,-9.7638889619999993E+00,-9.2617108003350168E-01,-2.6700052731987167E+01,6.3846697164841286E+00,2.1178028343972330E-03,-1.5141480857447202E-03,-5.0708378252281312E-04 -5145 Pholus (1992 AD),703,5.7995000000000000E+04,2.6602862655000001E+02,-9.7734083960000007E+00,-9.2409549794920542E-01,-2.6701562968104469E+01,6.3841660825840050E+00,2.1178228721422544E-03,-1.5137617256384597E-03,-5.0717530531595677E-04 -5145 Pholus (1992 AD),703,5.7996000000000000E+04,2.6602176276199998E+02,-9.7829795970000006E+00,-9.2202016262426134E-01,-2.6703072822508478E+01,6.3836621836689122E+00,2.1178428863872422E-03,-1.5133754329443687E-03,-5.0726681067642207E-04 -5145 Pholus (1992 AD),703,5.7997000000000000E+04,2.6601549540200000E+02,-9.7926001710000001E+00,-9.1994506174387658E-01,-2.6704582297187052E+01,6.3831580201530054E+00,2.1178628786944599E-03,-1.5129892095462616E-03,-5.0735829894474783E-04 -5145 Pholus (1992 AD),703,5.7998000000000000E+04,2.6600982637099997E+02,-9.8022677349999991E+00,-9.1787018376339757E-01,-2.6706091394070992E+01,6.3826535925879639E+00,2.1178828510440813E-03,-1.5126030574544799E-03,-5.0744977051036925E-04 -5145 Pholus (1992 AD),703,5.7999000000000000E+04,2.6600475739500001E+02,-9.8119799120000000E+00,-9.1579551820285632E-01,-2.6707600115000336E+01,6.3821489017069837E+00,2.1179028059167531E-03,-1.5122169787401309E-03,-5.0754122581640521E-04 -5145 Pholus (1992 AD),703,5.8000000000000000E+04,2.6600029004499999E+02,-9.8217343360000005E+00,-9.1372105613026855E-01,-2.6709108461682341E+01,6.3816439484472252E+00,2.1179227463644541E-03,-1.5118309754548372E-03,-5.0763266535741396E-04 -5145 Pholus (1992 AD),703,5.8001000000000000E+04,2.6599642576600002E+02,-9.8315286589999999E+00,-9.1164679073338173E-01,-2.6710616435653382E+01,6.3811387339306220E+00,2.1179426760805421E-03,-1.5114450495129807E-03,-5.0772408967839034E-04 -5145 Pholus (1992 AD),703,5.8002000000000000E+04,2.6599316590400002E+02,-9.8413605480000008E+00,-9.0957271782424731E-01,-2.6712124038259205E+01,6.3806332593872890E+00,2.1179625994436342E-03,-1.5110592025500483E-03,-5.0781549936533337E-04 -5145 Pholus (1992 AD),703,5.8003000000000000E+04,2.6599051175199997E+02,-9.8512276910000001E+00,-9.0749883607881299E-01,-2.6713631270669318E+01,6.3801275260164685E+00,2.1179825215335750E-03,-1.5106734357587699E-03,-5.0790689503342446E-04 -5145 Pholus (1992 AD),703,5.8004000000000000E+04,2.6598846458600002E+02,-9.8611277970000000E+00,-9.0542514682784048E-01,-2.6715138133935127E+01,6.3796215347989405E+00,2.1180024481156135E-03,-1.5102877496770209E-03,-5.0799827730908841E-04 -5145 Pholus (1992 AD),703,5.8005000000000000E+04,2.6598702569599999E+02,-9.8710585870000003E+00,-9.0335165331047396E-01,-2.6716644629090133E+01,6.3791152862950575E+00,2.1180223855507157E-03,-1.5099021439927418E-03,-5.0808964680601107E-04 -5145 Pholus (1992 AD),703,5.8006000000000000E+04,2.6598619640900000E+02,-9.8810177929999998E+00,-9.0127835945632961E-01,-2.6718150757276387E+01,6.3786087804737228E+00,2.1180423406508353E-03,-1.5095166173432796E-03,-5.0818100409321125E-04 -5145 Pholus (1992 AD),703,5.8007000000000000E+04,2.6598597808500000E+02,-9.8910031459999992E+00,-8.9920526841047388E-01,-2.6719656519872622E+01,6.3781020166119085E+00,2.1180623204725990E-03,-1.5091311671271805E-03,-5.0827234966429778E-04 -5145 Pholus (1992 AD),703,5.8008000000000000E+04,2.6598637209800000E+02,-9.9010123680000000E+00,-8.9713238107653615E-01,-2.6721161918599265E+01,6.3775949932833607E+00,2.1180823320291042E-03,-1.5087457893909889E-03,-5.0836368389714872E-04 -5145 Pholus (1992 AD),703,5.8009000000000000E+04,2.6598737980099997E+02,-9.9110431600000002E+00,-8.9505969489978876E-01,-2.6722666955586366E+01,6.3770877084301265E+00,2.1181023819635573E-03,-1.5083604787783506E-03,-5.0845500702417898E-04 -5145 Pholus (1992 AD),703,5.8010000000000000E+04,2.6598900247099999E+02,-9.9210931939999991E+00,-8.9298720300006917E-01,-2.6724171633400729E+01,6.3765801594969789E+00,2.1181224761922350E-03,-1.5079752285900375E-03,-5.0854631910359882E-04 -5145 Pholus (1992 AD),703,5.8011000000000000E+04,2.6599124124999997E+02,-9.9311601039999999E+00,-8.9091489367290344E-01,-2.6725675955036056E+01,6.3760723436085707E+00,2.1181426195561368E-03,-1.5075900309590197E-03,-5.0863761999674322E-04 -5145 Pholus (1992 AD),703,5.8012000000000000E+04,2.6599409707900003E+02,-9.9412414850000008E+00,-8.8884275026110526E-01,-2.6727179923868462E+01,6.3755642577776888E+00,2.1181628155395710E-03,-1.5072048770999394E-03,-5.0872890937071996E-04 -5145 Pholus (1992 AD),703,5.8013000000000000E+04,2.6599757063800001E+02,-9.9513348879999999E+00,-8.8677075143468476E-01,-2.6728683543577077E+01,6.3750558991365063E+00,2.1181830660555725E-03,-1.5068197576755191E-03,-5.0882018670218474E-04 -5145 Pholus (1992 AD),703,5.8014000000000000E+04,2.6600166228500001E+02,-9.9614378250000009E+00,-8.8469887193861796E-01,-2.6730186818029374E+01,6.3745472651747637E+00,2.1182033713545243E-03,-1.5064346631966097E-03,-5.0891145130452632E-04 -5145 Pholus (1992 AD),703,5.8015000000000000E+04,2.6600637202000001E+02,-9.9715477700000008E+00,-8.8262708381091404E-01,-2.6731689751139022E+01,6.3740383539538508E+00,2.1182237300530265E-03,-1.5060495844382397E-03,-5.0900270236290247E-04 -5145 Pholus (1992 AD),703,5.8016000000000000E+04,2.6601169945599997E+02,-9.9816621730000001E+00,-8.8055535793441186E-01,-2.6733192346716400E+01,6.3735291642554488E+00,2.1182441392882190E-03,-1.5056645127888811E-03,-5.0909393897867591E-04 -5145 Pholus (1992 AD),703,5.8017000000000000E+04,2.6601764382099998E+02,-9.9917784649999994E+00,-8.7848366564068092E-01,-2.6734694608339712E+01,6.3730196956315632E+00,2.1182645949445345E-03,-1.5052794405654019E-03,-5.0918516021376207E-04 -5145 Pholus (1992 AD),703,5.8018000000000000E+04,2.6602420397300000E+02,-1.0001894072000001E+01,-8.7641198003462506E-01,-2.6736196539272541E+01,6.3725099483492036E+00,2.1182850919579548E-03,-1.5048943612075982E-03,-5.0927636513566576E-04 -5145 Pholus (1992 AD),703,5.8019000000000000E+04,2.6603137843399998E+02,-1.0012006424999999E+01,-8.7434027680022908E-01,-2.6737698142437900E+01,6.3719999232549558E+00,2.1183056246344934E-03,-1.5045092693792318E-03,-5.0936755285569215E-04 -5145 Pholus (1992 AD),703,5.8020000000000000E+04,2.6603916543000003E+02,-1.0022112964000000E+01,-8.7226853442898999E-01,-2.6739199420442400E+01,6.3714896216046997E+00,2.1183261869545419E-03,-1.5041241609785004E-03,-5.0945872255631476E-04 -5145 Pholus (1992 AD),703,5.8021000000000000E+04,2.6604756292600001E+02,-1.0032211147000000E+01,-8.7019673398403796E-01,-2.6740700375630926E+01,6.3709790449037094E+00,2.1183467728476714E-03,-1.5037390330751611E-03,-5.0954987350978489E-04 -5145 Pholus (1992 AD),703,5.8022000000000000E+04,2.6605656866099997E+02,-1.0042298451000001E+01,-8.6812485860332100E-01,-2.6742201010149873E+01,6.3704681947878532E+00,2.1183673764148363E-03,-1.5033538837830908E-03,-5.0964100509021115E-04 -5145 Pholus (1992 AD),703,5.8023000000000000E+04,2.6606618017599999E+02,-1.0052372375999999E+01,-8.6605289294668886E-01,-2.6743701326001503E+01,6.3699570729574866E+00,2.1183879920927181E-03,-1.5029687121024121E-03,-5.0973211677730651E-04 -5145 Pholus (1992 AD),703,5.8024000000000000E+04,2.6607639482600001E+02,-1.0062430445000000E+01,-8.6398082274353771E-01,-2.6745201325079069E+01,6.3694456811609932E+00,2.1184086147594378E-03,-1.5025835177638405E-03,-5.0982320814819319E-04 -5145 Pholus (1992 AD),703,5.8025000000000000E+04,2.6608720980200002E+02,-1.0072470204000000E+01,-8.6190863453844146E-01,-2.6746701009178761E+01,6.3689340212170347E+00,2.1184292397989158E-03,-1.5021983010537789E-03,-5.0991427887457186E-04 -5145 Pholus (1992 AD),703,5.8026000000000000E+04,2.6609862213800000E+02,-1.0082489225000000E+01,-8.5983631568626162E-01,-2.6748200379988464E+01,6.3684220950603665E+00,2.1184498631181899E-03,-1.5018130626760599E-03,-5.1000532870714419E-04 -5145 Pholus (1992 AD),703,5.8027000000000000E+04,2.6611062872500003E+02,-1.0092485106000000E+01,-8.5776385461467319E-01,-2.6749699439056819E+01,6.3679099047939909E+00,2.1184704811406030E-03,-1.5014278036090782E-03,-5.1009635746892352E-04 -5145 Pholus (1992 AD),703,5.8028000000000000E+04,2.6612322633000002E+02,-1.0102455476999999E+01,-8.5569124133572660E-01,-2.6751198187749349E+01,6.3673974527264905E+00,2.1184910907734097E-03,-1.5010425250018798E-03,-5.1018736504113073E-04 -5145 Pholus (1992 AD),703,5.8029000000000000E+04,2.6613641162400000E+02,-1.0112398002000001E+01,-8.5361846813215103E-01,-2.6752696627202340E+01,6.3668847413691614E+00,2.1185116893635619E-03,-1.5006572280932481E-03,-5.1027835134947075E-04 -5145 Pholus (1992 AD),F51,5.7970000000000000E+04,2.6638329398299999E+02,-9.5568963789999994E+00,-9.7613024648791247E-01,-2.6663684489784004E+01,6.3966809037223760E+00,2.1173133960223200E-03,-1.5234388177416402E-03,-5.0488161873038972E-04 -5145 Pholus (1992 AD),F51,5.7971000000000000E+04,2.6636287581400001E+02,-9.5645040239999997E+00,-9.7404433601393925E-01,-2.6665204529055860E+01,6.3961832351015566E+00,2.1173341582082662E-03,-1.5230510244971501E-03,-5.0497359734709380E-04 -5145 Pholus (1992 AD),F51,5.7972000000000000E+04,2.6634293082200003E+02,-9.5722139689999999E+00,-9.7195889613407371E-01,-2.6666724146044210E+01,6.3956853410000685E+00,2.1173548836943539E-03,-1.5226632914098499E-03,-5.0506555631412320E-04 -5145 Pholus (1992 AD),F51,5.7973000000000000E+04,2.6632346530799998E+02,-9.5800243829999996E+00,-9.6987392248403581E-01,-2.6668243341250708E+01,6.3951872211778884E+00,2.1173755733396721E-03,-1.5222756182715711E-03,-5.0515749568560118E-04 -5145 Pholus (1992 AD),F51,5.7974000000000000E+04,2.6630448548099997E+02,-9.5879334340000000E+00,-9.6778941288193721E-01,-2.6669762115057267E+01,6.3946888754858220E+00,2.1173962279554329E-03,-1.5218880048574294E-03,-5.0524941551328625E-04 -5145 Pholus (1992 AD),F51,5.7975000000000000E+04,2.6628599749099999E+02,-9.5959392880000003E+00,-9.6570536746032987E-01,-2.6671280467736775E+01,6.3941903037663783E+00,2.1174168483205896E-03,-1.5215004509363909E-03,-5.0534131584448845E-04 -5145 Pholus (1992 AD),F51,5.7976000000000000E+04,2.6626800745999998E+02,-9.6040401119999999E+00,-9.6362178855333191E-01,-2.6672798399486453E+01,6.3936915057311472E+00,2.1174374351575365E-03,-1.5211129562689302E-03,-5.0543319672562387E-04 -5145 Pholus (1992 AD),F51,5.7977000000000000E+04,2.6625052150800002E+02,-9.6122340709999996E+00,-9.6153868032919743E-01,-2.6674315910480601E+01,6.3931924808305434E+00,2.1174579891481155E-03,-1.5207255206182296E-03,-5.0552505820027516E-04 -5145 Pholus (1992 AD),F51,5.7978000000000000E+04,2.6623354577999999E+02,-9.6205193240000000E+00,-9.5945604820108266E-01,-2.6675833000937558E+01,6.3926932281300761E+00,2.1174785109231205E-03,-1.5203381437535086E-03,-5.0561690031086359E-04 -5145 Pholus (1992 AD),F51,5.7979000000000000E+04,2.6621708645500001E+02,-9.6288940160000003E+00,-9.5737389805963546E-01,-2.6677349671196673E+01,6.3921937462015164E+00,2.1174990010702169E-03,-1.5199508254590700E-03,-5.0570872309825630E-04 -5145 Pholus (1992 AD),F51,5.7980000000000000E+04,2.6620114974500001E+02,-9.6373562740000001E+00,-9.5529223534942831E-01,-2.6678865921802668E+01,6.3916940330328949E+00,2.1175194601191754E-03,-1.5195635655382792E-03,-5.0580052660385139E-04 -5145 Pholus (1992 AD),F51,5.7981000000000000E+04,2.6618574188200000E+02,-9.6459041980000002E+00,-9.5321106397568589E-01,-2.6680381753597619E+01,6.3911940859626970E+00,2.1175398885632975E-03,-1.5191763638267713E-03,-5.0589231086824713E-04 -5145 Pholus (1992 AD),F51,5.7982000000000000E+04,2.6617086909300002E+02,-9.6545358470000000E+00,-9.5113038503306535E-01,-2.6681897167816867E+01,6.3906939016545046E+00,2.1175602868431422E-03,-1.5187892201975490E-03,-5.0598407593381990E-04 -5145 Pholus (1992 AD),F51,5.7983000000000000E+04,2.6615653754099998E+02,-9.6632492310000000E+00,-9.4905019543423874E-01,-2.6683412166176339E+01,6.3901934761430104E+00,2.1175806553571435E-03,-1.5184021345730301E-03,-5.0607582184491421E-04 -5145 Pholus (1992 AD),F51,5.7984000000000000E+04,2.6614275326900002E+02,-9.6720423049999997E+00,-9.4697048668199524E-01,-2.6684926750925445E+01,6.3896928049877344E+00,2.1176009944613387E-03,-1.5180151069351892E-03,-5.0616754864947098E-04 -5145 Pholus (1992 AD),F51,5.7985000000000000E+04,2.6612952211300001E+02,-9.6809129570000003E+00,-9.4489124418637116E-01,-2.6686440924833491E+01,6.3891918835512511E+00,2.1176213044735237E-03,-1.5176281373381496E-03,-5.0625925640025704E-04 -5145 Pholus (1992 AD),F51,5.7986000000000000E+04,2.6611684961999998E+02,-9.6898590070000008E+00,-9.4281244753169391E-01,-2.6687954691088024E+01,6.3886907073702197E+00,2.1176415856907337E-03,-1.5172412259224118E-03,-5.0635094515607464E-04 -5145 Pholus (1992 AD),F51,5.7987000000000000E+04,2.6610474098100002E+02,-9.6988782130000004E+00,-9.4073407183194813E-01,-2.6689468053114759E+01,6.3881892725327569E+00,2.1176618383810493E-03,-1.5168543729270709E-03,-5.0644261498467838E-04 -5145 Pholus (1992 AD),F51,5.7988000000000000E+04,2.6609320098000001E+02,-9.7079682770000009E+00,-9.3865608987867155E-01,-2.6690981014365001E+01,6.3876875759534792E+00,2.1176820628073635E-03,-1.5164675787060176E-03,-5.0653426596440230E-04 -5145 Pholus (1992 AD),F51,5.7989000000000000E+04,2.6608223398299998E+02,-9.7171268600000005E+00,-9.3657847444590703E-01,-2.6692493578130613E+01,6.3871856154731175E+00,2.1177022592368368E-03,-1.5160808437434288E-03,-5.0662589818703334E-04 -5145 Pholus (1992 AD),F51,5.7990000000000000E+04,2.6607184395399997E+02,-9.7263515920000003E+00,-9.3450120010496829E-01,-2.6694005747433195E+01,6.3866833897821591E+00,2.1177224279736728E-03,-1.5156941686702580E-03,-5.0671751176053668E-04 -5145 Pholus (1992 AD),F51,5.7991000000000000E+04,2.6606203448600002E+02,-9.7356400850000000E+00,-9.3242424420206238E-01,-2.6695517524996564E+01,6.3861808982309247E+00,2.1177425693590041E-03,-1.5153075542778689E-03,-5.0680910681320899E-04 -5145 Pholus (1992 AD),F51,5.7992000000000000E+04,2.6605280884699999E+02,-9.7449899430000002E+00,-9.3034758702327314E-01,-2.6697028913283095E+01,6.3856781406086949E+00,2.1177626838303097E-03,-1.5149210015334980E-03,-5.0690068349689235E-04 -5145 Pholus (1992 AD),F51,5.7993000000000000E+04,2.6604417002000002E+02,-9.7543987639999994E+00,-9.2827121141280411E-01,-2.6698539914560559E+01,6.3851751169558382E+00,2.1177827719357830E-03,-1.5145345115904086E-03,-5.0699224199173432E-04 -5145 Pholus (1992 AD),F51,5.7994000000000000E+04,2.6603612073099998E+02,-9.7638641479999997E+00,-9.2619510215932044E-01,-2.6700050530970643E+01,6.3846718274392176E+00,2.1178028343957767E-03,-1.5141480857952406E-03,-5.0708378251064664E-04 -5145 Pholus (1992 AD),F51,5.7995000000000000E+04,2.6602866348200001E+02,-9.7733836969999999E+00,-9.2411924539855572E-01,-2.6701560764581465E+01,6.3841682722932669E+00,2.1178228721405535E-03,-1.5137617256879184E-03,-5.0717530530412986E-04 -5145 Pholus (1992 AD),F51,5.7996000000000000E+04,2.6602180055999997E+02,-9.7829550140000006E+00,-9.2204362818098196E-01,-2.6703070617416369E+01,6.3836644518141616E+00,2.1178428863849906E-03,-1.5133754329923303E-03,-5.0726681066511222E-04 -5145 Pholus (1992 AD),F51,5.7997000000000000E+04,2.6601553405300001E+02,-9.7925757089999994E+00,-9.1996823827359164E-01,-2.6704580091458290E+01,6.3831603663891592E+00,2.1178628786925145E-03,-1.5129892095939595E-03,-5.0735829893342051E-04 -5145 Pholus (1992 AD),F51,5.7998000000000000E+04,2.6600986586200003E+02,-9.8022433949999996E+00,-9.1789306421549322E-01,-2.6706089188632379E+01,6.3826560165426747E+00,2.1178828510421571E-03,-1.5126030575014909E-03,-5.0744977049921021E-04 -5145 Pholus (1992 AD),F51,5.7999000000000000E+04,2.6600479771200003E+02,-9.8119556970000001E+00,-9.1581809561255467E-01,-2.6707597910772318E+01,6.3821514029802939E+00,2.1179028059151576E-03,-1.5122169787868400E-03,-5.0754122580523890E-04 -5145 Pholus (1992 AD),F51,5.8000000000000000E+04,2.6600033117499999E+02,-9.8217102490000006E+00,-9.1374332362071864E-01,-2.6709106259578345E+01,6.3816465266112550E+00,2.1179227463625711E-03,-1.5118309755004292E-03,-5.0763266534659352E-04 -5145 Pholus (1992 AD),F51,5.8001000000000000E+04,2.6599646769399999E+02,-9.8315047010000001E+00,-9.1166874151774135E-01,-2.6710614236579115E+01,6.3811413885293593E+00,2.1179426760786811E-03,-1.5114450495578406E-03,-5.0772408966774435E-04 -5145 Pholus (1992 AD),F51,5.8002000000000000E+04,2.6599320861699999E+02,-9.8413367219999994E+00,-9.0959434520770266E-01,-2.6712121843111991E+01,6.3806359899365459E+00,2.1179625994421246E-03,-1.5110592025945509E-03,-5.0781549935470060E-04 -5145 Pholus (1992 AD),F51,5.8003000000000000E+04,2.6599055523599998E+02,-9.8512039999999992E+00,-9.0752013346048899E-01,-2.6713629080337348E+01,6.3801303320039899E+00,2.1179825215320962E-03,-1.5106734358024988E-03,-5.0790689502297731E-04 -5145 Pholus (1992 AD),F51,5.8004000000000000E+04,2.6598850882500000E+02,-9.8611042429999998E+00,-9.0544610770265965E-01,-2.6715135949296776E+01,6.3796244156846686E+00,2.1180024481138177E-03,-1.5102877497196014E-03,-5.0799827729898711E-04 -5145 Pholus (1992 AD),F51,5.8005000000000000E+04,2.6598707067700002E+02,-9.8710351719999991E+00,-9.0337227127112829E-01,-2.6716642451013257E+01,6.3791182415114536E+00,2.1180223855492958E-03,-1.5099021440349025E-03,-5.0808964679593840E-04 -5145 Pholus (1992 AD),F51,5.8006000000000000E+04,2.6598624211700002E+02,-9.8809945189999997E+00,-9.0129862819519979E-01,-2.6718148586617630E+01,6.3786118094259905E+00,2.1180423406490850E-03,-1.5095166173842815E-03,-5.0818100408348856E-04 -5145 Pholus (1992 AD),F51,5.8007000000000000E+04,2.6598602450400000E+02,-9.8909800160000003E+00,-8.9922518172142329E-01,-2.6719654357476813E+01,6.3781051186781337E+00,2.1180623204716102E-03,-1.5091311671680992E-03,-5.0827234965446211E-04 -5145 Pholus (1992 AD),F51,5.8008000000000000E+04,2.6598641921400002E+02,-9.9009893840000007E+00,-8.9715193285677874E-01,-2.6721159765298843E+01,6.3775981678143001E+00,2.1180823320277775E-03,-1.5087457894307002E-03,-5.0836368388766607E-04 -5145 Pholus (1992 AD),F51,5.8009000000000000E+04,2.6598742759900000E+02,-9.9110203230000007E+00,-8.9507887915160311E-01,-2.6722664812200904E+01,6.3770909547488310E+00,2.1181023819614995E-03,-1.5083604788165492E-03,-5.0845500701519289E-04 -5145 Pholus (1992 AD),F51,5.8010000000000000E+04,2.6598905093500002E+02,-9.9210705069999996E+00,-8.9300601383265255E-01,-2.6724169500736465E+01,6.3765834768981557E+00,2.1181224761913590E-03,-1.5079752286284095E-03,-5.0854631909437464E-04 -5145 Pholus (1992 AD),F51,5.8011000000000000E+04,2.6599129036400001E+02,-9.9311375690000006E+00,-8.9093332530405334E-01,-2.6725673833885413E+01,6.3760757313579592E+00,2.1181426195545127E-03,-1.5075900309958409E-03,-5.0863761998801561E-04 -5145 Pholus (1992 AD),F51,5.8012000000000000E+04,2.6599414682800000E+02,-9.9412191029999999E+00,-8.8886079701884835E-01,-2.6727177815009618E+01,6.3755677151115284E+00,2.1181628155379694E-03,-1.5072048771359002E-03,-5.0872890936220366E-04 -5145 Pholus (1992 AD),F51,5.8013000000000000E+04,2.6599762100499998E+02,-9.9513126619999994E+00,-8.8678840775892775E-01,-2.6728681447773376E+01,6.3750594252612478E+00,2.1181830660539965E-03,-1.5068197577106021E-03,-5.0882018669387661E-04 -5145 Pholus (1992 AD),F51,5.8014000000000000E+04,2.6600171325600002E+02,-9.9614157559999992E+00,-8.8471613238259095E-01,-2.6730184736028740E+01,6.3745508592670834E+00,2.1182033713533885E-03,-1.5064346632311307E-03,-5.0891145129629322E-04 -5145 Pholus (1992 AD),F51,5.8015000000000000E+04,2.6600642357700002E+02,-9.9715258599999999E+00,-8.8264394304250993E-01,-2.6731687683673339E+01,6.3740420151609634E+00,2.1182237300519232E-03,-1.5060495844718517E-03,-5.0900270235488588E-04 -5145 Pholus (1992 AD),F51,5.8016000000000000E+04,2.6601175158400002E+02,-9.9816404240000001E+00,-8.8057181073756685E-01,-2.6733190294500780E+01,6.3735328916956000E+00,2.1182441392875702E-03,-1.5056645128218825E-03,-5.0909393897074855E-04 -5145 Pholus (1992 AD),F51,5.8017000000000000E+04,2.6601769650300002E+02,-9.9917568790000004E+00,-8.7849970691671198E-01,-2.6734692572071889E+01,6.3730234883945593E+00,2.1182645949439274E-03,-1.5052794405974700E-03,-5.0918516020606044E-04 -5145 Pholus (1992 AD),F51,5.8018000000000000E+04,2.6602425719299998E+02,-1.0001872650999999E+01,-8.7642760480379911E-01,-2.6736194519632260E+01,6.3725138054968209E+00,2.1182850919565129E-03,-1.5048943612381502E-03,-5.0927636512843608E-04 -5145 Pholus (1992 AD),F51,5.8019000000000000E+04,2.6603143217600001E+02,-1.0011985169000001E+01,-8.7435548020318499E-01,-2.6737696140086378E+01,6.3720038438212265E+00,2.1183056246326429E-03,-1.5045092694085695E-03,-5.0936755284880812E-04 -5145 Pholus (1992 AD),F51,5.8020000000000000E+04,2.6603921967700001E+02,-1.0022091875999999E+01,-8.7228331172814499E-01,-2.6739197436021861E+01,6.3714936045960506E+00,2.1183261869536030E-03,-1.5041241610074495E-03,-5.0945872254941436E-04 -5145 Pholus (1992 AD),F51,5.8021000000000000E+04,2.6604761766100000E+02,-1.0032190226999999E+01,-8.7021108056493102E-01,-2.6740698409764299E+01,6.3709830892989849E+00,2.1183467728472139E-03,-1.5037390331033990E-03,-5.0954987350300136E-04 -5145 Pholus (1992 AD),F51,5.8022000000000000E+04,2.6605662386699998E+02,-1.0042277702000000E+01,-8.6813876997602590E-01,-2.6742199063440374E+01,6.3704722995382967E+00,2.1183673764135083E-03,-1.5033538838098506E-03,-5.0964100508388733E-04 -5145 Pholus (1992 AD),F51,5.8023000000000000E+04,2.6606623583599998E+02,-1.0052351800000000E+01,-8.6606636474736587E-01,-2.6743699399032366E+01,6.3699612369866854E+00,2.1183879920918802E-03,-1.5029687121284503E-03,-5.0973211677110683E-04 -5145 Pholus (1992 AD),F51,5.8024000000000000E+04,2.6607645092400003E+02,-1.0062410042000000E+01,-8.6399385073557533E-01,-2.6745199418413272E+01,6.3694499033649166E+00,2.1184086147581689E-03,-1.5025835177886401E-03,-5.0982320814232885E-04 -5145 Pholus (1992 AD),F51,5.8025000000000000E+04,2.6608726632100002E+02,-1.0072449975000000E+01,-8.6192121461382831E-01,-2.6746699123358766E+01,6.3689383004640652E+00,2.1184292397986122E-03,-1.5021983010780893E-03,-5.0991427886874047E-04 -5145 Pholus (1992 AD),F51,5.8026000000000000E+04,2.6609867906099998E+02,-1.0082469172000000E+01,-8.5984844386664627E-01,-2.6748198515535989E+01,6.3684264301913691E+00,2.1184498631174526E-03,-1.5018130626991213E-03,-5.1000532870165347E-04 -5145 Pholus (1992 AD),F51,5.8027000000000000E+04,2.6611068603400003E+02,-1.0092465230000000E+01,-8.5777552705251214E-01,-2.6749697596472682E+01,6.3679142946224445E+00,2.1184704811394233E-03,-1.5014278036309010E-03,-5.1009635746376413E-04 -5145 Pholus (1992 AD),F51,5.8028000000000000E+04,2.6612328400899997E+02,-1.0102435780000000E+01,-8.5570245431545688E-01,-2.6751196367513202E+01,6.3674018960385652E+00,2.1184910907732233E-03,-1.5010425250231406E-03,-5.1018736503602772E-04 -5145 Pholus (1992 AD),F51,5.8029000000000000E+04,2.6613646965499998E+02,-1.0112378484000001E+01,-8.5362921807161418E-01,-2.6752694829772594E+01,6.3668892369239538E+00,2.1185116893624430E-03,-1.5006572281130691E-03,-5.1027835134479145E-04 -5145 Pholus (1992 AD),I11,5.7970000000000000E+04,2.6638324427200001E+02,-9.5568361999999993E+00,-9.7608468250072555E-01,-2.6663688037400533E+01,6.3966783748552727E+00,2.1173133960265388E-03,-1.5234388176261302E-03,-5.0488161875811288E-04 -5145 Pholus (1992 AD),I11,5.7971000000000000E+04,2.6636282434800000E+02,-9.5644437399999997E+00,-9.7399914719870151E-01,-2.6665208102098742E+01,6.3961805703360275E+00,2.1173341582131893E-03,-1.5230510243841189E-03,-5.0497359737391165E-04 -5145 Pholus (1992 AD),I11,5.7972000000000000E+04,2.6634287761899998E+02,-9.5721535759999998E+00,-9.7191409625802061E-01,-2.6666727742868993E+01,6.3956825405536266E+00,2.1173548836988694E-03,-1.5226632912969402E-03,-5.0506555634106216E-04 -5145 Pholus (1992 AD),I11,5.7973000000000000E+04,2.6632341038700002E+02,-9.5799638779999992E+00,-9.6982952520031573E-01,-2.6668246960201021E+01,6.3951842853052785E+00,2.1173755733429455E-03,-1.5222756181572702E-03,-5.0515749571332185E-04 -5145 Pholus (1992 AD),I11,5.7974000000000000E+04,2.6630442886200001E+02,-9.5878728110000004E+00,-9.6774543172560801E-01,-2.6669765754466130E+01,6.3946858044793693E+00,2.1173962279598876E-03,-1.5218880047464713E-03,-5.0524941553975336E-04 -5145 Pholus (1992 AD),I11,5.7975000000000000E+04,2.6628593919500003E+02,-9.5958785429999995E+00,-9.6566181584436639E-01,-2.6671284125927986E+01,6.3941870979561273E+00,2.1174168483245829E-03,-1.5215004508256497E-03,-5.0534131587104869E-04 -5145 Pholus (1992 AD),I11,5.7976000000000000E+04,2.6626794750699997E+02,-9.6039792409999993E+00,-9.6357867976473466E-01,-2.6672802074775987E+01,6.3936881654847975E+00,2.1174374351619427E-03,-1.5211129561599895E-03,-5.0543319675159842E-04 -5145 Pholus (1992 AD),I11,5.7977000000000000E+04,2.6625045992000003E+02,-9.6121730700000008E+00,-9.6149602752509955E-01,-2.6674319601178041E+01,6.3931890065532917E+00,2.1174579891524749E-03,-1.5207255205103506E-03,-5.0552505822599320E-04 -5145 Pholus (1992 AD),I11,5.7978000000000000E+04,2.6623348257800001E+02,-9.6204581880000006E+00,-9.5941386440479104E-01,-2.6675836705347468E+01,6.3926896202644805E+00,2.1174785109279292E-03,-1.5203381436474910E-03,-5.0561690033599387E-04 -5145 Pholus (1992 AD),I11,5.7979000000000000E+04,2.6621702166199998E+02,-9.6288327410000001E+00,-9.5733219615674059E-01,-2.6677353387619959E+01,6.3921900052275733E+00,2.1174990010735320E-03,-1.5199508253519404E-03,-5.0570872312407896E-04 -5145 Pholus (1992 AD),I11,5.7980000000000000E+04,2.6620108338300003E+02,-9.6372948560000005E+00,-9.5525102808404494E-01,-2.6678869648537887E+01,6.3916901594683999E+00,2.1175194601234376E-03,-1.5195635654337795E-03,-5.0580052662875790E-04 -5145 Pholus (1992 AD),I11,5.7981000000000000E+04,2.6618567397499999E+02,-9.6458426330000009E+00,-9.5317036394660293E-01,-2.6680385488942136E+01,6.3911900803640149E+00,2.1175398885675163E-03,-1.5191763637234495E-03,-5.0589231089287153E-04 -5145 Pholus (1992 AD),I11,5.7982000000000000E+04,2.6617079966400001E+02,-9.6544741300000005E+00,-9.5109020469006667E-01,-2.6681900910068027E+01,6.3906897646176919E+00,2.1175602868473246E-03,-1.5187892200954189E-03,-5.0598407595815081E-04 -5145 Pholus (1992 AD),I11,5.7983000000000000E+04,2.6615646661500000E+02,-9.6631873590000001E+00,-9.4901054707465193E-01,-2.6683415913632491E+01,6.3901892083052605E+00,2.1175806553607448E-03,-1.5184021344714187E-03,-5.0607582186925747E-04 -5145 Pholus (1992 AD),I11,5.7984000000000000E+04,2.6614268086900000E+02,-9.6719802739999992E+00,-9.4693138244707187E-01,-2.6684930501887134E+01,6.3896884070289399E+00,2.1176009944643276E-03,-1.5180151068341485E-03,-5.0616754867380915E-04 -5145 Pholus (1992 AD),I11,5.7985000000000000E+04,2.6612944826400002E+02,-9.6808507620000004E+00,-9.4485269605833611E-01,-2.6686444677604662E+01,6.3891873561951398E+00,2.1176213044781598E-03,-1.5176281372404603E-03,-5.0625925642338774E-04 -5145 Pholus (1992 AD),I11,5.7986000000000000E+04,2.6611677434799998E+02,-9.6897966449999995E+00,-9.4277446733041703E-01,-2.6687958443977379E+01,6.3886860513850117E+00,2.1176415856947566E-03,-1.5172412258253384E-03,-5.0635094517918788E-04 -5145 Pholus (1992 AD),I11,5.7987000000000000E+04,2.6610466431200001E+02,-9.6988156799999992E+00,-9.4069667121190026E-01,-2.6689471804437481E+01,6.3881844887311328E+00,2.1176618383844329E-03,-1.5168543728306498E-03,-5.0644261500776494E-04 -5145 Pholus (1992 AD),I11,5.7988000000000000E+04,2.6609312293900001E+02,-9.7079055699999994E+00,-9.3861928032590014E-01,-2.6690984762444366E+01,6.3876826651920711E+00,2.1176820628100836E-03,-1.5164675786102991E-03,-5.0653426598744366E-04 -5145 Pholus (1992 AD),I11,5.7989000000000000E+04,2.6608215459799999E+02,-9.7170639750000003E+00,-9.3654226727479040E-01,-2.6692497321299818E+01,6.3871805786519928E+00,2.1177022592413480E-03,-1.5160808436510617E-03,-5.0662589820889390E-04 -5145 Pholus (1992 AD),I11,5.7990000000000000E+04,2.6607176325000000E+02,-9.7262885249999993E+00,-9.3446560645492205E-01,-2.6694009484036911E+01,6.3866782278444374E+00,2.1177224279762593E-03,-1.5156941685773601E-03,-5.0671751178289781E-04 -5145 Pholus (1992 AD),I11,5.7991000000000000E+04,2.6606195249100000E+02,-9.7355768329999997E+00,-9.3238927503425906E-01,-2.6695521253392542E+01,6.3861756121627815E+00,2.1177425693628110E-03,-1.5153075541876580E-03,-5.0680910683467456E-04 -5145 Pholus (1992 AD),I11,5.7992000000000000E+04,2.6605272558799999E+02,-9.7449265010000001E+00,-9.3031325311773605E-01,-2.6697032631843495E+01,6.3856727314396338E+00,2.1177626838334105E-03,-1.5149210014441111E-03,-5.0690068351827888E-04 -5145 Pholus (1992 AD),I11,5.7993000000000000E+04,2.6604408552400002E+02,-9.7543351299999994E+00,-9.2823752336510423E-01,-2.6698543621673227E+01,6.3851695857591597E+00,2.1177827719394918E-03,-1.5145345115031017E-03,-5.0699224201250742E-04 -5145 Pholus (1992 AD),I11,5.7994000000000000E+04,2.6603603502700003E+02,-9.7638003179999995E+00,-9.2616207037746101E-01,-2.6700054225040351E+01,6.3846661753325806E+00,2.1178028343980778E-03,-1.5141480857082199E-03,-5.0708378253157976E-04 -5145 Pholus (1992 AD),I11,5.7995000000000000E+04,2.6602857659799997E+02,-9.7733196679999992E+00,-9.2408688010000961E-01,-2.6701564444031028E+01,6.3841625004392446E+00,2.1178228721434782E-03,-1.5137617256030106E-03,-5.0717530532443512E-04 -5145 Pholus (1992 AD),I11,5.7996000000000000E+04,2.6602171252400001E+02,-9.7828907820000008E+00,-9.2201193938963966E-01,-2.6703074280687822E+01,6.3836585614207628E+00,2.1178428863892554E-03,-1.5133754329101183E-03,-5.0726681068455565E-04 -5145 Pholus (1992 AD),I11,5.7997000000000000E+04,2.6601544489399998E+02,-9.7925112710000004E+00,-9.1993723581674358E-01,-2.6704583737013980E+01,6.3831543587102990E+00,2.1178628786960351E-03,-1.5129892095127120E-03,-5.0735829895273980E-04 -5145 Pholus (1992 AD),I11,5.7998000000000000E+04,2.6600977560899997E+02,-9.8021787489999994E+00,-9.1786275772114767E-01,-2.6706092814955994E+01,6.3826498928785993E+00,2.1178828510456226E-03,-1.5126030574217977E-03,-5.0744977051815513E-04 -5145 Pholus (1992 AD),I11,5.7999000000000000E+04,2.6600470639399998E+02,-9.8118908380000001E+00,-9.1578849450671151E-01,-2.6707601516369991E+01,6.3821451646779943E+00,2.1179028059178425E-03,-1.5122169787081911E-03,-5.0754122582404113E-04 -5145 Pholus (1992 AD),I11,5.8000000000000000E+04,2.6600023882300002E+02,-9.8216451750000004E+00,-9.1371443712457223E-01,-2.6709109842979608E+01,6.3816401750648089E+00,2.1179227463659356E-03,-1.5118309754239105E-03,-5.0763266536477819E-04 -5145 Pholus (1992 AD),I11,5.8001000000000000E+04,2.6599637433599997E+02,-9.8314394089999997E+00,-9.1164057864491188E-01,-2.6710617796337946E+01,6.3811349251801399E+00,2.1179426760819919E-03,-1.5114450494829526E-03,-5.0772408968554315E-04 -5145 Pholus (1992 AD),I11,5.8002000000000000E+04,2.6599311428300001E+02,-9.8412712090000003E+00,-9.0956691476159690E-01,-2.6712125377807769E+01,6.3806294162731430E+00,2.1179625994446260E-03,-1.5110592025207800E-03,-5.0781549937232713E-04 -5145 Pholus (1992 AD),I11,5.8003000000000000E+04,2.6599045995699998E+02,-9.8511382639999994E+00,-9.0749344403169530E-01,-2.6713632588575958E+01,6.3801236495618623E+00,2.1179825215345326E-03,-1.5106734357303898E-03,-5.0790689504020376E-04 -5145 Pholus (1992 AD),I11,5.8004000000000000E+04,2.6598841263100002E+02,-9.8610382800000007E+00,-9.0542016766671218E-01,-2.6715139429711591E+01,6.3796176260455182E+00,2.1180024481169727E-03,-1.5102877496496504E-03,-5.0799827731560511E-04 -5145 Pholus (1992 AD),I11,5.8005000000000000E+04,2.6598697359900001E+02,-9.8709689800000007E+00,-9.0334708878578274E-01,-2.6716645902266237E+01,6.3791113463023512E+00,2.1180223855516095E-03,-1.5099021439661589E-03,-5.0808964681235854E-04 -5145 Pholus (1992 AD),I11,5.8006000000000000E+04,2.6598614418400001E+02,-9.8809280959999999E+00,-9.0127421119779350E-01,-2.6718152007400395E+01,6.3786048103184889E+00,2.1180423406521359E-03,-1.5095166173177202E-03,-5.0818100409930132E-04 -5145 Pholus (1992 AD),I11,5.8007000000000000E+04,2.6598592574899999E+02,-9.8909133580000006E+00,-8.9920153792666546E-01,-2.6719657746511555E+01,6.3780980173875594E+00,2.1180623204729854E-03,-1.5091311671023393E-03,-5.0827234967025026E-04 -5145 Pholus (1992 AD),I11,5.8008000000000000E+04,2.6598631966699998E+02,-9.9009224899999992E+00,-8.9712906975426943E-01,-2.6721163121339263E+01,6.3775909660995067E+00,2.1180823320299008E-03,-1.5087457893671295E-03,-5.0836368390284469E-04 -5145 Pholus (1992 AD),I11,5.8009000000000000E+04,2.6598732729000000E+02,-9.9109531900000007E+00,-8.9505680400357912E-01,-2.6722668134032894E+01,6.3770836544124139E+00,2.1181023819652083E-03,-1.5083604787555493E-03,-5.0845500702959077E-04 -5145 Pholus (1992 AD),I11,5.8010000000000000E+04,2.6598894989600001E+02,-9.9210031319999992E+00,-8.9298473367158415E-01,-2.6724172787178741E+01,6.3765760797870783E+00,2.1181224761925204E-03,-1.5079752285679371E-03,-5.0854631910888853E-04 -5145 Pholus (1992 AD),I11,5.8011000000000000E+04,2.6599118862600000E+02,-9.9310699509999996E+00,-8.9091284693065453E-01,-2.6725677083790082E+01,6.3760682393643382E+00,2.1181426195572804E-03,-1.5075900309379497E-03,-5.0863762000175798E-04 -5145 Pholus (1992 AD),I11,5.8012000000000000E+04,2.6599404442299999E+02,-9.9411512389999999E+00,-8.8884112700038276E-01,-2.6727181027262741E+01,6.3755601301734472E+00,2.1181628155406895E-03,-1.5072048770797680E-03,-5.0872890937552233E-04 -5145 Pholus (1992 AD),I11,5.8013000000000000E+04,2.6599751796400000E+02,-9.9512445510000003E+00,-8.8676955242739330E-01,-2.6728684621295525E+01,6.3750517493631920E+00,2.1181830660566593E-03,-1.5068197576562602E-03,-5.0882018670677265E-04 -5145 Pholus (1992 AD),I11,5.8014000000000000E+04,2.6600160961000000E+02,-9.9613473950000007E+00,-8.8469809783307096E-01,-2.6730187869775730E+01,6.3745430944398986E+00,2.1182033713551302E-03,-1.5064346631782181E-03,-5.0891145130891311E-04 -5145 Pholus (1992 AD),I11,5.8015000000000000E+04,2.6600631935899997E+02,-9.9714572470000000E+00,-8.8262673513193901E-01,-2.6731690776636928E+01,6.3740341634812250E+00,2.1182237300536007E-03,-1.5060495844207572E-03,-5.0900270236707286E-04 -5145 Pholus (1992 AD),I11,5.8016000000000000E+04,2.6601164682500001E+02,-9.9815715570000005E+00,-8.8055543508325695E-01,-2.6733193345709541E+01,6.3735249552845907E+00,2.1182441392883140E-03,-1.5056645127722867E-03,-5.0909393898263911E-04 -5145 Pholus (1992 AD),I11,5.8017000000000000E+04,2.6601759123400001E+02,-9.9916877569999993E+00,-8.7848416889494496E-01,-2.6734695580591961E+01,6.3730154694170089E+00,2.1182645949445944E-03,-1.5052794405497200E-03,-5.0918516021750679E-04 -5145 Pholus (1992 AD),I11,5.8018000000000000E+04,2.6602415144600002E+02,-1.0001803272000000E+01,-8.7641290954790696E-01,-2.6736197484568137E+01,6.3725057061597283E+00,2.1182850919588881E-03,-1.5048943611928496E-03,-5.0927636513918074E-04 -5145 Pholus (1992 AD),I11,5.8019000000000000E+04,2.6603132598299999E+02,-1.0011915532000000E+01,-8.7434163260218711E-01,-2.6737699060581505E+01,6.3719956663728734E+00,2.1183056246358452E-03,-1.5045092693653991E-03,-5.0936755285898943E-04 -5145 Pholus (1992 AD),I11,5.8020000000000000E+04,2.6603911306900000E+02,-1.0022021978000000E+01,-8.7227031642537289E-01,-2.6739200311259108E+01,6.3714853513252390E+00,2.1183261869549613E-03,-1.5041241609655524E-03,-5.0945872255939877E-04 -5145 Pholus (1992 AD),I11,5.8021000000000000E+04,2.6604751067100000E+02,-1.0032120067999999E+01,-8.7019894195663205E-01,-2.6740701238966309E+01,6.3709747625345443E+00,2.1183467728476128E-03,-1.5037390330631221E-03,-5.0954987351264924E-04 -5145 Pholus (1992 AD),I11,5.8022000000000000E+04,2.6605651652699999E+02,-1.0042207280000000E+01,-8.6812749221001595E-01,-2.6742201845869854E+01,6.3704639016486979E+00,2.1183673764156481E-03,-1.5033538837719400E-03,-5.0964100509287449E-04 -5145 Pholus (1992 AD),I11,5.8023000000000000E+04,2.6606612817700000E+02,-1.0052281112999999E+01,-8.6605595172140504E-01,-2.6743702133992272E+01,6.3699527703797179E+00,2.1183879920930481E-03,-1.5029687120921703E-03,-5.0973211677974824E-04 -5145 Pholus (1992 AD),I11,5.8024000000000000E+04,2.6607634297700002E+02,-1.0062339089000000E+01,-8.6398430609647547E-01,-2.6745202105246964E+01,6.3694413704873076E+00,2.1184086147601898E-03,-1.5025835177544626E-03,-5.0982320815043272E-04 -5145 Pholus (1992 AD),I11,5.8025000000000000E+04,2.6608715811899998E+02,-1.0072378756000001E+01,-8.6191254175619014E-01,-2.6746701761450094E+01,6.3689297038011157E+00,2.1184292397987393E-03,-1.5021983010453828E-03,-5.0991427887656939E-04 -5145 Pholus (1992 AD),I11,5.8026000000000000E+04,2.6609857063400000E+02,-1.0082397685000000E+01,-8.5984064593220533E-01,-2.6748201104309384E+01,6.3684177722665449E+00,2.1184498631184306E-03,-1.5018130626685000E-03,-5.1000532870894668E-04 -5145 Pholus (1992 AD),I11,5.8027000000000000E+04,2.6611057741500002E+02,-1.0092393474000000E+01,-8.5776860692922186E-01,-2.6749700135393070E+01,6.3679055779969103E+00,2.1184704811412595E-03,-1.5014278036023510E-03,-5.1009635747053736E-04 -5145 Pholus (1992 AD),I11,5.8028000000000000E+04,2.6612317522900003E+02,-1.0102363754000001E+01,-8.5569641463644341E-01,-2.6751198856086038E+01,6.3673931233107535E+00,2.1184910907731461E-03,-1.5010425249961483E-03,-5.1018736504248392E-04 -5145 Pholus (1992 AD),I11,5.8029000000000000E+04,2.6613636074499999E+02,-1.0112306188000000E+01,-8.5362406121387735E-01,-2.6752697267543812E+01,6.3668804107289896E+00,2.1185116893641604E-03,-1.5006572280882625E-03,-5.1027835135067118E-04 -5145 Pholus (1992 AD),I41,5.7970000000000000E+04,2.6638328468700001E+02,-9.5569230059999999E+00,-9.7610553791995813E-01,-2.6663686097108275E+01,6.3966808139627140E+00,2.1173133960242403E-03,-1.5234388176892689E-03,-5.0488161874295986E-04 -5145 Pholus (1992 AD),I41,5.7971000000000000E+04,2.6636286555499998E+02,-9.5645306150000007E+00,-9.7401969146563971E-01,-2.6665206158197567E+01,6.3961830763787075E+00,2.1173341582102698E-03,-1.5230510244458092E-03,-5.0497359735924955E-04 -5145 Pholus (1992 AD),I41,5.7972000000000000E+04,2.6634291960399997E+02,-9.5722405209999994E+00,-9.7193432304376681E-01,-2.6666725796297513E+01,6.3956851130997077E+00,2.1173548836963037E-03,-1.5226632913582800E-03,-5.0506555632641491E-04 -5145 Pholus (1992 AD),I41,5.7973000000000000E+04,2.6632345313500002E+02,-9.5800508929999992E+00,-9.6984942826890919E-01,-2.6668245011897842E+01,6.3951869239021599E+00,2.1173755733413999E-03,-1.5222756182189396E-03,-5.0515749569839043E-04 -5145 Pholus (1992 AD),I41,5.7974000000000000E+04,2.6630447235999998E+02,-9.5879598989999995E+00,-9.6776500493581408E-01,-2.6669763805369115E+01,6.3946885086535152E+00,2.1173962279573705E-03,-1.5218880048063106E-03,-5.0524941552546813E-04 -5145 Pholus (1992 AD),I41,5.7975000000000000E+04,2.6628598342599997E+02,-9.5959657059999994E+00,-9.6568105315145014E-01,-2.6671282176973502E+01,6.3941898672130204E+00,2.1174168483224405E-03,-1.5215004508850900E-03,-5.0534131585679241E-04 -5145 Pholus (1992 AD),I41,5.7976000000000000E+04,2.6626799245699999E+02,-9.6040664800000002E+00,-9.6359757522216316E-01,-2.6672800126898117E+01,6.3936909993090207E+00,2.1174374351594707E-03,-1.5211129562183005E-03,-5.0543319673768171E-04 -5145 Pholus (1992 AD),I41,5.7977000000000000E+04,2.6625050557399999E+02,-9.6122603860000009E+00,-9.6151457528630513E-01,-2.6674317655307831E+01,6.3931919044087158E+00,2.1174579891500428E-03,-1.5207255205678689E-03,-5.0552505821226524E-04 -5145 Pholus (1992 AD),I41,5.7978000000000000E+04,2.6623352892100002E+02,-9.6205455820000001E+00,-9.5943205872500570E-01,-2.6675834762412141E+01,6.3926925815944662E+00,2.1174785109251467E-03,-1.5203381437038799E-03,-5.0561690032260441E-04 -5145 Pholus (1992 AD),I41,5.7979000000000000E+04,2.6621706867699999E+02,-9.6289202159999991E+00,-9.5735003139478136E-01,-2.6677351448542119E+01,6.3921930294551172E+00,2.1174990010718962E-03,-1.5199508254085097E-03,-5.0570872311045769E-04 -5145 Pholus (1992 AD),I41,5.7980000000000000E+04,2.6620113105500002E+02,-9.6373824129999992E+00,-9.5526849870395802E-01,-2.6678867714234830E+01,6.3916932459961586E+00,2.1175194601210801E-03,-1.5195635654888691E-03,-5.0580052661561563E-04 -5145 Pholus (1992 AD),I41,5.7981000000000000E+04,2.6618572228900001E+02,-9.6459302719999993E+00,-9.5318746451945180E-01,-2.6680383560325108E+01,6.3911932285741013E+00,2.1175398885651883E-03,-1.5191763637776995E-03,-5.0589231087992844E-04 -5145 Pholus (1992 AD),I41,5.7982000000000000E+04,2.6617084860199998E+02,-9.6545618540000007E+00,-9.5110692989556733E-01,-2.6681898988041628E+01,6.3906929738713023E+00,2.1175602868450261E-03,-1.5187892201488293E-03,-5.0598407594541295E-04 -5145 Pholus (1992 AD),I41,5.7983000000000000E+04,2.6615651616200000E+02,-9.6632751690000003E+00,-9.4902689170264587E-01,-2.6683413999094100E+01,6.3901924779420121E+00,2.1175806553588722E-03,-1.5184021345242792E-03,-5.0607582185659031E-04 -5145 Pholus (1992 AD),I41,5.7984000000000000E+04,2.6614273100899999E+02,-9.6720681709999994E+00,-9.4694734139907721E-01,-2.6684928595726301E+01,6.3896917363660979E+00,2.1176009944628904E-03,-1.5180151068864296E-03,-5.0616754866122818E-04 -5145 Pholus (1992 AD),I41,5.7985000000000000E+04,2.6612949897999999E+02,-9.6809387480000009E+00,-9.4486826434856452E-01,-2.6686442780702535E+01,6.3891907445269887E+00,2.1176213044755456E-03,-1.5176281372909998E-03,-5.0625925641139462E-04 -5145 Pholus (1992 AD),I41,5.7986000000000000E+04,2.6611682562300001E+02,-9.6898847210000003E+00,-9.4278964008708754E-01,-2.6687956557206064E+01,6.3886894979824627E+00,2.1176415856925751E-03,-1.5172412258752880E-03,-5.0635094516728301E-04 -5145 Pholus (1992 AD),I41,5.7987000000000000E+04,2.6610471612900000E+02,-9.6989038470000004E+00,-9.4071144367838833E-01,-2.6689469928659232E+01,6.3881879928416945E+00,2.1176618383827008E-03,-1.5168543728799784E-03,-5.0644261499595549E-04 -5145 Pholus (1992 AD),I41,5.7988000000000000E+04,2.6609317528200000E+02,-9.7079938289999994E+00,-9.3863364786198633E-01,-2.6690982898510796E+01,6.3876862260401310E+00,2.1176820628088068E-03,-1.5164675786589893E-03,-5.0653426597573579E-04 -5145 Pholus (1992 AD),I41,5.7989000000000000E+04,2.6608220744900001E+02,-9.7171523270000009E+00,-9.3655622535799210E-01,-2.6692495470051011E+01,6.3871841954392270E+00,2.1177022592388352E-03,-1.5160808436980398E-03,-5.0662589819774927E-04 -5145 Pholus (1992 AD),I41,5.7990000000000000E+04,2.6607181659299999E+02,-9.7263769710000005E+00,-9.3447915068186693E-01,-2.6694007646300676E+01,6.3866818997502062E+00,2.1177224279750658E-03,-1.5156941686241890E-03,-5.0671751177163923E-04 -5145 Pholus (1992 AD),I41,5.7991000000000000E+04,2.6606200630699999E+02,-9.7356653739999999E+00,-9.3240240112202333E-01,-2.6695519429983587E+01,6.3861793383443608E+00,2.1177425693607839E-03,-1.5153075542330505E-03,-5.0680910682385921E-04 -5145 Pholus (1992 AD),I41,5.7992000000000000E+04,2.6605277986099998E+02,-9.7450151389999995E+00,-9.3032595690484376E-01,-2.6697030823562798E+01,6.3856765110322913E+00,2.1177626838318588E-03,-1.5149210014888097E-03,-5.0690068350758258E-04 -5145 Pholus (1992 AD),I41,5.7993000000000000E+04,2.6604414023700002E+02,-9.7544238649999997E+00,-9.2824980081284325E-01,-2.6698541829307473E+01,6.3851734178761523E+00,2.1177827719375325E-03,-1.5145345115466103E-03,-5.0699224200214136E-04 -5145 Pholus (1992 AD),I41,5.7994000000000000E+04,2.6603609016199999E+02,-9.7638891520000008E+00,-9.2617391757112144E-01,-2.6700052449361280E+01,6.3846700590650176E+00,2.1178028343970517E-03,-1.5141480857512411E-03,-5.0708378252124146E-04 -5145 Pholus (1992 AD),I41,5.7995000000000000E+04,2.6602863213699999E+02,-9.7734086019999999E+00,-9.2409829324990189E-01,-2.6701562685795011E+01,6.3841664348559712E+00,2.1178228721420375E-03,-1.5137617256448400E-03,-5.0717530531443021E-04 -5145 Pholus (1992 AD),I41,5.7996000000000000E+04,2.6602176845000002E+02,-9.7829798169999993E+00,-9.2202291483221410E-01,-2.6703072540635286E+01,6.3836625455682432E+00,2.1178428863869378E-03,-1.5133754329505512E-03,-5.0726681067496436E-04 -5145 Pholus (1992 AD),I41,5.7997000000000000E+04,2.6601550118900002E+02,-9.7926004080000002E+00,-9.1994777001577721E-01,-2.6704582015868958E+01,6.3831583916125112E+00,2.1178628786942032E-03,-1.5129892095523921E-03,-5.0735829894329001E-04 -5145 Pholus (1992 AD),I41,5.7998000000000000E+04,2.6600983225499999E+02,-9.8022679870000005E+00,-9.1787284726868379E-01,-2.6706091113425657E+01,6.3826539735369296E+00,2.1178828510438272E-03,-1.5126030574604994E-03,-5.0744977050893811E-04 -5145 Pholus (1992 AD),I41,5.7999000000000000E+04,2.6600476337399999E+02,-9.8119801800000008E+00,-9.1579813612395444E-01,-2.6707599835144244E+01,6.3821492920711478E+00,2.1179028059165488E-03,-1.5122169787461122E-03,-5.0754122581497807E-04 -5145 Pholus (1992 AD),I41,5.8000000000000000E+04,2.6600029611799999E+02,-9.8217346209999992E+00,-9.1372362766283410E-01,-2.6709108182730638E+01,6.3816443481487184E+00,2.1179227463642069E-03,-1.5118309754606485E-03,-5.0763266535603204E-04 -5145 Pholus (1992 AD),I41,5.8001000000000000E+04,2.6599643192899998E+02,-9.8315289600000000E+00,-9.1164931508654146E-01,-2.6710616157719848E+01,6.3811391428879674E+00,2.1179426760802988E-03,-1.5114450495186914E-03,-5.0772408967703520E-04 -5145 Pholus (1992 AD),I41,5.8002000000000000E+04,2.6599317215600001E+02,-9.8413608660000005E+00,-9.0957519422084177E-01,-2.6712123761456198E+01,6.3806336775153945E+00,2.1179625994434434E-03,-1.5110592025557000E-03,-5.0781549936398224E-04 -5145 Pholus (1992 AD),I41,5.8003000000000000E+04,2.6599051809200000E+02,-9.8512280269999994E+00,-9.0750126375561024E-01,-2.6713630995107586E+01,6.3801279532266433E+00,2.1179825215333894E-03,-1.5106734357643002E-03,-5.0790689503210401E-04 -5145 Pholus (1992 AD),I41,5.8004000000000000E+04,2.6598847101100000E+02,-9.8611281510000008E+00,-9.0542752503575186E-01,-2.6715137859723836E+01,6.3796219709989401E+00,2.1180024481153793E-03,-1.5102877496823916E-03,-5.0799827730781003E-04 -5145 Pholus (1992 AD),I41,5.8005000000000000E+04,2.6598703220400000E+02,-9.8710589590000009E+00,-9.0335398131478484E-01,-2.6716644356336694E+01,6.3791157313891294E+00,2.1180223855505366E-03,-1.5099021439980501E-03,-5.0808964680474202E-04 -5145 Pholus (1992 AD),I41,5.8006000000000000E+04,2.6598620299800001E+02,-9.8810181830000001E+00,-9.0128063653692569E-01,-2.6718150486086419E+01,6.3786092343626661E+00,2.1180423406506081E-03,-1.5095166173484421E-03,-5.0818100409198534E-04 -5145 Pholus (1992 AD),I41,5.8007000000000000E+04,2.6598598475199998E+02,-9.8910035539999992E+00,-8.9920749386204557E-01,-2.6719656250349843E+01,6.3781024791930960E+00,2.1180623204724819E-03,-1.5091311671323188E-03,-5.0827234966306862E-04 -5145 Pholus (1992 AD),I41,5.8008000000000000E+04,2.6598637884300001E+02,-9.9010127949999998E+00,-8.9713455420879606E-01,-2.6721161650845470E+01,6.3775954644507324E+00,2.1180823320289381E-03,-1.5087457893959398E-03,-5.0836368389596380E-04 -5145 Pholus (1992 AD),I41,5.8009000000000000E+04,2.6598738662000000E+02,-9.9110436059999998E+00,-8.9506181503767057E-01,-2.6722666689701306E+01,6.3770881880741577E+00,2.1181023819632850E-03,-1.5083604787831106E-03,-5.0845500702305770E-04 -5145 Pholus (1992 AD),I41,5.8010000000000000E+04,2.6598900936299998E+02,-9.9210936590000003E+00,-8.9298926948394008E-01,-2.6724171369482125E+01,6.3765806475046203E+00,2.1181224761921340E-03,-1.5079752285947906E-03,-5.0854631910245596E-04 -5145 Pholus (1992 AD),I41,5.8011000000000000E+04,2.6599124821200002E+02,-9.9311605879999991E+00,-8.9091690585875394E-01,-2.6725675693179472E+01,6.3760728398631663E+00,2.1181426195559282E-03,-1.5075900309635785E-03,-5.0863761999565978E-04 -5145 Pholus (1992 AD),I41,5.8012000000000000E+04,2.6599410410899998E+02,-9.9412419879999998E+00,-8.8884470752072275E-01,-2.6727179664167316E+01,6.3755647621589127E+00,2.1181628155393663E-03,-1.5072048771043699E-03,-5.0872890936966742E-04 -5145 Pholus (1992 AD),I41,5.8013000000000000E+04,2.6599757773300001E+02,-9.9513354110000005E+00,-8.8677265315583353E-01,-2.6728683286122546E+01,6.3750564115203350E+00,2.1181830660553704E-03,-1.5068197576798212E-03,-5.0882018670116288E-04 -5145 Pholus (1992 AD),I41,5.8014000000000000E+04,2.6600166944400002E+02,-9.9614383679999996E+00,-8.8470071752519597E-01,-2.6730186562910340E+01,6.3745477854334691E+00,2.1182033713543855E-03,-1.5064346632008389E-03,-5.0891145130351780E-04 -5145 Pholus (1992 AD),I41,5.8015000000000000E+04,2.6600637924000000E+02,-9.9715483329999994E+00,-8.8262887268309487E-01,-2.6731689498442012E+01,6.3740388819560421E+00,2.1182237300528921E-03,-1.5060495844423372E-03,-5.0900270236192474E-04 -5145 Pholus (1992 AD),I41,5.8016000000000000E+04,2.6601170673600001E+02,-9.9816627560000004E+00,-8.8055708952879086E-01,-2.6733192096525478E+01,6.3735296998661610E+00,2.1182441392881496E-03,-1.5056645127928918E-03,-5.0909393897771249E-04 -5145 Pholus (1992 AD),I41,5.8017000000000000E+04,2.6601765115699999E+02,-9.9917790679999996E+00,-8.7848533941041707E-01,-2.6734694360736423E+01,6.3730202387123160E+00,2.1182645949444686E-03,-1.5052794405692807E-03,-5.0918516021283161E-04 -5145 Pholus (1992 AD),I41,5.8018000000000000E+04,2.6602421136400000E+02,-1.0001894696000001E+01,-8.7641359544961994E-01,-2.6736196294335862E+01,6.3725104987580838E+00,2.1182850919577718E-03,-1.5048943612112793E-03,-5.0927636513479178E-04 -5145 Pholus (1992 AD),I41,5.8019000000000000E+04,2.6603138587799998E+02,-1.0012007069999999E+01,-8.7434183334727411E-01,-2.6737697900244150E+01,6.3720004808466593E+00,2.1183056246342532E-03,-1.5045092693827603E-03,-5.0936755285486415E-04 -5145 Pholus (1992 AD),I41,5.8020000000000000E+04,2.6603917292400001E+02,-1.0022113630000000E+01,-8.7227003161191496E-01,-2.6739199181065203E+01,6.3714901862305835E+00,2.1183261869544300E-03,-1.5041241609819594E-03,-5.0945872255548990E-04 -5145 Pholus (1992 AD),I41,5.8021000000000000E+04,2.6604757046700001E+02,-1.0032211833000000E+01,-8.7019817132385002E-01,-2.6740700139141190E+01,6.3709796164117973E+00,2.1183467728476263E-03,-1.5037390330785091E-03,-5.0954987350898355E-04 -5145 Pholus (1992 AD),I41,5.8022000000000000E+04,2.6605657624800000E+02,-1.0042299159000001E+01,-8.6812623563836189E-01,-2.6742200776615725E+01,6.3704687730228553E+00,2.1183673764146697E-03,-1.5033538837862619E-03,-5.0964100508946522E-04 -5145 Pholus (1992 AD),I41,5.8023000000000000E+04,2.6606618780600002E+02,-1.0052373105999999E+01,-8.6605420923278698E-01,-2.6743701095488269E+01,6.3699576577607937E+00,2.1183879920926210E-03,-1.5029687121054687E-03,-5.0973211677658010E-04 -5145 Pholus (1992 AD),I41,5.8024000000000000E+04,2.6607640249700000E+02,-1.0062431196000000E+01,-8.6398207785412795E-01,-2.6745201097649282E+01,6.3694462723707126E+00,2.1184086147592800E-03,-1.5025835177667306E-03,-5.0982320814750885E-04 -5145 Pholus (1992 AD),I41,5.8025000000000000E+04,2.6608721751200000E+02,-1.0072470977000000E+01,-8.6190982806470451E-01,-2.6746700784892106E+01,6.3689346186679847E+00,2.1184292397988923E-03,-1.5021983010565995E-03,-5.0991427887389878E-04 -5145 Pholus (1992 AD),I41,5.8026000000000000E+04,2.6609862988499998E+02,-1.0082490019000000E+01,-8.5983744723722644E-01,-2.6748200158901742E+01,6.3684226985841050E+00,2.1184498631181044E-03,-1.5018130626787106E-03,-5.1000532870651427E-04 -5145 Pholus (1992 AD),I41,5.8027000000000000E+04,2.6611063650500000E+02,-1.0092485922000000E+01,-8.5776492381732194E-01,-2.6749699221223995E+01,6.3679105142188464E+00,2.1184704811404577E-03,-1.5014278036115727E-03,-5.1009635746833274E-04 -5145 Pholus (1992 AD),I41,5.8028000000000000E+04,2.6612323414200000E+02,-1.0102456316000000E+01,-8.5569224783512088E-01,-2.6751197973221490E+01,6.3673980678775681E+00,2.1184910907734011E-03,-1.5010425250042703E-03,-5.1018736504055513E-04 -5145 Pholus (1992 AD),I41,5.8029000000000000E+04,2.6613641946600001E+02,-1.0112398862999999E+01,-8.5361941159157328E-01,-2.6752696416027614E+01,6.3668853620683885E+00,2.1185116893634249E-03,-1.5006572280954616E-03,-5.1027835134894752E-04 -5335 Damocles (1991 DA),500,5.7970000000000000E+04,3.2064382750900000E+02,3.6217382250000001E+00,1.5901394938179516E+01,-1.1698612921132284E+01,6.1059619930132065E+00,-8.4603249224204924E-04,1.4965147714920499E-03,8.1416476930138641E-04 -5335 Damocles (1991 DA),500,5.7971000000000000E+04,3.2059781136300001E+02,3.6129042660000001E+00,1.5900550908443375E+01,-1.1697110263623653E+01,6.1067859670170961E+00,-8.4655961440462113E-04,1.4969126158209511E-03,8.1395953251796902E-04 -5335 Damocles (1991 DA),500,5.7972000000000000E+04,3.2055171408100000E+02,3.6037749190000001E+00,1.5899706044347591E+01,-1.1695607644077525E+01,6.1076097651422439E+00,-8.4708680962392903E-04,1.4973104530466800E-03,8.1375423057905463E-04 -5335 Damocles (1991 DA),500,5.7973000000000000E+04,3.2050555000899999E+02,3.5943539539999998E+00,1.5898860346436482E+01,-1.1694105059665443E+01,6.1084333857125461E+00,-8.4761407708885093E-04,1.4977082833804410E-03,8.1354886340883866E-04 -5335 Damocles (1991 DA),500,5.7974000000000000E+04,3.2045933345800000E+02,3.5846451789999998E+00,1.5898013814541967E+01,-1.1692602508277272E+01,6.1092568275180765E+00,-8.4814141603051924E-04,1.4981061070477204E-03,8.1334343093439289E-04 -5335 Damocles (1991 DA),500,5.7975000000000000E+04,3.2041307873300002E+02,3.5746524350000000E+00,1.5897166447511193E+01,-1.1691099988899092E+01,6.1100800897988856E+00,-8.4866882572627936E-04,1.4985039242859099E-03,8.1313793308548812E-04 -5335 Damocles (1991 DA),500,5.7976000000000000E+04,3.2036680017499998E+02,3.5643796010000002E+00,1.5896318242975449E+01,-1.1689597501960622E+01,6.1109031721706035E+00,-8.4919630549834015E-04,1.4989017353364987E-03,8.1293236979425570E-04 -5335 Damocles (1991 DA),500,5.7977000000000000E+04,3.2032051221299997E+02,3.5538306039999998E+00,1.5895469197200084E+01,-1.1688095049597500E+01,6.1117260744959081E+00,-8.4972385471487888E-04,1.4992995404394596E-03,8.1272674099480593E-04 -5335 Damocles (1991 DA),500,5.7978000000000000E+04,3.2027422941800000E+02,3.5430094280000000E+00,1.5894619305034610E+01,-1.1686592635796867E+01,6.1125487967142442E+00,-8.5025147279334072E-04,1.4996973398292198E-03,8.1252104662282709E-04 -5335 Damocles (1991 DA),500,5.7979000000000000E+04,3.2022796655399998E+02,3.5319201350000000E+00,1.5893768559964604E+01,-1.1685090266417660E+01,6.1133713386428523E+00,-8.5077915919846980E-04,1.5000951337255895E-03,8.1231528661499669E-04 -5335 Damocles (1991 DA),500,5.7980000000000000E+04,3.2018173863200002E+02,3.5205668920000002E+00,1.5892916954267076E+01,-1.1683587949083485E+01,6.1141936997547885E+00,-8.5130691344231964E-04,1.5004929223259213E-03,8.1210946090848910E-04 -5335 Damocles (1991 DA),500,5.7981000000000000E+04,3.2013556095100000E+02,3.5089539930000000E+00,1.5892064479287182E+01,-1.1682085692924419E+01,6.1150158789343525E+00,-8.5183473508687949E-04,1.5008907057997897E-03,8.1190356944008438E-04 -5335 Damocles (1991 DA),500,5.7982000000000000E+04,3.2008944912300001E+02,3.4970858900000001E+00,1.5891211125876250E+01,-1.1680583508113303E+01,6.1158378742153845E+00,-8.5236262373834457E-04,1.5012884842757999E-03,8.1169761214536337E-04 -5335 Damocles (1991 DA),500,5.7983000000000000E+04,3.2004341907700001E+02,3.4849672250000001E+00,1.5890356885031313E+01,-1.1679081405129320E+01,6.1166596825309849E+00,-8.5289057905006335E-04,1.5016862578354894E-03,8.1149158895765328E-04 -5335 Damocles (1991 DA),500,5.7984000000000000E+04,3.1999748704100000E+02,3.4726028530000002E+00,1.5889501748721585E+01,-1.1677579393737419E+01,6.1174812995382846E+00,-8.5341860071419876E-04,1.5020840264985090E-03,8.1128549980678431E-04 -5335 Damocles (1991 DA),500,5.7985000000000000E+04,3.1995166947299998E+02,3.4599978569999998E+00,1.5888645710782939E+01,-1.1676077481801087E+01,6.1183027196044666E+00,-8.5394668846218956E-04,1.5024817902141701E-03,8.1107934461762548E-04 -5335 Damocles (1991 DA),500,5.7986000000000000E+04,3.1990598297200000E+02,3.4471575560000001E+00,1.5887788767650511E+01,-1.1674575674203977E+01,6.1191239360197791E+00,-8.5447484205312084E-04,1.5028795488450392E-03,8.1087312330837115E-04 -5335 Damocles (1991 DA),500,5.7987000000000000E+04,3.1986044415999999E+02,3.4340874829999999E+00,1.5886930918680797E+01,-1.1673073972218473E+01,6.1199449414278266E+00,-8.5500306126809825E-04,1.5032773021547898E-03,8.1066683578857152E-04 -5335 Damocles (1991 DA),500,5.7988000000000000E+04,3.1981506955899999E+02,3.4207933599999998E+00,1.5886072165934756E+01,-1.1671572373543485E+01,6.1207657283684407E+00,-8.5553134589799913E-04,1.5036750497935698E-03,8.1046048195678030E-04 -5335 Damocles (1991 DA),500,5.7989000000000000E+04,3.1976987549600000E+02,3.4072810570000001E+00,1.5885212513506085E+01,-1.1670070872974714E+01,6.1215862897761895E+00,-8.5605969572474967E-04,1.5040727912799690E-03,8.1025406169796537E-04 -5335 Damocles (1991 DA),500,5.7990000000000000E+04,3.1972487802600000E+02,3.3935565570000001E+00,1.5884351966645976E+01,-1.1668569463431059E+01,6.1224066193075410E+00,-8.5658811050625533E-04,1.5044705259882208E-03,8.1004757488040298E-04 -5335 Damocles (1991 DA),500,5.7991000000000000E+04,3.1968009290600003E+02,3.3796259150000001E+00,1.5883490530959730E+01,-1.1667068136988016E+01,6.1232267114542180E+00,-8.5711658994741015E-04,1.5048682531308092E-03,8.0984102135227330E-04 -5335 Damocles (1991 DA),500,5.7992000000000000E+04,3.1963553558799998E+02,3.3654952389999999E+00,1.5882628211850962E+01,-1.1665566885661725E+01,6.1240465614834791E+00,-8.5764513367170628E-04,1.5052659717455993E-03,8.0963440093765140E-04 -5335 Damocles (1991 DA),500,5.7993000000000000E+04,3.1959122122700001E+02,3.3511706729999999E+00,1.5881765014252958E+01,-1.1664065701852120E+01,6.1248661652844341E+00,-8.5817374118126247E-04,1.5056636806838296E-03,8.0942771343234948E-04 -5335 Damocles (1991 DA),500,5.7994000000000000E+04,3.1954716470500000E+02,3.3366583859999999E+00,1.5880900942592287E+01,-1.1662564578482625E+01,6.1256855191955379E+00,-8.5870241181574582E-04,1.5060613786047200E-03,8.0922095859922683E-04 -5335 Damocles (1991 DA),500,5.7995000000000000E+04,3.1950338064300001E+02,3.3219645670000002E+00,1.5880036000892673E+01,-1.1661063508935245E+01,6.1265046198632440E+00,-8.5923114469580071E-04,1.5064590639738088E-03,8.0901413616338280E-04 -5335 Damocles (1991 DA),500,5.7996000000000000E+04,3.1945988341999998E+02,3.3070954260000001E+00,1.5879170192933451E+01,-1.1659562486885086E+01,6.1273234641554497E+00,-8.5975993866384270E-04,1.5068567350730606E-03,8.0880724580736538E-04 -5335 Damocles (1991 DA),500,5.7997000000000000E+04,3.1941668716900000E+02,3.2920571829999998E+00,1.5878303522394551E+01,-1.1658061506121543E+01,6.1281420491357963E+00,-8.6028879221571389E-04,1.5072543900231106E-03,8.0860028716676750E-04 -5335 Damocles (1991 DA),500,5.7998000000000000E+04,3.1937380578699998E+02,3.2768560670000002E+00,1.5877435992938903E+01,-1.1656560560424252E+01,6.1289603720943999E+00,-8.6081770342512787E-04,1.5076520268213107E-03,8.0839325982665436E-04 -5335 Damocles (1991 DA),500,5.7999000000000000E+04,3.1933125293000001E+02,3.2614983089999998E+00,1.5876567608195289E+01,-1.1655059643546510E+01,6.1297784306239533E+00,-8.6134666986907148E-04,1.5080496434023184E-03,8.0818616331941823E-04 -5335 Damocles (1991 DA),500,5.8000000000000000E+04,3.1928904201699999E+02,3.2459901289999999E+00,1.5875698371616794E+01,-1.1653558749348671E+01,6.1305962227223398E+00,-8.6187568855096864E-04,1.5084472377226415E-03,8.0797899712491605E-04 -5335 Damocles (1991 DA),500,5.8001000000000000E+04,3.1924718624299999E+02,3.2303377279999999E+00,1.5874828286208698E+01,-1.1652057872101295E+01,6.1314137468939460E+00,-8.6240475583543915E-04,1.5088448078733711E-03,8.0777176067369199E-04 -5335 Damocles (1991 DA),500,5.8002000000000000E+04,3.1920569859800003E+02,3.2145472829999999E+00,1.5873957354151525E+01,-1.1650557006943561E+01,6.1322310022118280E+00,-8.6293386740062504E-04,1.5092423522260097E-03,8.0756445335464873E-04 -5335 Damocles (1991 DA),500,5.8003000000000000E+04,3.1916459191500002E+02,3.1986249409999998E+00,1.5873085576386169E+01,-1.1649056150427837E+01,6.1330479883007492E+00,-8.6346301822288942E-04,1.5096398695960689E-03,8.0735707452687748E-04 -5335 Damocles (1991 DA),500,5.8004000000000000E+04,3.1912387891800000E+02,3.1825768249999999E+00,1.5872212952266484E+01,-1.1647555301028369E+01,6.1338647052119155E+00,-8.6399220259388530E-04,1.5100373594528916E-03,8.0714962353873275E-04 -5335 Damocles (1991 DA),500,5.8005000000000000E+04,3.1908357229699999E+02,3.1664090460000001E+00,1.5871339479393045E+01,-1.1646054459467063E+01,6.1346811531876266E+00,-8.6452141421065843E-04,1.5104348221143312E-03,8.0694209975187370E-04 -5335 Damocles (1991 DA),500,5.8006000000000000E+04,3.1904368476600001E+02,3.1501277239999999E+00,1.5870465153706155E+01,-1.1644553628739228E+01,6.1354973323493383E+00,-8.6505064631640623E-04,1.5108322589522088E-03,8.0673450257108840E-04 -5335 Damocles (1991 DA),500,5.8007000000000000E+04,3.1900422913099999E+02,3.1337390169999999E+00,1.5869589969844448E+01,-1.1643052813803598E+01,6.1363132423685398E+00,-8.6557989191408556E-04,1.5112296725729116E-03,8.0652683147850379E-04 -5335 Damocles (1991 DA),500,5.8008000000000000E+04,3.1896521832700000E+02,3.1172491500000001E+00,1.5868713921702087E+01,-1.1641552020994929E+01,6.1371288821817611E+00,-8.6610914404540180E-04,1.5116270669400887E-03,8.0631908606949355E-04 -5335 Damocles (1991 DA),500,5.8009000000000000E+04,3.1892666543299998E+02,3.1006644419999998E+00,1.5867837003082322E+01,-1.1640051257273232E+01,6.1379442497901140E+00,-8.6663839612575793E-04,1.5120244474163096E-03,8.0611126608660195E-04 -5335 Damocles (1991 DA),500,5.8010000000000000E+04,3.1888858366599999E+02,3.0839913330000002E+00,1.5866959208357459E+01,-1.1638550529421833E+01,6.1387593421552955E+00,-8.6716764229776777E-04,1.5124218207046899E-03,8.0590337144742410E-04 -5335 Damocles (1991 DA),500,5.8011000000000000E+04,3.1885098634000002E+02,3.0672364000000001E+00,1.5866080533081901E+01,-1.1637049843265766E+01,6.1395741551868461E+00,-8.6769687777557732E-04,1.5128191946848588E-03,8.0569540226261204E-04 -5335 Damocles (1991 DA),500,5.8012000000000000E+04,3.1881388681499999E+02,3.0504063650000002E+00,1.5865200974529648E+01,-1.1635549202950147E+01,6.1403886838152424E+00,-8.6822609913657714E-04,1.5132165781458606E-03,8.0548735884081819E-04 -5335 Damocles (1991 DA),500,5.8013000000000000E+04,3.1877729841600001E+02,3.0335080950000002E+00,1.5864320532121177E+01,-1.1634048610320951E+01,6.1412029221540587E+00,-8.6875530452644803E-04,1.5136139804335612E-03,8.0527924167890161E-04 -5335 Damocles (1991 DA),500,5.8014000000000000E+04,3.1874123434600000E+02,3.0165485919999999E+00,1.5863439207677759E+01,-1.1632548064484357E+01,6.1420168637547210E+00,-8.6928449375384977E-04,1.5140114110441510E-03,8.0507105143742071E-04 -5335 Damocles (1991 DA),500,5.8015000000000000E+04,3.1870570758600002E+02,2.9995349679999999E+00,1.5862557005429311E+01,-1.1631047561644900E+01,6.1428305019393576E+00,-8.6981366826361761E-04,1.5144088792118822E-03,8.0486278890438566E-04 -5335 Damocles (1991 DA),500,5.8016000000000000E+04,3.1867073081400002E+02,2.9824744220000001E+00,1.5861673931734950E+01,-1.1629547095295933E+01,6.1436438301666563E+00,-8.7034283097867093E-04,1.5148063935554006E-03,8.0465445495217904E-04 -5335 Damocles (1991 DA),500,5.8017000000000000E+04,3.1863631632400001E+02,2.9653742009999999E+00,1.5860789994553281E+01,-1.1628046656746600E+01,6.1444568423614490E+00,-8.7087198607730656E-04,1.5152039617678092E-03,8.0444605049149922E-04 -5335 Damocles (1991 DA),500,5.8018000000000000E+04,3.1860247597900002E+02,2.9482415689999999E+00,1.5859905202780672E+01,-1.1626546235865852E+01,6.1452695331423639E+00,-8.7140113868379649E-04,1.5156015904189205E-03,8.0423757642746454E-04 -5335 Damocles (1991 DA),500,5.8019000000000000E+04,3.1856922119400002E+02,2.9310837770000000E+00,1.5859019565613698E+01,-1.1625045821859665E+01,6.1460818979133807E+00,-8.7193029455648135E-04,1.5159992848528085E-03,8.0402903362219199E-04 -5335 Damocles (1991 DA),500,5.8020000000000000E+04,3.1853656292900001E+02,2.9139080410000000E+00,1.5858133092063769E+01,-1.1623545403912903E+01,6.1468939328294914E+00,-8.7245945977806286E-04,1.5163970491799510E-03,8.0382042286622078E-04 -5335 Damocles (1991 DA),500,5.8021000000000000E+04,3.1850451170500003E+02,2.8967215290000001E+00,1.5857245790683558E+01,-1.1622044971599186E+01,6.1477056346788759E+00,-8.7298864047989763E-04,1.5167948863430199E-03,8.0361174485866073E-04 -5335 Damocles (1991 DA),500,5.8022000000000000E+04,3.1847307762999998E+02,2.8795313469999999E+00,1.5856357669493692E+01,-1.1620544515048536E+01,6.1485170007341789E+00,-8.7351784262511343E-04,1.5171927982397197E-03,8.0340300019712157E-04 -5335 Damocles (1991 DA),500,5.8023000000000000E+04,3.1844227041800002E+02,2.8623445390000000E+00,1.5855468736053764E+01,-1.1619044024923468E+01,6.1493280286175542E+00,-8.7404707184150267E-04,1.5175907858773104E-03,8.0319418937542205E-04 -5335 Damocles (1991 DA),500,5.8024000000000000E+04,3.1841209940700003E+02,2.8451680819999998E+00,1.5854578997607343E+01,-1.1617543492279479E+01,6.1501387162075067E+00,-8.7457633331238817E-04,1.5179888495388608E-03,8.0298531278723913E-04 -5335 Damocles (1991 DA),500,5.8025000000000000E+04,3.1838257356899999E+02,2.8280088819999998E+00,1.5853688461235244E+01,-1.1616042908387032E+01,6.1509490616008646E+00,-8.7510563171941912E-04,1.5183869889463294E-03,8.0277637073396875E-04 -5335 Damocles (1991 DA),500,5.8026000000000000E+04,3.1835370152299998E+02,2.8108737730000000E+00,1.5852797133961552E+01,-1.1614542264585385E+01,6.1517590631324905E+00,-8.7563497121827499E-04,1.5187852034108090E-03,8.0256736343505594E-04 -5335 Damocles (1991 DA),500,5.8027000000000000E+04,3.1832549153000002E+02,2.7937695080000000E+00,1.5851905022764031E+01,-1.1613041552230225E+01,6.1525687194477241E+00,-8.7616435545027492E-04,1.5191834919638311E-03,8.0235829103991025E-04 -5335 Damocles (1991 DA),500,5.8028000000000000E+04,3.1829795150899997E+02,2.7767027490000000E+00,1.5851012134447370E+01,-1.1611540762794482E+01,6.1533780296140357E+00,-8.7669378757167108E-04,1.5195818534665794E-03,8.0214915363961670E-04 -5335 Damocles (1991 DA),500,5.8029000000000000E+04,3.1827108904400001E+02,2.7596800610000001E+00,1.5850118475350932E+01,-1.1610039888171523E+01,6.1541869932449682E+00,-8.7722327029881707E-04,1.5199802866965022E-03,8.0193995127820150E-04 -5335 Damocles (1991 DA),703,5.7970000000000000E+04,3.2064392021700002E+02,3.6216690429999998E+00,1.5901387345678881E+01,-1.1698622127096133E+01,6.1059643945672546E+00,-8.4603249219475027E-04,1.4965147714572618E-03,8.1416476931955211E-04 -5335 Damocles (1991 DA),703,5.7971000000000000E+04,3.2059790495900000E+02,3.6128351830000001E+00,1.5900543572733351E+01,-1.1697119173417439E+01,6.1067882288592186E+00,-8.4655961436145948E-04,1.4969126157864891E-03,8.1395953253588600E-04 -5335 Damocles (1991 DA),703,5.7972000000000000E+04,3.2055180853299998E+02,3.6037059370000000E+00,1.5899698968107831E+01,-1.1695616255326563E+01,6.1076118869427312E+00,-8.4708680958015849E-04,1.4973104530144801E-03,8.1375423059587223E-04 -5335 Damocles (1991 DA),703,5.7973000000000000E+04,3.2050564528500001E+02,3.5942850740000001E+00,1.5898853532276695E+01,-1.1694113370091181E+01,6.1084353671852263E+00,-8.4761407704571010E-04,1.4977082833500799E-03,8.1354886342474477E-04 -5335 Damocles (1991 DA),703,5.7974000000000000E+04,3.2045942952600001E+02,3.5845764029999998E+00,1.5898007265000771E+01,-1.1692610515697762E+01,6.1092586684197414E+00,-8.4814141599150010E-04,1.4981061070176403E-03,8.1334343095007023E-04 -5335 Damocles (1991 DA),703,5.7975000000000000E+04,3.2041317556000001E+02,3.5745837640000002E+00,1.5897160165054977E+01,-1.1691107691229444E+01,6.1100817899287572E+00,-8.4866882568791074E-04,1.4985039242577103E-03,8.1313793310023588E-04 -5335 Damocles (1991 DA),703,5.7976000000000000E+04,3.2036689772900002E+02,3.5643110380000000E+00,1.5896312229997303E+01,-1.1689604897213304E+01,6.1109047313698719E+00,-8.4919630546067930E-04,1.4989017353102298E-03,8.1293236980804881E-04 -5335 Damocles (1991 DA),703,5.7977000000000000E+04,3.2032061046199999E+02,3.5537621490000002E+00,1.5895463456018676E+01,-1.1688102135882678E+01,6.1117274926473808E+00,-8.4972385468133106E-04,1.4992995404133798E-03,8.1272674100840161E-04 -5335 Damocles (1991 DA),703,5.7978000000000000E+04,3.2027432832699998E+02,3.5429410820000000E+00,1.5894613837893043E+01,-1.1686599411322550E+01,6.1125500737421863E+00,-8.5025147276164038E-04,1.4996973398044896E-03,8.1252104663571642E-04 -5335 Damocles (1991 DA),703,5.7979000000000000E+04,3.2022806609100002E+02,3.5318518999999999E+00,1.5893763369029267E+01,-1.1685096729489974E+01,6.1133724745129223E+00,-8.5077915916531056E-04,1.5000951337040998E-03,8.1231528662635631E-04 -5335 Damocles (1991 DA),703,5.7980000000000000E+04,3.2018183876400002E+02,3.5204987690000000E+00,1.5892912041626445E+01,-1.1683594098106724E+01,6.1141946944740546E+00,-8.5130691341435936E-04,1.5004929223039198E-03,8.1210946091995692E-04 -5335 Damocles (1991 DA),703,5.7981000000000000E+04,3.2013566164299999E+02,3.5088859819999998E+00,1.5892059846950689E+01,-1.1682091526401189E+01,6.1150167325513056E+00,-8.5183473505969984E-04,1.5008907057798195E-03,8.1190356945054075E-04 -5335 Damocles (1991 DA),703,5.7982000000000000E+04,3.2008955034000002E+02,3.4970179940000001E+00,1.5891206775773037E+01,-1.1680589024644686E+01,6.1158385868198222E+00,-8.5236262371414691E-04,1.5012884842565393E-03,8.1169761215538672E-04 -5335 Damocles (1991 DA),703,5.7983000000000000E+04,3.2004352078599999E+02,3.4848994439999998E+00,1.5890352819009179E+01,-1.1679086603415016E+01,6.1166602542536346E+00,-8.5289057902670530E-04,1.5016862578183399E-03,8.1149158896664446E-04 -5335 Damocles (1991 DA),703,5.7984000000000000E+04,3.1999758920599999E+02,3.4725351870000001E+00,1.5889497968545850E+01,-1.1677584272576048E+01,6.1174817305501632E+00,-8.5341860069276104E-04,1.5020840264827699E-03,8.1128549981503693E-04 -5335 Damocles (1991 DA),703,5.7985000000000000E+04,3.1995177206099999E+02,3.4599303090000002E+00,1.5888642218135509E+01,-1.1676082040090328E+01,6.1183030101158957E+00,-8.5394668844165737E-04,1.5024817902005785E-03,8.1107934462481786E-04 -5335 Damocles (1991 DA),703,5.7986000000000000E+04,3.1990608594700001E+02,3.4470901249999999E+00,1.5887785564128817E+01,-1.1674579910940967E+01,6.1191240862793173E+00,-8.5447484203453848E-04,1.5028795488328910E-03,8.1087312331481142E-04 -5335 Damocles (1991 DA),703,5.7987000000000000E+04,3.1986054748800001E+02,3.4340201700000001E+00,1.5886928005796980E+01,-1.1673077886499780E+01,6.1199449517211830E+00,-8.5500306125148307E-04,1.5032773021440814E-03,8.1066683579425719E-04 -5335 Damocles (1991 DA),703,5.7988000000000000E+04,3.1981517320500001E+02,3.4207261650000000E+00,1.5886069545114834E+01,-1.1671575964564909E+01,6.1207655990175933E+00,-8.5553134588235713E-04,1.5036750497850800E-03,8.1046048196136821E-04 -5335 Damocles (1991 DA),703,5.7989000000000000E+04,3.1976997942300000E+02,3.4072139820000000E+00,1.5885210186089065E+01,-1.1670074140031161E+01,6.1215860211388806E+00,-8.5605969571304723E-04,1.5040727912713700E-03,8.1025406170247337E-04 -5335 Damocles (1991 DA),703,5.7990000000000000E+04,3.1972498220000000E+02,3.3934896000000001E+00,1.5884349933882897E+01,-1.1668572405916132E+01,6.1224062117769655E+00,-8.5658811049651486E-04,1.5044705259810703E-03,8.1004757488415888E-04 -5335 Damocles (1991 DA),703,5.7991000000000000E+04,3.1968019729200000E+02,3.3795590780000002E+00,1.5883488794012838E+01,-1.1667070754393576E+01,6.1232261654588171E+00,-8.5711658994058401E-04,1.5048682531242693E-03,8.0984102135562761E-04 -5335 Damocles (1991 DA),703,5.7992000000000000E+04,3.1963564014999997E+02,3.3654285229999998E+00,1.5882626771792944E+01,-1.1665569177577408E+01,6.1240458774866431E+00,-8.5764513366590970E-04,1.5052659717413510E-03,8.0963440093988746E-04 -5335 Damocles (1991 DA),703,5.7993000000000000E+04,3.1959132592999998E+02,3.3511040770000000E+00,1.5881763872066092E+01,-1.1664067667964906E+01,6.1248653437842417E+00,-8.5817374117743827E-04,1.5056636806810089E-03,8.0942771343382161E-04 -5335 Damocles (1991 DA),703,5.7994000000000000E+04,3.1954726951300000E+02,3.3365919100000001E+00,1.5880900099167681E+01,-1.1662566218576465E+01,6.1256845607243502E+00,-8.5870241181299975E-04,1.5060613786042204E-03,8.0922095859956294E-04 -5335 Damocles (1991 DA),703,5.7995000000000000E+04,3.1950348552100002E+02,3.3218982119999998E+00,1.5880035457029580E+01,-1.1661064822890619E+01,6.1265035249872399E+00,-8.5923114469593082E-04,1.5064590639738990E-03,8.0901413616333098E-04 -5335 Damocles (1991 DA),703,5.7996000000000000E+04,3.1945998833200002E+02,3.3070291909999998E+00,1.5879169949338522E+01,-1.1659563474678629E+01,6.1273222334741417E+00,-8.5975993866681515E-04,1.5068567350737198E-03,8.0880724580693712E-04 -5335 Damocles (1991 DA),703,5.7997000000000000E+04,3.1941679208099998E+02,3.2919910689999998E+00,1.5878303579681212E+01,-1.1658062167825701E+01,6.1281406832814884E+00,-8.6028879221895782E-04,1.5072543900270189E-03,8.0860028716479263E-04 -5335 Damocles (1991 DA),703,5.7998000000000000E+04,3.1937391066200001E+02,3.2767900740000000E+00,1.5877436351626837E+01,-1.1656560896206653E+01,6.1289588717315864E+00,-8.6081770343119941E-04,1.5076520268257586E-03,8.0839325982431129E-04 -5335 Damocles (1991 DA),703,5.7999000000000000E+04,3.1933135773399999E+02,3.2614324360000002E+00,1.5876568268709848E+01,-1.1655059653669626E+01,6.1297767964486969E+00,-8.6134666987712494E-04,1.5080496434082390E-03,8.0818616331630960E-04 -5335 Damocles (1991 DA),703,5.8000000000000000E+04,3.1928914671500002E+02,3.2459243750000000E+00,1.5875699334288527E+01,-1.1653558434169359E+01,6.1305944554616305E+00,-8.6187568856099881E-04,1.5084472377300123E-03,8.0797899712104111E-04 -5335 Damocles (1991 DA),703,5.8001000000000000E+04,3.1924729079899998E+02,3.2302720940000000E+00,1.5874829551272839E+01,-1.1652057232070399E+01,6.1314118473049835E+00,-8.6240475584744517E-04,1.5088448078821905E-03,8.0777176066905280E-04 -5335 Damocles (1991 DA),703,5.8002000000000000E+04,3.1920580297700002E+02,3.2144817689999998E+00,1.5873958921747516E+01,-1.1650556042605436E+01,6.1322289710812825E+00,-8.6293386741384537E-04,1.5092423522372316E-03,8.0756445334882656E-04 -5335 Damocles (1991 DA),703,5.8003000000000000E+04,3.1916469608300002E+02,3.1985595459999998E+00,1.5873087446557417E+01,-1.1649054862419828E+01,6.1330458264440049E+00,-8.6346301823883934E-04,1.5096398696077696E-03,8.0735707452071368E-04 -5335 Damocles (1991 DA),703,5.8004000000000000E+04,3.1912398284000000E+02,3.1825115490000000E+00,1.5872215124960128E+01,-1.1647553690080146E+01,6.1338624134723467E+00,-8.6399220261180066E-04,1.5100373594660304E-03,8.0714962353180882E-04 -5335 Damocles (1991 DA),703,5.8005000000000000E+04,3.1908367593800000E+02,3.1663438880000001E+00,1.5871341954459476E+01,-1.1646052526400043E+01,6.1346787324361678E+00,-8.6452141423053446E-04,1.5104348221289081E-03,8.0694209974419050E-04 -5335 Damocles (1991 DA),703,5.8006000000000000E+04,3.1904378809200000E+02,3.1500626829999998E+00,1.5870467930898661E+01,-1.1644551374465987E+01,6.1354947834842051E+00,-8.6505064633892077E-04,1.5108322589672089E-03,8.0673450256309024E-04 -5335 Damocles (1991 DA),703,5.8007000000000000E+04,3.1900433210900002E+02,3.1336740930000002E+00,1.5869593048818897E+01,-1.1643050239327001E+01,6.1363105663150908E+00,-8.6557989193719771E-04,1.5112296725913812E-03,8.0652683146886209E-04 -5335 Damocles (1991 DA),703,5.8008000000000000E+04,3.1896532092100000E+02,3.1171843419999998E+00,1.5868717302016506E+01,-1.1641549127407394E+01,6.1371260798924894E+00,-8.6610914407112211E-04,1.5116270669589503E-03,8.0631908605954404E-04 -5335 Damocles (1991 DA),703,5.8009000000000000E+04,3.1892676761100000E+02,3.1005997500000002E+00,1.5867840684196587E+01,-1.1640048045755908E+01,6.1379413222445853E+00,-8.6663839615341506E-04,1.5120244474365885E-03,8.0611126607590456E-04 -5335 Damocles (1991 DA),703,5.8010000000000000E+04,3.1888868539300000E+02,3.0839267559999999E+00,1.5866963189632836E+01,-1.1638547001243980E+01,6.1387562903599795E+00,-8.6716764232674286E-04,1.5124218207274408E-03,8.0590337143551826E-04 -5335 Damocles (1991 DA),703,5.8011000000000000E+04,3.1885108758400003E+02,3.0671719369999999E+00,1.5866084813780812E+01,-1.1637045999784094E+01,6.1395709801746907E+00,-8.6769687780707773E-04,1.5128191947079480E-03,8.0569540225041987E-04 -5335 Damocles (1991 DA),703,5.8012000000000000E+04,3.1881398754200001E+02,3.0503420150000000E+00,1.5865205553815532E+01,-1.1635545045608090E+01,6.1403853866449554E+00,-8.6822609916942326E-04,1.5132165781714304E-03,8.0548735882742168E-04 -5335 Damocles (1991 DA),703,5.8013000000000000E+04,3.1877739859399998E+02,3.0334438580000000E+00,1.5864325409058381E+01,-1.1634044140648168E+01,6.1411995039092675E+00,-8.6875530456121319E-04,1.5136139804605205E-03,8.0527924166476318E-04 -5335 Damocles (1991 DA),703,5.8014000000000000E+04,3.1874133394199998E+02,3.0164844660000001E+00,1.5863444381231480E+01,-1.1632543284096062E+01,6.1420133255430187E+00,-8.6928449379104788E-04,1.5140114110714122E-03,8.0507105142301665E-04 -5335 Damocles (1991 DA),703,5.8015000000000000E+04,3.1870580656900000E+02,2.9994709529999999E+00,1.5862562474465852E+01,-1.1631042472241141E+01,6.1428268448913537E+00,-8.6981366830218582E-04,1.5144088792416188E-03,8.0486278888877401E-04 -5335 Damocles (1991 DA),703,5.8016000000000000E+04,3.1867082915200001E+02,2.9824105159999998E+00,1.5861679695021770E+01,-1.1629541698660800E+01,6.1436400554352479E+00,-8.7034283101961193E-04,1.5148063935854095E-03,8.0465445493631911E-04 -5335 Damocles (1991 DA),703,5.8017000000000000E+04,3.1863641398400000E+02,2.9653104039999998E+00,1.5860796050759188E+01,-1.1628040954747313E+01,6.1444529511213233E+00,-8.7087198611963631E-04,1.5152039618002901E-03,8.0444605047443702E-04 -5335 Damocles (1991 DA),703,5.8018000000000000E+04,3.1860257293199999E+02,2.9481778790000002E+00,1.5859911550475896E+01,-1.1626540230452020E+01,6.1452655265897764E+00,-8.7140113872798824E-04,1.5156015904527597E-03,8.0423757640968113E-04 -5335 Damocles (1991 DA),703,5.8019000000000000E+04,3.1856931740800002E+02,2.9310201939999998E+00,1.5859026203270183E+01,-1.1625039515062189E+01,6.1460777772659743E+00,-8.7193029460336507E-04,1.5159992848857197E-03,8.0402903360467627E-04 -5335 Damocles (1991 DA),703,5.8020000000000000E+04,3.1853665837300002E+02,2.9138445640000001E+00,1.5858140018055469E+01,-1.1623538797842940E+01,6.1468896993262030E+00,-8.7245945982593808E-04,1.5163970492164495E-03,8.0382042284701436E-04 -5335 Damocles (1991 DA),703,5.8021000000000000E+04,3.1850460634900003E+02,2.8966581560000000E+00,1.5857253003286782E+01,-1.1622038068447106E+01,6.1477012895797918E+00,-8.7298864052959171E-04,1.5167948863808300E-03,8.0361174483875261E-04 -5335 Damocles (1991 DA),703,5.8022000000000000E+04,3.1847317144599998E+02,2.8794680779999999E+00,1.5856365166887544E+01,-1.1620537317082922E+01,6.1485125453203757E+00,-8.7351784267732785E-04,1.5171927982765600E-03,8.0340300017751095E-04 -5335 Damocles (1991 DA),703,5.8023000000000000E+04,3.1844236337500001E+02,2.8622813720000000E+00,1.5855476516320456E+01,-1.1619036534490274E+01,6.1493234641909060E+00,-8.7404707189478990E-04,1.5175907859177398E-03,8.0319418935412377E-04 -5335 Damocles (1991 DA),703,5.8024000000000000E+04,3.1841219147700002E+02,2.8451050150000001E+00,1.5854587058732742E+01,-1.1617535711800912E+01,6.1501340440903576E+00,-8.7457633336807930E-04,1.5179888495782598E-03,8.0298531276626177E-04 -5335 Damocles (1991 DA),703,5.8025000000000000E+04,3.1838266472399999E+02,2.8279459149999999E+00,1.5853696801109484E+01,-1.1616034840360662E+01,6.1509442831357575E+00,-8.7510563177652697E-04,1.5183869889881622E-03,8.0277637071181275E-04 -5335 Damocles (1991 DA),703,5.8026000000000000E+04,3.1835379173400003E+02,2.8108109049999999E+00,1.5852805750379622E+01,-1.1614533911583084E+01,6.1517541796817952E+00,-8.7563497127710120E-04,1.5187852034538908E-03,8.0256736341222698E-04 -5335 Damocles (1991 DA),703,5.8027000000000000E+04,3.1832558076999999E+02,2.7937067369999999E+00,1.5851913913426493E+01,-1.1613032916897220E+01,6.1525637323932747E+00,-8.7616435551079899E-04,1.5191834920081412E-03,8.0235829101641841E-04 -5335 Damocles (1991 DA),703,5.8028000000000000E+04,3.1829803975099998E+02,2.7766400739999999E+00,1.5851021296960964E+01,-1.1611531847848429E+01,6.1533729403567605E+00,-8.7669378763364906E-04,1.5195818535133094E-03,8.0214915361495739E-04 -5335 Damocles (1991 DA),703,5.8029000000000000E+04,3.1827117626099999E+02,2.7596174809999998E+00,1.5850127907229203E+01,-1.1610030696401820E+01,6.1541818032044864E+00,-8.7722327036268309E-04,1.5199802867432617E-03,8.0193995125340265E-04 -5335 Damocles (1991 DA),F51,5.7970000000000000E+04,3.2064386069599999E+02,3.6216875549999998E+00,1.5901377564118823E+01,-1.1698632604282373E+01,6.1059699843367543E+00,-8.4603249212733024E-04,1.4965147714076747E-03,8.1416476934544361E-04 -5335 Damocles (1991 DA),F51,5.7971000000000000E+04,3.2059784655800001E+02,3.6128536389999999E+00,1.5900533618787037E+01,-1.1697129835319579E+01,6.1067938768704035E+00,-8.4655961429321025E-04,1.4969126157380296E-03,8.1395953256137256E-04 -5335 Damocles (1991 DA),F51,5.7972000000000000E+04,3.2055175127199999E+02,3.6037243380000001E+00,1.5899688844583494E+01,-1.1695627098309009E+01,6.1076175913244271E+00,-8.4708680951049893E-04,1.4973104529632589E-03,8.1375423062263164E-04 -5335 Damocles (1991 DA),F51,5.7973000000000000E+04,3.2050558918500002E+02,3.5943034240000000E+00,1.5898843242039970E+01,-1.1694124390469101E+01,6.1084411260584073E+00,-8.4761407697478072E-04,1.4977082832970997E-03,8.1354886345234541E-04 -5335 Damocles (1991 DA),F51,5.7974000000000000E+04,3.2045937460499999E+02,3.5845947020000000E+00,1.5897996810974035E+01,-1.1692621709738470E+01,6.1092644798983624E+00,-8.4814141591990980E-04,1.4981061069658207E-03,8.1334343097724609E-04 -5335 Damocles (1991 DA),F51,5.7975000000000000E+04,3.2041312183800000E+02,3.5746020150000000E+00,1.5897149550216701E+01,-1.1691119055153738E+01,6.1100876521206251E+00,-8.4866882561508011E-04,1.4985039242041490E-03,8.1313793312823561E-04 -5335 Damocles (1991 DA),F51,5.7976000000000000E+04,3.2036684522500002E+02,3.5643292419999999E+00,1.5896301457381281E+01,-1.1689616427196885E+01,6.1109106423775739E+00,-8.4919630538658926E-04,1.4989017352549702E-03,8.1293236983685964E-04 -5335 Damocles (1991 DA),F51,5.7977000000000000E+04,3.2032055919300001E+02,3.5537803079999999E+00,1.5895452528713362E+01,-1.1688113828057443E+01,6.1117334505692016E+00,-8.4972385460672928E-04,1.4992995403593102E-03,8.1272674103677269E-04 -5335 Damocles (1991 DA),F51,5.7978000000000000E+04,3.2027427831099999E+02,3.5429591970000001E+00,1.5894602759040840E+01,-1.1686611261778030E+01,6.1125560766729610E+00,-8.5025147268609144E-04,1.4996973397497105E-03,8.1252104666446924E-04 -5335 Damocles (1991 DA),F51,5.7979000000000000E+04,3.2022801734600000E+02,3.5318699740000001E+00,1.5893752141825857E+01,-1.1685108734274662E+01,6.1133785205447966E+00,-8.5077915908796098E-04,1.5000951336457992E-03,8.1231528665670432E-04 -5335 Damocles (1991 DA),F51,5.7980000000000000E+04,3.2018179130499999E+02,3.5205168030000000E+00,1.5892900669320133E+01,-1.1683606253229607E+01,6.1142007816970896E+00,-8.5130691333696988E-04,1.5004929222477703E-03,8.1210946094944071E-04 -5335 Damocles (1991 DA),F51,5.7981000000000000E+04,3.2013561548700000E+02,3.5089039789999998E+00,1.5892048332841718E+01,-1.1682103827833268E+01,6.1150228590539450E+00,-8.5183473498112033E-04,1.5008907057220688E-03,8.1190356948078577E-04 -5335 Damocles (1991 DA),F51,5.7982000000000000E+04,3.2008950550300000E+02,3.4970359539999998E+00,1.5891195123212961E+01,-1.1680601468320560E+01,6.1158447506892095E+00,-8.5236262363503484E-04,1.5012884841990905E-03,8.1169761218556917E-04 -5335 Damocles (1991 DA),F51,5.7983000000000000E+04,3.2004347728300002E+02,3.4849173699999998E+00,1.5890341031400190E+01,-1.1679099185234501E+01,6.1166664535758644E+00,-8.5289057894640148E-04,1.5016862577593298E-03,8.1149158899756037E-04 -5335 Damocles (1991 DA),F51,5.7984000000000000E+04,3.1999754705300001E+02,3.4725530810000000E+00,1.5889486049340128E+01,-1.1677596988405774E+01,6.1174879634105732E+00,-8.5341860061164537E-04,1.5020840264231509E-03,8.1128549984627540E-04 -5335 Damocles (1991 DA),F51,5.7985000000000000E+04,3.1995173126999998E+02,3.4599481729999999E+00,1.5888630170834420E+01,-1.1676094885765281E+01,6.1183092745995165E+00,-8.5394668835933607E-04,1.5024817901394694E-03,8.1107934465676377E-04 -5335 Damocles (1991 DA),F51,5.7986000000000000E+04,3.1990604653299999E+02,3.4471079599999999E+00,1.5887773392282211E+01,-1.1674592882265831E+01,6.1191303804715051E+00,-8.5447484195143135E-04,1.5028795487712285E-03,8.1087312334705592E-04 -5335 Damocles (1991 DA),F51,5.7987000000000000E+04,3.1986050946300003E+02,3.4340379790000002E+00,1.5886915713002221E+01,-1.1673090979250301E+01,6.1199512737084953E+00,-8.5500306116761439E-04,1.5032773020818898E-03,8.1066683582679095E-04 -5335 Damocles (1991 DA),F51,5.7988000000000000E+04,3.1981513658199998E+02,3.4207439489999998E+00,1.5886057135015882E+01,-1.1671589174489098E+01,6.1207719468887278E+00,-8.5553134579730711E-04,1.5036750497214903E-03,8.1046048199457049E-04 -5335 Damocles (1991 DA),F51,5.7989000000000000E+04,3.1976994421500001E+02,3.4072317430000001E+00,1.5885197662375475E+01,-1.1670087462850500E+01,6.1215923929855176E+00,-8.5605969562820017E-04,1.5040727912090605E-03,8.1025406173517594E-04 -5335 Damocles (1991 DA),F51,5.7990000000000000E+04,3.1972494841800000E+02,3.3935073409999998E+00,1.5884337300288836E+01,-1.1668585837326805E+01,6.1224126056944801E+00,-8.5658811041100860E-04,1.5044705259182802E-03,8.1004757491712101E-04 -5335 Damocles (1991 DA),F51,5.7991000000000000E+04,3.1968016494599999E+02,3.3795768000000002E+00,1.5883476054315965E+01,-1.1667084290067912E+01,6.1232325795468068E+00,-8.5711658985493551E-04,1.5048682530618904E-03,8.0984102138846625E-04 -5335 Damocles (1991 DA),F51,5.7992000000000000E+04,3.1963560925100001E+02,3.3654462270000001E+00,1.5882613929813287E+01,-1.1665582813165246E+01,6.1240523098493300E+00,-8.5764513357915011E-04,1.5052659716776415E-03,8.0963440097334409E-04 -5335 Damocles (1991 DA),F51,5.7993000000000000E+04,3.1959129648800001E+02,3.3511217659999999E+00,1.5881750931664888E+01,-1.1664081399095100E+01,6.1248717925307785E+00,-8.5817374109010101E-04,1.5056636806168901E-03,8.0942771346751124E-04 -5335 Damocles (1991 DA),F51,5.7994000000000000E+04,3.1954724153699999E+02,3.3366095859999998E+00,1.5880887064246190E+01,-1.1662580040858364E+01,6.1256910239691091E+00,-8.5870241172456441E-04,1.5060613785388595E-03,8.0922095863383522E-04 -5335 Damocles (1991 DA),F51,5.7995000000000000E+04,3.1950345901999998E+02,3.3219158769999999E+00,1.5880022331527934E+01,-1.1661078731915527E+01,6.1265100008500895E+00,-8.5923114460751543E-04,1.5064590639090013E-03,8.0901413619744573E-04 -5335 Damocles (1991 DA),F51,5.7996000000000000E+04,3.1945996331300000E+02,3.3070468460000000E+00,1.5879156737234467E+01,-1.1659577466021300E+01,6.1273287200807216E+00,-8.5975993857847523E-04,1.5068567350092800E-03,8.0880724584089445E-04 -5335 Damocles (1991 DA),F51,5.7997000000000000E+04,3.1941676855200001E+02,3.2920087150000001E+00,1.5878290284988871E+01,-1.1658076237045732E+01,6.1281471787635020E+00,-8.6028879212898379E-04,1.5072543899605911E-03,8.0860028719964756E-04 -5335 Damocles (1991 DA),F51,5.7998000000000000E+04,3.1937388863100000E+02,3.2768077139999998E+00,1.5877422978395408E+01,-1.1656575038850001E+01,6.1289653742270556E+00,-8.6081770334137629E-04,1.5076520267598391E-03,8.0839325985898873E-04 -5335 Damocles (1991 DA),F51,5.7999000000000000E+04,3.1933133720600000E+02,3.2614500720000001E+00,1.5876554821022356E+01,-1.1655073865269996E+01,6.1297833041022534E+00,-8.6134666978688809E-04,1.5080496433420108E-03,8.0818616335115228E-04 -5335 Damocles (1991 DA),F51,5.8000000000000000E+04,3.1928912769599998E+02,3.2459420090000002E+00,1.5875685816260470E+01,-1.1653572710249636E+01,6.1306009664247991E+00,-8.6187568847037946E-04,1.5084472376635100E-03,8.0797899715604078E-04 -5335 Damocles (1991 DA),F51,5.8001000000000000E+04,3.1924727329400002E+02,3.2302897270000002E+00,1.5874815967050854E+01,-1.1652071568144015E+01,6.1314183597365339E+00,-8.6240475575646847E-04,1.5088448078154314E-03,8.0777176070419504E-04 -5335 Damocles (1991 DA),F51,5.8002000000000000E+04,3.1920578699200001E+02,3.2144994020000000E+00,1.5873945275507953E+01,-1.1650570434177771E+01,6.1322354831476353E+00,-8.6293386732188247E-04,1.5092423521694889E-03,8.0756445338443154E-04 -5335 Damocles (1991 DA),F51,5.8003000000000000E+04,3.1916468162000001E+02,3.1985771820000002E+00,1.5873073742504959E+01,-1.1649069304989528E+01,6.1330523363197482E+00,-8.6346301814724420E-04,1.5096398695405699E-03,8.0735707455610942E-04 -5335 Damocles (1991 DA),F51,5.8004000000000000E+04,3.1912396990399998E+02,3.1825291880000002E+00,1.5872201367326300E+01,-1.1647568179140437E+01,6.1338689193408316E+00,-8.6399220251993578E-04,1.5100373593986485E-03,8.0714962356731416E-04 -5335 Damocles (1991 DA),F51,5.8005000000000000E+04,3.1908366453100001E+02,3.1663615329999999E+00,1.5871328147501279E+01,-1.1646067057439984E+01,6.1346852324901109E+00,-8.6452141413842802E-04,1.5104348220613475E-03,8.0694209977979754E-04 -5335 Damocles (1991 DA),F51,5.8006000000000000E+04,3.1904377821700001E+02,3.1500803350000002E+00,1.5870454078897163E+01,-1.1644565942971761E+01,6.1355012759262850E+00,-8.6505064624732651E-04,1.5108322589002295E-03,8.0673450259846949E-04 -5335 Damocles (1991 DA),F51,5.8007000000000000E+04,3.1900432376600003E+02,3.1336917540000000E+00,1.5869579156077858E+01,-1.1643064840783179E+01,6.1363170493583779E+00,-8.6557989184396630E-04,1.5112296725228319E-03,8.0652683150493696E-04 -5335 Damocles (1991 DA),F51,5.8008000000000000E+04,3.1896531411400002E+02,3.1172020130000000E+00,1.5868703372861004E+01,-1.1641563757298391E+01,6.1371325517607147E+00,-8.6610914397847487E-04,1.5116270668910116E-03,8.0631908609537779E-04 -5335 Damocles (1991 DA),F51,5.8009000000000000E+04,3.1892676233800000E+02,3.1006174330000000E+00,1.5867826722971667E+01,-1.1640062699567403E+01,6.1379477811722039E+00,-8.6663839606064596E-04,1.5120244473685613E-03,8.0611126611179371E-04 -5335 Damocles (1991 DA),F51,5.8010000000000000E+04,3.1888868165500003E+02,3.0839444519999999E+00,1.5866949200702198E+01,-1.1638561674464347E+01,6.1387627345921034E+00,-8.6716764223310813E-04,1.5124218206586798E-03,8.0590337147174189E-04 -5335 Damocles (1991 DA),F51,5.8011000000000000E+04,3.1885108537999997E+02,3.0671896479999998E+00,1.5866070801525392E+01,-1.1637060687905931E+01,6.1395774079669652E+00,-8.6769687771415119E-04,1.5128191946398202E-03,8.0569540228638394E-04 -5335 Damocles (1991 DA),F51,5.8012000000000000E+04,3.1881398687199999E+02,3.0503597419999999E+00,1.5865191522632140E+01,-1.1635559744129639E+01,6.1403917962634980E+00,-8.6822609907566514E-04,1.5132165781026191E-03,8.0548735886368217E-04 -5335 Damocles (1991 DA),F51,5.8013000000000000E+04,3.1877739945600001E+02,3.0334616020000000E+00,1.5864311363358194E+01,-1.1634058845074593E+01,6.1412058936307004E+00,-8.6875530446744011E-04,1.5136139803917283E-03,8.0527924170102692E-04 -5335 Damocles (1991 DA),F51,5.8014000000000000E+04,3.1874133633299999E+02,3.0165022289999999E+00,1.5863430325438662E+01,-1.1632557989940649E+01,6.1420196936546851E+00,-8.6928449369810573E-04,1.5140114110032792E-03,8.0507105145900522E-04 -5335 Damocles (1991 DA),F51,5.8015000000000000E+04,3.1870581048700001E+02,2.9994887360000000E+00,1.5862548413015919E+01,-1.1631057175026388E+01,6.1428331896916823E+00,-8.6981366820846305E-04,1.5144088791729186E-03,8.0486278892501195E-04 -5335 Damocles (1991 DA),F51,5.8016000000000000E+04,3.1867083459200001E+02,2.9824283210000000E+00,1.5861665632360124E+01,-1.1629556393919321E+01,6.1436463752341899E+00,-8.7034283092680563E-04,1.5148063935173997E-03,8.0465445497226984E-04 -5335 Damocles (1991 DA),F51,5.8017000000000000E+04,3.1863642094400001E+02,2.9653282310000000E+00,1.5860781991339502E+01,-1.1628055638022799E+01,6.1444592442407915E+00,-8.7087198602608267E-04,1.5152039617317686E-03,8.0444605051060005E-04 -5335 Damocles (1991 DA),F51,5.8018000000000000E+04,3.1860258140600001E+02,2.9481957300000001E+00,1.5859897498758501E+01,-1.1626554897300137E+01,6.1452717913640118E+00,-8.7140113863456276E-04,1.5156015903843596E-03,8.0423757644579384E-04 -5335 Damocles (1991 DA),F51,5.8019000000000000E+04,3.1856932739199999E+02,2.9310380690000000E+00,1.5859012163720394E+01,-1.1625054161051649E+01,6.1460840120417899E+00,-8.7193029451185743E-04,1.5159992848185807E-03,8.0402903364024136E-04 -5335 Damocles (1991 DA),F51,5.8020000000000000E+04,3.1853666986100001E+02,2.9138624649999998E+00,1.5858125995141911E+01,-1.1623553418556522E+01,6.1468959024630925E+00,-8.7245945973286236E-04,1.5163970491483512E-03,8.0382042288298765E-04 -5335 Damocles (1991 DA),F51,5.8021000000000000E+04,3.1850461933600002E+02,2.8966760840000001E+00,1.5857239001479728E+01,-1.1622052659482788E+01,6.1477074594499532E+00,-8.7298864043673305E-04,1.5167948863129312E-03,8.0361174487463666E-04 -5335 Damocles (1991 DA),F51,5.8022000000000000E+04,3.1847318592300002E+02,2.8794860340000001E+00,1.5856351190657206E+01,-1.1620551874055003E+01,6.1485186803086815E+00,-8.7351784258652982E-04,1.5171927982098807E-03,8.0340300021285215E-04 -5335 Damocles (1991 DA),F51,5.8023000000000000E+04,3.1844237933800002E+02,2.8622993569999999E+00,1.5855462570135252E+01,-1.1619051053030518E+01,6.1493295626948967E+00,-8.7404707180244634E-04,1.5175907858502608E-03,8.0319418938979738E-04 -5335 Damocles (1991 DA),F51,5.8024000000000000E+04,3.1841220891600000E+02,2.8451230299999999E+00,1.5854573147057652E+01,-1.1617550187559653E+01,6.1501401045201884E+00,-8.7457633327789254E-04,1.5179888495120194E-03,8.0298531280139902E-04 -5335 Damocles (1991 DA),F51,5.8025000000000000E+04,3.1838268363100002E+02,2.8279639610000000E+00,1.5853682928404295E+01,-1.1616049269007918E+01,6.1509503039141853E+00,-8.7510563168575399E-04,1.5183869889216807E-03,8.0277637074703295E-04 -5335 Damocles (1991 DA),F51,5.8026000000000000E+04,3.1835381210100002E+02,2.8108289829999999E+00,1.5852791921097291E+01,-1.1614548288809639E+01,6.1517601592441276E+00,-8.7563497118669609E-04,1.5187852033876782E-03,8.0256736344730861E-04 -5335 Damocles (1991 DA),F51,5.8027000000000000E+04,3.1832560258799998E+02,2.7937248470000000E+00,1.5851900132011453E+01,-1.1613047238415639E+01,6.1525696691873373E+00,-8.7616435542078874E-04,1.5191834919422303E-03,8.0235829105135541E-04 -5335 Damocles (1991 DA),F51,5.8028000000000000E+04,3.1829806301000002E+02,2.7766582170000000E+00,1.5851007567847461E+01,-1.1611546109394153E+01,6.1533788328428880E+00,-8.7669378754309801E-04,1.5195818534472789E-03,8.0214915364992020E-04 -5335 Damocles (1991 DA),F51,5.8029000000000000E+04,3.1827120095100003E+02,2.7596356580000001E+00,1.5850114234839483E+01,-1.1610044893734145E+01,6.1541876498555741E+00,-8.7722327027354476E-04,1.5199802866779997E-03,8.0193995128801450E-04 -5335 Damocles (1991 DA),I11,5.7970000000000000E+04,3.2064393256500000E+02,3.6218015010000002E+00,1.5901398541650574E+01,-1.1698609701715935E+01,6.1059587747903423E+00,-8.4603249226164988E-04,1.4965147715064690E-03,8.1416476929385359E-04 -5335 Damocles (1991 DA),I11,5.7971000000000000E+04,3.2059791601699999E+02,3.6129676740000001E+00,1.5900554808796784E+01,-1.1697106713469090E+01,6.1067826168973198E+00,-8.4655961442742060E-04,1.4969126158346606E-03,8.1395953251061672E-04 -5335 Damocles (1991 DA),I11,5.7972000000000000E+04,3.2055181829800000E+02,3.6038384570000002E+00,1.5899710240847652E+01,-1.1695603764791612E+01,6.1076062844861108E+00,-8.4708680964755076E-04,1.4973104530640394E-03,8.1375423056998029E-04 -5335 Damocles (1991 DA),I11,5.7973000000000000E+04,3.2050565375299999E+02,3.5944176209999998E+00,1.5898864838257971E+01,-1.1694100852953440E+01,6.1084297759131383E+00,-8.4761407711391942E-04,1.4977082834003799E-03,8.1354886339851423E-04 -5335 Damocles (1991 DA),I11,5.7974000000000000E+04,3.2045943669399998E+02,3.5847089710000000E+00,1.5898018600769907E+01,-1.1692597975942022E+01,6.1092530899999984E+00,-8.4814141605864951E-04,1.4981061070668787E-03,8.1334343092427522E-04 -5335 Damocles (1991 DA),I11,5.7975000000000000E+04,3.2041318142500000E+02,3.5747163510000002E+00,1.5897171527140781E+01,-1.1691095132840157E+01,6.1100762260172310E+00,-8.4866882575584078E-04,1.4985039243076495E-03,8.1313793307412135E-04 -5335 Damocles (1991 DA),I11,5.7976000000000000E+04,3.2036690228800001E+02,3.5644436389999998E+00,1.5896323614911918E+01,-1.1689592324173386E+01,6.1108991836099253E+00,-8.4919630552938996E-04,1.4989017353608195E-03,8.1293236978163938E-04 -5335 Damocles (1991 DA),I11,5.7977000000000000E+04,3.2032061371300000E+02,3.5538947610000000E+00,1.5895474860258677E+01,-1.1688089552172231E+01,6.1117219626692414E+00,-8.4972385474883089E-04,1.4992995404629391E-03,8.1272674098242608E-04 -5335 Damocles (1991 DA),I11,5.7978000000000000E+04,3.2027433027000001E+02,3.5430737020000000E+00,1.5894625257940465E+01,-1.1686586820917647E+01,6.1125445631622721E+00,-8.5025147282920960E-04,1.4996973398540992E-03,8.1252104660970131E-04 -5335 Damocles (1991 DA),I11,5.7979000000000000E+04,3.2022806672399997E+02,3.5319845230000002E+00,1.5893774801352670E+01,-1.1685084136361329E+01,6.1133669849332399E+00,-8.5077915923498920E-04,1.5000951337553695E-03,8.1231528659962053E-04 -5335 Damocles (1991 DA),I11,5.7980000000000000E+04,3.2018183808700002E+02,3.5206313919999999E+00,1.5892923482681944E+01,-1.1683581506218486E+01,6.1141892274816758E+00,-8.5130691348198929E-04,1.5004929223536214E-03,8.1210946089388598E-04 -5335 Damocles (1991 DA),I11,5.7981000000000000E+04,3.2013565965599997E+02,3.5090186010000002E+00,1.5892071293182990E+01,-1.1682078939709566E+01,6.1150112897179625E+00,-8.5183473512804968E-04,1.5008907058300415E-03,8.1190356942423833E-04 -5335 Damocles (1991 DA),I11,5.7982000000000000E+04,3.2008954704400003E+02,3.4971506049999999E+00,1.5891218223616594E+01,-1.1680576447096417E+01,6.1158331697016193E+00,-8.5236262378175949E-04,1.5012884843062600E-03,8.1169761212929886E-04 -5335 Damocles (1991 DA),I11,5.7983000000000000E+04,3.2004351618200002E+02,3.4850320429999999E+00,1.5890364264889154E+01,-1.1679074038945993E+01,6.1166548643909957E+00,-8.5289057909499789E-04,1.5016862578685099E-03,8.1149158894035082E-04 -5335 Damocles (1991 DA),I11,5.7984000000000000E+04,3.1999758329600002E+02,3.4726677719999999E+00,1.5889509408879080E+01,-1.1677571725109962E+01,6.1174763694678838E+00,-8.5341860076100159E-04,1.5020840265328912E-03,8.1128549978876432E-04 -5335 Damocles (1991 DA),I11,5.7985000000000000E+04,3.1995176484600000E+02,3.4600628750000002E+00,1.5888653649331488E+01,-1.1676069513537319E+01,6.1182976793231614E+00,-8.5394668851054671E-04,1.5024817902511006E-03,8.1107934459837233E-04 -5335 Damocles (1991 DA),I11,5.7986000000000000E+04,3.1990607743200002E+02,3.4472226689999999E+00,1.5887796982590727E+01,-1.1674567409196388E+01,6.1191187872696311E+00,-8.5447484210332894E-04,1.5028795488833211E-03,8.1087312328840860E-04 -5335 Damocles (1991 DA),I11,5.7987000000000000E+04,3.1986053767400000E+02,3.4341526880000002E+00,1.5886939407922734E+01,-1.1673065413443179E+01,6.1199396859720894E+00,-8.5500306132013995E-04,1.5032773021943901E-03,8.1066683576790771E-04 -5335 Damocles (1991 DA),I11,5.7988000000000000E+04,3.1981516209599999E+02,3.4208586539999999E+00,1.5886080927298151E+01,-1.1671563524059048E+01,6.1207603679902540E+00,-8.5553134595163505E-04,1.5036750498357010E-03,8.1046048193489568E-04 -5335 Damocles (1991 DA),I11,5.7989000000000000E+04,3.1976996702399998E+02,3.4073464370000002E+00,1.5885221544720691E+01,-1.1670061735921097E+01,6.1215808262775706E+00,-8.5605969578059736E-04,1.5040727913209796E-03,8.1025406167643929E-04 -5335 Damocles (1991 DA),I11,5.7990000000000000E+04,3.1972496851500000E+02,3.3936220200000000E+00,1.5884361265351867E+01,-1.1668560042028263E+01,6.1224010545085870E+00,-8.5658811056385856E-04,1.5044705260305186E-03,8.1004757485819766E-04 -5335 Damocles (1991 DA),I11,5.7991000000000000E+04,3.1968018232700001E+02,3.3796914579999999E+00,1.5883500094707685E+01,-1.1667058434534704E+01,6.1232210471925423E+00,-8.5711659000690249E-04,1.5048682531731711E-03,8.0984102132992248E-04 -5335 Damocles (1991 DA),I11,5.7992000000000000E+04,3.1963562390900000E+02,3.3655608589999999E+00,1.5882638038102982E+01,-1.1665556905533688E+01,6.1240407996137263E+00,-8.5764513373276334E-04,1.5052659717904385E-03,8.0963440091410730E-04 -5335 Damocles (1991 DA),I11,5.7993000000000000E+04,3.1959130842000002E+02,3.3512363669999998E+00,1.5881775100382727E+01,-1.1664055447500816E+01,6.1248603076778370E+00,-8.5817374124401349E-04,1.5056636807298986E-03,8.0942771340814369E-04 -5335 Damocles (1991 DA),I11,5.7994000000000000E+04,3.1954725074100003E+02,3.3367241509999999E+00,1.5880911285885722E+01,-1.1662554053433622E+01,6.1256795677394296E+00,-8.5870241188008671E-04,1.5060613786532402E-03,8.0922095857384533E-04 -5335 Damocles (1991 DA),I11,5.7995000000000000E+04,3.1950346549400001E+02,3.3220304000000000E+00,1.5880046598548509E+01,-1.1661052716786816E+01,6.1264985764605751E+00,-8.5923114476187806E-04,1.5064590640223082E-03,8.0901413613788833E-04 -5335 Damocles (1991 DA),I11,5.7996000000000000E+04,3.1945996705699997E+02,3.3071613229999999E+00,1.5879181042063808E+01,-1.1659551431306761E+01,6.1273173307242565E+00,-8.5975993873158626E-04,1.5068567351215409E-03,8.0880724578176228E-04 -5335 Damocles (1991 DA),I11,5.7997000000000000E+04,3.1941676956600003E+02,3.2921231409999998E+00,1.5878314620025595E+01,-1.1658050190852602E+01,6.1281358276086353E+00,-8.6028879228501436E-04,1.5072543900751991E-03,8.0860028713948388E-04 -5335 Damocles (1991 DA),I11,5.7998000000000000E+04,3.1937388691699999E+02,3.2769220830000001E+00,1.5877447336011649E+01,-1.1656548989272165E+01,6.1289540644177487E+00,-8.6081770349602255E-04,1.5076520268733403E-03,8.0839325979928562E-04 -5335 Damocles (1991 DA),I11,5.7999000000000000E+04,3.1933133276600000E+02,3.2615643799999998E+00,1.5876579193566267E+01,-1.1655047820385592E+01,6.1297720387576353E+00,-8.6134666994152828E-04,1.5080496434554912E-03,8.0818616329144213E-04 -5335 Damocles (1991 DA),I11,5.8000000000000000E+04,3.1928912053400001E+02,3.2460562510000002E+00,1.5875710196058863E+01,-1.1653546678118667E+01,6.1305897486389132E+00,-8.6187568862495807E-04,1.5084472377769487E-03,8.0797899709633973E-04 -5335 Damocles (1991 DA),I11,5.8001000000000000E+04,3.1924726341399997E+02,3.2304038990000001E+00,1.5874840346411830E+01,-1.1652045556805973E+01,6.1314071925780045E+00,-8.6240475591093865E-04,1.5088448079287678E-03,8.0777176064452891E-04 -5335 Damocles (1991 DA),I11,5.8002000000000000E+04,3.1920577440000000E+02,3.2146134989999999E+00,1.5873969646723715E+01,-1.1650544451649269E+01,6.1322243696591938E+00,-8.6293386747770835E-04,1.5092423522837118E-03,8.0756445332437769E-04 -5335 Damocles (1991 DA),I11,5.8003000000000000E+04,3.1916466632300001E+02,3.1986911990000002E+00,1.5873098097854474E+01,-1.1649043359262059E+01,6.1330412795176059E+00,-8.6346301830133709E-04,1.5096398696536201E-03,8.0735707449656427E-04 -5335 Damocles (1991 DA),I11,5.8004000000000000E+04,3.1912395191000002E+02,3.1826431209999999E+00,1.5872225699077971E+01,-1.1647542278178401E+01,6.1338579222139318E+00,-8.6399220267376238E-04,1.5100373595114888E-03,8.0714962350786140E-04 -5335 Damocles (1991 DA),I11,5.8005000000000000E+04,3.1908364384700002E+02,3.1664753769999998E+00,1.5871352447915667E+01,-1.1646041209178597E+01,6.1346742979991742E+00,-8.6452141429193934E-04,1.5104348221739502E-03,8.0694209972045352E-04 -5335 Damocles (1991 DA),I11,5.8006000000000000E+04,3.1904375485399999E+02,3.1501940880000001E+00,1.5870478340229806E+01,-1.1644540155314846E+01,6.1354904070028047E+00,-8.6505064639887412E-04,1.5108322590116213E-03,8.0673450253965283E-04 -5335 Damocles (1991 DA),I11,5.8007000000000000E+04,3.1900429773399998E+02,3.1338054099999999E+00,1.5869603370581917E+01,-1.1643039121601175E+01,6.1363062489038791E+00,-8.6557989199831072E-04,1.5112296726357312E-03,8.0652683144549243E-04 -5335 Damocles (1991 DA),I11,5.8008000000000000E+04,3.1896528542499999E+02,3.1173155680000000E+00,1.5868727532789951E+01,-1.1641538114426002E+01,6.1371218226462521E+00,-8.6610914413073501E-04,1.5116270670026705E-03,8.0631908603648729E-04 -5335 Damocles (1991 DA),I11,5.8009000000000000E+04,3.1892673100399998E+02,3.1007308830000002E+00,1.5867850820581928E+01,-1.1640037140801294E+01,6.1379371262382474E+00,-8.6663839621238569E-04,1.5120244474798386E-03,8.0611126605309197E-04 -5335 Damocles (1991 DA),I11,5.8010000000000000E+04,3.1888864769000003E+02,3.0840577929999999E+00,1.5866973228255869E+01,-1.1638536207560650E+01,6.1387521566486987E+00,-8.6716764238594203E-04,1.5124218207703318E-03,8.0590337141289736E-04 -5335 Damocles (1991 DA),I11,5.8011000000000000E+04,3.1885104879800002E+02,3.0673028759999998E+00,1.5866094751292893E+01,-1.1637035320577722E+01,6.1395669097940990E+00,-8.6769687786470611E-04,1.5128191947502007E-03,8.0569540222811924E-04 -5335 Damocles (1991 DA),I11,5.8012000000000000E+04,3.1881394768899997E+02,3.0504728540000001E+00,1.5865215386894697E+01,-1.1635534484044763E+01,6.1403813806115712E+00,-8.6822609922723596E-04,1.5132165782132702E-03,8.0548735880533941E-04 -5335 Damocles (1991 DA),I11,5.8013000000000000E+04,3.1877735768700001E+02,3.0335745940000001E+00,1.5864335134410540E+01,-1.1634033699853525E+01,6.1411955632208102E+00,-8.6875530461830706E-04,1.5136139805018104E-03,8.0527924164296421E-04 -5335 Damocles (1991 DA),I11,5.8014000000000000E+04,3.1874129199700002E+02,3.0166150969999999E+00,1.5863453995591732E+01,-1.1632532967154569E+01,6.1420094511786081E+00,-8.6928449384650612E-04,1.5140114111120602E-03,8.0507105140154391E-04 -5335 Damocles (1991 DA),I11,5.8015000000000000E+04,3.1870576360000001E+02,2.9996014770000001E+00,1.5862571974599483E+01,-1.1631032282195589E+01,6.1428230378116275E+00,-8.6981366835778024E-04,1.5144088792817811E-03,8.0486278886756290E-04 -5335 Damocles (1991 DA),I11,5.8016000000000000E+04,3.1867078517499999E+02,2.9825409320000000E+00,1.5861689077725609E+01,-1.1629531638511814E+01,6.1436363165822803E+00,-8.7034283107352507E-04,1.5148063936249213E-03,8.0465445491543629E-04 -5335 Damocles (1991 DA),I11,5.8017000000000000E+04,3.1863636901600000E+02,2.9654407080000000E+00,1.5860805312862807E+01,-1.1628031027452920E+01,6.1444492814184581E+00,-8.7087198617365050E-04,1.5152039618392503E-03,8.0444605045384239E-04 -5335 Damocles (1991 DA),I11,5.8018000000000000E+04,3.1860252698800002E+02,2.9483080710000000E+00,1.5859920688843006E+01,-1.1626530438927157E+01,6.1452619269413775E+00,-8.7140113878118181E-04,1.5156015904911127E-03,8.0423757638940752E-04 -5335 Damocles (1991 DA),I11,5.8019000000000000E+04,3.1856927050500002E+02,2.9311502699999998E+00,1.5859035214799862E+01,-1.1625029862178256E+01,6.1460742485573299E+00,-8.7193029465391816E-04,1.5159992849234118E-03,8.0402903358473725E-04 -5335 Damocles (1991 DA),I11,5.8020000000000000E+04,3.1853661052799998E+02,2.9139745239999999E+00,1.5858148899683492E+01,-1.1623529286427305E+01,6.1468862424234452E+00,-8.7245945987743400E-04,1.5163970492535102E-03,8.0382042282740472E-04 -5335 Damocles (1991 DA),I11,5.8021000000000000E+04,3.1850455757899999E+02,2.8967879980000002E+00,1.5857261751986925E+01,-1.1622028701282552E+01,6.1476979053299274E+00,-8.7298864058021311E-04,1.5167948864172505E-03,8.0361174481948362E-04 -5335 Damocles (1991 DA),I11,5.8022000000000000E+04,3.1847312176800000E+02,2.8795977989999999E+00,1.5856373779672744E+01,-1.1620528096907185E+01,6.1485092345513879E+00,-8.7351784272525826E-04,1.5171927983123612E-03,8.0340300015855986E-04 -5335 Damocles (1991 DA),I11,5.8023000000000000E+04,3.1844231280800000E+02,2.8624109710000001E+00,1.5855484990244189E+01,-1.1619027463995339E+01,6.1493202277118355E+00,-8.7404707194361228E-04,1.5175907859527986E-03,8.0319418933555648E-04 -5335 Damocles (1991 DA),I11,5.8024000000000000E+04,3.1841214003699997E+02,2.8452344919999999E+00,1.5854595390890175E+01,-1.1617526793632585E+01,6.1501308826914709E+00,-8.7457633341417491E-04,1.5179888496127392E-03,8.0298531274800434E-04 -5335 Damocles (1991 DA),I11,5.8025000000000000E+04,3.1838261243099998E+02,2.8280752670000000E+00,1.5853704988638604E+01,-1.1616026077118024E+01,6.1509411975887041E+00,-8.7510563182258009E-04,1.5183869890218887E-03,8.0277637069394402E-04 -5335 Damocles (1991 DA),I11,5.8026000000000000E+04,3.1835373860499999E+02,2.8109401310000002E+00,1.5852813790462417E+01,-1.1614525305818034E+01,6.1517511707397823E+00,-8.7563497132219404E-04,1.5187852034869113E-03,8.0256736339472752E-04 -5335 Damocles (1991 DA),I11,5.8027000000000000E+04,3.1832552682500000E+02,2.7938358349999999E+00,1.5851921803290017E+01,-1.1613024471113999E+01,6.1525608007912549E+00,-8.7616435555491713E-04,1.5191834920404487E-03,8.0235829099929452E-04 -5335 Damocles (1991 DA),I11,5.8028000000000000E+04,3.1829798500800001E+02,2.7767690429999998E+00,1.5851029033878604E+01,-1.1611523564503077E+01,6.1533700868115702E+00,-8.7669378767766789E-04,1.5195818535447721E-03,8.0214915359826762E-04 -5335 Damocles (1991 DA),I11,5.8029000000000000E+04,3.1827112074000001E+02,2.7597463210000002E+00,1.5850135488521824E+01,-1.1610022577901514E+01,6.1541790284149611E+00,-8.7722327040480391E-04,1.5199802867740982E-03,8.0193995123704724E-04 -5335 Damocles (1991 DA),I41,5.7970000000000000E+04,3.2064391352500002E+02,3.6216667820000001E+00,1.5901385935043125E+01,-1.1698623652738707E+01,6.1059651742982730E+00,-8.4603249218534980E-04,1.4965147714503489E-03,8.1416476932315990E-04 -5335 Damocles (1991 DA),I41,5.7971000000000000E+04,3.2059789842800001E+02,3.6128329140000002E+00,1.5900542142567812E+01,-1.1697120719701998E+01,6.1067890144644048E+00,-8.4655961435202084E-04,1.4969126157797410E-03,8.1395953253943513E-04 -5335 Damocles (1991 DA),I41,5.7972000000000000E+04,3.2055180216600002E+02,3.6037036609999999E+00,1.5899697518824299E+01,-1.1695617821734894E+01,6.1076126781675484E+00,-8.4708680957050995E-04,1.4973104530073902E-03,8.1375423059957739E-04 -5335 Damocles (1991 DA),I41,5.7973000000000000E+04,3.2050563908499998E+02,3.5942827930000001E+00,1.5898852064293690E+01,-1.1694114956099810E+01,6.1084361637746749E+00,-8.4761407703589156E-04,1.4977082833427802E-03,8.1354886342855151E-04 -5335 Damocles (1991 DA),I41,5.7974000000000000E+04,3.2045942349400002E+02,3.5845741150000001E+00,1.5898005778743425E+01,-1.1692612120778136E+01,6.1092594701184755E+00,-8.4814141598166942E-04,1.4981061070105002E-03,8.1334343095381648E-04 -5335 Damocles (1991 DA),I41,5.7975000000000000E+04,3.2041316969899998E+02,3.5745814710000001E+00,1.5897158660954929E+01,-1.1691109314848124E+01,6.1100825964811873E+00,-8.4866882567792047E-04,1.4985039242503499E-03,8.1313793310407851E-04 -5335 Damocles (1991 DA),I41,5.7976000000000000E+04,3.2036689204100003E+02,3.5643087389999999E+00,1.5896310708492589E+01,-1.1689606538832146E+01,6.1109055425202818E+00,-8.4919630545052076E-04,1.4989017353026698E-03,8.1293236981198999E-04 -5335 Damocles (1991 DA),I41,5.7977000000000000E+04,3.2032060494799998E+02,3.5537598450000001E+00,1.5895461917553620E+01,-1.1688103794959000E+01,6.1117283081400471E+00,-8.4972385467114997E-04,1.4992995404059916E-03,8.1272674101227915E-04 -5335 Damocles (1991 DA),I41,5.7978000000000000E+04,3.2027432298999997E+02,3.5429387740000000E+00,1.5894612282918153E+01,-1.1686601087309374E+01,6.1125508933214858E+00,-8.5025147275137082E-04,1.4996973397970199E-03,8.1252104663963602E-04 -5335 Damocles (1991 DA),I41,5.7979000000000000E+04,3.2022806093200001E+02,3.5318495870000000E+00,1.5893761798001115E+01,-1.1685098421836148E+01,6.1133732979234434E+00,-8.5077915915477038E-04,1.5000951336961894E-03,8.1231528663046771E-04 -5335 Damocles (1991 DA),I41,5.7980000000000000E+04,3.2018183378499998E+02,3.5204964520000002E+00,1.5892910455007588E+01,-1.1683595806257170E+01,6.1141955214606662E+00,-8.5130691340387990E-04,1.5004929222963009E-03,8.1210946092395405E-04 -5335 Damocles (1991 DA),I41,5.7981000000000000E+04,3.2013565684600002E+02,3.5088836620000001E+00,1.5892058245209524E+01,-1.1682093249797077E+01,6.1150175628592320E+00,-8.5183473504909027E-04,1.5008907057720098E-03,8.1190356945462906E-04 -5335 Damocles (1991 DA),I41,5.7982000000000000E+04,3.2008954572599998E+02,3.4970156690000000E+00,1.5891205159383725E+01,-1.1680590762723707E+01,6.1158394201946749E+00,-8.5236262370349397E-04,1.5012884842487903E-03,8.1169761215945909E-04 -5335 Damocles (1991 DA),I41,5.7983000000000000E+04,3.2004351635699999E+02,3.4848971160000000E+00,1.5890351188451536E+01,-1.1679088355611530E+01,6.1166610904414505E+00,-8.5289057901590318E-04,1.5016862578104001E-03,8.1149158897080205E-04 -5335 Damocles (1991 DA),I41,5.7984000000000000E+04,3.1999758496400000E+02,3.4725328570000000E+00,1.5889496324305247E+01,-1.1677586038321333E+01,6.1174825692974277E+00,-8.5341860068188259E-04,1.5020840264747710E-03,8.1128549981922878E-04 -5335 Damocles (1991 DA),I41,5.7985000000000000E+04,3.1995176800600001E+02,3.4599279759999999E+00,1.5888640560702745E+01,-1.1676083818812803E+01,6.1183038511695909E+00,-8.5394668843062800E-04,1.5024817901923993E-03,8.1107934462908919E-04 -5335 Damocles (1991 DA),I41,5.7986000000000000E+04,3.1990608208200001E+02,3.4470877899999999E+00,1.5887783894000016E+01,-1.1674581702066332E+01,6.1191249293869916E+00,-8.5447484202342931E-04,1.5028795488246614E-03,8.1087312331911212E-04 -5335 Damocles (1991 DA),I41,5.7987000000000000E+04,3.1986054381299999E+02,3.4340178330000000E+00,1.5886926323473451E+01,-1.1673079689451251E+01,6.1199457966310478E+00,-8.5500306124029757E-04,1.5032773021357998E-03,8.1066683579858554E-04 -5335 Damocles (1991 DA),I41,5.7988000000000000E+04,3.1981516972100002E+02,3.4207238260000001E+00,1.5886067851102950E+01,-1.1671577778763337E+01,6.1207664454786475E+00,-8.5553134587102765E-04,1.5036750497766614E-03,8.1046048196577311E-04 -5335 Damocles (1991 DA),I41,5.7989000000000000E+04,3.1976997613300000E+02,3.4072116420000000E+00,1.5885208480900097E+01,-1.1670075964895190E+01,6.1215868689010096E+00,-8.5605969570179581E-04,1.5040727912631092E-03,8.1025406170681202E-04 -5335 Damocles (1991 DA),I41,5.7990000000000000E+04,3.1972497910300001E+02,3.3934872590000000E+00,1.5884348218032885E+01,-1.1668574240862377E+01,6.1224070605910290E+00,-8.5658811048519926E-04,1.5044705259727592E-03,8.1004757488851910E-04 -5335 Damocles (1991 DA),I41,5.7991000000000000E+04,3.1968019439000000E+02,3.3795567360000001E+00,1.5883487068022401E+01,-1.1667072598836816E+01,6.1232270150767221E+00,-8.5711658992929096E-04,1.5048682531160294E-03,8.0984102135996734E-04 -5335 Damocles (1991 DA),I41,5.7992000000000000E+04,3.1963563744400000E+02,3.3654261810000001E+00,1.5882625036187164E+01,-1.1665571030930726E+01,6.1240467276613950E+00,-8.5764513365447874E-04,1.5052659717329497E-03,8.0963440094429431E-04 -5335 Damocles (1991 DA),I41,5.7993000000000000E+04,3.1959132341999998E+02,3.3511017349999999E+00,1.5881762127374317E+01,-1.1664069529639935E+01,6.1248661942699751E+00,-8.5817374116595874E-04,1.5056636806725903E-03,8.0942771343825220E-04 -5335 Damocles (1991 DA),I41,5.7994000000000000E+04,3.1954726720100001E+02,3.3365895680000000E+00,1.5880898345923345E+01,-1.1662568087983542E+01,6.1256854112763683E+00,-8.5870241180138491E-04,1.5060613785956595E-03,8.0922095860405435E-04 -5335 Damocles (1991 DA),I41,5.7995000000000000E+04,3.1950348340699998E+02,3.3218958710000002E+00,1.5880033695770090E+01,-1.1661066699438988E+01,6.1265043753620416E+00,-8.5923114468435674E-04,1.5064590639654110E-03,8.0901413616779887E-04 -5335 Damocles (1991 DA),I41,5.7996000000000000E+04,3.1945998641699998E+02,3.3070268509999998E+00,1.5879168180605019E+01,-1.1659565357776646E+01,6.1273230834294514E+00,-8.5975993865529225E-04,1.5068567350652994E-03,8.0880724581137531E-04 -5335 Damocles (1991 DA),I41,5.7997000000000000E+04,3.1941679036400001E+02,3.2919887299999999E+00,1.5878301804018440E+01,-1.1658064056880981E+01,6.1281415325762945E+00,-8.6028879220721808E-04,1.5072543900183696E-03,8.0860028716933077E-04 -5335 Damocles (1991 DA),I41,5.7998000000000000E+04,3.1937390914600002E+02,3.2767877360000002E+00,1.5877434569582938E+01,-1.1656562790626316E+01,6.1289597201261596E+00,-8.6081770341951691E-04,1.5076520268172012E-03,8.0839325982882016E-04 -5335 Damocles (1991 DA),I41,5.7999000000000000E+04,3.1933135641699999E+02,3.2614301000000001E+00,1.5876566480836196E+01,-1.1655061552860442E+01,6.1297776437046201E+00,-8.6134666986541295E-04,1.5080496433996383E-03,8.0818616332083105E-04 -5335 Damocles (1991 DA),I41,5.8000000000000000E+04,3.1928914559800000E+02,3.2459220410000000E+00,1.5875697541139541E+01,-1.1653560337537925E+01,6.1305953013418275E+00,-8.6187568854926167E-04,1.5084472377214012E-03,8.0797899712557264E-04 -5335 Damocles (1991 DA),I41,5.8001000000000000E+04,3.1924728988200002E+02,3.2302697629999999E+00,1.5874827753405809E+01,-1.1652059139023349E+01,6.1314126915737654E+00,-8.6240475583568461E-04,1.5088448078735585E-03,8.0777176067359658E-04 -5335 Damocles (1991 DA),I41,5.8002000000000000E+04,3.1920580226200002E+02,3.2144794399999999E+00,1.5873957119722386E+01,-1.1650557952549587E+01,6.1322298135043827E+00,-8.6293386740196858E-04,1.5092423522284990E-03,8.0756445335341566E-04 -5335 Damocles (1991 DA),I41,5.8003000000000000E+04,3.1916469556800001E+02,3.1985572200000001E+00,1.5873085640936605E+01,-1.1649056774762389E+01,6.1330466667886370E+00,-8.6346301822704929E-04,1.5096398695991185E-03,8.0735707452527091E-04 -5335 Damocles (1991 DA),I41,5.8004000000000000E+04,3.1912398252600002E+02,3.1825092250000000E+00,1.5872213316308327E+01,-1.1647555604228836E+01,6.1338632515072833E+00,-8.6399220260000107E-04,1.5100373594573880E-03,8.0714962353636908E-04 -5335 Damocles (1991 DA),I41,5.8005000000000000E+04,3.1908367582400001E+02,3.1663415669999999E+00,1.5871340143343479E+01,-1.1646054441763294E+01,6.1346795679317960E+00,-8.6452141421872533E-04,1.5104348221202414E-03,8.0694209974875586E-04 -5335 Damocles (1991 DA),I41,5.8006000000000000E+04,3.1904378817899999E+02,3.1500603670000000E+00,1.5870466117887133E+01,-1.1644553290453077E+01,6.1354956162126273E+00,-8.6505064632721833E-04,1.5108322589586290E-03,8.0673450256761971E-04 -5335 Damocles (1991 DA),I41,5.8007000000000000E+04,3.1900433239500001E+02,3.1336717809999999E+00,1.5869591234482224E+01,-1.1643052155348222E+01,6.1363113960501581E+00,-8.6557989192528276E-04,1.5112296725826313E-03,8.0652683147346138E-04 -5335 Damocles (1991 DA),I41,5.8008000000000000E+04,3.1896532140800002E+02,3.1171820339999998E+00,1.5868715486926581E+01,-1.1641551042874250E+01,6.1371269064098568E+00,-8.6610914405931862E-04,1.5116270669502992E-03,8.0631908606411146E-04 -5335 Damocles (1991 DA),I41,5.8009000000000000E+04,3.1892676829700002E+02,3.1005974460000001E+00,1.5867838868926633E+01,-1.1640049960081267E+01,6.1379421453217047E+00,-8.6663839614162111E-04,1.5120244474279392E-03,8.0611126608046580E-04 -5335 Damocles (1991 DA),I41,5.8010000000000000E+04,3.1888868627800002E+02,3.0839244560000001E+00,1.5866961374757215E+01,-1.1638548913842293E+01,6.1387571097761029E+00,-8.6716764231485003E-04,1.5124218207187307E-03,8.0590337144010921E-04 -5335 Damocles (1991 DA),I41,5.8011000000000000E+04,3.1885108866700000E+02,3.0671696420000001E+00,1.5866082999874832E+01,-1.1637047910071555E+01,6.1395717957108351E+00,-8.6769687779531370E-04,1.5128191946993212E-03,8.0569540225497492E-04 -5335 Damocles (1991 DA),I41,5.8012000000000000E+04,3.1881398882299999E+02,3.0503397250000002E+00,1.5865203741455282E+01,-1.1635546953002853E+01,6.1403861980838919E+00,-8.6822609915756209E-04,1.5132165781627516E-03,8.0548735883199626E-04 -5335 Damocles (1991 DA),I41,5.8013000000000000E+04,3.1877740007199998E+02,3.0334415730000002E+00,1.5864323598820500E+01,-1.1634046044570480E+01,6.1412003110355178E+00,-8.6875530454937717E-04,1.5136139804518590E-03,8.0527924166933168E-04 -5335 Damocles (1991 DA),I41,5.8014000000000000E+04,3.1874133561700000E+02,3.0164821860000002E+00,1.5863442573693009E+01,-1.1632545183968411E+01,6.1420141281428595E+00,-8.6928449377935606E-04,1.5140114110628392E-03,8.0507105142754503E-04 -5335 Damocles (1991 DA),I41,5.8015000000000000E+04,3.1870580843900001E+02,2.9994686790000000E+00,1.5862560670203980E+01,-1.1631044367488412E+01,6.1428276427528576E+00,-8.6981366829040705E-04,1.5144088792330007E-03,8.0486278889331888E-04 -5335 Damocles (1991 DA),I41,5.8016000000000000E+04,3.1867083121600001E+02,2.9824082480000000E+00,1.5861677894613681E+01,-1.1629543588710359E+01,6.1436408483483271E+00,-8.7034283100798538E-04,1.5148063935768886E-03,8.0465445494082505E-04 -5335 Damocles (1991 DA),I41,5.8017000000000000E+04,3.1863641624200000E+02,2.9653081420000000E+00,1.5860794254781819E+01,-1.1628042839029154E+01,6.1444537388777931E+00,-8.7087198610792834E-04,1.5152039617917397E-03,8.0444605047895208E-04 -5335 Damocles (1991 DA),I41,5.8018000000000000E+04,3.1860257538299999E+02,2.9481756230000000E+00,1.5859909759505731E+01,-1.1626542108398860E+01,6.1452663089833939E+00,-8.7140113871632115E-04,1.5156015904442318E-03,8.0423757641418284E-04 -5335 Damocles (1991 DA),I41,5.8019000000000000E+04,3.1856932005099998E+02,2.9310179440000002E+00,1.5859024417883015E+01,-1.1625041386109590E+01,6.1460785540924663E+00,-8.7193029459199081E-04,1.5159992848773497E-03,8.0402903360910730E-04 -5335 Damocles (1991 DA),I41,5.8020000000000000E+04,3.1853666120600002E+02,2.9138423210000002E+00,1.5858138238826227E+01,-1.1623540661429443E+01,6.1468904703832807E+00,-8.7245945981436531E-04,1.5163970492079997E-03,8.0382042285147813E-04 -5335 Damocles (1991 DA),I41,5.8021000000000000E+04,3.1850460937200000E+02,2.8966559200000002E+00,1.5857251230789261E+01,-1.1622039924014359E+01,6.1477020546671586E+00,-8.7298864051807185E-04,1.5167948863724322E-03,8.0361174484319285E-04 -5335 Damocles (1991 DA),I41,5.8022000000000000E+04,3.1847317465600003E+02,2.8794658480000002E+00,1.5856363401694210E+01,-1.1620539164075833E+01,6.1485133042397120E+00,-8.7351784266611655E-04,1.5171927982682992E-03,8.0340300018188441E-04 -5335 Damocles (1991 DA),I41,5.8023000000000000E+04,3.1844236677300000E+02,2.8622791489999999E+00,1.5855474759002192E+01,-1.1619038372357130E+01,6.1493242167458702E+00,-8.7404707188338550E-04,1.5175907859094305E-03,8.0319418935851771E-04 -5335 Damocles (1991 DA),I41,5.8024000000000000E+04,3.1841219505900000E+02,2.8451027999999998E+00,1.5854585309858690E+01,-1.1617537539993524E+01,6.1501347900865735E+00,-8.7457633335699485E-04,1.5179888495700997E-03,8.0298531277058925E-04 -5335 Damocles (1991 DA),I41,5.8025000000000000E+04,3.1838266849000001E+02,2.8279437079999998E+00,1.5853695061246755E+01,-1.1616036658334513E+01,6.1509450223808146E+00,-8.7510563176538224E-04,1.5183869889800004E-03,8.0277637071613395E-04 -5335 Damocles (1991 DA),I41,5.8026000000000000E+04,3.1835379568200000E+02,2.8108087049999999E+00,1.5852804020093149E+01,-1.1614535718797432E+01,6.1517549119852246E+00,-8.7563497126602911E-04,1.5187852034457810E-03,8.0256736341652248E-04 -5335 Damocles (1991 DA),I41,5.8027000000000000E+04,3.1832558489899998E+02,2.7937045440000001E+00,1.5851912193278737E+01,-1.1613034712815226E+01,6.1525644575665455E+00,-8.7616435549980084E-04,1.5191834920000886E-03,8.0235829102068724E-04 -5335 Damocles (1991 DA),I41,5.8028000000000000E+04,3.1829804405900001E+02,2.7766378889999999E+00,1.5851019587511789E+01,-1.1611533631937339E+01,6.1533736582132788E+00,-8.7669378762259692E-04,1.5195818535052707E-03,8.0214915361921408E-04 -5335 Damocles (1991 DA),I41,5.8029000000000000E+04,3.1827118074600003E+02,2.7596153040000000E+00,1.5850126209035562E+01,-1.1610032468133014E+01,6.1541825135595909E+00,-8.7722327035184367E-04,1.5199802867353288E-03,8.0193995125761109E-04 -54509 YORP (2000 PH5),500,5.7970000000000000E+04,1.9164781626800001E+02,-5.2724862410000002E+00,2.5084389560507403E-02,-8.9711845225451592E-01,-2.9148440304582121E-03,1.8804460916786267E-02,-3.3858212233777198E-03,5.0593805463612716E-04 -54509 YORP (2000 PH5),500,5.7971000000000000E+04,1.9291772193300000E+02,-5.7601521250000003E+00,4.3882132675612140E-02,-9.0032198284011322E-01,-2.4082956452429220E-03,1.8790441582934234E-02,-3.0203296576389593E-03,5.0702065762692563E-04 -54509 YORP (2000 PH5),500,5.7972000000000000E+04,1.9419183631000001E+02,-6.2454558039999997E+00,6.2662166884678960E-02,-9.0316177603560011E-01,-1.9007740122100865E-03,1.8769062746461857E-02,-2.6583752647808597E-03,5.0788569000977883E-04 -54509 YORP (2000 PH5),500,5.7973000000000000E+04,1.9547008586699999E+02,-6.7280517040000003E+00,8.1417233570366121E-02,-9.0564142768909983E-01,-1.3924941774499002E-03,1.8740526775223584E-02,-2.3000744199840103E-03,5.0853827523012754E-04 -54509 YORP (2000 PH5),500,5.7974000000000000E+04,1.9675238598300001E+02,-7.2075921899999997E+00,1.0014027581829510E-01,-9.0776464540816593E-01,-8.8366605832553252E-04,1.8705034675571955E-02,-1.9455343098500697E-03,5.0898353610051735E-04 -54509 YORP (2000 PH5),500,5.7975000000000000E+04,1.9803864107900000E+02,-7.6837285760000000E+00,1.1882443688762612E-01,-9.0953523955596549E-01,-3.7449444835851574E-04,1.8662785770665016E-02,-1.5948532844501304E-03,5.0922658448700143E-04 -54509 YORP (2000 PH5),500,5.7976000000000000E+04,1.9932874459900000E+02,-8.1561121140000008E+00,1.3746305838635320E-01,-9.1095711460367967E-01,1.3482096799526480E-04,1.8613977408044990E-02,-1.2481212105487412E-03,5.0927251179908658E-04 -54509 YORP (2000 PH5),500,5.7977000000000000E+04,2.0062257880600001E+02,-8.6243949380000000E+00,1.5604967816902016E-01,-9.1203426083609918E-01,6.4408559100746191E-04,1.8558804695218013E-02,-9.0541982453895033E-04,5.0912638025537194E-04 -54509 YORP (2000 PH5),500,5.7978000000000000E+04,2.0192001437200000E+02,-9.0882309489999997E+00,1.7457802798359523E-01,-9.1277074640804989E-01,1.1531098724584716E-03,1.8497460261925884E-02,-5.6682308358377981E-04,5.0879321489439384E-04 -54509 YORP (2000 PH5),500,5.7979000000000000E+04,2.0322090975200001E+02,-9.5472766280000005E+00,1.9304203089771566E-01,-9.1317070974872783E-01,1.6617092744130972E-03,1.8430134047754364E-02,-2.3239751353868084E-04,5.0827799630038205E-04 -54509 YORP (2000 PH5),500,5.7980000000000000E+04,2.0452511036100000E+02,-1.0001191769000000E+01,2.1143579852266670E-01,-9.1323835230986428E-01,2.1697042205469754E-03,1.8357013113749786E-02,9.7797447420980635E-05,5.0758565401093434E-04 -54509 YORP (2000 PH5),500,5.7981000000000000E+04,2.0583244754300000E+02,-1.0449640131000001E+01,2.2975362806322996E-01,-9.1297793165311392E-01,2.6769200407787781E-03,1.8278281476681566E-02,4.2370911060121870E-04,5.0672106057415096E-04 -54509 YORP (2000 PH5),500,5.7982000000000000E+04,2.0714273735000000E+02,-1.0892289995000001E+01,2.4798999921102849E-01,-9.1239375486962748E-01,3.1831869095790477E-03,1.8194119964625086E-02,7.4529120486381030E-04,5.0568902622145559E-04 -54509 YORP (2000 PH5),500,5.7983000000000000E+04,2.0845577918600000E+02,-1.1328814645000000E+01,2.6613957090154072E-01,-9.1149017232238017E-01,3.6883397784242939E-03,1.8104706092544644E-02,1.0625035517830197E-03,5.0449429412285582E-04 -54509 YORP (2000 PH5),500,5.7984000000000000E+04,2.0977135448999999E+02,-1.1758892809000001E+01,2.8419717794916688E-01,-9.1027157170003514E-01,4.1922183029649640E-03,1.8010213956593489E-02,1.3753117485228502E-03,5.0314153619130937E-04 -54509 YORP (2000 PH5),500,5.7985000000000000E+04,2.1108922572500001E+02,-1.2182209145000000E+01,3.0215782757645393E-01,-9.0874237237169275E-01,4.6946667659967627E-03,1.7910814145862944E-02,1.6836868590240101E-03,5.0163534940336622E-04 -54509 YORP (2000 PH5),500,5.7986000000000000E+04,2.1240913603400000E+02,-1.2598454884000001E+01,3.2001669584979719E-01,-9.0690702003606116E-01,5.1955339976526571E-03,1.7806673670376208E-02,1.9876051139067989E-03,4.9998025260367303E-04 -54509 YORP (2000 PH5),500,5.7987000000000000E+04,2.1373080982200000E+02,-1.3007328723000001E+01,3.3776912404159531E-01,-9.0476998166379796E-01,5.6946732944388942E-03,1.7697955904138193E-02,2.2870476194832914E-03,4.9818068376221252E-04 -54509 YORP (2000 PH5),500,5.7988000000000000E+04,2.1505395433400000E+02,-1.3408537997000000E+01,3.5541061494231863E-01,-9.0233574073435652E-01,6.1919423382012584E-03,1.7584820542095023E-02,2.5820000761908896E-03,4.9624099765315812E-04 -54509 YORP (2000 PH5),500,5.7989000000000000E+04,2.1637826199400001E+02,-1.3801800068000000E+01,3.7293682913937654E-01,-8.9960879276680827E-01,6.6872031149483478E-03,1.7467423569940466E-02,2.8724525065685486E-03,4.9416546392659416E-04 -54509 YORP (2000 PH5),500,5.7990000000000000E+04,2.1770341311400000E+02,-1.4186843797000000E+01,3.9034358128862312E-01,-8.9659364113538220E-01,7.1803218330352622E-03,1.7345917245677335E-02,3.1583989930473993E-03,4.9195826554367952E-04 -54509 YORP (2000 PH5),500,5.7991000000000000E+04,2.1902907854300000E+02,-1.4563410938000001E+01,4.0762683638009756E-01,-8.9329479315607574E-01,7.6711688395331894E-03,1.7220450092005755E-02,3.4398374254597398E-03,4.8962349754900309E-04 -54509 YORP (2000 PH5),500,5.7992000000000000E+04,2.2035492198599999E+02,-1.4931257368000001E+01,4.2478270601380186E-01,-8.8971675642501191E-01,8.1596185345520298E-03,1.7091166898537638E-02,3.7167692584312295E-03,4.8716516615338002E-04 -54509 YORP (2000 PH5),500,5.7993000000000000E+04,2.2168060188900000E+02,-1.5290154075000000E+01,4.4180744468383620E-01,-8.8586403539274861E-01,8.6455492834332116E-03,1.6958208732987725E-02,3.9891992785196992E-03,4.8458718810277123E-04 -54509 YORP (2000 PH5),500,5.7994000000000000E+04,2.2300577292800000E+02,-1.5639887929000000E+01,4.5869744607663560E-01,-8.8174112816096839E-01,9.1288433273521551E-03,1.6821712960496657E-02,4.2571353810440197E-03,4.8189339031009100E-04 -54509 YORP (2000 PH5),500,5.7995000000000000E+04,2.2433008723699999E+02,-1.5980262249000001E+01,4.7544923939022282E-01,-8.7735252349070669E-01,9.6093866930280838E-03,1.6681813270282710E-02,4.5205883565158800E-03,4.7908750972723514E-04 -54509 YORP (2000 PH5),500,5.7996000000000000E+04,2.2565319549899999E+02,-1.6311097220000001E+01,4.9205948567843460E-01,-8.7270269801393274E-01,1.0087069102101880E-02,1.6538639708895759E-02,4.7795716864979104E-03,4.7617319343703986E-04 -54509 YORP (2000 PH5),500,5.7997000000000000E+04,2.2697474804000001E+02,-1.6632230190000001E+01,5.0852497422864362E-01,-8.6779611364003639E-01,1.0561783880760041E-02,1.6392318719356435E-02,5.0341013487566009E-03,4.7315399894507361E-04 -54509 YORP (2000 PH5),500,5.7998000000000000E+04,2.2829439601499999E+02,-1.6943515884000000E+01,5.2484261897549267E-01,-8.6263721515055058E-01,1.1033427869916757E-02,1.6242973185556973E-02,5.2841956314644504E-03,4.7003339465361856E-04 -54509 YORP (2000 PH5),500,5.7999000000000000E+04,2.2961179276900000E+02,-1.7244826562000000E+01,5.4100945496172814E-01,-8.5723042797303683E-01,1.1501901336438284E-02,1.6090722481265113E-02,5.5298749563250076E-03,4.6681476049987083E-04 -54509 YORP (2000 PH5),500,5.8000000000000000E+04,2.3092659538900000E+02,-1.7536052129000002E+01,5.5702263484431791E-01,-8.5158015612913973E-01,1.1967107885459047E-02,1.5935682523228356E-02,5.7711617102799810E-03,4.6350138874401648E-04 -54509 YORP (2000 PH5),500,5.8001000000000000E+04,2.3223846647100001E+02,-1.7817100198999999E+01,5.7287942546077553E-01,-8.4569078034691891E-01,1.2428954374220985E-02,1.5777965827760580E-02,6.0080800856960812E-03,4.6009648489081625E-04 -54509 YORP (2000 PH5),500,5.8002000000000000E+04,2.3354707599000000E+02,-1.8087896102999999E+01,5.8857720445313522E-01,-8.3956665633347882E-01,1.2887350827219674E-02,1.5617681570395987E-02,6.2406559286524409E-03,4.5660316873322073E-04 -54509 YORP (2000 PH5),500,5.8003000000000000E+04,2.3485210317500000E+02,-1.8348382821000001E+01,6.0411345696127294E-01,-8.3321211319892319E-01,1.3342210352676579E-02,1.5454935648090690E-02,6.4689165951410093E-03,4.5302447550334916E-04 -54509 YORP (2000 PH5),500,5.8004000000000000E+04,2.3615323816700001E+02,-1.8598520781000001E+01,6.1948577238821878E-01,-8.2663145202432764E-01,1.3793449059964553E-02,1.5289830743573724E-02,6.6928908149110500E-03,4.4936335712113766E-04 -54509 YORP (2000 PH5),500,5.8005000000000000E+04,2.3745018327500000E+02,-1.8838287504000000E+01,6.3469184123879308E-01,-8.1982894456497724E-01,1.4240985977592322E-02,1.5122466391434556E-02,6.9126085626140723E-03,4.4562268352775199E-04 -54509 YORP (2000 PH5),500,5.8006000000000000E+04,2.3874265366600000E+02,-1.9067677060000001E+01,6.4972945203114363E-01,-8.1280883207863619E-01,1.4684742971516300E-02,1.4952939045614294E-02,7.1281009360097628E-03,4.4180524409317116E-04 -54509 YORP (2000 PH5),500,5.8007000000000000E+04,2.4003037744200000E+02,-1.9286699342999999E+01,6.6459648827835671E-01,-8.0557532426861145E-01,1.5124644663820788E-02,1.4781342147957423E-02,7.3394000409287199E-03,4.3791374908670646E-04 -54509 YORP (2000 PH5),500,5.8008000000000000E+04,2.4131309514899999E+02,-1.9495379183000001E+01,6.7929092553497394E-01,-7.9813259833360151E-01,1.5560618352043878E-02,1.4607766197551518E-02,7.5465388826669207E-03,4.3395083119900514E-04 -54509 YORP (2000 PH5),500,5.8009000000000000E+04,2.4259055887599999E+02,-1.9693755357000001E+01,6.9381082850764653E-01,-7.9048479811693229E-01,1.5992593929657122E-02,1.4432298820590890E-02,7.7495512635396332E-03,4.2991904710307341E-04 -54509 YORP (2000 PH5),500,5.8010000000000000E+04,2.4386253108700001E+02,-1.9881879547000000E+01,7.0815434822772116E-01,-7.8263603335112353E-01,1.6420503808057044E-02,1.4255024840574450E-02,7.9484716862872149E-03,4.2582087904303052E-04 -54509 YORP (2000 PH5),500,5.8011000000000000E+04,2.4512878336300000E+02,-2.0059815279999999E+01,7.2231971928831173E-01,-7.7459037899259153E-01,1.6844282840383848E-02,1.4076026348632958E-02,8.1433352630928720E-03,4.2165873643914441E-04 -54509 YORP (2000 PH5),500,5.8012000000000000E+04,2.4638909515200001E+02,-2.0227636915000001E+01,7.3630525714412842E-01,-7.6635187464321741E-01,1.7263868247250597E-02,1.3895382773849977E-02,8.3341776299348785E-03,4.1743495750011761E-04 -54509 YORP (2000 PH5),500,5.8013000000000000E+04,2.4764325268299999E+02,-2.0385428666999999E+01,7.5010935547459545E-01,-7.5792452405341681E-01,1.7679199544573785E-02,1.3713170953416381E-02,8.5210348660625709E-03,4.1315181083454583E-04 -54509 YORP (2000 PH5),500,5.8014000000000000E+04,2.4889104816700001E+02,-2.0533283736000001E+01,7.6373048360842699E-01,-7.4931229470254879E-01,1.8090218473738599E-02,1.3529465202491795E-02,8.7039434183786360E-03,4.0881149705650514E-04 -54509 YORP (2000 PH5),500,5.8015000000000000E+04,2.5013227943300001E+02,-2.0671303533000000E+01,7.7716718400900120E-01,-7.4051911745348686E-01,1.8496868934366261E-02,1.3344337383653862E-02,8.8829400305320480E-03,4.0441615038318008E-04 -54509 YORP (2000 PH5),500,5.8016000000000000E+04,2.5136675012300000E+02,-2.0799597031000001E+01,7.9041806982478202E-01,-7.3154888627775683E-01,1.8899096919875725E-02,1.3157856975785726E-02,9.0580616765789084E-03,3.9996784022543945E-04 -54509 YORP (2000 PH5),500,5.8017000000000000E+04,2.5259427041300000E+02,-2.0918280224000000E+01,8.0348182250839972E-01,-7.2240545804993683E-01,1.9296850455631901E-02,1.2970091142266415E-02,9.2293454989513836E-03,3.9546857277066976E-04 -54509 YORP (2000 PH5),500,5.8018000000000000E+04,2.5381465816400001E+02,-2.1027475677000002E+01,8.1635718951251746E-01,-7.1309265240656672E-01,1.9690079539262356E-02,1.2781104798328556E-02,9.3968287506239374E-03,3.9092029255946440E-04 -54509 YORP (2000 PH5),500,5.8019000000000000E+04,2.5502774026800000E+02,-2.1127312111999998E+01,8.2904298206242022E-01,-7.0361425166725500E-01,2.0078736082399202E-02,1.2590960677483829E-02,9.5605487412090562E-03,3.8632488405793207E-04 -54509 YORP (2000 PH5),500,5.8020000000000000E+04,2.5623335394600002E+02,-2.1217923995000000E+01,8.4153807300753036E-01,-6.9397400081028937E-01,2.0462773853404982E-02,1.2399719396872677E-02,9.7205427868217367E-03,3.8168417322432787E-04 -54509 YORP (2000 PH5),500,5.8021000000000000E+04,2.5743134781600003E+02,-2.1299451096999999E+01,8.5384139474695442E-01,-6.8417560749716044E-01,2.0842148420806759E-02,1.2207439521469094E-02,9.8768481634870439E-03,3.7699992906769760E-04 -54509 YORP (2000 PH5),500,5.8022000000000000E+04,2.5862158261399998E+02,-2.1372038003000000E+01,8.6595193722140218E-01,-6.7422274214217448E-01,2.1216817097416223E-02,1.2014177627089640E-02,1.0029502063864980E-02,3.7227386519775568E-04 -54509 YORP (2000 PH5),500,5.8023000000000000E+04,2.5980393158200002E+02,-2.1435833596999998E+01,8.7786874596861131E-01,-6.6411903802086902E-01,2.1586738885435892E-02,1.1819988362128414E-02,1.0178541557119357E-02,3.6750764136171953E-04 -54509 YORP (2000 PH5),500,5.8024000000000000E+04,2.6097828056100002E+02,-2.1490990509000000E+01,8.8959092023571762E-01,-6.5386809141573510E-01,2.1951874422764819E-02,1.1624924508014660E-02,1.0324003551714037E-02,3.6270286496476774E-04 -54509 YORP (2000 PH5),500,5.8025000000000000E+04,2.6214452789600000E+02,-2.1537664561000000E+01,9.0111761114767119E-01,-6.4347346179489440E-01,2.2312185930833561E-02,1.1429037038341885E-02,1.0465924760984333E-02,3.5786109257092413E-04 -54509 YORP (2000 PH5),500,5.8026000000000000E+04,2.6330258426099999E+02,-2.1576014223000001E+01,9.1244801992684599E-01,-6.3293867202388943E-01,2.2667637164108901E-02,1.1232375176690349E-02,1.0604341671288726E-02,3.5298383138178814E-04 -54509 YORP (2000 PH5),500,5.8027000000000000E+04,2.6445237252300001E+02,-2.1606200092000002E+01,9.2358139616399970E-01,-6.2226720860723828E-01,2.3018193361506342E-02,1.1034986453109182E-02,1.0739290512611056E-02,3.4807254069015676E-04 -54509 YORP (2000 PH5),500,5.8028000000000000E+04,2.6559382775600000E+02,-2.1628384398000001E+01,9.3451703613907067E-01,-6.1146252195849038E-01,2.3363821199845151E-02,1.0836916759261151E-02,1.0870807231460836E-02,3.4312863330717959E-04 -54509 YORP (2000 PH5),500,5.8029000000000000E+04,2.6672689748300002E+02,-2.1642730557000000E+01,9.4525428118534660E-01,-6.0052802670408600E-01,2.3704488749211775E-02,1.0638210402353528E-02,1.0998927465864831E-02,3.3815347696375717E-04 -54509 YORP (2000 PH5),703,5.7970000000000000E+04,1.9164722461599999E+02,-5.2746799229999999E+00,2.5084570865235301E-02,-8.9711924444885283E-01,-2.9145216174657658E-03,1.8804460914822307E-02,-3.3858211532135900E-03,5.0593805486412306E-04 -54509 YORP (2000 PH5),703,5.7971000000000000E+04,1.9291714218800001E+02,-5.7623792340000000E+00,4.3882332454752260E-02,-9.0032276892264218E-01,-2.4079769092365372E-03,1.8790441579562726E-02,-3.0203295885340500E-03,5.0702065781201662E-04 -54509 YORP (2000 PH5),703,5.7972000000000000E+04,1.9419126893699999E+02,-6.2477158370000003E+00,6.2662385029743528E-02,-9.0316255576353832E-01,-1.9004589553690409E-03,1.8769062741739961E-02,-2.6583751967531096E-03,5.0788569015298047E-04 -54509 YORP (2000 PH5),703,5.7973000000000000E+04,1.9546953132799999E+02,-6.7303441050000004E+00,8.1417469971979739E-02,-9.0564220082019276E-01,-1.3921828016351216E-03,1.8740526769204149E-02,-2.3000743530499513E-03,5.0853827533307785E-04 -54509 YORP (2000 PH5),703,5.7974000000000000E+04,1.9675184474000000E+02,-7.2099163529999997E+00,1.0014053036604487E-01,-9.0776541170061664E-01,-8.8335836526806102E-04,1.8705034668308286E-02,-1.9455342440238901E-03,5.0898353616463565E-04 -54509 YORP (2000 PH5),703,5.7975000000000000E+04,1.9803811358600001E+02,-7.6860838429999996E+00,1.1882470947002455E-01,-9.0953599876837643E-01,-3.7419043984431206E-04,1.8662785762209467E-02,-1.5948532197430088E-03,5.0922658451368441E-04 -54509 YORP (2000 PH5),703,5.7976000000000000E+04,1.9932823130500000E+02,-8.1584977779999992E+00,1.3746334889067602E-01,-9.1095786649497534E-01,1.3512128993756968E-04,1.8613977398448972E-02,-1.2481211469699688E-03,5.0927251178971777E-04 -54509 YORP (2000 PH5),703,5.7977000000000000E+04,2.0062208015200000E+02,-8.6268102419999995E+00,1.5604998648121648E-01,-9.1203500516545377E-01,6.4438222392260256E-04,1.8558804684531884E-02,-9.0541976209536010E-04,5.0912638021132265E-04 -54509 YORP (2000 PH5),703,5.7978000000000000E+04,2.0191953079000001E+02,-9.0906750899999995E+00,1.7457835398812671E-01,-9.1277148293480637E-01,1.1534028132852547E-03,1.8497460250198897E-02,-5.6682302228019087E-04,5.0879321481699493E-04 -54509 YORP (2000 PH5),703,5.7979000000000000E+04,2.0322044166399999E+02,-9.5497487579999998E+00,1.9304237447739181E-01,-9.1317143823232216E-01,1.6619985193078197E-03,1.8430134035034594E-02,-2.3239745337801099E-04,5.0827799619095775E-04 -54509 YORP (2000 PH5),703,5.7980000000000000E+04,2.0452465817500001E+02,-1.0003690996000000E+01,2.1143615955845585E-01,-9.1323907250975545E-01,2.1699897647127976E-03,1.8357013100084127E-02,9.7797506437600351E-05,5.0758565387077606E-04 -54509 YORP (2000 PH5),703,5.7981000000000000E+04,2.0583201165300000E+02,-1.0452165523000000E+01,2.2975400643405963E-01,-9.1297864332873235E-01,2.6772018782992148E-03,1.8278281462115624E-02,4.2370916847462962E-04,5.0672106040451734E-04 -54509 YORP (2000 PH5),703,5.7982000000000000E+04,2.0714231813200001E+02,-1.0894840581000000E+01,2.4799039479353002E-01,-9.1239445778034756E-01,3.1834650332529914E-03,1.8194119949203148E-02,7.4529126159644972E-04,5.0568902602358414E-04 -54509 YORP (2000 PH5),703,5.7983000000000000E+04,2.0845537700099999E+02,-1.1331389417000000E+01,2.6613998356977064E-01,-9.1149086622752939E-01,3.6886141796007937E-03,1.8104706076309811E-02,1.0625036073784993E-03,5.0449429389794892E-04 -54509 YORP (2000 PH5),703,5.7984000000000000E+04,2.0977096967500000E+02,-1.1761490728000000E+01,2.8419760757438284E-01,-9.1027225635894915E-01,4.1924889713844836E-03,1.8010213939587356E-02,1.3753118029867194E-03,5.0314153594053872E-04 -54509 YORP (2000 PH5),703,5.7985000000000000E+04,2.1108885859800000E+02,-1.2184829140000000E+01,3.0215827402681439E-01,-9.0874304754383106E-01,4.6949336896353827E-03,1.7910814128125771E-02,1.6836869123630794E-03,5.0163534912787337E-04 -54509 YORP (2000 PH5),703,5.7986000000000000E+04,2.1240878688699999E+02,-1.2601095857000001E+01,3.2001715899014260E-01,-9.0690768548117873E-01,5.1957971625849666E-03,1.7806673651946683E-02,1.9876051661296013E-03,4.9998025230456203E-04 -54509 YORP (2000 PH5),703,5.7987000000000000E+04,2.1373047892100001E+02,-1.3009989550000000E+01,3.3776960373312803E-01,-9.0477063714218131E-01,5.6949326847159157E-03,1.7697955885054146E-02,2.2870476705980601E-03,4.9818068344055868E-04 -54509 YORP (2000 PH5),703,5.7988000000000000E+04,2.1505364191699999E+02,-1.3411217534000000E+01,3.5541111104260581E-01,-9.0233638600706334E-01,6.1921979357615238E-03,1.7584820522392412E-02,2.5820001262082393E-03,4.9624099731000032E-04 -54509 YORP (2000 PH5),703,5.7989000000000000E+04,2.1637796827000000E+02,-1.3804497152000000E+01,3.7293734150217284E-01,-8.9960942759595153E-01,6.6874548995501477E-03,1.7467423549653881E-02,2.8724525554999908E-03,4.9416546356293161E-04 -54509 YORP (2000 PH5),703,5.7990000000000000E+04,2.1770313826000000E+02,-1.4189557248000000E+01,3.9034410976382972E-01,-8.9659426528440234E-01,7.1805697822090227E-03,1.7345917224839975E-02,3.1583990409052298E-03,4.9195826516048311E-04 -54509 YORP (2000 PH5),703,5.7991000000000000E+04,2.1902882270500001E+02,-1.4566139565000000E+01,4.0762738081375205E-01,-8.9329540639000171E-01,7.6714129285432291E-03,1.7220450070649589E-02,3.4398374722567487E-03,4.8962349714720612E-04 -54509 YORP (2000 PH5),703,5.7992000000000000E+04,2.2035468527800001E+02,-1.4933999969000000E+01,4.2478326624816715E-01,-8.8971735851068490E-01,8.1598587363624162E-03,1.7091166876693042E-02,3.7167693041814196E-03,4.8716516573387607E-04 -54509 YORP (2000 PH5),703,5.7993000000000000E+04,2.2168038439099999E+02,-1.5292909441999999E+01,4.4180802055743285E-01,-8.8586462609903760E-01,8.6457855686738454E-03,1.6958208710683733E-02,3.9891993232375987E-03,4.8458718766642090E-04 -54509 YORP (2000 PH5),703,5.7994000000000000E+04,2.2300557468599999E+02,-1.5642654851000000E+01,4.5869803742430348E-01,-8.8174170725895884E-01,9.1290756642826154E-03,1.6821712937761097E-02,4.2571354247444709E-03,4.8189338985772569E-04 -54509 YORP (2000 PH5),703,5.7995000000000000E+04,2.2432990826200000E+02,-1.5983039514000000E+01,4.7544984604325624E-01,-8.7735309075385337E-01,9.6096150475052464E-03,1.6681813247141859E-02,4.5205883992146586E-03,4.7908750925964119E-04 -54509 YORP (2000 PH5),703,5.7996000000000000E+04,2.2565303576900001E+02,-1.6313883617999998E+01,4.9206010746463297E-01,-8.7270325321822217E-01,1.0087293437548179E-02,1.6538639685374737E-02,4.7795717282109497E-03,4.7617319295497707E-04 -54509 YORP (2000 PH5),703,5.7997000000000000E+04,2.2697460749800001E+02,-1.6635024518000002E+01,5.0852561097244364E-01,-8.6779665656411109E-01,1.0562004158137295E-02,1.6392318695478962E-02,5.0341013895003998E-03,4.7315399844926481E-04 -54509 YORP (2000 PH5),703,5.7998000000000000E+04,2.2829427457099999E+02,-1.6946316947000000E+01,5.2484327049806589E-01,-8.6263774557583095E-01,1.1033644047701678E-02,1.6242973161345493E-02,5.2841956712557699E-03,4.7003339414474973E-04 -54509 YORP (2000 PH5),703,5.7999000000000000E+04,2.2961169029600001E+02,-1.7247633177000001E+01,5.4101012108110491E-01,-8.5723094568382618E-01,1.1502113370605751E-02,1.6090722456740890E-02,5.5298749951808793E-03,4.6681475997859695E-04 -54509 YORP (2000 PH5),703,5.8000000000000000E+04,2.3092651172900000E+02,-1.7538863125999999E+01,5.5702331537551986E-01,-8.5158066091270745E-01,1.1967315729469189E-02,1.5935682498410628E-02,5.7711617482166314E-03,4.6350138821137462E-04 -54509 YORP (2000 PH5),703,5.8001000000000000E+04,2.3223840143199999E+02,-1.7819914423000000E+01,5.7288012021594548E-01,-8.4569127199356786E-01,1.2429157979011408E-02,1.5777965802669193E-02,6.0080801227315409E-03,4.6009648434699123E-04 -54509 YORP (2000 PH5),703,5.8002000000000000E+04,2.3354702934900001E+02,-1.8090712421999999E+01,5.8857791324172637E-01,-8.3956713463656074E-01,1.2887550141201898E-02,1.5617681545049300E-02,6.2406559648053219E-03,4.5660316817834959E-04 -54509 YORP (2000 PH5),703,5.8003000000000000E+04,2.3485207467800001E+02,-1.8351200120000001E+01,6.0411417959012981E-01,-8.3321257795485693E-01,1.3342405321731542E-02,1.5454935622504686E-02,6.4689166304275937E-03,4.5302447493838376E-04 -54509 YORP (2000 PH5),703,5.8004000000000000E+04,2.3615322752899999E+02,-1.8601337971000000E+01,6.1948650866174293E-01,-8.2663190303254663E-01,1.3793639627445304E-02,1.5289830717763943E-02,6.6928908493488464E-03,4.4936335654657470E-04 -54509 YORP (2000 PH5),703,5.8005000000000000E+04,2.3745019018400001E+02,-1.8841103519000001E+01,6.3469259095902353E-01,-8.1982938162786534E-01,1.4241172084336142E-02,1.5122466365415473E-02,6.9126085962205510E-03,4.4562268294406177E-04 -54509 YORP (2000 PH5),703,5.8006000000000000E+04,2.3874267778300000E+02,-1.9070490863000000E+01,6.4973021499778905E-01,-8.1280925500145107E-01,1.4684924555864549E-02,1.4952939019399664E-02,7.1281009688019554E-03,4.4180524350080370E-04 -54509 YORP (2000 PH5),703,5.8007000000000000E+04,2.4003041840300000E+02,-1.9289509924000001E+01,6.6459726428886445E-01,-8.0557573285935868E-01,1.5124821661648446E-02,1.4781342121559710E-02,7.3394000729239770E-03,4.3791374848607353E-04 -54509 YORP (2000 PH5),703,5.8008000000000000E+04,2.4131315256600001E+02,-1.9498185564000000E+01,6.7929171438445057E-01,-7.9813299240296109E-01,1.5560790696794804E-02,1.4607766170982488E-02,7.5465389138821073E-03,4.3395083059050285E-04 -54509 YORP (2000 PH5),703,5.8009000000000000E+04,2.4259063234000001E+02,-1.9696556592000000E+01,6.9381162998880763E-01,-7.9048517747817182E-01,1.5992761552383414E-02,1.4432298793861566E-02,7.7495512939913403E-03,4.2991904648707110E-04 -54509 YORP (2000 PH5),703,5.8010000000000000E+04,2.4386262016900000E+02,-1.9884674722000000E+01,7.0815516213084040E-01,-7.8263639782001981E-01,1.6420666637466250E-02,1.4255024813694618E-02,7.9484717159922450E-03,4.2582087841986721E-04 -54509 YORP (2000 PH5),703,5.8011000000000000E+04,2.4512888761299999E+02,-2.0062603516999999E+01,7.2232054540104695E-01,-7.7459072838744825E-01,1.6844440802881389E-02,1.4076026321611994E-02,8.1433352920673059E-03,4.2165873580914164E-04 -54509 YORP (2000 PH5),703,5.8012000000000000E+04,2.4638921410500001E+02,-2.0230417369000001E+01,7.3630609525145019E-01,-7.6635220878486121E-01,1.7264021266984533E-02,1.3895382746696399E-02,8.3341776581946758E-03,4.1743495686357655E-04 -54509 YORP (2000 PH5),703,5.8013000000000000E+04,2.4764338585900001E+02,-2.0388200530999999E+01,7.5011020535867867E-01,-7.5792484276525296E-01,1.7679347543483614E-02,1.3713170926137882E-02,8.5210348936234689E-03,4.1315181019174340E-04 -54509 YORP (2000 PH5),703,5.8014000000000000E+04,2.4889119507000001E+02,-2.0536046237000001E+01,7.6373134504853624E-01,-7.4931259781066983E-01,1.8090361371609850E-02,1.3529465175095604E-02,8.7039434452558604E-03,4.0881149640770116E-04 -54509 YORP (2000 PH5),703,5.8015000000000000E+04,2.5013243955499999E+02,-2.0674055935999998E+01,7.7716805678146783E-01,-7.4051940478676770E-01,1.8497006648894625E-02,1.3344337356146265E-02,8.8829400567407690E-03,4.0441614972861031E-04 -54509 YORP (2000 PH5),703,5.8016000000000000E+04,2.5136692294299999E+02,-2.0802338634000002E+01,7.9041895370292403E-01,-7.3154915766802542E-01,1.8899229366746199E-02,1.3157856948172775E-02,9.0580617021336057E-03,3.9996783956532713E-04 -54509 YORP (2000 PH5),703,5.8017000000000000E+04,2.5259445539999999E+02,-2.0921010365000001E+01,8.0348271726256582E-01,-7.2240571333209036E-01,1.9296977548616517E-02,1.2970091114553439E-02,9.2293455238663114E-03,3.9546857210522008E-04 -54509 YORP (2000 PH5),703,5.8018000000000000E+04,2.5381485477999999E+02,-2.1030193727000000E+01,8.1635809491013989E-01,-7.1309289141869747E-01,1.9690201190333163E-02,1.2781104770519998E-02,9.3968287749132719E-03,3.9092029188885776E-04 -54509 YORP (2000 PH5),703,5.8019000000000000E+04,2.5502794796500001E+02,-2.1130017476999999E+01,8.2904389786801047E-01,-7.0361447425081824E-01,2.0078852201845229E-02,1.2590960649584331E-02,9.5605487648859760E-03,3.8632488338235079E-04 -54509 YORP (2000 PH5),703,5.8020000000000000E+04,2.5623357217300003E+02,-2.1220616116999999E+01,8.4153899898285800E-01,-6.9397420681013122E-01,2.0462884349959926E-02,1.2399719368885708E-02,9.7205428098996391E-03,3.8168417254391809E-04 -54509 YORP (2000 PH5),703,5.8021000000000000E+04,2.5743157601399997E+02,-2.1302129448999999E+01,8.5384233065106196E-01,-6.8417579676164397E-01,2.0842253201770522E-02,1.2207439493398005E-02,9.8768481859786462E-03,3.7699992838260748E-04 -54509 YORP (2000 PH5),703,5.8022000000000000E+04,2.5862182022500002E+02,-2.1374702092000000E+01,8.6595288281072191E-01,-6.7422291452321881E-01,2.1216916068777760E-02,1.2014177598937368E-02,1.0029502085782623E-02,3.7227386450811392E-04 -54509 YORP (2000 PH5),703,5.8023000000000000E+04,2.5980417804400003E+02,-2.1438482960999998E+01,8.7786970099703809E-01,-6.6411919337399994E-01,2.1586831951996819E-02,1.1819988333897637E-02,1.0178541578474851E-02,3.6750764066764962E-04 -54509 YORP (2000 PH5),703,5.8024000000000000E+04,2.6097853531300001E+02,-2.1493624718000000E+01,8.8959188445472159E-01,-6.5386822960009128E-01,2.1951961488256327E-02,1.1624924479707349E-02,1.0324003572519086E-02,3.6270286426636747E-04 -54509 YORP (2000 PH5),703,5.8025000000000000E+04,2.6214479037799998E+02,-2.1540283212999999E+01,9.0111858430633474E-01,-6.4347358267329069E-01,2.2312266898032836E-02,1.1429037009959965E-02,1.0465924781250016E-02,3.5786109186829374E-04 -54509 YORP (2000 PH5),703,5.8026000000000000E+04,2.6330285391600000E+02,-2.1578616947000000E+01,9.1244900177197197E-01,-6.3293877546281063E-01,2.2667711934953323E-02,1.1232375148235222E-02,1.0604341691025846E-02,3.5298383067500899E-04 -54509 YORP (2000 PH5),703,5.8027000000000000E+04,2.6445264879899997E+02,-2.1608786543000001E+01,9.2358238644016033E-01,-6.2226729447688656E-01,2.3018261837206271E-02,1.1034986424582276E-02,1.0739290531829836E-02,3.4807253997931045E-04 -54509 YORP (2000 PH5),703,5.8028000000000000E+04,2.6559411010399998E+02,-2.1630954259999999E+01,9.3451803458871918E-01,-6.1146259013276494E-01,2.3363883280997786E-02,1.0836916730663410E-02,1.0870807250171260E-02,3.4312863259233209E-04 -54509 YORP (2000 PH5),703,5.8029000000000000E+04,2.6672718536100001E+02,-2.1645283537000001E+01,9.4525528754889399E-01,-6.0052807706058808E-01,2.3704544335913451E-02,1.0638210373685572E-02,1.0998927484076508E-02,3.3815347624496284E-04 -54509 YORP (2000 PH5),F51,5.7970000000000000E+04,1.9164973068600000E+02,-5.2740095309999999E+00,2.5084551795140242E-02,-8.9711916711818107E-01,-2.9144806049073097E-03,1.8804460914922522E-02,-3.3858211567937904E-03,5.0593805485248903E-04 -54509 YORP (2000 PH5),F51,5.7971000000000000E+04,1.9291965996200000E+02,-5.7617036150000001E+00,4.3882310302531313E-02,-9.0032268696736473E-01,-2.4079316619570182E-03,1.8790441579743557E-02,-3.0203295922437891E-03,5.0702065780166704E-04 -54509 YORP (2000 PH5),F51,5.7972000000000000E+04,1.9419379798700001E+02,-6.2470349389999997E+00,6.2662359576047044E-02,-9.0316246930915411E-01,-1.9004095163090108E-03,1.8769062742006584E-02,-2.6583752005941898E-03,5.0788569014489405E-04 -54509 YORP (2000 PH5),F51,5.7973000000000000E+04,1.9547207120200000E+02,-6.7296578770000002E+00,8.1417441002399560E-02,-9.0564211000095174E-01,-1.3921292109928161E-03,1.8740526769561307E-02,-2.3000743570213509E-03,5.0853827532697097E-04 -54509 YORP (2000 PH5),F51,5.7974000000000000E+04,1.9675439495900000E+02,-7.2092247470000004E+00,1.0014049767160804E-01,-9.0776531665925564E-01,-8.8330066047740178E-04,1.8705034668760761E-02,-1.9455342481244000E-03,5.0898353616063961E-04 -54509 YORP (2000 PH5),F51,5.7975000000000000E+04,1.9804067365099999E+02,-7.6853868160000003E+00,1.1882467284750275E-01,-9.0953589965580917E-01,-3.7412865556450193E-04,1.8662785762762119E-02,-1.5948532239722403E-03,5.0922658451193982E-04 -54509 YORP (2000 PH5),F51,5.7976000000000000E+04,1.9933080069200000E+02,-8.1577952889999992E+00,1.3746330814308338E-01,-9.1095776346998769E-01,1.3518712183202233E-04,1.8613977399106488E-02,-1.2481211513263590E-03,5.0927251179036211E-04 -54509 YORP (2000 PH5),F51,5.7977000000000000E+04,2.0062465831599999E+02,-8.6261022559999994E+00,1.5604994141811990E-01,-9.1203489839436713E-01,6.4445207433900772E-04,1.8558804685298937E-02,-9.0541976657754902E-04,5.0912638021448245E-04 -54509 YORP (2000 PH5),F51,5.7978000000000000E+04,2.0192211716300000E+02,-9.0899615770000004E+00,1.7457830442601308E-01,-9.1277137259113683E-01,1.1534766558992798E-03,1.8497460251080143E-02,-5.6682302688695896E-04,5.0879321482281200E-04 -54509 YORP (2000 PH5),F51,5.7979000000000000E+04,2.0322303565700000E+02,-9.5490296919999995E+00,1.9304232024005341E-01,-9.1317132449643501E-01,1.6620763305401109E-03,1.8430134036034586E-02,-2.3239745810769985E-04,5.0827799619956014E-04 -54509 YORP (2000 PH5),F51,5.7980000000000000E+04,2.0452725917999999E+02,-1.0002966358000000E+01,2.1143610047738537E-01,-9.1323895556851153E-01,2.1700715236911690E-03,1.8357013101207090E-02,9.7797501588000463E-05,5.0758565388229386E-04 -54509 YORP (2000 PH5),F51,5.7981000000000000E+04,2.0583461904500001E+02,-1.0451435300000000E+01,2.2975394234865321E-01,-9.1297852337513574E-01,2.6772875668016976E-03,1.8278281463365902E-02,4.2370916350702864E-04,5.0672106041907839E-04 -54509 YORP (2000 PH5),F51,5.7982000000000000E+04,2.0714493126900001E+02,-1.0894104766000000E+01,2.4799032555150713E-01,-9.1239433501319489E-01,3.1835546356443981E-03,1.8194119950584967E-02,7.4529125651317044E-04,5.0568902604131378E-04 -54509 YORP (2000 PH5),F51,5.7983000000000000E+04,2.0845799522300001E+02,-1.1330648012999999E+01,2.6613990902754037E-01,-9.1149074085105486E-01,3.6887076827578319E-03,1.8104706077827035E-02,1.0625036021828290E-03,5.0449429391896661E-04 -54509 YORP (2000 PH5),F51,5.7984000000000000E+04,2.0977359231299999E+02,-1.1760743743000001E+01,2.8419752759729455E-01,-9.1027212858246709E-01,4.1925863646093660E-03,1.8010213941243903E-02,1.3753117976814510E-03,5.0314153596496623E-04 -54509 YORP (2000 PH5),F51,5.7985000000000000E+04,2.1109148496700001E+02,-1.2184076592000000E+01,3.0215818848955334E-01,-9.0874291758136450E-01,4.6950349645757204E-03,1.7910814129925262E-02,1.6836869069516494E-03,5.0163534915582269E-04 -54509 YORP (2000 PH5),F51,5.7986000000000000E+04,2.1241141629200001E+02,-1.2600337773000000E+01,3.2001706777699679E-01,-9.0690755355106689E-01,5.1959023131481034E-03,1.7806673653892720E-02,1.9876051606152190E-03,4.9998025233614527E-04 -54509 YORP (2000 PH5),F51,5.7987000000000000E+04,2.1373311065999999E+02,-1.3009225968000001E+01,3.3776950673834760E-01,-9.0477050346665489E-01,5.6950417069923350E-03,1.7697955887149897E-02,2.2870476649847898E-03,4.9818068347588199E-04 -54509 YORP (2000 PH5),F51,5.7988000000000000E+04,2.1505627527999999E+02,-1.3410448499999999E+01,3.5541100817060112E-01,-9.0233625081179802E-01,6.1923108279422923E-03,1.7584820524641005E-02,2.5820001204999408E-03,4.9624099734916431E-04 -54509 YORP (2000 PH5),F51,5.7989000000000000E+04,2.1638060254100000E+02,-1.3803722725000000E+01,3.7293723266775924E-01,-8.9960929110957100E-01,6.6875716618374674E-03,1.7467423552058194E-02,2.8724525497007495E-03,4.9416546360603407E-04 -54509 YORP (2000 PH5),F51,5.7990000000000000E+04,2.1770577272000000E+02,-1.4188777498000000E+01,3.9034399489239324E-01,-8.9659412773795488E-01,7.1806904167167800E-03,1.7345917227402658E-02,3.1583990350194414E-03,4.9195826520761078E-04 -54509 YORP (2000 PH5),F51,5.7991000000000000E+04,2.1903145663000001E+02,-1.4565354574000001E+01,4.0762725984137971E-01,-8.9329526801641290E-01,7.6715374391879889E-03,1.7220450073372889E-02,3.4398374662892809E-03,4.8962349719844172E-04 -54509 YORP (2000 PH5),F51,5.7992000000000000E+04,2.2035731794500001E+02,-1.4933209829999999E+01,4.2478313912165322E-01,-8.8971721954421623E-01,8.1599871287441218E-03,1.7091166879579293E-02,3.7167692981366005E-03,4.8716516578930298E-04 -54509 YORP (2000 PH5),F51,5.7993000000000000E+04,2.2168301507699999E+02,-1.5292114262000000E+01,4.4180788723437925E-01,-8.8586448677471052E-01,8.6459178499532236E-03,1.6958208713734761E-02,3.9891993171205110E-03,4.8458718772611170E-04 -54509 YORP (2000 PH5),F51,5.7994000000000000E+04,2.2300820267200001E+02,-1.5641854748000000E+01,4.5869789787306081E-01,-8.8174156781201130E-01,9.1292118430523327E-03,1.6821712940978572E-02,4.2571354185601002E-03,4.8189338992174236E-04 -54509 YORP (2000 PH5),F51,5.7995000000000000E+04,2.2433253283100001E+02,-1.5982234620000000E+01,4.7544970024288735E-01,-8.7735295141919223E-01,9.6097551336595793E-03,1.6681813250527172E-02,4.5205883929681900E-03,4.7908750932804567E-04 -54509 YORP (2000 PH5),F51,5.7996000000000000E+04,2.2565565620999999E+02,-1.6313074077000000E+01,4.9205995540482755E-01,-8.7270311422988778E-01,1.0087437442150723E-02,1.6538639688928984E-02,4.7795717219077192E-03,4.7617319302781973E-04 -54509 YORP (2000 PH5),F51,5.7997000000000000E+04,2.2697722311000001E+02,-1.6634210485000001E+01,5.0852545265338955E-01,-8.6779651815476422E-01,1.0562152093287550E-02,1.6392318699203091E-02,5.0341013831456411E-03,4.7315399852659558E-04 -54509 YORP (2000 PH5),F51,5.7998000000000000E+04,2.2829688465999999E+02,-1.6945498591000000E+01,5.2484310593031747E-01,-8.6263760797624922E-01,1.1033795926403852E-02,1.6242973165240180E-02,5.2841956648548901E-03,4.7003339422660673E-04 -54509 YORP (2000 PH5),F51,5.7999000000000000E+04,2.2961429417900001E+02,-1.7246810677999999E+01,5.4100995028540166E-01,-8.5723080912241767E-01,1.1502269206634426E-02,1.6090722460806502E-02,5.5298749887393601E-03,4.6681476006501431E-04 -54509 YORP (2000 PH5),F51,5.8000000000000000E+04,2.3092910873800000E+02,-1.7538036676000001E+01,5.5702313838256967E-01,-8.5158052561504172E-01,1.1967475537237414E-02,1.5935682502646622E-02,5.7711617417408895E-03,4.6350138830203533E-04 -54509 YORP (2000 PH5),F51,5.8001000000000000E+04,2.3224099090999999E+02,-1.7819084226000001E+01,5.7287993706617246E-01,-8.4569113818192854E-01,1.2429321773439327E-02,1.5777965807075994E-02,6.0080801162264511E-03,4.6009648444225829E-04 -54509 YORP (2000 PH5),F51,5.8002000000000000E+04,2.3354961065699999E+02,-1.8089878689999999E+01,5.8857772398495745E-01,-8.3956700252953131E-01,1.2887717937588640E-02,1.5617681549627362E-02,6.2406559582754706E-03,4.5660316827856977E-04 -54509 YORP (2000 PH5),F51,5.8003000000000000E+04,2.3485464719199999E+02,-1.8350363078000001E+01,6.0411398428532470E-01,-8.3321244776690928E-01,1.3342577135632996E-02,1.5454935627252741E-02,6.4689166238793751E-03,4.5302447504322590E-04 -54509 YORP (2000 PH5),F51,5.8004000000000000E+04,2.3615579064400001E+02,-1.8600497852000000E+01,6.1948630737664068E-01,-8.2663177497367823E-01,1.3793815474552414E-02,1.5289830722681096E-02,6.6928908427879453E-03,4.4936335665603591E-04 -54509 YORP (2000 PH5),F51,5.8005000000000000E+04,2.3745274331400000E+02,-1.8840260565000001E+01,6.3469238376975667E-01,-8.1982925590327549E-01,1.4241351980349922E-02,1.5122466370500824E-02,6.9126085896522773E-03,4.4562268305814294E-04 -54509 YORP (2000 PH5),F51,5.8006000000000000E+04,2.3874522036299999E+02,-1.9069645324000000E+01,6.4973000198855901E-01,-8.1280913181122327E-01,1.4685108516370201E-02,1.4952939024651900E-02,7.1281009622318724E-03,4.4180524361948708E-04 -54509 YORP (2000 PH5),F51,5.8007000000000000E+04,2.4003294988799999E+02,-1.9288662057000000E+01,6.6459704555154497E-01,-8.0557561239821451E-01,1.5125009701980481E-02,1.4781342126977553E-02,7.3394000663572836E-03,4.3791374860934699E-04 -54509 YORP (2000 PH5),F51,5.8008000000000000E+04,2.4131567243699999E+02,-1.9497335630999999E+01,6.7929149001829248E-01,-7.9813287486000317E-01,1.5560982831895094E-02,1.4607766176564108E-02,7.5465389073244328E-03,4.3395083071833749E-04 -54509 YORP (2000 PH5),F51,5.8009000000000000E+04,2.4259314009900001E+02,-1.9695704860999999E+01,6.9381140010004705E-01,-7.9048506303671706E-01,1.5992957796648215E-02,1.4432298799605305E-02,7.7495512874477188E-03,4.2991904661944199E-04 -54509 YORP (2000 PH5),F51,5.8010000000000000E+04,2.4386511534300001E+02,-1.9883821463000000E+01,7.0815492683242731E-01,-7.8263628665740304E-01,1.6420867004588682E-02,1.4255024819598554E-02,7.9484717094677661E-03,4.2582087855674091E-04 -54509 YORP (2000 PH5),F51,5.8011000000000000E+04,2.4513136975600000E+02,-2.0061749005999999E+01,7.2232030481237386E-01,-7.7459062067485784E-01,1.6844645305693299E-02,1.4076026327673834E-02,8.1433352855672346E-03,4.2165873595047764E-04 -54509 YORP (2000 PH5),F51,5.8012000000000000E+04,2.4639168279600000E+02,-2.0229561882999999E+01,7.3630584949804501E-01,-7.6635210468722070E-01,1.7264229917300214E-02,1.3895382752913878E-02,8.3341776517239074E-03,4.1743495700932660E-04 -54509 YORP (2000 PH5),F51,5.8013000000000000E+04,2.4764584070300000E+02,-2.0387344346999999E+01,7.5010995457196494E-01,-7.5792474244108332E-01,1.7679560351952547E-02,1.3713170932508671E-02,8.5210348871867254E-03,4.1315181034186702E-04 -54509 YORP (2000 PH5),F51,5.8014000000000000E+04,2.4889363569800000E+02,-2.0535189635999998E+01,7.6373108936561673E-01,-7.4931250141194994E-01,1.8090578347581539E-02,1.3529465181616957E-02,8.7039434388580424E-03,4.0881149656214039E-04 -54509 YORP (2000 PH5),F51,5.8015000000000000E+04,2.5013486562800000E+02,-2.0673199195999999E+01,7.7716779634484645E-01,-7.4051931245884306E-01,1.8497227800295859E-02,1.3344337362815534E-02,8.8829400503864092E-03,4.0441614988731225E-04 -54509 YORP (2000 PH5),F51,5.8016000000000000E+04,2.5136933414699999E+02,-2.0801482035999999E+01,7.9041868866028664E-01,-7.3154906954947752E-01,1.8899454699969839E-02,1.3157856954987085E-02,9.0580616958272388E-03,3.9996783972822829E-04 -54509 YORP (2000 PH5),F51,5.8017000000000000E+04,2.5259685144900001E+02,-2.0920154185000001E+01,8.0348244776650579E-01,-7.2240562955463983E-01,1.9297207068417980E-02,1.2970091121509830E-02,9.2293455176122707E-03,3.9546857227225807E-04 -54509 YORP (2000 PH5),F51,5.8018000000000000E+04,2.5381723541200000E+02,-2.1029338242000001E+01,8.1635782111787070E-01,-7.1309281210710485E-01,1.9690434899730790E-02,1.2781104777615467E-02,9.3968287687157433E-03,3.9092029205996573E-04 -54509 YORP (2000 PH5),F51,5.8019000000000000E+04,2.5503031294799999E+02,-2.1129162961999999E+01,8.2904361994109288E-01,-7.0361439952278193E-01,2.0079090102025403E-02,1.2590960656815477E-02,9.5605487587492530E-03,3.8632488355745171E-04 -54509 YORP (2000 PH5),F51,5.8020000000000000E+04,2.5623592129600001E+02,-2.1219762842000002E+01,8.4153871708684669E-01,-6.9397413677624320E-01,2.0463126440181830E-02,1.2399719376249268E-02,9.7205428038276819E-03,3.8168417272293901E-04 -54509 YORP (2000 PH5),F51,5.8021000000000000E+04,2.5743390909499999E+02,-2.1301277681999998E+01,8.5384204495519256E-01,-6.8417573152532674E-01,2.0842499479273597E-02,1.2207439500890654E-02,9.8768481799752644E-03,3.7699992856547005E-04 -54509 YORP (2000 PH5),F51,5.8022000000000000E+04,2.5862413710200002E+02,-2.1373852098000000E+01,8.6595259348759734E-01,-6.7422285418067018E-01,2.1217166528692356E-02,1.2014177606555399E-02,1.0029502079851683E-02,3.7227386469473281E-04 -54509 YORP (2000 PH5),F51,5.8023000000000000E+04,2.5980647858100002E+02,-2.1437634999000000E+01,8.7786940822225656E-01,-6.6411913801419986E-01,2.1587086587254743E-02,1.1819988341637480E-02,1.0178541572619951E-02,3.6750764085793534E-04 -54509 YORP (2000 PH5),F51,5.8024000000000000E+04,2.6098081939600002E+02,-2.1492779041999999E+01,8.8959158840656505E-01,-6.5386817930478858E-01,2.1952220289509879E-02,1.1624924487565403E-02,1.0324003566743647E-02,3.6270286446024239E-04 -54509 YORP (2000 PH5),F51,5.8025000000000000E+04,2.6214705791300003E+02,-2.1539440073000002E+01,9.0111828516545878E-01,-6.4347353751699632E-01,2.2312529853576641E-02,1.1429037017932251E-02,1.0465924775557519E-02,3.5786109206565784E-04 -54509 YORP (2000 PH5),F51,5.8026000000000000E+04,2.6330510483099999E+02,-2.1577776585999999E+01,9.1244869972105025E-01,-6.3293873551285995E-01,2.2667979030650251E-02,1.1232375156318093E-02,1.0604341685419381E-02,3.5298383087577299E-04 -54509 YORP (2000 PH5),F51,5.8027000000000000E+04,2.6445488304100002E+02,-2.1607949199000000E+01,9.2358208166361222E-01,-6.2226725979344044E-01,2.3018533056421472E-02,1.1034986432771711E-02,1.0739290526312553E-02,3.4807254018337741E-04 -54509 YORP (2000 PH5),F51,5.8028000000000000E+04,2.6559632763899998E+02,-2.1630120163000001E+01,9.3451772727237359E-01,-6.1146256076888261E-01,2.3364158604536028E-02,1.0836916738955375E-02,1.0870807244746136E-02,3.4312863279960281E-04 -54509 YORP (2000 PH5),F51,5.8029000000000000E+04,2.6672938617400001E+02,-2.1644452912999999E+01,9.4525497787964874E-01,-6.0052805306231583E-01,2.3704823741964517E-02,1.0638210382076390E-02,1.0998927478746146E-02,3.3815347645534740E-04 -54509 YORP (2000 PH5),I11,5.7970000000000000E+04,1.9164537845999999E+02,-5.2708703049999999E+00,2.5084514667404800E-02,-8.9711898867958983E-01,-2.9146822697988855E-03,1.8804460915299605E-02,-3.3858211702652817E-03,5.0593805480871512E-04 -54509 YORP (2000 PH5),I11,5.7971000000000000E+04,1.9291528163500001E+02,-5.7585485990000000E+00,4.3882271386740834E-02,-9.0032251946787789E-01,-2.4081395928327704E-03,1.8790441580336777E-02,-3.0203296043934784E-03,5.0702065776985395E-04 -54509 YORP (2000 PH5),I11,5.7972000000000000E+04,1.9418939415700001E+02,-6.2438654319999998E+00,6.2662319317680737E-02,-9.0316231261650737E-01,-1.9006236336157139E-03,1.8769062742758899E-02,-2.6583752114328705E-03,5.0788569012207940E-04 -54509 YORP (2000 PH5),I11,5.7973000000000000E+04,1.9546764251200000E+02,-6.7264752129999996E+00,8.1417399838218607E-02,-9.0564196396664787E-01,-1.3923494403432941E-03,1.8740526770419767E-02,-2.3000743665671404E-03,5.0853827531228881E-04 -54509 YORP (2000 PH5),I11,5.7974000000000000E+04,1.9674994210000000E+02,-7.2060302930000004E+00,1.0014045602888488E-01,-9.0776518111908777E-01,-8.8352693261293006E-04,1.8705034669673600E-02,-1.9455342563969302E-03,5.0898353615258193E-04 -54509 YORP (2000 PH5),I11,5.7975000000000000E+04,1.9803619735600000E+02,-7.6821819670000000E+00,1.1882463114346387E-01,-9.0953577443044642E-01,-3.7436090630331605E-04,1.8662785763679298E-02,-1.5948532309911102E-03,5.0922658450904554E-04 -54509 YORP (2000 PH5),I11,5.7976000000000000E+04,1.9932630173900000E+02,-8.1545814639999996E+00,1.3746326678401222E-01,-9.1095764836555881E-01,1.3494895164959479E-04,1.8613977399980209E-02,-1.2481211571152197E-03,5.0927251179121462E-04 -54509 YORP (2000 PH5),I11,5.7977000000000000E+04,2.0062013752799999E+02,-8.6228808949999998E+00,1.5604990079886605E-01,-9.1203479320311032E-01,6.4420803892875210E-04,1.8558804686083320E-02,-9.0541977116104060E-04,5.0912638021771619E-04 -54509 YORP (2000 PH5),I11,5.7978000000000000E+04,2.0191757540699999E+02,-9.0867341320000001E+00,1.7457826492932982E-01,-9.1277127709205086E-01,1.1532268046249836E-03,1.8497460251731421E-02,-5.6682303029156021E-04,5.0879321482711162E-04 -54509 YORP (2000 PH5),I11,5.7979000000000000E+04,2.0321847384000000E+02,-9.5457976290000008E+00,1.9304228223603659E-01,-9.1317123845594561E-01,1.6618207080279616E-03,1.8430134036511038E-02,-2.3239746036116983E-04,5.0827799620365821E-04 -54509 YORP (2000 PH5),I11,5.7980000000000000E+04,2.0452267825300001E+02,-9.9997311480000004E+00,2.1143606432288331E-01,-9.1323887874114151E-01,2.1698101699682525E-03,1.8357013101469213E-02,9.7797500456001454E-05,5.0758565388498171E-04 -54509 YORP (2000 PH5),I11,5.7981000000000000E+04,2.0583001999400000E+02,-1.0448198413000000E+01,2.2975390838676835E-01,-9.1297845550416601E-01,2.6770205174594347E-03,1.8278281463376272E-02,4.2370916346580120E-04,5.0672106041919993E-04 -54509 YORP (2000 PH5),I11,5.7982000000000000E+04,2.0714031511799999E+02,-1.0890867670000000E+01,2.4799029411105622E-01,-9.1239427583131394E-01,3.1832819220231233E-03,1.8194119950308348E-02,7.4529125753076096E-04,5.0568902603776345E-04 -54509 YORP (2000 PH5),I11,5.7983000000000000E+04,2.0845336303299999E+02,-1.1327412165000000E+01,2.6613988042254566E-01,-9.1149069008099870E-01,3.6884293321543756E-03,1.8104706077230352E-02,1.0625036042261511E-03,5.0449429391070119E-04 -54509 YORP (2000 PH5),I11,5.7984000000000000E+04,2.0976894517599999E+02,-1.1757510584000000E+01,2.8419750212648043E-01,-9.1027208593765385E-01,4.1923024004997906E-03,1.8010213940296251E-02,1.3753118007164208E-03,5.0314153595099195E-04 -54509 YORP (2000 PH5),I11,5.7985000000000000E+04,2.1108682400600000E+02,-1.2180847546000001E+01,3.0215816643584148E-01,-9.0874288276651560E-01,4.6947454068328419E-03,1.7910814128597886E-02,1.6836869109433210E-03,5.0163534913520713E-04 -54509 YORP (2000 PH5),I11,5.7986000000000000E+04,2.1240674265999999E+02,-1.2597114235999999E+01,3.2001704940702458E-01,-9.0690752626285498E-01,5.1956071782569878E-03,1.7806673652159023E-02,1.9876051655279003E-03,4.9998025230800762E-04 -54509 YORP (2000 PH5),I11,5.7987000000000000E+04,2.1372842553500001E+02,-1.3006009307999999E+01,3.3776949230200626E-01,-9.0477048339437949E-01,5.6947410082506403E-03,1.7697955884985420E-02,2.2870476707821299E-03,4.9818068343939989E-04 -54509 YORP (2000 PH5),I11,5.7988000000000000E+04,2.1505157986500001E+02,-1.3407240050000000E+01,3.5541099790061936E-01,-9.0233623763811299E-01,6.1920045756530592E-03,1.7584820522023398E-02,2.5820001271450402E-03,4.9624099730357339E-04 -54509 YORP (2000 PH5),I11,5.7989000000000000E+04,2.1637589806099999E+02,-1.3800523781000001E+01,3.7293722677934960E-01,-8.9960928451127642E-01,6.6872598635045969E-03,1.7467423548967194E-02,2.8724525571562701E-03,4.9416546355062244E-04 -54509 YORP (2000 PH5),I11,5.7990000000000000E+04,2.1770106041899999E+02,-1.4185589312999999E+01,3.9034399358296479E-01,-8.9659412738684652E-01,7.1803730772486609E-03,1.7345917223820048E-02,3.1583990432477293E-03,4.9195826514172555E-04 -54509 YORP (2000 PH5),I11,5.7991000000000000E+04,2.1902673777300001E+02,-1.4562178356000000E+01,4.0762726329030996E-01,-8.9329527358017868E-01,7.6712145611127491E-03,1.7220450069282609E-02,3.4398374752521808E-03,4.8962349712148808E-04 -54509 YORP (2000 PH5),I11,5.7992000000000000E+04,2.2035259380799999E+02,-1.4930046740000000E+01,4.2478314749017360E-01,-8.8971723068734954E-01,8.1596587124387800E-03,1.7091166874967159E-02,3.7167693077960196E-03,4.8716516570073228E-04 -54509 YORP (2000 PH5),I11,5.7993000000000000E+04,2.2167828694900001E+02,-1.5288965407999999E+01,4.4180790066548803E-01,-8.8586450315945475E-01,8.6455838938831412E-03,1.6958208708588555E-02,3.9891993274382889E-03,4.8458718762543074E-04 -54509 YORP (2000 PH5),I11,5.7994000000000000E+04,2.2300347185100000E+02,-1.5638721185000000E+01,4.5869791649154523E-01,-8.8174158909929268E-01,9.1288723440183222E-03,1.6821712935287739E-02,4.2571354294985604E-03,4.8189338980851284E-04 -54509 YORP (2000 PH5),I11,5.7995000000000000E+04,2.2432780062099999E+02,-1.5979117348999999E+01,4.7544972415530107E-01,-8.7735297726957051E-01,9.6094100870486397E-03,1.6681813244283403E-02,4.5205884044889882E-03,4.7908750920188314E-04 -54509 YORP (2000 PH5),I11,5.7996000000000000E+04,2.2565092391900001E+02,-1.6309974039000000E+01,4.9205998469967838E-01,-8.7270314430445572E-01,1.0087086842192035E-02,1.6538639682125572E-02,4.7795717339731408E-03,4.7617319288838380E-04 -54509 YORP (2000 PH5),I11,5.7997000000000000E+04,2.2697249204200000E+02,-1.6631128564000001E+01,5.0852548740127701E-01,-8.6779655211605278E-01,1.0561795933306570E-02,1.6392318691835099E-02,5.0341013957181588E-03,4.7315399837360138E-04 -54509 YORP (2000 PH5),I11,5.7998000000000000E+04,2.2829215611900000E+02,-1.6942435608000000E+01,5.2484314618419692E-01,-8.6263764548908473E-01,1.1033434199075567E-02,1.6242973157304032E-02,5.2841956778978804E-03,4.7003339405980764E-04 -54509 YORP (2000 PH5),I11,5.7999000000000000E+04,2.2960956946100001E+02,-1.7243767394999999E+01,5.4100999608078837E-01,-8.5723084985479248E-01,1.1501901904234241E-02,1.6090722452300560E-02,5.5298750022160711E-03,4.6681475988421633E-04 -54509 YORP (2000 PH5),I11,5.8000000000000000E+04,2.3092438912899999E+02,-1.7535013793000001E+01,5.5702318973793963E-01,-8.5158056923892322E-01,1.1967102651891850E-02,1.5935682493572134E-02,5.7711617556142486E-03,4.6350138810754632E-04 -54509 YORP (2000 PH5),I11,5.8001000000000000E+04,2.3223627768500000E+02,-1.7816082380000001E+01,5.7287999398336109E-01,-8.4569118437405444E-01,1.2428943297368510E-02,1.5777965797432549E-02,6.0080801304623881E-03,4.6009648423349755E-04 -54509 YORP (2000 PH5),I11,5.8002000000000000E+04,2.3354490507300000E+02,-1.8086898458000000E+01,5.8857778644959158E-01,-8.3956705097218642E-01,1.2887333863338823E-02,1.5617681539416050E-02,6.2406559728402210E-03,4.5660316805503151E-04 -54509 YORP (2000 PH5),I11,5.8003000000000000E+04,2.3484995048900001E+02,-1.8347404975000000E+01,6.0411405226737136E-01,-8.3321249814864773E-01,1.3342187456304158E-02,1.5454935616478880E-02,6.4689166387380103E-03,4.5302447480532760E-04 -54509 YORP (2000 PH5),I11,5.8004000000000000E+04,2.3615110404199999E+02,-1.8597562332999999E+01,6.1948638083096375E-01,-8.2663182699001747E-01,1.3793420184018383E-02,1.5289830711349796E-02,6.6928908579072053E-03,4.4936335640378700E-04 -54509 YORP (2000 PH5),I11,5.8005000000000000E+04,2.3744806800699999E+02,-1.8837348027000001E+01,6.3469246263673540E-01,-8.1982930925734465E-01,1.4240951073476504E-02,1.5122466358618473E-02,6.9126086049996257E-03,4.4562268279158468E-04 -54509 YORP (2000 PH5),I11,5.8006000000000000E+04,2.3874055751800000E+02,-1.9066756104000000E+01,6.4973008619477435E-01,-8.1280918621433207E-01,1.4684701989236309E-02,1.4952939012225613E-02,7.1281009777760546E-03,4.4180524333869314E-04 -54509 YORP (2000 PH5),I11,5.8007000000000000E+04,2.4002830064599999E+02,-1.9285796437999998E+01,6.6459713501039497E-01,-8.0557566757039201E-01,1.5124597552106657E-02,1.4781342114015439E-02,7.3394000820679716E-03,4.3791374831441765E-04 -54509 YORP (2000 PH5),I11,5.8008000000000000E+04,2.4131103790200001E+02,-1.9494493841000001E+01,6.7929158463059869E-01,-7.9813293053048229E-01,1.5560565058487043E-02,1.4607766163075679E-02,7.5465389231716001E-03,4.3395083040941512E-04 -54509 YORP (2000 PH5),I11,5.8009000000000000E+04,2.4258852134200001E+02,-1.9692887075000002E+01,6.9381149975476952E-01,-7.9048511894429085E-01,1.5992534400859078E-02,1.4432298785600362E-02,7.7495513034030270E-03,4.2991904629668530E-04 -54509 YORP (2000 PH5),I11,5.8010000000000000E+04,2.4386051340000000E+02,-1.9881027804999999E+01,7.0815503140718505E-01,-7.8263634255081294E-01,1.6420437989786270E-02,1.4255024805088071E-02,7.9484717255033661E-03,4.2582087822033780E-04 -54509 YORP (2000 PH5),I11,5.8011000000000000E+04,2.4512678561999999E+02,-2.0058979550000000E+01,7.2232041417403181E-01,-7.7459067631307477E-01,1.6844210677733715E-02,1.4076026312669555E-02,8.1433353016562345E-03,4.2165873560064723E-04 -54509 YORP (2000 PH5),I11,5.8012000000000000E+04,2.4638711742199999E+02,-2.0226816657000001E+01,7.3630596350328170E-01,-7.6635215983967342E-01,1.7263789684798830E-02,1.3895382737427861E-02,8.3341776678408034E-03,4.1743495664630059E-04 -54509 YORP (2000 PH5),I11,5.8013000000000000E+04,2.4764129500300001E+02,-2.0384623334000000E+01,7.5011007306772282E-01,-7.5792479688790659E-01,1.7679114526537535E-02,1.3713170916553833E-02,8.5210349033067387E-03,4.1315180996589991E-04 -54509 YORP (2000 PH5),I11,5.8014000000000000E+04,2.4888911054100001E+02,-2.0532492774000001E+01,7.6373121218959406E-01,-7.4931255494417004E-01,1.8090126944125907E-02,1.3529465165206891E-02,8.7039434549572529E-03,4.0881149617351425E-04 -54509 YORP (2000 PH5),I11,5.8015000000000000E+04,2.5013036183700001E+02,-2.0670526383999999E+01,7.7716792332599416E-01,-7.4051936487851955E-01,1.8496770837122381E-02,1.3344337345963981E-02,8.8829400664422777E-03,4.0441614948631043E-04 -54509 YORP (2000 PH5),I11,5.8016000000000000E+04,2.5136485250199999E+02,-2.0798833132999999E+01,7.9041881961922500E-01,-7.3154912066988931E-01,1.8898992199028099E-02,1.3157856937708523E-02,9.0580617118178643E-03,3.9996783931516960E-04 -54509 YORP (2000 PH5),I11,5.8017000000000000E+04,2.5259239268400000E+02,-2.0917529016000000E+01,8.0348258251603666E-01,-7.2240567920040233E-01,1.9296739055440191E-02,1.2970091103818996E-02,9.2293455335169441E-03,3.9546857184746120E-04 -54509 YORP (2000 PH5),I11,5.8018000000000000E+04,2.5381280021699999E+02,-2.1026736595999999E+01,8.1635795946346545E-01,-7.1309286011431461E-01,1.9689961404370911E-02,1.2781104759527618E-02,9.3968287845145430E-03,3.9092029162377488E-04 -54509 YORP (2000 PH5),I11,5.8019000000000000E+04,2.5502590196800000E+02,-2.1126584599000001E+01,8.2904376168142779E-01,-7.0361444573911969E-01,2.0078611157988979E-02,1.2590960638346199E-02,9.5605487744232186E-03,3.8632488311022184E-04 -54509 YORP (2000 PH5),I11,5.8020000000000000E+04,2.5623153513400001E+02,-2.1217207495000000E+01,8.4153886201434935E-01,-6.9397418106106390E-01,2.0462642085347642E-02,1.2399719357414418E-02,9.7205428193588017E-03,3.8168417226503386E-04 -54509 YORP (2000 PH5),I11,5.8021000000000000E+04,2.5742954830799999E+02,-2.1298745057000001E+01,8.5384219285662855E-01,-6.8417577374971339E-01,2.0842009755813577E-02,1.2207439481706031E-02,9.8768481953467047E-03,3.7699992809725892E-04 -54509 YORP (2000 PH5),I11,5.8022000000000000E+04,2.5861980220599997E+02,-2.1371341877999999E+01,8.6595274414458323E-01,-6.7422289422753390E-01,2.1216671483185515E-02,1.2014177587037720E-02,1.0029502095046961E-02,3.7227386421661115E-04 -54509 YORP (2000 PH5),I11,5.8023000000000000E+04,2.5980217004799999E+02,-2.1435146848999999E+01,8.7786956141194594E-01,-6.6411917577822044E-01,2.1586586270799672E-02,1.1819988321802810E-02,1.0178541587624122E-02,3.6750764037028820E-04 -54509 YORP (2000 PH5),I11,5.8024000000000000E+04,2.6097653765899997E+02,-2.1490312607000000E+01,8.8959174390211682E-01,-6.5386821469249146E-01,2.1951714757823843E-02,1.1624924467430676E-02,1.0324003581542077E-02,3.6270286396347689E-04 -54509 YORP (2000 PH5),I11,5.8025000000000000E+04,2.6214280336399997E+02,-2.1536994985000000E+01,9.0111844273669017E-01,-6.4347357044664721E-01,2.2312019167095812E-02,1.1429036997513874E-02,1.0465924790136943E-02,3.5786109156017536E-04 -54509 YORP (2000 PH5),I11,5.8026000000000000E+04,2.6330087782400000E+02,-2.1575352463000002E+01,9.1244885913491081E-01,-6.3293876591447640E-01,2.2667463254614505E-02,1.1232375135633115E-02,1.0604341699766952E-02,3.5298383036199327E-04 -54509 YORP (2000 PH5),I11,5.8027000000000000E+04,2.6445068389300002E+02,-2.1605545645999999E+01,9.2358224268479017E-01,-6.2226728760865635E-01,2.3018012260954422E-02,1.1034986411836780E-02,1.0739290540416564E-02,3.4807253966171202E-04 -54509 YORP (2000 PH5),I11,5.8028000000000000E+04,2.6559215662800000E+02,-2.1627736778999999E+01,9.3451788966381311E-01,-6.1146258595087610E-01,2.3363632864712772E-02,1.0836916717787214E-02,1.0870807258595662E-02,3.4312863227046932E-04 -54509 YORP (2000 PH5),I11,5.8029000000000000E+04,2.6672524354500001E+02,-2.1642089287000001E+01,9.4525514140309530E-01,-6.0052807557569576E-01,2.3704293137864318E-02,1.0638210360691992E-02,1.0998927492330848E-02,3.3815347591917386E-04 -54509 YORP (2000 PH5),I41,5.7970000000000000E+04,1.9164755136900001E+02,-5.2747303499999996E+00,2.5084570763322045E-02,-8.9711924496798978E-01,-2.9145118371828819E-03,1.8804460914816162E-02,-3.3858211529938492E-03,5.0593805486483820E-04 -54509 YORP (2000 PH5),I41,5.7971000000000000E+04,1.9291747066400001E+02,-5.7624297940000000E+00,4.3882332193117102E-02,-9.0032276874022743E-01,-2.4079666136887878E-03,1.8790441579554541E-02,-3.0203295883668591E-03,5.0702065781240801E-04 -54509 YORP (2000 PH5),I41,5.7972000000000000E+04,1.9419159908399999E+02,-6.2477664859999997E+00,6.2662384577607422E-02,-9.0316255489303043E-01,-1.9004481503240897E-03,1.8769062741731984E-02,-2.6583751966381495E-03,5.0788569015322365E-04 -54509 YORP (2000 PH5),I41,5.7973000000000000E+04,1.9546986309299999E+02,-6.7303947959999997E+00,8.1417469299195244E-02,-9.0564219927622391E-01,-1.3921714924901084E-03,1.8740526769198469E-02,-2.3000743529867397E-03,5.0853827533317781E-04 -54509 YORP (2000 PH5),I41,5.7974000000000000E+04,1.9675217806399999E+02,-7.2099670380000003E+00,1.0014052944318486E-01,-9.0776540949895979E-01,-8.8334655704802947E-04,1.8705034668306940E-02,-1.9455342440117106E-03,5.0898353616464585E-04 -54509 YORP (2000 PH5),I41,5.7975000000000000E+04,1.9803844840900001E+02,-7.6861344750000002E+00,1.1882470826840252E-01,-9.0953599592590095E-01,-3.7417813720433472E-04,1.8662785762214484E-02,-1.5948532197813999E-03,5.0922658451366945E-04 -54509 YORP (2000 PH5),I41,5.7976000000000000E+04,1.9932856756300001E+02,-8.1585483080000003E+00,1.3746334738244881E-01,-9.1095786302960902E-01,1.3513408271235180E-04,1.8613977398462218E-02,-1.2481211470577597E-03,5.0927251178973219E-04 -54509 YORP (2000 PH5),I41,5.7977000000000000E+04,2.0062241777899999E+02,-8.6268606210000005E+00,1.5604998463938025E-01,-9.1203500109613211E-01,6.4439550291339482E-04,1.8558804684555220E-02,-9.0541976223168855E-04,5.0912638021141795E-04 -54509 YORP (2000 PH5),I41,5.7978000000000000E+04,2.0191986971500000E+02,-9.0907252700000001E+00,1.7457835178656622E-01,-9.1277147828142824E-01,1.1534165749349015E-03,1.8497460250234136E-02,-5.6682302246443932E-04,5.0879321481722836E-04 -54509 YORP (2000 PH5),I41,5.7979000000000000E+04,2.0322078181399999E+02,-9.5497986889999993E+00,1.9304237189097440E-01,-9.1317143301570325E-01,1.6620127604170844E-03,1.8430134035083416E-02,-2.3239745360893044E-04,5.0827799619137734E-04 -54509 YORP (2000 PH5),I41,5.7980000000000000E+04,2.0452499947400000E+02,-1.0003740629999999E+01,2.1143615656302495E-01,-9.1323906675157929E-01,2.1700044824310306E-03,1.8357013100148180E-02,9.7797506161019510E-05,5.0758565387143178E-04 -54509 YORP (2000 PH5),I41,5.7981000000000000E+04,2.0583235402400001E+02,-1.0452214810999999E+01,2.2975400300651050E-01,-9.1297863705150206E-01,2.6772170701162565E-03,1.8278281462196393E-02,4.2370916815367976E-04,5.0672106040545962E-04 -54509 YORP (2000 PH5),I41,5.7982000000000000E+04,2.0714266149400001E+02,-1.0894889475999999E+01,2.4799039091181785E-01,-9.1239445100734051E-01,3.1834806969872611E-03,1.8194119949302173E-02,7.4529126123218034E-04,5.0568902602485320E-04 -54509 YORP (2000 PH5),I41,5.7983000000000000E+04,2.0845572127099999E+02,-1.1331437872000000E+01,2.6613997921300137E-01,-9.1149085898274806E-01,3.6886303133879276E-03,1.8104706076428362E-02,1.0625036069725306E-03,5.0449429389959094E-04 -54509 YORP (2000 PH5),I41,5.7984000000000000E+04,2.0977131476800000E+02,-1.1761538696000001E+01,2.8419760272277184E-01,-9.1027224866707712E-01,4.1925055736617050E-03,1.8010213939726898E-02,1.3753118025398303E-03,5.0314153594259773E-04 -54509 YORP (2000 PH5),I41,5.7985000000000000E+04,2.1108920442700000E+02,-1.2184876577000001E+01,3.0215826866182494E-01,-9.0874303943018142E-01,4.6949507591313175E-03,1.7910814128287433E-02,1.6836869118769197E-03,5.0163534913038373E-04 -54509 YORP (2000 PH5),I41,5.7986000000000000E+04,2.1240913336300000E+02,-1.2601142720000000E+01,3.2001715309442913E-01,-9.0690767697165020E-01,5.1958146983028365E-03,1.7806673652131816E-02,1.9876051656050001E-03,4.9998025230756592E-04 -54509 YORP (2000 PH5),I41,5.7987000000000000E+04,2.1373082595400001E+02,-1.3010035798000001E+01,3.3776959729071576E-01,-9.0477062826319088E-01,5.6949506859259678E-03,1.7697955885263447E-02,2.2870476700374599E-03,4.9818068344408527E-04 -54509 YORP (2000 PH5),I41,5.7988000000000000E+04,2.1505398941499999E+02,-1.3411263127000000E+01,3.5541110403874732E-01,-9.0233637678550815E-01,6.1922164019833489E-03,1.7584820522626991E-02,2.5820001256127399E-03,4.9624099731408614E-04 -54509 YORP (2000 PH5),I41,5.7989000000000000E+04,2.1637831614100000E+02,-1.3804542053000000E+01,3.7293733392347228E-01,-8.9960941805913697E-01,6.6874738305423677E-03,1.7467423549914686E-02,2.8724525548709089E-03,4.9416546356760929E-04 -54509 YORP (2000 PH5),I41,5.7990000000000000E+04,2.1770348641000001E+02,-1.4189601421000001E+01,3.9034410159826327E-01,-8.9659425545997506E-01,7.1805891779554787E-03,1.7345917225127794E-02,3.1583990402441996E-03,4.9195826516577543E-04 -54509 YORP (2000 PH5),I41,5.7991000000000000E+04,2.1902917103900000E+02,-1.4566182977000000E+01,4.0762737205066918E-01,-8.9329539630588228E-01,7.6714327892373332E-03,1.7220450070965117E-02,3.4398374715653608E-03,4.8962349715314115E-04 -54509 YORP (2000 PH5),I41,5.7992000000000000E+04,2.2035503370199999E+02,-1.4934042590000001E+01,4.2478325687829821E-01,-8.8971734819499759E-01,8.1598790623908495E-03,1.7091166877036931E-02,3.7167693034611902E-03,4.8716516574047995E-04 -54509 YORP (2000 PH5),I41,5.7993000000000000E+04,2.2168073280799999E+02,-1.5292951242999999E+01,4.4180801057289470E-01,-8.8586461558003782E-01,8.6458063605994919E-03,1.6958208711056563E-02,3.9891993224901098E-03,4.8458718767371422E-04 -54509 YORP (2000 PH5),I41,5.7994000000000000E+04,2.2300592300200000E+02,-1.5642695806000001E+01,4.5869802681861416E-01,-8.8174169656495860E-01,9.1290969228277809E-03,1.6821712938163265E-02,4.2571354239714608E-03,4.8189338986572759E-04 -54509 YORP (2000 PH5),I41,5.7995000000000000E+04,2.2433025638100000E+02,-1.5983079601000000E+01,4.7544983481129793E-01,-8.7735307991315870E-01,9.6096367735325657E-03,1.6681813247573826E-02,4.5205883984176104E-03,4.7908750926837135E-04 -54509 YORP (2000 PH5),I41,5.7996000000000000E+04,2.2565338359600000E+02,-1.6313922818000002E+01,4.9206009560265795E-01,-8.7270324225905960E-01,1.0087315632043273E-02,1.6538639685836905E-02,4.7795717273913206E-03,4.7617319296444795E-04 -54509 YORP (2000 PH5),I41,5.7997000000000000E+04,2.2697495493900001E+02,-1.6635062812000001E+01,5.0852559847807632E-01,-8.6779664551455515E-01,1.0562026822190722E-02,1.6392318695971561E-02,5.0341013886598396E-03,4.7315399845949290E-04 -54509 YORP (2000 PH5),I41,5.7998000000000000E+04,2.2829462153099999E+02,-1.6946354322000001E+01,5.2484325737028303E-01,-8.6263773446374037E-01,1.1033667182491455E-02,1.6242973161868547E-02,5.2841956703961503E-03,4.7003339415574246E-04 -54509 YORP (2000 PH5),I41,5.7999000000000000E+04,2.2961203668300001E+02,-1.7247669621000000E+01,5.4101010732016963E-01,-8.5723093453679278E-01,1.1502136977377255E-02,1.6090722457294634E-02,5.5298749943035290E-03,4.6681475999036688E-04 -54509 YORP (2000 PH5),I41,5.8000000000000000E+04,2.3092685745200001E+02,-1.7538898629999998E+01,5.5702330098299990E-01,-8.5158064975798065E-01,1.1967339809519166E-02,1.5935682498995043E-02,5.7711617473231898E-03,4.6350138822389000E-04 -54509 YORP (2000 PH5),I41,5.8001000000000000E+04,2.3223874640000000E+02,-1.7819948983000000E+01,5.7288010519467980E-01,-8.4569126085799651E-01,1.2429182533670024E-02,1.5777965803284229E-02,6.0080801218236387E-03,4.6009648436029504E-04 -54509 YORP (2000 PH5),I41,5.8002000000000000E+04,2.3354737347400001E+02,-1.8090746031999998E+01,5.8857789759576040E-01,-8.3956712354654561E-01,1.2887575171814694E-02,1.5617681545695018E-02,6.2406559638843000E-03,4.5660316819248742E-04 -54509 YORP (2000 PH5),I41,5.8003000000000000E+04,2.3485241787300001E+02,-1.8351232782000000E+01,6.0411416332470502E-01,-8.3321256693628842E-01,1.3342430829644361E-02,1.5454935623180765E-02,6.4689166294951955E-03,4.5302447495331166E-04 -54509 YORP (2000 PH5),I41,5.8004000000000000E+04,2.3615356971000000E+02,-1.8601369686000002E+01,6.1948649178322446E-01,-8.2663189211076471E-01,1.3793665613986908E-02,1.5289830718470267E-02,6.6928908484064249E-03,4.4936335656229758E-04 -54509 YORP (2000 PH5),I41,5.8005000000000000E+04,2.3745053126799999E+02,-1.8841134292000000E+01,6.3469257347488206E-01,-8.1982937082760354E-01,1.4241198550802523E-02,1.5122466366151714E-02,6.9126085952696103E-03,4.4562268296057883E-04 -54509 YORP (2000 PH5),I41,5.8006000000000000E+04,2.3874301769100001E+02,-1.9070520702000000E+01,6.4973019691652412E-01,-8.1280924434680646E-01,1.4684951503502004E-02,1.4952939020165631E-02,7.1281009678437913E-03,4.4180524351811228E-04 -54509 YORP (2000 PH5),I41,5.8007000000000000E+04,2.4003075705600000E+02,-1.9289538837999999E+01,6.6459724561999933E-01,-8.0557572237373642E-01,1.5124849091637438E-02,1.4781342122354851E-02,7.3394000719602098E-03,4.3791374850416588E-04 -54509 YORP (2000 PH5),I41,5.8008000000000000E+04,2.4131348989099999E+02,-1.9498213565000000E+01,6.7929169513843013E-01,-7.9813298210906780E-01,1.5560818610229501E-02,1.4607766171806556E-02,7.5465389129139443E-03,4.3395083060937740E-04 -54509 YORP (2000 PH5),I41,5.8009000000000000E+04,2.4259096826300001E+02,-1.9696583694000001E+01,6.9381161017699566E-01,-7.9048516739796748E-01,1.5992789950253283E-02,1.4432298794714096E-02,7.7495512930200877E-03,4.2991904650671668E-04 -54509 YORP (2000 PH5),I41,5.8010000000000000E+04,2.4386295462199999E+02,-1.9884700939999998E+01,7.0815514176546213E-01,-7.8263638797470136E-01,1.6420695520635509E-02,1.4255024814575119E-02,7.9484717150191935E-03,4.2582087844027965E-04 -54509 YORP (2000 PH5),I41,5.8011000000000000E+04,2.4512922053099999E+02,-2.0062628870000001E+01,7.2232052449515116E-01,-7.7459071879742747E-01,1.6844470172068134E-02,1.4076026322519967E-02,8.1433352910937010E-03,4.2165873583031329E-04 -54509 YORP (2000 PH5),I41,5.8012000000000000E+04,2.4638954542600001E+02,-2.0230441875000000E+01,7.3630607381888380E-01,-7.6635219946973887E-01,1.7264051122740928E-02,1.3895382747631121E-02,8.3341776572218723E-03,4.1743495688548686E-04 -54509 YORP (2000 PH5),I41,5.8013000000000000E+04,2.4764371552300000E+02,-2.0388224211000001E+01,7.5011018341401436E-01,-7.5792483374382391E-01,1.7679377886175636E-02,1.3713170927098967E-02,8.5210348926524401E-03,4.1315181021439249E-04 -54509 YORP (2000 PH5),I41,5.8014000000000000E+04,2.4889152301999999E+02,-2.0536069114000000E+01,7.6373132260708831E-01,-7.4931258910087850E-01,1.8090392201401115E-02,1.3529465176082302E-02,8.7039434442878587E-03,4.0881149643106837E-04 -54509 YORP (2000 PH5),I41,5.8015000000000000E+04,2.5013276574000000E+02,-2.0674078033000001E+01,7.7716803385920952E-01,-7.4051939640572506E-01,1.8497037965729497E-02,1.3344337357158127E-02,8.8829400557766947E-03,4.0441614975268746E-04 -54509 YORP (2000 PH5),I41,5.8016000000000000E+04,2.5136724731400000E+02,-2.0802359976999998E+01,7.9041893031651800E-01,-7.3154914963195505E-01,1.8899261170337488E-02,1.3157856949208846E-02,9.0580617011747772E-03,3.9996783959009622E-04 -54509 YORP (2000 PH5),I41,5.8017000000000000E+04,2.5259477791200001E+02,-2.0921030979000001E+01,8.0348269342925493E-01,-7.2240570565636542E-01,1.9297009838430447E-02,1.2970091115613222E-02,9.2293455229135232E-03,3.9546857213066668E-04 -54509 YORP (2000 PH5),I41,5.8018000000000000E+04,2.5381517539000001E+02,-2.1030213638999999E+01,8.1635807064775534E-01,-7.1309288411779592E-01,1.9690233965579371E-02,1.2781104771602858E-02,9.3968287739674503E-03,3.9092029191497137E-04 -54509 YORP (2000 PH5),I41,5.8019000000000000E+04,2.5502826663499999E+02,-2.1130036714999999E+01,8.2904387319493689E-01,-7.0361446733831368E-01,2.0078885461465409E-02,1.2590960650689409E-02,9.5605487639481498E-03,3.8632488340911068E-04 -54509 YORP (2000 PH5),I41,5.8020000000000000E+04,2.5623388886800001E+02,-2.1220634709999999E+01,8.4153897391796528E-01,-6.9397420029870105E-01,2.0462918092616092E-02,1.2399719370012321E-02,9.7205428089706357E-03,3.8168417257130937E-04 -54509 YORP (2000 PH5),I41,5.8021000000000000E+04,2.5743189070199998E+02,-2.1302147425000001E+01,8.5384230521368798E-01,-6.8417579066304590E-01,2.0842287425834875E-02,1.2207439494545280E-02,9.8768481850594024E-03,3.7699992841060673E-04 -54509 YORP (2000 PH5),I41,5.8022000000000000E+04,2.5862213287600002E+02,-2.1374719482000000E+01,8.6595285702060454E-01,-6.7422290884830449E-01,2.1216950772322472E-02,1.2014177600104601E-02,1.0029502084873876E-02,3.7227386453670943E-04 -54509 YORP (2000 PH5),I41,5.8023000000000000E+04,2.5980448863300001E+02,-2.1438499793999998E+01,8.7786967487428313E-01,-6.6411918813270399E-01,2.1586867132783415E-02,1.1819988335084112E-02,1.0178541577577329E-02,3.6750764069681807E-04 -54509 YORP (2000 PH5),I41,5.8024000000000000E+04,2.6097884381699998E+02,-2.1493641023999999E+01,8.8959185801977303E-01,-6.5386822480142148E-01,2.1951997143726917E-02,1.1624924480912147E-02,1.0324003571633593E-02,3.6270286429609223E-04 -54509 YORP (2000 PH5),I41,5.8025000000000000E+04,2.6214509677699999E+02,-2.1540299021999999E+01,9.0111855757991832E-01,-6.4347357832533936E-01,2.2312303025301124E-02,1.1429037011182183E-02,1.0465924780377302E-02,3.5786109189855046E-04 -54509 YORP (2000 PH5),I41,5.8026000000000000E+04,2.6330315819300000E+02,-2.1578632290000002E+01,9.1244897477503450E-01,-6.3293877157277800E-01,2.2667748530795846E-02,1.1232375149474297E-02,1.0604341690166396E-02,3.5298383070578537E-04 -54509 YORP (2000 PH5),I41,5.8027000000000000E+04,2.6445295093900000E+02,-2.1608801450000001E+01,9.2358235919387033E-01,-6.2226729105104639E-01,2.3018298898055865E-02,1.1034986425837289E-02,1.0739290530984321E-02,3.4807254001058301E-04 -54509 YORP (2000 PH5),I41,5.8028000000000000E+04,2.6559441009500000E+02,-2.1630968759000002E+01,9.3451800711440480E-01,-6.1146258717649216E-01,2.3363920802936457E-02,1.0836916731933426E-02,1.0870807249340341E-02,3.4312863262407715E-04 -54509 YORP (2000 PH5),I41,5.8029000000000000E+04,2.6672748319400000E+02,-2.1645297659000001E+01,9.4525525986798231E-01,-6.0052807457838731E-01,2.3704582314665865E-02,1.0638210374970035E-02,1.0998927483260545E-02,3.3815347627716761E-04 -6 Hebe (A847 NA),500,5.7970000000000000E+04,2.5772430298199998E+02,-9.0081520630000007E+00,3.2722716300500093E-01,-2.3664354793786262E+00,4.1045018116476872E-01,1.0264810241149979E-02,3.2924135495042035E-03,-2.4340050806603603E-03 -6 Hebe (A847 NA),500,5.7971000000000000E+04,2.5770532457100001E+02,-9.1550440809999998E+00,3.3748618327467650E-01,-2.3631182485499584E+00,4.0801222779161012E-01,1.0257893392025916E-02,3.3416188211994654E-03,-2.4425197415510703E-03 -6 Hebe (A847 NA),500,5.7972000000000000E+04,2.5769378160000002E+02,-9.3024052760000000E+00,3.4773814325907537E-01,-2.3597517712379368E+00,4.0556575863088445E-01,1.0250743324233437E-02,3.3908911995325468E-03,-2.4510071196573216E-03 -6 Hebe (A847 NA),500,5.7973000000000000E+04,2.5768966082999998E+02,-9.4501762039999999E+00,3.5798280934441518E-01,-2.3563359813119544E+00,4.0311080146660350E-01,1.0243358906690580E-02,3.4402298968723519E-03,-2.4594668627795687E-03 -6 Hebe (A847 NA),500,5.7974000000000000E+04,2.5769294595700001E+02,-9.5982990190000006E+00,3.6821994663421337E-01,-2.3528708134217866E+00,4.0064738443591508E-01,1.0235739006043906E-02,3.4896341140713810E-03,-2.4678986160510271E-03 -6 Hebe (A847 NA),500,5.7975000000000000E+04,2.5770361829500001E+02,-9.7467174609999994E+00,3.7844931894025197E-01,-2.3493562030096200E+00,3.9817553602628875E-01,1.0227882486740135E-02,3.5391030403341232E-03,-2.4763020219255327E-03 -6 Hebe (A847 NA),500,5.7976000000000000E+04,2.5772165742800001E+02,-9.8953768360000005E+00,3.8867068879385230E-01,-2.3457920863248631E+00,3.9569528507112284E-01,1.0219788211103503E-02,3.5886358531018563E-03,-2.4846767201698941E-03 -6 Hebe (A847 NA),500,5.7977000000000000E+04,2.5774704175599999E+02,-1.0044223954000000E+01,3.9888381747287188E-01,-2.3421784004425024E+00,3.9320666074597277E-01,1.0211455039410192E-02,3.6382317179402771E-03,-2.4930223478563307E-03 -6 Hebe (A847 NA),500,5.7978000000000000E+04,2.5777974891700001E+02,-1.0193207050000000E+01,4.0908846504063251E-01,-2.3385150832850599E+00,3.9070969256629268E-01,1.0202881829969215E-02,3.6878897884177145E-03,-2.5013385393543000E-03 -6 Hebe (A847 NA),500,5.7979000000000000E+04,2.5781975603199999E+02,-1.0342275680000000E+01,4.1928439039783788E-01,-2.3348020736455903E+00,3.8820441038610276E-01,1.0194067439198387E-02,3.7376092059981953E-03,-2.5096249263245941E-03 -6 Hebe (A847 NA),500,5.7980000000000000E+04,2.5786703976400003E+02,-1.0491380591000000E+01,4.2947135134136488E-01,-2.3310393112134991E+00,3.8569084439865192E-01,1.0185010721710379E-02,3.7873890999186900E-03,-2.5178811377121503E-03 -6 Hebe (A847 NA),500,5.7981000000000000E+04,2.5792157616399999E+02,-1.0640473584000000E+01,4.3964910463474882E-01,-2.3272267366012507E+00,3.8316902513836321E-01,1.0175710530395071E-02,3.8372285870761462E-03,-2.5261067997403531E-03 -6 Hebe (A847 NA),500,5.7982000000000000E+04,2.5798334028599999E+02,-1.0789507360000000E+01,4.4981740608798276E-01,-2.3233642913727102E+00,3.8063898348524183E-01,1.0166165716506772E-02,3.8871267719086510E-03,-2.5343015359052270E-03 -6 Hebe (A847 NA),500,5.7983000000000000E+04,2.5805230555899999E+02,-1.0938435371000001E+01,4.5997601064095700E-01,-2.3194519180710467E+00,3.7810075067294380E-01,1.0156375129754274E-02,3.9370827462738792E-03,-2.5424649669696956E-03 -6 Hebe (A847 NA),500,5.7984000000000000E+04,2.5812844294500002E+02,-1.1087211675000001E+01,4.7012467243391448E-01,-2.3154895602420753E+00,3.7555435830167377E-01,1.0146337618394128E-02,3.9870955893252704E-03,-2.5505967109581487E-03 -6 Hebe (A847 NA),500,5.7985000000000000E+04,2.5821171996800001E+02,-1.1235790829999999E+01,4.8026314483854626E-01,-2.3114771624476083E+00,3.7299983835595069E-01,1.0136052029327743E-02,4.0371643673844399E-03,-2.5586963831511944E-03 -6 Hebe (A847 NA),500,5.7986000000000000E+04,2.5830209978800002E+02,-1.1384127844000000E+01,4.9039118042524205E-01,-2.3074146702646723E+00,3.7043722322490563E-01,1.0125517208203235E-02,4.0872881338081795E-03,-2.5667635960800448E-03 -6 Hebe (A847 NA),500,5.7987000000000000E+04,2.5839954052399997E+02,-1.1532178195000000E+01,5.0050853086050462E-01,-2.3033020302714169E+00,3.6786654572070110E-01,1.0114731999524819E-02,4.1374659288459306E-03,-2.5747979595206298E-03 -6 Hebe (A847 NA),500,5.7988000000000000E+04,2.5850399498199999E+02,-1.1679897914000000E+01,5.1061494676016927E-01,-2.2991391900249782E+00,3.6528783908980811E-01,1.0103695246761994E-02,4.1876967795049895E-03,-2.5827990804891277E-03 -6 Hebe (A847 NA),500,5.7989000000000000E+04,2.5861541085300001E+02,-1.1827243706999999E+01,5.2071017753784177E-01,-2.2949260980432578E+00,3.6270113701574497E-01,1.0092405792472925E-02,4.2379796993989600E-03,-2.5907665632364458E-03 -6 Hebe (A847 NA),500,5.7990000000000000E+04,2.5873373129100003E+02,-1.1974173094999999E+01,5.3079397129460459E-01,-2.2906627037961229E+00,3.6010647361344394E-01,1.0080862478426895E-02,4.2883136886133991E-03,-2.5987000092457398E-03 -6 Hebe (A847 NA),500,5.7991000000000000E+04,2.5885889571199999E+02,-1.2120644520000001E+01,5.4086607476426662E-01,-2.2863489577112546E+00,3.5750388342033751E-01,1.0069064145738374E-02,4.3386977335605498E-03,-2.6065990172291125E-03 -6 Hebe (A847 NA),500,5.7992000000000000E+04,2.5899084061799999E+02,-1.2266617421999999E+01,5.5092623331373902E-01,-2.2819848111902008E+00,3.5489340138705855E-01,1.0057009635006156E-02,4.3891308068485201E-03,-2.6144631831272161E-03 -6 Hebe (A847 NA),500,5.7993000000000000E+04,2.5912950035099999E+02,-1.2412052273000000E+01,5.6097419097640944E-01,-2.2775702166308034E+00,3.5227506287104388E-01,1.0044697786461009E-02,4.4396118671519488E-03,-2.6222921001093852E-03 -6 Hebe (A847 NA),500,5.7994000000000000E+04,2.5927480767600002E+02,-1.2556910573000000E+01,5.7100969049686101E-01,-2.2731051274514571E+00,3.4964890363396850E-01,1.0032127440124140E-02,4.4901398590846010E-03,-2.6300853585741468E-03 -6 Hebe (A847 NA),500,5.7995000000000000E+04,2.5942669423500001E+02,-1.2701154835000001E+01,5.8103247337300568E-01,-2.2685894981132244E+00,3.4701495984212688E-01,1.0019297435973950E-02,4.5407137130853391E-03,-2.6378425461512987E-03 -6 Hebe (A847 NA),500,5.7996000000000000E+04,2.5958509086499998E+02,-1.2844748551000000E+01,5.9104227988429847E-01,-2.2640232841394279E+00,3.4437326806944124E-01,1.0006206614126129E-02,4.5913323453076298E-03,-2.6455632477035656E-03 -6 Hebe (A847 NA),500,5.7997000000000000E+04,2.5974992785100000E+02,-1.2987656160000000E+01,6.0103884910412697E-01,-2.2594064421311986E+00,3.4172386530168325E-01,9.9928538150173378E-03,4.6419946575278898E-03,-2.6532470453288380E-03 -6 Hebe (A847 NA),500,5.7998000000000000E+04,2.5992113515900002E+02,-1.3129843020999999E+01,6.1102191889358493E-01,-2.2547389297808125E+00,3.3906678894153380E-01,9.9792378796054754E-03,4.6926995370619503E-03,-2.6608935183611510E-03 -6 Hebe (A847 NA),500,5.7999000000000000E+04,2.6009864269500002E+02,-1.3271275395000000E+01,6.2099122588080968E-01,-2.2500207058816870E+00,3.3640207681310930E-01,9.9653576495676507E-03,4.7434458567118792E-03,-2.6685022433717786E-03 -6 Hebe (A847 NA),500,5.8000000000000000E+04,2.6028238061799999E+02,-1.3411920434000001E+01,6.3094650542591668E-01,-2.2452517303382509E+00,3.3372976716622671E-01,9.9512119675039534E-03,4.7942324747263405E-03,-2.6760727941667318E-03 -6 Hebe (A847 NA),500,5.8001000000000000E+04,2.6047227974600003E+02,-1.3551746172000000E+01,6.4088749158349601E-01,-2.2404319641750114E+00,3.3104989867848106E-01,9.9367996771317444E-03,4.8450582348011813E-03,-2.6836047417835821E-03 -6 Hebe (A847 NA),500,5.8002000000000000E+04,2.6066827203299999E+02,-1.3690721523000001E+01,6.5081391706918379E-01,-2.2355613695486647E+00,3.2836251045590409E-01,9.9221196234633800E-03,4.8959219661049297E-03,-2.6910976544829400E-03 -6 Hebe (A847 NA),500,5.8003000000000000E+04,2.6087029108700000E+02,-1.3828816268000001E+01,6.6072551324705242E-01,-2.2306399097642706E+00,3.2566764203125242E-01,9.9071706529564804E-03,4.9468224833272186E-03,-2.6985510977369166E-03 -6 Hebe (A847 NA),500,5.8004000000000000E+04,2.6107827266700002E+02,-1.3966001022000000E+01,6.7062201014943590E-01,-2.2256675492967499E+00,3.2296533336073513E-01,9.8919516136292823E-03,4.9977585867771301E-03,-2.7059646342115608E-03 -6 Hebe (A847 NA),500,5.8005000000000000E+04,2.6129215505799999E+02,-1.4102247183999999E+01,6.8050313653455308E-01,-2.2206442538179982E+00,3.2025562482037701E-01,9.8764613551097034E-03,5.0487290624665910E-03,-2.7133378237445540E-03 -6 Hebe (A847 NA),500,5.8006000000000000E+04,2.6151187925599999E+02,-1.4237526860999999E+01,6.9036861997621624E-01,-2.2155699902272454E+00,3.1753855720364510E-01,9.8606987286317168E-03,5.0997326822051995E-03,-2.7206702233176457E-03 -6 Hebe (A847 NA),500,5.8007000000000000E+04,2.6173738889999998E+02,-1.4371812768000000E+01,7.0021818697123250E-01,-2.2104447266810001E+00,3.1481417172122966E-01,9.8446625869636883E-03,5.1507682036745703E-03,-2.7279613870258980E-03 -6 Hebe (A847 NA),500,5.8008000000000000E+04,2.6196862995200001E+02,-1.4505078123000001E+01,7.1005156304338857E-01,-2.2052684326200516E+00,3.1208251000396003E-01,9.8283517842708279E-03,5.2018343704412790E-03,-2.7352108660449468E-03 -6 Hebe (A847 NA),500,5.8009000000000000E+04,2.6220555017400000E+02,-1.4637296536999999E+01,7.1986847283055955E-01,-2.2000410787906599E+00,3.0934361410799577E-01,9.8117651759268357E-03,5.2529299118915691E-03,-2.7424182086012799E-03 -6 Hebe (A847 NA),500,5.8010000000000000E+04,2.6244809844399998E+02,-1.4768441914000000E+01,7.2966864014582367E-01,-2.1947626372607685E+00,3.0659752652203481E-01,9.7949016183099240E-03,5.3040535430602508E-03,-2.7495829599480915E-03 -6 Hebe (A847 NA),500,5.8011000000000000E+04,2.6269622399700000E+02,-1.4898488371999999E+01,7.3945178801361966E-01,-2.1894330814305101E+00,3.0384429017528025E-01,9.7777599686082167E-03,5.3552039643571386E-03,-2.7567046623518682E-03 -6 Hebe (A847 NA),500,5.8012000000000000E+04,2.6294987565299999E+02,-1.5027410176000000E+01,7.4921763867903846E-01,-2.1840523860395615E+00,3.0108394844626674E-01,9.7603390846872640E-03,5.4063798611841910E-03,-2.7637828550918877E-03 -6 Hebe (A847 NA),500,5.8013000000000000E+04,2.6320900108299998E+02,-1.5155181704000000E+01,7.5896591358834897E-01,-2.1786205271705223E+00,2.9831654517214723E-01,9.7426378250406627E-03,5.4575799034677110E-03,-2.7708170744748023E-03 -6 Hebe (A847 NA),500,5.8014000000000000E+04,2.6347354619999999E+02,-1.5281777435000000E+01,7.6869633333597687E-01,-2.1731374822493748E+00,2.9554212465819835E-01,9.7246550488574030E-03,5.5088027451357310E-03,-2.7778068538643597E-03 -6 Hebe (A847 NA),500,5.8015000000000000E+04,2.6374345471999999E+02,-1.5407171965000000E+01,7.7840861757670621E-01,-2.1676032300445378E+00,2.9276073168709177E-01,9.7063896162189814E-03,5.5600470235850508E-03,-2.7847517237231520E-03 -6 Hebe (A847 NA),500,5.8016000000000000E+04,2.6401866798800000E+02,-1.5531340047000000E+01,7.8810248491437440E-01,-2.1620177506661729E+00,2.8997241152645281E-01,9.6878403884206616E-03,5.6113113592111807E-03,-2.7916512116617363E-03 -6 Hebe (A847 NA),500,5.8017000000000000E+04,2.6429912504599997E+02,-1.5654256648000000E+01,7.9777765278614265E-01,-2.1563810255696079E+00,2.8717720993413043E-01,9.6690062283734685E-03,5.6625943549753598E-03,-2.7985048424908326E-03 -6 Hebe (A847 NA),500,5.8018000000000000E+04,2.6458476294899998E+02,-1.5775897017000000E+01,8.0743383736909025E-01,-2.1506930375640176E+00,2.8437517316007715E-01,9.6498860010811090E-03,5.7138945960968097E-03,-2.8053121382737227E-03 -6 Hebe (A847 NA),500,5.8019000000000000E+04,2.6487551722500001E+02,-1.5896236740999999E+01,8.1707075352357827E-01,-2.1449537708289257E+00,2.8156634794626034E-01,9.6304785741372911E-03,5.7652106498295181E-03,-2.8120726183710515E-03 -6 Hebe (A847 NA),500,5.8020000000000000E+04,2.6517132239000000E+02,-1.6015251793000001E+01,8.2668811478093296E-01,-2.1391632109355383E+00,2.7875078152479316E-01,9.6107828182098783E-03,5.8165410653451405E-03,-2.8187857994790987E-03 -6 Hebe (A847 NA),500,5.8021000000000000E+04,2.6547211243700002E+02,-1.6132918566000001E+01,8.3628563336598261E-01,-2.1333213448711881E+00,2.7592852161587778E-01,9.5907976074983449E-03,5.8678843736930490E-03,-2.8254511956601631E-03 -6 Hebe (A847 NA),500,5.8022000000000000E+04,2.6577782123399999E+02,-1.6249213880999999E+01,8.4586302023801774E-01,-2.1274281610652741E+00,2.7309961642693603E-01,9.5705218201396804E-03,5.9192390878131697E-03,-2.8320683183632816E-03 -6 Hebe (A847 NA),500,5.8023000000000000E+04,2.6608838281700002E+02,-1.6364114995000001E+01,8.5541998513732642E-01,-2.1214836494134768E+00,2.7026411465271499E-01,9.5499543385580629E-03,5.9706037025881713E-03,-2.8386366764386402E-03 -6 Hebe (A847 NA),500,5.8024000000000000E+04,2.6640373158699998E+02,-1.6477599592000001E+01,8.6495623662351773E-01,-2.1154878013006218E+00,2.6742206547707398E-01,9.5290940497640697E-03,6.0219766949051214E-03,-2.8451557761466394E-03 -6 Hebe (A847 NA),500,5.8025000000000000E+04,2.6672380244300001E+02,-1.6589645771000001E+01,8.7447148209997461E-01,-2.1094406096209459E+00,2.6457351857577127E-01,9.5079398456081755E-03,6.0733565237168392E-03,-2.8516251211630271E-03 -6 Hebe (A847 NA),500,5.8026000000000000E+04,2.6704853087800001E+02,-1.6700232043000000E+01,8.8396542781838594E-01,-2.1033420687973430E+00,2.6171852412058616E-01,9.4864906229973900E-03,6.1247416300884792E-03,-2.8580442125823551E-03 -6 Hebe (A847 NA),500,5.8027000000000000E+04,2.6737785309999998E+02,-1.6809337322000001E+01,8.9343777886292930E-01,-2.0971921747995581E+00,2.5885713278407463E-01,9.4647452840868028E-03,6.1761304372284706E-03,-2.8644125489210893E-03 -6 Hebe (A847 NA),500,5.8028000000000000E+04,2.6771170620200002E+02,-1.6916940922999999E+01,9.0288823911432980E-01,-2.0909909251620435E+00,2.5598939574473240E-01,9.4427027364464306E-03,6.2275213504959688E-03,-2.8707296261208104E-03 -6 Hebe (A847 NA),500,5.8029000000000000E+04,2.6805002842699997E+02,-1.7023022566000002E+01,9.1231651119337864E-01,-2.0847383190070183E+00,2.5311536469370105E-01,9.4203618932399875E-03,6.2789127573611610E-03,-2.8769949375498836E-03 -6 Hebe (A847 NA),703,5.7970000000000000E+04,2.5772530357599999E+02,-9.0090156669999999E+00,3.2722841353162463E-01,-2.3664356574565142E+00,4.1045056355723386E-01,1.0264810240486670E-02,3.2924135542949338E-03,-2.4340050814913271E-03 -6 Hebe (A847 NA),703,5.7971000000000000E+04,2.5770630861900003E+02,-9.1559079360000002E+00,3.3748747056038275E-01,-2.3631184346056857E+00,4.0801261588646959E-01,1.0257893391321970E-02,3.3416188261223868E-03,-2.4425197424010848E-03 -6 Hebe (A847 NA),703,5.7972000000000000E+04,2.5769474897499998E+02,-9.3032693500000008E+00,3.4773946708973874E-01,-2.3597519651325256E+00,4.0556615221674358E-01,1.0250743323488028E-02,3.3908912045847416E-03,-2.4510071205256618E-03 -6 Hebe (A847 NA),703,5.7973000000000000E+04,2.5769061142300001E+02,-9.4510404650000002E+00,3.5798416950496637E-01,-2.3563361828924272E+00,4.0311120032094300E-01,1.0243358905904054E-02,3.4402299020515233E-03,-2.4594668636657643E-03 -6 Hebe (A847 NA),703,5.7974000000000000E+04,2.5769387967300003E+02,-9.5991634319999992E+00,3.6822134290858127E-01,-2.3528710225213789E+00,4.0064778832536752E-01,1.0235739005213159E-02,3.4896341193736413E-03,-2.4678986169539233E-03 -6 Hebe (A847 NA),703,5.7975000000000000E+04,2.5770453505699999E+02,-9.7475819930000007E+00,3.7845075111134258E-01,-2.3493564194479650E+00,3.9817594470691153E-01,1.0227882485865579E-02,3.5391030457571897E-03,-2.4763020228446742E-03 -6 Hebe (A847 NA),703,5.7976000000000000E+04,2.5772255717100001E+02,-9.8962414509999999E+00,3.8867215664343974E-01,-2.3457923099081883E+00,3.9569569828869200E-01,1.0219788210184431E-02,3.5886358586428180E-03,-2.4846767211045848E-03 -6 Hebe (A847 NA),703,5.7977000000000000E+04,2.5774792443000001E+02,-1.0045088615999999E+01,3.9888532078152233E-01,-2.3421786309637951E+00,3.9320707823627143E-01,1.0211455038445935E-02,3.6382317235962493E-03,-2.4930223488058797E-03 -6 Hebe (A847 NA),703,5.7978000000000000E+04,2.5778061448599999E+02,-1.0194071724000001E+01,4.0909000358758318E-01,-2.3385153205242184E+00,3.9071011405541622E-01,1.0202881828959117E-02,3.6878897941859320E-03,-2.5013385403180538E-03 -6 Hebe (A847 NA),703,5.7979000000000000E+04,2.5782060447399999E+02,-1.0343140327000000E+01,4.1928596396076340E-01,-2.3348023173696100E+00,3.8820483559079211E-01,1.0194067438141847E-02,3.7376092118756987E-03,-2.5096249273018605E-03 -6 Hebe (A847 NA),703,5.7980000000000000E+04,2.5786787106800000E+02,-1.0492245173000001E+01,4.2947295969625915E-01,-2.3310395611765982E+00,3.8569127302660011E-01,1.0185010720606805E-02,3.7873891059026759E-03,-2.5178811387022723E-03 -6 Hebe (A847 NA),703,5.7981000000000000E+04,2.5792239033300001E+02,-1.0641338062000001E+01,4.3965074755565703E-01,-2.3272269925450577E+00,3.8316945688855070E-01,1.0175710529243931E-02,3.8372285931637558E-03,-2.5261068007426772E-03 -6 Hebe (A847 NA),703,5.7982000000000000E+04,2.5798413733299998E+02,-1.0790371695999999E+01,4.4981908334678689E-01,-2.3233645530264431E+00,3.8063941804824719E-01,1.0166165715307538E-02,3.8871267780970463E-03,-2.5343015369190974E-03 -6 Hebe (A847 NA),703,5.7983000000000000E+04,2.5805308550799998E+02,-1.0939299524999999E+01,4.5997772200711934E-01,-2.3194521851517345E+00,3.7810118773124002E-01,1.0156375128506473E-02,3.9370827525602309E-03,-2.5424649679944701E-03 -6 Hebe (A847 NA),703,5.7984000000000000E+04,2.5812920583200003E+02,-1.1088075606000000E+01,4.7012641767423408E-01,-2.3154898324548152E+00,3.7555479752990478E-01,1.0146337617097311E-02,3.9870955957067300E-03,-2.5505967119931880E-03 -6 Hebe (A847 NA),703,5.7985000000000000E+04,2.5821246583800001E+02,-1.1236654498000000E+01,4.8026492371694857E-01,-2.3114774394858868E+00,3.7300027942118863E-01,1.0136052027981474E-02,4.0371643738582787E-03,-2.5586963841958818E-03 -6 Hebe (A847 NA),703,5.7986000000000000E+04,2.5830282869600001E+02,-1.1384991208000001E+01,4.9039299270252013E-01,-2.3074149518107436E+00,3.7043766578692439E-01,1.0125517206807140E-02,4.0872881403715214E-03,-2.5667635971337532E-03 -6 Hebe (A847 NA),703,5.7987000000000000E+04,2.5840025253400000E+02,-1.1533041215000001E+01,5.0051037629419037E-01,-2.3033023159967070E+00,3.6786698943224821E-01,1.0114731998078528E-02,4.1374659354960503E-03,-2.5747979605827520E-03 -6 Hebe (A847 NA),703,5.7988000000000000E+04,2.5850469016599999E+02,-1.1680760548000000E+01,5.1061682510434370E-01,-2.2991394795905444E+00,3.6528828359693466E-01,1.0103695245265172E-02,4.1876967862391392E-03,-2.5827990815590627E-03 -6 Hebe (A847 NA),703,5.7989000000000000E+04,2.5861608929099998E+02,-1.1828105914000000E+01,5.2071208854298745E-01,-2.2949263911002462E+00,3.6270158195817420E-01,1.0092405790925279E-02,4.2379797062143797E-03,-2.5907665643135997E-03 -6 Hebe (A847 NA),703,5.7990000000000000E+04,2.5873439307199999E+02,-1.1975034834000001E+01,5.3079591470747967E-01,-2.2906629999862225E+00,3.6010691862496819E-01,1.0080862476828153E-02,4.2883136955073498E-03,-2.5987000103295205E-03 -6 Hebe (A847 NA),703,5.7991000000000000E+04,2.5885954092800000E+02,-1.2121505751000001E+01,5.4086805032779162E-01,-2.2863492566671355E+00,3.5750432812922994E-01,1.0069064144088270E-02,4.3386977405304190E-03,-2.6065990183189620E-03 -6 Hebe (A847 NA),703,5.7992000000000000E+04,2.5899146937099999E+02,-1.2267478104000000E+01,5.5092824076684666E-01,-2.2819851125359594E+00,3.5489384541649277E-01,1.0057009633304458E-02,4.3891308138917003E-03,-2.6144631842225760E-03 -6 Hebe (A847 NA),703,5.7993000000000000E+04,2.5913011274600001E+02,-1.2412912364000000E+01,5.6097623005388964E-01,-2.2775705199823788E+00,3.5227550583950074E-01,1.0044697784707532E-02,4.4396118742657288E-03,-2.6222921012096943E-03 -6 Hebe (A847 NA),703,5.7994000000000000E+04,2.5927540382500001E+02,-1.2557770033000001E+01,5.7101176092924022E-01,-2.2731054324170263E+00,3.4964934515561846E-01,1.0032127438318716E-02,4.4901398662663908E-03,-2.6300853596788573E-03 -6 Hebe (A847 NA),703,5.7995000000000000E+04,2.5942727425300001E+02,-1.2702013623999999E+01,5.8103457488638521E-01,-2.2685898042935975E+00,3.4701539952720939E-01,1.0019297434117308E-02,4.5407137203334596E-03,-2.6378425472602610E-03 -6 Hebe (A847 NA),703,5.7996000000000000E+04,2.5958565487300001E+02,-1.2845606627000000E+01,5.9104441220020398E-01,-2.2640235911284354E+00,3.4437370552463065E-01,1.0006206612216373E-02,4.5913323526178204E-03,-2.6455632488154974E-03 -6 Hebe (A847 NA),703,5.7997000000000000E+04,2.5975047597399998E+02,-1.2988513483000000E+01,6.0104101193932180E-01,-2.2594067495160890E+00,3.4172430013045391E-01,9.9928538130552545E-03,4.6419946648984696E-03,-2.6532470464436029E-03 -6 Hebe (A847 NA),703,5.7998000000000000E+04,2.5992166752600002E+02,-1.3130699550999999E+01,6.1102411195995465E-01,-2.2547392371426165E+00,3.3906722074449674E-01,9.9792378775909775E-03,4.6926995444904890E-03,-2.6608935194782548E-03 -6 Hebe (A847 NA),703,5.7999000000000000E+04,2.6009915943700003E+02,-1.3272131091000000E+01,6.2099344888517893E-01,-2.2500210127956168E+00,3.3640250518836423E-01,9.9653576475006878E-03,4.7434458641959290E-03,-2.6685022444907229E-03 -6 Hebe (A847 NA),703,5.8000000000000000E+04,2.6028288186999998E+02,-1.3412775255000000E+01,6.3094875806993334E-01,-2.2452520363740578E+00,3.3373019170968249E-01,9.9512119653844856E-03,4.7942324822634712E-03,-2.6760727952870366E-03 -6 Hebe (A847 NA),703,5.8001000000000000E+04,2.6047276564600003E+02,-1.3552600078999999E+01,6.4088977356347754E-01,-2.2404322688973486E+00,3.3105031898418169E-01,9.9367996749597648E-03,4.8450582423889797E-03,-2.6836047429047659E-03 -6 Hebe (A847 NA),703,5.8002000000000000E+04,2.6066874272100000E+02,-1.3691574476000000E+01,6.5081622807600548E-01,-2.2355616725174214E+00,3.2836292611633078E-01,9.9221196212396501E-03,4.8959219737420515E-03,-2.6910976556049683E-03 -6 Hebe (A847 NA),703,5.8003000000000000E+04,2.6087074670499999E+02,-1.3829668226000001E+01,6.6072785296599090E-01,-2.2306402105348981E+00,3.2566805263762494E-01,9.9071706506795171E-03,4.9468224910093686E-03,-2.6985510988584887E-03 -6 Hebe (A847 NA),703,5.8004000000000000E+04,2.6107871335999999E+02,-1.3966851946000000E+01,6.7062437826004517E-01,-2.2256678474205511E+00,3.2296573850329957E-01,9.8919516112998800E-03,4.9977585945030507E-03,-2.7059646353326610E-03 -6 Hebe (A847 NA),703,5.8005000000000000E+04,2.6129258097200000E+02,-1.4103097034999999E+01,6.8050553271046832E-01,-2.2206445488423943E+00,3.2025602408871640E-01,9.8764613527279298E-03,5.0487290702339888E-03,-2.7133378248647413E-03 -6 Hebe (A847 NA),703,5.8006000000000000E+04,2.6151229053899999E+02,-1.4238375597999999E+01,6.9037104388496839E-01,-2.2155702816960243E+00,3.1753895018699296E-01,9.8606987261976621E-03,5.0997326900118402E-03,-2.7206702244364995E-03 -6 Hebe (A847 NA),703,5.8007000000000000E+04,2.6173778570000002E+02,-1.4372660353000001E+01,7.0022063827404635E-01,-2.2104450141345531E+00,3.1481455800879349E-01,9.8446625844774392E-03,5.1507682115183202E-03,-2.7279613881430074E-03 -6 Hebe (A847 NA),703,5.8008000000000000E+04,2.6196901242100000E+02,-1.4505924517000000E+01,7.1005404139491701E-01,-2.2052687155956359E+00,3.1208288918526045E-01,9.8283517817325181E-03,5.2018343783199403E-03,-2.7352108671599026E-03 -6 Hebe (A847 NA),703,5.8009000000000000E+04,2.6220591846399998E+02,-1.4638141701000000E+01,7.1987097787865961E-01,-2.2000413568226511E+00,3.0934398577318084E-01,9.8117651733365986E-03,5.2529299198030288E-03,-2.7424182097136856E-03 -6 Hebe (A847 NA),703,5.8010000000000000E+04,2.6244845270600001E+02,-1.4769285811000000E+01,7.2967117153129024E-01,-2.1947629098809687E+00,3.0659789026219797E-01,9.7949016156679107E-03,5.3040535510024203E-03,-2.7495829610575629E-03 -6 Hebe (A847 NA),703,5.8011000000000000E+04,2.6269656438499999E+02,-1.4899330964000001E+01,7.3945434536994226E-01,-2.1894333481684876E+00,3.0384464558274848E-01,9.7777599659145883E-03,5.3552039723279796E-03,-2.7567046634580346E-03 -6 Hebe (A847 NA),703,5.8012000000000000E+04,2.6295020232200000E+02,-1.5028251426000001E+01,7.4922022163215951E-01,-2.1840526464230412E+00,3.0108429511486517E-01,9.7603390819422306E-03,5.4063798691816201E-03,-2.7637828561943678E-03 -6 Hebe (A847 NA),703,5.8013000000000000E+04,2.6320931418900000E+02,-1.5156021575000000E+01,7.5896852175649010E-01,-2.1786207807258005E+00,2.9831688269743872E-01,9.7426378222444134E-03,5.4575799114897593E-03,-2.7708170755732443E-03 -6 Hebe (A847 NA),703,5.8014000000000000E+04,2.6347384589600000E+02,-1.5282615892000001E+01,7.6869896632944401E-01,-2.1731377285017830E+00,2.9554245263772677E-01,9.7246550460101389E-03,5.5088027531804921E-03,-2.7778068549584199E-03 -6 Hebe (A847 NA),703,5.8015000000000000E+04,2.6374374116299998E+02,-1.5408008971999999E+01,7.7841127499773599E-01,-2.1676034685189585E+00,2.9276104972063016E-01,9.7063896133209437E-03,5.5600470316505488E-03,-2.7847517248124846E-03 -6 Hebe (A847 NA),703,5.8016000000000000E+04,2.6401894133299999E+02,-1.5532175569000000E+01,7.8810516635706229E-01,-2.1620179808875162E+00,2.8997271921625950E-01,9.6878403854720810E-03,5.6113113672955801E-03,-2.7916512127460122E-03 -6 Hebe (A847 NA),703,5.8017000000000000E+04,2.6429938544800001E+02,-1.5655090653000000E+01,7.9778035783633761E-01,-2.1563812470633490E+00,2.8717750688524768E-01,9.6690062253746070E-03,5.6625943630767700E-03,-2.7985048435697308E-03 -6 Hebe (A847 NA),703,5.8018000000000000E+04,2.6458501056400002E+02,-1.5776729469999999E+01,8.0743656560438049E-01,-2.1506932498566744E+00,2.8437545898064254E-01,9.6498859980322267E-03,5.7138946042134212E-03,-2.8053121393469267E-03 -6 Hebe (A847 NA),703,5.8019000000000000E+04,2.6487575220600002E+02,-1.5897067610000001E+01,8.1707350451328231E-01,-2.1449539734485454E+00,2.8156662224782869E-01,9.6304785710386569E-03,5.7652106579595686E-03,-2.8120726194382642E-03 -6 Hebe (A847 NA),703,5.8020000000000000E+04,2.6517154489100000E+02,-1.6016081046000000E+01,8.2669088808610969E-01,-2.1391634034121623E+00,2.7875104392266098E-01,9.6107828150617820E-03,5.8165410734868604E-03,-2.8187858005400222E-03 -6 Hebe (A847 NA),703,5.8021000000000000E+04,2.6547232260999999E+02,-1.6133746171999999E+01,8.3628842853946095E-01,-2.1333215267372778E+00,2.7592877172938879E-01,9.5907976043010951E-03,5.8678843818447193E-03,-2.8254511967145059E-03 -6 Hebe (A847 NA),703,5.8022000000000000E+04,2.6577801923200002E+02,-1.6250039809000000E+01,8.4586583682442718E-01,-2.1274283318561369E+00,2.7309985387977659E-01,9.5705218168935877E-03,5.9192390959730695E-03,-2.8320683194107601E-03 -6 Hebe (A847 NA),703,5.8023000000000000E+04,2.6608856879000001E+02,-1.6364939216000000E+01,8.5542282267316316E-01,-2.1214838086676431E+00,2.7026433907319192E-01,9.5499543352634466E-03,5.9706037107546996E-03,-2.8386366774789912E-03 -6 Hebe (A847 NA),703,5.8024000000000000E+04,2.6640390568700002E+02,-1.6478422076000001E+01,8.6495909463716059E-01,-2.1154879485602538E+00,2.6742227649838340E-01,9.5290940464212576E-03,6.0219767030766300E-03,-2.8451557771795974E-03 -6 Hebe (A847 NA),703,5.8025000000000000E+04,2.6672396481700002E+02,-1.6590466490000001E+01,8.7447436011176904E-01,-2.1094407444322041E+00,2.6457371583624439E-01,9.5079398422174936E-03,6.0733565318917913E-03,-2.8516251221883454E-03 -6 Hebe (A847 NA),703,5.8026000000000000E+04,2.6704868167400002E+02,-1.6701050968000001E+01,8.8396832534069114E-01,-2.1033421907107632E+00,2.6171870726393071E-01,9.4864906195592028E-03,6.1247416382652405E-03,-2.8580442135997738E-03 -6 Hebe (A847 NA),703,5.8027000000000000E+04,2.6737799246399999E+02,-1.6810154426000000E+01,8.9344069540022453E-01,-2.0971922833704042E+00,2.5885730145959346E-01,9.4647452806014658E-03,6.1761304454055511E-03,-2.8644125499303775E-03 -6 Hebe (A847 NA),703,5.8028000000000000E+04,2.6771183427900002E+02,-1.6917756178000001E+01,9.0289117416329734E-01,-2.0909910199506458E+00,2.5598954960754094E-01,9.4427027329142890E-03,6.2275213586718992E-03,-2.8707296271217333E-03 -6 Hebe (A847 NA),703,5.8029000000000000E+04,2.6805014536200002E+02,-1.7023835945999998E+01,9.1231946424301857E-01,-2.0847383995791118E+00,2.5311550340493322E-01,9.4203618896614126E-03,6.2789127655345015E-03,-2.8769949385422247E-03 -6 Hebe (A847 NA),F51,5.7970000000000000E+04,2.5772563507199999E+02,-9.0086125270000004E+00,3.2722671306929874E-01,-2.3664352937983146E+00,4.1045051301119168E-01,1.0264810241524449E-02,3.2924135467996204E-03,-2.4340050801912438E-03 -6 Hebe (A847 NA),F51,5.7971000000000000E+04,2.5770665527400001E+02,-9.1555053209999997E+00,3.3748577292329085E-01,-2.3631180695399983E+00,4.0801257205682923E-01,1.0257893392386945E-02,3.3416188186746881E-03,-2.4425197411151313E-03 -6 Hebe (A847 NA),F51,5.7972000000000000E+04,2.5769511041900000E+02,-9.3028673459999993E+00,3.4773777263634248E-01,-2.3597515989435967E+00,4.0556611538672349E-01,1.0250743324579502E-02,3.3908911971870185E-03,-2.4510071192541888E-03 -6 Hebe (A847 NA),F51,5.7973000000000000E+04,2.5769098728300003E+02,-9.4506391579999995E+00,3.5798247859114540E-01,-2.3563358158642584E+00,4.0311117077143260E-01,1.0243358907021511E-02,3.4402298947050786E-03,-2.4594668624086775E-03 -6 Hebe (A847 NA),F51,5.7974000000000000E+04,2.5769426958000003E+02,-9.5987629079999994E+00,3.6821965588775407E-01,-2.3528706549373508E+00,4.0064776633459670E-01,1.0235739006355504E-02,3.4896341120825795E-03,-2.4678986157123631E-03 -6 Hebe (A847 NA),F51,5.7975000000000000E+04,2.5770493864100001E+02,-9.7471823349999998E+00,3.7844906833457675E-01,-2.3493560515904797E+00,3.9817593055013917E-01,1.0227882487032259E-02,3.5391030385226660E-03,-2.4763020216185139E-03 -6 Hebe (A847 NA),F51,5.7976000000000000E+04,2.5772297406600001E+02,-9.8958427429999993E+00,3.8867047845953634E-01,-2.3457919420583373E+00,3.9569569223792012E-01,1.0219788211374693E-02,3.5886358514668482E-03,-2.4846767198940900E-03 -6 Hebe (A847 NA),F51,5.7977000000000000E+04,2.5774835427199997E+02,-1.0044690941000001E+01,3.9888364753714789E-01,-2.3421782634010375E+00,3.9320708055996367E-01,1.0211455039659001E-02,3.6382317164808491E-03,-2.4930223476113136E-03 -6 Hebe (A847 NA),F51,5.7978000000000000E+04,2.5778105691399998E+02,-1.0193675162000000E+01,4.0908833562735930E-01,-2.3385149535260870E+00,3.9071012501822838E-01,1.0202881830194186E-02,3.6878897871330286E-03,-2.5013385391396540E-03 -6 Hebe (A847 NA),F51,5.7979000000000000E+04,2.5782105912700001E+02,-1.0342744959999999E+01,4.1928430162738550E-01,-2.3348019512114218E+00,3.8820485545329864E-01,1.0194067439398111E-02,3.7376092048871205E-03,-2.5096249261398538E-03 -6 Hebe (A847 NA),F51,5.7980000000000000E+04,2.5786833759299998E+02,-1.0491851079000000E+01,4.2947130333063305E-01,-2.3310391961311749E+00,3.8569130204501095E-01,1.0185010721883454E-02,3.7873890989802202E-03,-2.5178811375568674E-03 -6 Hebe (A847 NA),F51,5.7981000000000000E+04,2.5792286837600000E+02,-1.0640945318000000E+01,4.3964909749704734E-01,-2.3272266288824546E+00,3.8316949531441813E-01,1.0175710530540109E-02,3.8372285863091712E-03,-2.5261067996140718E-03 -6 Hebe (A847 NA),F51,5.7982000000000000E+04,2.5798462654700000E+02,-1.0789980377999999E+01,4.4981743993295747E-01,-2.3233641910136846E+00,3.8063946612817040E-01,1.0166165716622412E-02,3.8871267713119165E-03,-2.5343015358074610E-03 -6 Hebe (A847 NA),F51,5.7983000000000000E+04,2.5805358554999998E+02,-1.0938909708000001E+01,4.5997608557458319E-01,-2.3194518250525089E+00,3.7810124570654147E-01,1.0156375129839166E-02,3.9370827458462057E-03,-2.5424649668999797E-03 -6 Hebe (A847 NA),F51,5.7984000000000000E+04,2.5812971636200001E+02,-1.1087687362000000E+01,4.7012478855841328E-01,-2.3154894745291839E+00,3.7555486563633284E-01,1.0146337618446945E-02,3.9870955890653533E-03,-2.5505967109159919E-03 -6 Hebe (A847 NA),F51,5.7985000000000000E+04,2.5821298652100000E+02,-1.1236267897999999E+01,4.8026330225240832E-01,-2.3114770839899617E+00,3.7300035788863078E-01,1.0136052029347182E-02,4.0371643672909591E-03,-2.5586963831361075E-03 -6 Hebe (A847 NA),F51,5.7986000000000000E+04,2.5830335920300001E+02,-1.1384606322000000E+01,4.9039137922324133E-01,-2.3074145989963113E+00,3.7043775483912872E-01,1.0125517208188013E-02,4.0872881338797386E-03,-2.5667635960915356E-03 -6 Hebe (A847 NA),F51,5.7987000000000000E+04,2.5840079254000000E+02,-1.1532658110000000E+01,5.0050877113374148E-01,-2.3033019661108747E+00,3.6786708928660999E-01,1.0114731999473671E-02,4.1374659290811105E-03,-2.5747979595581944E-03 -6 Hebe (A847 NA),F51,5.7988000000000000E+04,2.5850523935199999E+02,-1.1680379287999999E+01,5.1061522859611830E-01,-2.2991391328753488E+00,3.6528839446428019E-01,1.0103695246673679E-02,4.1876967799023210E-03,-2.5827990805522552E-03 -6 Hebe (A847 NA),F51,5.7989000000000000E+04,2.5861664734300001E+02,-1.1827726565000001E+01,5.2071050102037275E-01,-2.2949260477922753E+00,3.6270170404256297E-01,1.0092405792346222E-02,4.2379796999569303E-03,-2.5907665633246296E-03 -6 Hebe (A847 NA),F51,5.7990000000000000E+04,2.5873495968300000E+02,-1.1974657456999999E+01,5.3079433650396490E-01,-2.2906626603162592E+00,3.6010705212350191E-01,1.0080862478260597E-02,4.2883136893304905E-03,-2.5987000093584704E-03 -6 Hebe (A847 NA),F51,5.7991000000000000E+04,2.5886011579600000E+02,-1.2121130405000001E+01,5.4086648177702179E-01,-2.2863489208598442E+00,3.5750447323186968E-01,1.0069064145531308E-02,4.3386977344351801E-03,-2.6065990173658724E-03 -6 Hebe (A847 NA),F51,5.7992000000000000E+04,2.5899205219999999E+02,-1.2267104848000001E+01,5.5092668220271901E-01,-2.2819847808095615E+00,3.5489400230586188E-01,1.0057009634757148E-02,4.3891308078791401E-03,-2.6144631832874998E-03 -6 Hebe (A847 NA),F51,5.7993000000000000E+04,2.5913070324500001E+02,-1.2412541255000001E+01,5.6097468181055410E-01,-2.2775701925483833E+00,3.5227567469070997E-01,1.0044697786168929E-02,4.4396118683369002E-03,-2.6222921002926631E-03 -6 Hebe (A847 NA),F51,5.7994000000000000E+04,2.5927600171099999E+02,-1.2557401124000000E+01,5.7101022334111140E-01,-2.2731051094799777E+00,3.4964952613609973E-01,1.0032127439787864E-02,4.4901398604222601E-03,-2.6300853587799089E-03 -6 Hebe (A847 NA),F51,5.7995000000000000E+04,2.5942787924800001E+02,-1.2701646968000000E+01,5.8103304828812319E-01,-2.2685894860508338E+00,3.4701559279656313E-01,1.0019297435593828E-02,4.5407137145740909E-03,-2.6378425463790432E-03 -6 Hebe (A847 NA),F51,5.7996000000000000E+04,2.5958626670500001E+02,-1.2845242275000000E+01,5.9104289692671363E-01,-2.2640232777698612E+00,3.4437391123447730E-01,1.0006206613698176E-02,4.5913323469457500E-03,-2.6455632479527348E-03 -6 Hebe (A847 NA),F51,5.7997000000000000E+04,2.5975109437700002E+02,-1.2988151482999999E+01,6.0103950832570940E-01,-2.2594064412239674E+00,3.4172451842430845E-01,9.9928538145419542E-03,4.6419946593136609E-03,-2.6532470455989288E-03 -6 Hebe (A847 NA),F51,5.7998000000000000E+04,2.5992229223900000E+02,-1.3130339949000000E+01,6.1102262034150812E-01,-2.2547389340913653E+00,3.3906745175764968E-01,9.9792378790816167E-03,4.6926995389936898E-03,-2.6608935186516469E-03 -6 Hebe (A847 NA),F51,5.7999000000000000E+04,2.6009979020700001E+02,-1.3271773934000000E+01,6.2099196959731429E-01,-2.2500207151516172E+00,3.3640274904777334E-01,9.9653576489943142E-03,4.7434458587878002E-03,-2.6685022436821527E-03 -6 Hebe (A847 NA),F51,5.8000000000000000E+04,2.6028351844800000E+02,-1.3412420586000000E+01,6.3094729144813866E-01,-2.2452517442954671E+00,3.3373044853387557E-01,9.9512119668801191E-03,4.7942324769447795E-03,-2.6760727944964775E-03 -6 Hebe (A847 NA),F51,5.8001000000000000E+04,2.6047340778799997E+02,-1.3552247938000001E+01,6.4088831994318429E-01,-2.2404319825339583E+00,3.3105058888318700E-01,9.9367996764564565E-03,4.8450582371603011E-03,-2.6836047421321691E-03 -6 Hebe (A847 NA),F51,5.8002000000000000E+04,2.6066939019099999E+02,-1.3691224904000000E+01,6.5081478779251523E-01,-2.2355613920104886E+00,3.2836320919161233E-01,9.9221196227370738E-03,4.8959219686032594E-03,-2.6910976548499572E-03 -6 Hebe (A847 NA),F51,5.8003000000000000E+04,2.6087139927099997E+02,-1.3829321261000000E+01,6.6072642635431722E-01,-2.2306399360170306E+00,3.2566834898205427E-01,9.9071706521753986E-03,4.9468224859624699E-03,-2.6985510981216562E-03 -6 Hebe (A847 NA),F51,5.8004000000000000E+04,2.6107937079599998E+02,-1.3966507624000000E+01,6.7062296565481627E-01,-2.2256675790155707E+00,3.2296604820112951E-01,9.8919516127939089E-03,4.9977585895478183E-03,-2.7059646346136125E-03 -6 Hebe (A847 NA),F51,5.8005000000000000E+04,2.6129324305699998E+02,-1.4102755391000001E+01,6.8050413444574853E-01,-2.2206442866652552E+00,3.2025634721557389E-01,9.8764613542191484E-03,5.0487290653708581E-03,-2.7133378241633961E-03 -6 Hebe (A847 NA),F51,5.8006000000000000E+04,2.6151295705799998E+02,-1.4238036664999999E+01,6.9036966029412761E-01,-2.2155700258527053E+00,3.1753928680986010E-01,9.8606987276851025E-03,5.0997326852412293E-03,-2.7206702237527725E-03 -6 Hebe (A847 NA),F51,5.8007000000000000E+04,2.6173845644199997E+02,-1.4372324162000000E+01,7.0021926968961923E-01,-2.2104447647219780E+00,3.1481490818598057E-01,9.8446625859601386E-03,5.1507682068406210E-03,-2.7279613874768077E-03 -6 Hebe (A847 NA),F51,5.8008000000000000E+04,2.6196968718099998E+02,-1.4505591097000000E+01,7.1005268814849321E-01,-2.2052684727015843E+00,3.1208325296635075E-01,9.8283517832094946E-03,5.2018343737355605E-03,-2.7352108665111394E-03 -6 Hebe (A847 NA),F51,5.8009000000000000E+04,2.6220659704100001E+02,-1.4637811080000001E+01,7.1986964030073475E-01,-2.2000411205256993E+00,3.0934436319897213E-01,9.8117651748069294E-03,5.2529299153121298E-03,-2.7424182090822350E-03 -6 Hebe (A847 NA),F51,5.8010000000000000E+04,2.6244913490699997E+02,-1.4768958015999999E+01,7.2966984995124062E-01,-2.1947626802503590E+00,3.0659828136459116E-01,9.7949016171306278E-03,5.3040535466053387E-03,-2.7495829604433164E-03 -6 Hebe (A847 NA),F51,5.8011000000000000E+04,2.6269725001900002E+02,-1.4899006019000000E+01,7.3945304011592516E-01,-2.1894331252640500E+00,3.0384505038466125E-01,9.7777599673687255E-03,5.3552039680249790E-03,-2.7567046628608786E-03 -6 Hebe (A847 NA),F51,5.8012000000000000E+04,2.6295089120300003E+02,-1.5027929352999999E+01,7.4921893303105813E-01,-2.1840524302950781E+00,3.0108471363014794E-01,9.7603390833868302E-03,5.4063798649728999E-03,-2.7637828556141800E-03 -6 Hebe (A847 NA),F51,5.8013000000000000E+04,2.6321000613600000E+02,-1.5155702397000001E+01,7.5896725013385524E-01,-2.1786205714149722E+00,2.9831731493080837E-01,9.7426378236785474E-03,5.4575799073754289E-03,-2.7708170750098786E-03 -6 Hebe (A847 NA),F51,5.8014000000000000E+04,2.6347454073500001E+02,-1.5282299627000000E+01,7.6869771200947579E-01,-2.1731375260389663E+00,2.9554289858472682E-01,9.7246550474328706E-03,5.5088027491606486E-03,-2.7778068544117344E-03 -6 Hebe (A847 NA),F51,5.8015000000000000E+04,2.6374443872299997E+02,-1.5407695638000000E+01,7.7841003830325173E-01,-2.1676032729251022E+00,2.9276150936762324E-01,9.7063896147313207E-03,5.5600470277253379E-03,-2.7847517242823427E-03 -6 Hebe (A847 NA),F51,5.8016000000000000E+04,2.6401964144700003E+02,-1.5531865183000001E+01,7.8810394760941360E-01,-2.1620177921735353E+00,2.8997319254045589E-01,9.6878403868691700E-03,5.6113113634650488E-03,-2.7916512122322639E-03 -6 Hebe (A847 NA),F51,5.8017000000000000E+04,2.6430008795600003E+02,-1.5654783229000000E+01,7.9777915735535432E-01,-2.1563810652299784E+00,2.8717799385473275E-01,9.6690062267574661E-03,5.6625943593409892E-03,-2.7985048430722217E-03 -6 Hebe (A847 NA),F51,5.8018000000000000E+04,2.6458571530799998E+02,-1.5776425023000000E+01,8.0743538370820556E-01,-2.1506930748943889E+00,2.8437595955442663E-01,9.6498859993999434E-03,5.7138946005723407E-03,-2.8053121388654906E-03 -6 Hebe (A847 NA),F51,5.8019000000000000E+04,2.6487645903399999E+02,-1.5896766151000000E+01,8.1707234151826413E-01,-2.1449538053374506E+00,2.8156713637587927E-01,9.6304785723903136E-03,5.7652106544131502E-03,-2.8120726189727338E-03 -6 Hebe (A847 NA),F51,5.8020000000000000E+04,2.6517225365399997E+02,-1.6015782587000000E+01,8.2668974430661990E-01,-2.1391632421219349E+00,2.7875157154594427E-01,9.6107828163964574E-03,5.8165410700350799E-03,-2.8187858000902309E-03 -6 Hebe (A847 NA),F51,5.8021000000000000E+04,2.6547303316599999E+02,-1.6133450720999999E+01,8.3628730428770870E-01,-2.1333213722271198E+00,2.7592931277991017E-01,9.5907976056178439E-03,5.8678843784875524E-03,-2.8254511962802860E-03 -6 Hebe (A847 NA),F51,5.8022000000000000E+04,2.6577873144000000E+02,-1.6249747374999998E+01,8.4586473241022808E-01,-2.1274281840747520E+00,2.7310040828062615E-01,9.5705218181915391E-03,5.9192390927103305E-03,-2.8320683189919271E-03 -6 Hebe (A847 NA),F51,5.8023000000000000E+04,2.6608928251600003E+02,-1.6364649805999999E+01,8.5542173840372315E-01,-2.1214836675532154E+00,2.7026490673858394E-01,9.5499543365416811E-03,5.9706037075862705E-03,-2.8386366770753613E-03 -6 Hebe (A847 NA),F51,5.8024000000000000E+04,2.6640462079700001E+02,-1.6478135694999999E+01,8.6495803081688449E-01,-2.1154878140404256E+00,2.6742285733370580E-01,9.5290940476788436E-03,6.0219767000024606E-03,-2.8451557767909920E-03 -6 Hebe (A847 NA),F51,5.8025000000000000E+04,2.6672468118500001E+02,-1.6590183143000001E+01,8.7447331704196962E-01,-2.1094406164241195E+00,2.6457430973813373E-01,9.5079398434535622E-03,6.0733565289116005E-03,-2.8516251218145658E-03 -6 Hebe (A847 NA),F51,5.8026000000000000E+04,2.6704939917500002E+02,-1.6700770659000000E+01,8.8396730331942175E-01,-2.1033420691210538E+00,2.6171931412032440E-01,9.4864906207728621E-03,6.1247416353788879E-03,-2.8580442132406345E-03 -6 Hebe (A847 NA),F51,5.8027000000000000E+04,2.6737871097700003E+02,-1.6809877155999999E+01,8.9343969472201823E-01,-2.0971921680952232E+00,2.5885792114981121E-01,9.4647452817918330E-03,6.1761304426127903E-03,-2.8644125495856693E-03 -6 Hebe (A847 NA),F51,5.8028000000000000E+04,2.6771255368800001E+02,-1.6917481948999999E+01,9.0289019511892665E-01,-2.0909909108757105E+00,2.5599018200236257E-01,9.4427027340804742E-03,6.2275213559724995E-03,-2.8707296267912641E-03 -6 Hebe (A847 NA),F51,5.8029000000000000E+04,2.6805086555200000E+02,-1.7023564758999999E+01,9.1231850711921370E-01,-2.0847382965797490E+00,2.5311614836669050E-01,9.4203618908025311E-03,6.2789127629282286E-03,-2.8769949382257908E-03 -6 Hebe (A847 NA),I11,5.7970000000000000E+04,2.5772462729000000E+02,-9.0076326919999996E+00,3.2722932542899119E-01,-2.3664358869124364E+00,4.1045045443445666E-01,1.0264810239634638E-02,3.2924135604486798E-03,-2.4340050825587128E-03 -6 Hebe (A847 NA),I11,5.7971000000000000E+04,2.5770562636599999E+02,-9.1545311859999998E+00,3.3748836531817544E-01,-2.3631186620120190E+00,4.0801249891471320E-01,1.0257893390450690E-02,3.3416188322155926E-03,-2.4425197434531634E-03 -6 Hebe (A847 NA),I11,5.7972000000000000E+04,2.5769406111699999E+02,-9.3018988090000008E+00,3.4774034449603353E-01,-2.3597521903094649E+00,4.0556602724441737E-01,1.0250743322598047E-02,3.3908912106167914E-03,-2.4510071215624123E-03 -6 Hebe (A847 NA),I11,5.7973000000000000E+04,2.5768991831199997E+02,-9.4496761150000008E+00,3.5798502935036142E-01,-2.3563364056659850E+00,4.0311106720289058E-01,1.0243358904995335E-02,3.4402299080224276E-03,-2.4594668646874232E-03 -6 Hebe (A847 NA),I11,5.7974000000000000E+04,2.5769318165499999E+02,-9.5978052490000003E+00,3.6822218498611287E-01,-2.3528712427236185E+00,4.0064764692303306E-01,1.0235739004287508E-02,3.4896341252815925E-03,-2.4678986179599623E-03 -6 Hebe (A847 NA),I11,5.7975000000000000E+04,2.5770383247000001E+02,-9.7462299489999999E+00,3.7845157521642597E-01,-2.3493566369172099E+00,3.9817579488847887E-01,1.0227882484922967E-02,3.5391030516022503E-03,-2.4763020238353414E-03 -6 Hebe (A847 NA),I11,5.7976000000000000E+04,2.5772185034600000E+02,-9.8948955170000001E+00,3.8867296257382222E-01,-2.3457925244892301E+00,3.9569553992920881E-01,1.0219788209225433E-02,3.5886358644245230E-03,-2.4846767220798858E-03 -6 Hebe (A847 NA),I11,5.7977000000000000E+04,2.5774721369100001E+02,-1.0043748759000000E+01,3.9888610833723209E-01,-2.3421788425080852E+00,3.9320691121775947E-01,1.0211455037471114E-02,3.6382317293141876E-03,-2.4930223497658358E-03 -6 Hebe (A847 NA),I11,5.7978000000000000E+04,2.5777990014800002E+02,-1.0192737907000000E+01,4.0909077257088311E-01,-2.3385155288900705E+00,3.9070993826697481E-01,1.0202881827969069E-02,3.6878897998396300E-03,-2.5013385412626732E-03 -6 Hebe (A847 NA),I11,5.7979000000000000E+04,2.5781988684499998E+02,-1.0341812512000001E+01,4.1928671417617241E-01,-2.3348025224223541E+00,3.8820465092868189E-01,1.0194067437137121E-02,3.7376092174649014E-03,-2.5096249282311905E-03 -6 Hebe (A847 NA),I11,5.7980000000000000E+04,2.5786715044800002E+02,-1.0490923318000000E+01,4.2947369095046373E-01,-2.3310397627887709E+00,3.8569107939435626E-01,1.0185010719588009E-02,3.7873891114270104E-03,-2.5178811396163428E-03 -6 Hebe (A847 NA),I11,5.7981000000000000E+04,2.5792166701399998E+02,-1.0640022124000000E+01,4.3965145965753022E-01,-2.3272271905965503E+00,3.8316925419707876E-01,1.0175710528211607E-02,3.8372285986229930E-03,-2.5261068016415372E-03 -6 Hebe (A847 NA),I11,5.7982000000000000E+04,2.5798341160000001E+02,-1.0789061629000001E+01,4.4981977610729507E-01,-2.3233647474046721E+00,3.8063920621595398E-01,1.0166165714262281E-02,3.8871267834908862E-03,-2.5343015378027902E-03 -6 Hebe (A847 NA),I11,5.7983000000000000E+04,2.5805235763700000E+02,-1.0937995281999999E+01,4.5997839523931489E-01,-2.3194523757517747E+00,3.7810096668415599E-01,1.0156375127448840E-02,3.9370827578885312E-03,-2.5424649688630683E-03 -6 Hebe (A847 NA),I11,5.7984000000000000E+04,2.5812847609099998E+02,-1.1086777137000000E+01,4.7012707119313374E-01,-2.3154900191795580E+00,3.7555456720183999E-01,1.0146337616027864E-02,3.9870956009693207E-03,-2.5505967128467539E-03 -6 Hebe (A847 NA),I11,5.7985000000000000E+04,2.5821173448799999E+02,-1.1235361751999999E+01,4.8026555733942866E-01,-2.3114776222461790E+00,3.7300003975386364E-01,1.0136052026900776E-02,4.0371643790550402E-03,-2.5586963850344909E-03 -6 Hebe (A847 NA),I11,5.7986000000000000E+04,2.5830209598900001E+02,-1.1383704132000000E+01,4.9039360624719625E-01,-2.3074151305255333E+00,3.7043741673009017E-01,1.0125517205715756E-02,4.0872881455023408E-03,-2.5667635979574762E-03 -6 Hebe (A847 NA),I11,5.7987000000000000E+04,2.5839951871400001E+02,-1.1531759752999999E+01,5.0051096958131480E-01,-2.3033024905931758E+00,3.6786673094376926E-01,1.0114731996977008E-02,4.1374659405608999E-03,-2.5747979613916835E-03 -6 Hebe (A847 NA),I11,5.7988000000000000E+04,2.5850395546999999E+02,-1.1679484643000000E+01,5.1061739795567995E-01,-2.2991396500042551E+00,3.6528801564284719E-01,1.0103695244154071E-02,4.1876967912379513E-03,-2.5827990823532841E-03 -6 Hebe (A847 NA),I11,5.7989000000000000E+04,2.5861535394700002E+02,-1.1826835508000000E+01,5.2071264078176671E-01,-2.2949265572752613E+00,3.6270130451270371E-01,1.0092405789805142E-02,4.2379797111471700E-03,-2.5907665650932096E-03 -6 Hebe (A847 NA),I11,5.7990000000000000E+04,2.5873365730099999E+02,-1.1973769868000000E+01,5.3079644615834565E-01,-2.2906631618752158E+00,3.6010663167053941E-01,1.0080862475699514E-02,4.2883137003741686E-03,-2.5987000110946233E-03 -6 Hebe (A847 NA),I11,5.7991000000000000E+04,2.5885880494399998E+02,-1.2120246163999999E+01,5.4086856081678492E-01,-2.2863494142314966E+00,3.5750403165646477E-01,1.0069064142951684E-02,4.3386977453312506E-03,-2.6065990190696471E-03 -6 Hebe (A847 NA),I11,5.7992000000000000E+04,2.5899073337900001E+02,-1.2266223834000000E+01,5.5092873012143073E-01,-2.2819852657458553E+00,3.5489353942419183E-01,1.0057009632160458E-02,4.3891308186266194E-03,-2.6144631849589531E-03 -6 Hebe (A847 NA),I11,5.7993000000000000E+04,2.5912937694499999E+02,-1.2411663348999999E+01,5.6097669810297623E-01,-2.2775706688168240E+00,3.5227519033463300E-01,1.0044697783556648E-02,4.4396118789348394E-03,-2.6222921019318727E-03 -6 Hebe (A847 NA),I11,5.7994000000000000E+04,2.5927466840699998E+02,-1.2556526209999999E+01,5.7101220750325576E-01,-2.2731055768639359E+00,3.4964902015329974E-01,1.0032127437161467E-02,4.4901398708698213E-03,-2.6300853603869584E-03 -6 Hebe (A847 NA),I11,5.7995000000000000E+04,2.5942653940399998E+02,-1.2700774928000000E+01,5.8103499981732210E-01,-2.2685899443498254E+00,3.4701506505068219E-01,1.0019297432953394E-02,4.5407137248716888E-03,-2.6378425479545477E-03 -6 Hebe (A847 NA),I11,5.7996000000000000E+04,2.5958492077000000E+02,-1.2844372996000001E+01,5.9104481532168696E-01,-2.2640237267998136E+00,3.4437336160523546E-01,1.0006206611047966E-02,4.5913323570902602E-03,-2.6455632494957922E-03 -6 Hebe (A847 NA),I11,5.7997000000000000E+04,2.5974974278799999E+02,-1.2987284851000000E+01,6.0104139308673010E-01,-2.2594068808174330E+00,3.4172394680758583E-01,9.9928538118820368E-03,4.6419946693056786E-03,-2.6532470471101730E-03 -6 Hebe (A847 NA),I11,5.7998000000000000E+04,2.5992093542300000E+02,-1.3129475854000001E+01,6.1102447097048174E-01,-2.2547393640977620E+00,3.3906685806557224E-01,9.9792378764134645E-03,4.6926995488326215E-03,-2.6608935201312251E-03 -6 Hebe (A847 NA),I11,5.7999000000000000E+04,2.6009842857500001E+02,-1.3270912265000000E+01,6.2099378559795737E-01,-2.2500211354373985E+00,3.3640213320876461E-01,9.9653576463193706E-03,4.7434458684732211E-03,-2.6685022451302248E-03 -6 Hebe (A847 NA),I11,5.8000000000000000E+04,2.6028215240100002E+02,-1.3411561235000001E+01,6.3094907232611275E-01,-2.2452521547443332E+00,3.3372981049271150E-01,9.9512119641998777E-03,4.7942324864761084E-03,-2.6760727959131946E-03 -6 Hebe (A847 NA),I11,5.8001000000000000E+04,2.6047203771699998E+02,-1.3551390800000000E+01,6.4089006520638958E-01,-2.2404323830469712E+00,3.3104992860099058E-01,9.9367996737723535E-03,4.8450582465371980E-03,-2.6836047435177157E-03 -6 Hebe (A847 NA),I11,5.8002000000000000E+04,2.6066801647300002E+02,-1.3690369875000000E+01,6.5081649695127863E-01,-2.2355617825062408E+00,3.2836252664584609E-01,9.9221196200490712E-03,4.8959219778263417E-03,-2.6910976562049414E-03 -6 Hebe (A847 NA),I11,5.8003000000000000E+04,2.6087002227400001E+02,-1.3828468238999999E+01,6.6072809892174433E-01,-2.2306403164317294E+00,3.2566764416645178E-01,9.9071706494879494E-03,4.9468224950295504E-03,-2.6985510994454219E-03 -6 Hebe (A847 NA),I11,5.8004000000000000E+04,2.6107799087600000E+02,-1.3965656510000001E+01,6.7062460114700717E-01,-2.2256679493031752E+00,3.2296532112563148E-01,9.8919516101069783E-03,4.9977585984595386E-03,-2.7059646359067825E-03 -6 Hebe (A847 NA),I11,5.8005000000000000E+04,2.6129186055999998E+02,-1.4101906086000000E+01,6.8050573238223511E-01,-2.2206446467975129E+00,3.2025559790620373E-01,9.8764613515341521E-03,5.0487290741271212E-03,-2.7133378254261954E-03 -6 Hebe (A847 NA),I11,5.8006000000000000E+04,2.6151157231799999E+02,-1.4237189075000000E+01,6.9037122019817643E-01,-2.2155703758192606E+00,3.1753851530863114E-01,9.8606987250034785E-03,5.0997326938418911E-03,-2.7206702249854258E-03 -6 Hebe (A847 NA),I11,5.8007000000000000E+04,2.6173706978600001E+02,-1.4371478193000000E+01,7.0022079108857360E-01,-2.2104451045304168E+00,3.1481411455080532E-01,9.8446625832833215E-03,5.1507682152855810E-03,-2.7279613886795431E-03 -6 Hebe (A847 NA),I11,5.8008000000000000E+04,2.6196829892500000E+02,-1.4504746659000000E+01,7.1005417057410214E-01,-2.2052688023774882E+00,3.1208243727099427E-01,9.8283517805389017E-03,5.2018343820247996E-03,-2.7352108676841989E-03 -6 Hebe (A847 NA),I11,5.8009000000000000E+04,2.6220520749000002E+02,-1.4636968084999999E+01,7.1987108328944649E-01,-2.2000414401126935E+00,3.0934352553305106E-01,9.8117651721439623E-03,5.2529299234457382E-03,-2.7424182102258744E-03 -6 Hebe (A847 NA),I11,5.8010000000000000E+04,2.6244774435599999E+02,-1.4768116376000000E+01,7.2967125304444247E-01,-2.1947629898101750E+00,3.0659742183361788E-01,9.7949016144767177E-03,5.3040535545832712E-03,-2.7495829615577882E-03 -6 Hebe (A847 NA),I11,5.8011000000000000E+04,2.6269585875600001E+02,-1.4898165650999999E+01,7.3945440286020025E-01,-2.1894334248765532E+00,3.0384416911008649E-01,9.7777599647252567E-03,5.3552039758473901E-03,-2.7567046639464443E-03 -6 Hebe (A847 NA),I11,5.8012000000000000E+04,2.6294949950500001E+02,-1.5027090175000000E+01,7.4922025497833977E-01,-2.1840527200583253E+00,3.0108381074942064E-01,9.7603390807551888E-03,5.4063798726399701E-03,-2.7637828566711197E-03 -6 Hebe (A847 NA),I11,5.8013000000000000E+04,2.6320861427199998E+02,-1.5154864329000000E+01,7.5896853084157445E-01,-2.1786208514452707E+00,2.9831639059740894E-01,9.7426378210601211E-03,5.4575799148873401E-03,-2.7708170760384690E-03 -6 Hebe (A847 NA),I11,5.8014000000000000E+04,2.6347314896300003E+02,-1.5281462591000000E+01,7.6869895104073116E-01,-2.1731377964709138E+00,2.9554195296813329E-01,9.7246550448290246E-03,5.5088027565176612E-03,-2.7778068554122626E-03 -6 Hebe (A847 NA),I11,5.8015000000000000E+04,2.6374304729400001E+02,-1.5406859559000001E+01,7.7841123522690348E-01,-2.1676035339116471E+00,2.9276054265323714E-01,9.7063896121434359E-03,5.5600470349276808E-03,-2.7847517252550949E-03 -6 Hebe (A847 NA),I11,5.8016000000000000E+04,2.6401825060200002E+02,-1.5531029986000000E+01,7.8810510200026562E-01,-2.1620180438859906E+00,2.8997220492945802E-01,9.6878403842985926E-03,5.6113113705130412E-03,-2.7916512131775368E-03 -6 Hebe (A847 NA),I11,5.8017000000000000E+04,2.6429869792900001E+02,-1.5653948843000000E+01,7.9778026879430797E-01,-2.1563813078580645E+00,2.8717698556391619E-01,9.6690062242055595E-03,5.6625943662349399E-03,-2.7985048439903180E-03 -6 Hebe (A847 NA),I11,5.8018000000000000E+04,2.6458432632300003E+02,-1.5775591375999999E+01,8.0743645178255830E-01,-2.1506933086462010E+00,2.8437493081598925E-01,9.6498859968680312E-03,5.7138946073126921E-03,-2.8053121397567235E-03 -6 Hebe (A847 NA),I11,5.8019000000000000E+04,2.6487507130900002E+02,-1.5895933176000000E+01,8.1707336582192069E-01,-2.1449540304394548E+00,2.8156608743723666E-01,9.6304785698797558E-03,5.7652106610002318E-03,-2.8120726198374029E-03 -6 Hebe (A847 NA),I11,5.8020000000000000E+04,2.6517086739899997E+02,-1.6014950215999999E+01,8.2669072444044978E-01,-2.1391634588188726E+00,2.7875050266951157E-01,9.6107828139085655E-03,5.8165410764693583E-03,-2.8187858009286601E-03 -6 Hebe (A847 NA),I11,5.8021000000000000E+04,2.6547164858200000E+02,-1.6132618890000000E+01,8.3628823985985246E-01,-2.1333215807819430E+00,2.7592822424291463E-01,9.5907976031539520E-03,5.8678843847694596E-03,-2.8254511970927927E-03 -6 Hebe (A847 NA),I11,5.8022000000000000E+04,2.6577734872200000E+02,-1.6248916022000000E+01,8.4586562303648694E-01,-2.1274283847684958E+00,2.7309930037491081E-01,9.5705218157529498E-03,5.9192390988403818E-03,-2.8320683197788350E-03 -6 Hebe (A847 NA),I11,5.8023000000000000E+04,2.6608790185200002E+02,-1.6363818868999999E+01,8.5542258370795921E-01,-2.1214838606848772E+00,2.7026377977040961E-01,9.5499543341296990E-03,5.9706037135649707E-03,-2.8386366778369986E-03 -6 Hebe (A847 NA),I11,5.8024000000000000E+04,2.6640324236800001E+02,-1.6477305115000000E+01,8.6495883043138033E-01,-2.1154879999268275E+00,2.6742171162354883E-01,9.5290940452947975E-03,6.0219767058302589E-03,-2.8451557775276844E-03 -6 Hebe (A847 NA),I11,5.8025000000000000E+04,2.6672330516500000E+02,-1.6589352861999998E+01,8.7447407060785021E-01,-2.1094407953997263E+00,2.6457314562047257E-01,9.5079398410987635E-03,6.0733565345890486E-03,-2.8516251225266403E-03 -6 Hebe (A847 NA),I11,5.8026000000000000E+04,2.6704802573299997E+02,-1.6699940622000000E+01,8.8396801048703388E-01,-2.1033422415377925E+00,2.6171813194341570E-01,9.4864906184485530E-03,6.1247416409066207E-03,-2.8580442139284372E-03 -6 Hebe (A847 NA),I11,5.8027000000000000E+04,2.6737734027499999E+02,-1.6809047310000000E+01,8.9344035515129516E-01,-2.0971923343223127E+00,2.5885672127547604E-01,9.4647452794993110E-03,6.1761304479913594E-03,-2.8644125502495397E-03 -6 Hebe (A847 NA),I11,5.8028000000000000E+04,2.6771118588200000E+02,-1.6916652242000001E+01,9.0289080847983860E-01,-2.0909910712994377E+00,2.5598896480574435E-01,9.4427027318210247E-03,6.2275213612025208E-03,-2.8707296274315401E-03 -6 Hebe (A847 NA),I11,5.8029000000000000E+04,2.6804950079299999E+02,-1.7022735140000002E+01,9.1231907309221705E-01,-2.0847384516032545E+00,2.5311491423600702E-01,9.4203618885774221E-03,6.2789127680102884E-03,-2.8769949388428137E-03 -6 Hebe (A847 NA),I41,5.7970000000000000E+04,2.5772536145300000E+02,-9.0090168849999994E+00,3.2722820337708525E-01,-2.3664356113413789E+00,4.1045056193704621E-01,1.0264810240624355E-02,3.2924135533005244E-03,-2.4340050813188448E-03 -6 Hebe (A847 NA),I41,5.7971000000000000E+04,2.5770636829599999E+02,-9.1559090140000006E+00,3.3748726128477957E-01,-2.3631183884116278E+00,4.0801261524045918E-01,1.0257893391463147E-02,3.3416188251350846E-03,-2.4425197422306109E-03 -6 Hebe (A847 NA),I41,5.7972000000000000E+04,2.5769481040199997E+02,-9.3032702969999992E+00,3.4773925873805833E-01,-2.3597519188956020E+00,4.0556615257989659E-01,1.0250743323632598E-02,3.3908912036048813E-03,-2.4510071203572500E-03 -6 Hebe (A847 NA),I41,5.7973000000000000E+04,2.5769067454700001E+02,-9.4510412919999993E+00,3.5798396212182193E-01,-2.3563361366484745E+00,4.0311120172778531E-01,1.0243358906051962E-02,3.4402299010792593E-03,-2.4594668634993961E-03 -6 Hebe (A847 NA),I41,5.7974000000000000E+04,2.5769394444400001E+02,-9.5991641479999998E+00,3.6822113653822724E-01,-2.3528709763059692E+00,4.0064779080992591E-01,1.0235739005364231E-02,3.4896341184093831E-03,-2.4678986167897244E-03 -6 Hebe (A847 NA),I41,5.7975000000000000E+04,2.5770460142399997E+02,-9.7475826080000001E+00,3.7845054579772469E-01,-2.3493563732963492E+00,3.9817594830266567E-01,1.0227882486019765E-02,3.5391030448010796E-03,-2.4763020226826271E-03 -6 Hebe (A847 NA),I41,5.7976000000000000E+04,2.5772262508500000E+02,-9.8962419760000007E+00,3.8867195243018959E-01,-2.3457922638552571E+00,3.9569570302854429E-01,1.0219788210341618E-02,3.5886358576951282E-03,-2.4846767209447222E-03 -6 Hebe (A847 NA),I41,5.7977000000000000E+04,2.5774799384200003E+02,-1.0045089060000000E+01,3.9888511771195989E-01,-2.3421785850440431E+00,3.9320708415251721E-01,1.0211455038606031E-02,3.6382317226572071E-03,-2.4930223486482298E-03 -6 Hebe (A847 NA),I41,5.7978000000000000E+04,2.5778068534599998E+02,-1.0194072095999999E+01,4.0908980170472947E-01,-2.3385152747717104E+00,3.9071012117971216E-01,1.0202881829122008E-02,3.6878897932557074E-03,-2.5013385401626309E-03 -6 Hebe (A847 NA),I41,5.7979000000000000E+04,2.5782067673400002E+02,-1.0343140637999999E+01,4.1928576330737288E-01,-2.3348022718179329E+00,3.8820484395411775E-01,1.0194067438307438E-02,3.7376092109545050E-03,-2.5096249271486940E-03 -6 Hebe (A847 NA),I41,5.7980000000000000E+04,2.5786794468099998E+02,-1.0492245432000001E+01,4.2947276031482401E-01,-2.3310395158588326E+00,3.8569128265922920E-01,1.0185010720774988E-02,3.7873891049907561E-03,-2.5178811385513844E-03 -6 Hebe (A847 NA),I41,5.7981000000000000E+04,2.5792246525100001E+02,-1.0641338278999999E+01,4.3965054948841542E-01,-2.3272269474937453E+00,3.8316946782001698E-01,1.0175710529414583E-02,3.8372285922612659E-03,-2.5261068005940812E-03 -6 Hebe (A847 NA),I41,5.7982000000000000E+04,2.5798421351100001E+02,-1.0790371880000000E+01,4.4981888663574154E-01,-2.3233645082735523E+00,3.8063943030731018E-01,1.0166165715480574E-02,3.8871267772041373E-03,-2.5343015367728068E-03 -6 Hebe (A847 NA),I41,5.7983000000000000E+04,2.5805316290000002E+02,-1.0939299686000000E+01,4.5997752669409775E-01,-2.3194521407286128E+00,3.7810120134583730E-01,1.0156375128681762E-02,3.9370827516771491E-03,-2.5424649678505128E-03 -6 Hebe (A847 NA),I41,5.7984000000000000E+04,2.5812928439299998E+02,-1.1088075754000000E+01,4.7012622380084801E-01,-2.3154897883921768E+00,3.7555481252713185E-01,1.0146337617274749E-02,3.9870955948335708E-03,-2.5505967118515669E-03 -6 Hebe (A847 NA),I41,5.7985000000000000E+04,2.5821254552300002E+02,-1.1236654640999999E+01,4.8026473132468656E-01,-2.3114773958137462E+00,3.7300029582724614E-01,1.0136052028160942E-02,4.0371643729952607E-03,-2.5586963840566186E-03 -6 Hebe (A847 NA),I41,5.7986000000000000E+04,2.5830290946299999E+02,-1.1384991356000000E+01,4.9039280183272133E-01,-2.3074149085583988E+00,3.7043768362710155E-01,1.0125517206988533E-02,4.0872881395187504E-03,-2.5667635969968453E-03 -6 Hebe (A847 NA),I41,5.7987000000000000E+04,2.5840033433999997E+02,-1.1533041376000000E+01,5.0051018698812677E-01,-2.3033022731926676E+00,3.6786700873088191E-01,1.0114731998261716E-02,4.1374659346537397E-03,-2.5747979604482229E-03 -6 Hebe (A847 NA),I41,5.7988000000000000E+04,2.5850477296999998E+02,-1.1680760730999999E+01,5.1061663740318153E-01,-2.2991394372625162E+00,3.6528830437740051E-01,1.0103695245450062E-02,4.1876967854073306E-03,-2.5827990814269019E-03 -6 Hebe (A847 NA),I41,5.7989000000000000E+04,2.5861617305099998E+02,-1.1828106129000000E+01,5.2071190248787969E-01,-2.2949263492750607E+00,3.6270160424284820E-01,1.0092405791111734E-02,4.2379797053932900E-03,-2.5907665641838264E-03 -6 Hebe (A847 NA),I41,5.7990000000000000E+04,2.5873447774800002E+02,-1.1975035088000000E+01,5.3079573033951566E-01,-2.2906629586898144E+00,3.6010694243522090E-01,1.0080862477016062E-02,4.2883136946970605E-03,-2.5987000102021393E-03 -6 Hebe (A847 NA),I41,5.7991000000000000E+04,2.5885962648200001E+02,-1.2121506052999999E+01,5.4086786768804274E-01,-2.2863492159244965E+00,3.5750435348539916E-01,1.0069064144277513E-02,4.3386977397310792E-03,-2.6065990181939739E-03 -6 Hebe (A847 NA),I41,5.7992000000000000E+04,2.5899155576400000E+02,-1.2267478462000000E+01,5.5092805989635285E-01,-2.2819850723711057E+00,3.5489387233786751E-01,1.0057009633494925E-02,4.3891308131033691E-03,-2.6144631840999753E-03 -6 Hebe (A847 NA),I41,5.7993000000000000E+04,2.5913019994100000E+02,-1.2412912786000000E+01,5.6097605099366965E-01,-2.2775704804183206E+00,3.5227553434430081E-01,1.0044697784899108E-02,4.4396118734885207E-03,-2.6222921010894784E-03 -6 Hebe (A847 NA),I41,5.7994000000000000E+04,2.5927549178499999E+02,-1.2557770527000001E+01,5.7101158372029959E-01,-2.2731053934757344E+00,3.4964937526097584E-01,1.0032127438511274E-02,4.4901398655004202E-03,-2.6300853595610336E-03 -6 Hebe (A847 NA),I41,5.7995000000000000E+04,2.5942736294399998E+02,-1.2702014196000000E+01,5.8103439956969483E-01,-2.2685897659959782E+00,3.4701543124915651E-01,1.0019297434310820E-02,4.5407137195787005E-03,-2.6378425471447801E-03 -6 Hebe (A847 NA),I41,5.7996000000000000E+04,2.5958574425900002E+02,-1.2845607286000000E+01,5.9104423881670520E-01,-2.2640235534943129E+00,3.4437373887808481E-01,1.0006206612410544E-02,4.5913323518745695E-03,-2.6455632487024437E-03 -6 Hebe (A847 NA),I41,5.7997000000000000E+04,2.5975056602199999E+02,-1.2988514236000000E+01,6.0104084052992035E-01,-2.2594067125641715E+00,3.4172433512920403E-01,9.9928538132500536E-03,4.6419946641667095E-03,-2.6532470463329285E-03 -6 Hebe (A847 NA),I41,5.7998000000000000E+04,2.5992175820199998E+02,-1.3130700404000001E+01,6.1102394256550530E-01,-2.2547392008904872E+00,3.3906725740119525E-01,9.9792378777862917E-03,4.6926995437702596E-03,-2.6608935193699452E-03 -6 Hebe (A847 NA),I41,5.7999000000000000E+04,2.6009925070899999E+02,-1.3272132053000000E+01,6.2099328154649491E-01,-2.2500209772597004E+00,3.3640254351451249E-01,9.9653576476963993E-03,4.7434458634872893E-03,-2.6685022443847751E-03 -6 Hebe (A847 NA),I41,5.8000000000000000E+04,2.6028297370799999E+02,-1.3412776331000000E+01,6.3094859282777471E-01,-2.2452520015696011E+00,3.3373023171562249E-01,9.9512119655804539E-03,4.7942324815665911E-03,-2.6760727951834523E-03 -6 Hebe (A847 NA),I41,5.8001000000000000E+04,2.6047285801800001E+02,-1.3552601276000001E+01,6.4088961045850068E-01,-2.2404322348384231E+00,3.3105036067909971E-01,9.9367996751558926E-03,4.8450582417038195E-03,-2.6836047428035253E-03 -6 Hebe (A847 NA),I41,5.8002000000000000E+04,2.6066883559700000E+02,-1.3691575800000001E+01,6.5081606714879192E-01,-2.2355616392168876E+00,3.2836296950824312E-01,9.9221196214359063E-03,4.8959219730685989E-03,-2.6910976555060244E-03 -6 Hebe (A847 NA),I41,5.8003000000000000E+04,2.6087084005700001E+02,-1.3829669683000001E+01,6.6072769425700195E-01,-2.2306401780044025E+00,3.2566809773338257E-01,9.9071706508755894E-03,4.9468224903478492E-03,-2.6985510987619075E-03 -6 Hebe (A847 NA),I41,5.8004000000000000E+04,2.6107880715900001E+02,-1.3966853542000001E+01,6.7062422180961079E-01,-2.2256678156705103E+00,3.2296578530858849E-01,9.8919516114957546E-03,4.9977585938533985E-03,-2.7059646352383883E-03 -6 Hebe (A847 NA),I41,5.8005000000000000E+04,2.6129267519100000E+02,-1.4103098774999999E+01,6.8050537855877391E-01,-2.2206445178819822E+00,3.2025607260805738E-01,9.8764613529234747E-03,5.0487290695962819E-03,-2.7133378247727728E-03 -6 Hebe (A847 NA),I41,5.8006000000000000E+04,2.6151238515099999E+02,-1.4238377488999999E+01,6.9037089207200497E-01,-2.2155702515331761E+00,3.1753900042375172E-01,9.8606987263927699E-03,5.0997326893860682E-03,-2.7206702243468134E-03 -6 Hebe (A847 NA),I41,5.8007000000000000E+04,2.6173788067900000E+02,-1.4372662398999999E+01,7.0022048883962573E-01,-2.2104449847759371E+00,3.1481460996517141E-01,9.8446625846719815E-03,5.1507682109045716E-03,-2.7279613880555973E-03 -6 Hebe (A847 NA),I41,5.8008000000000000E+04,2.6196910774100002E+02,-1.4505926724000000E+01,7.1005389437862509E-01,-2.2052686870466633E+00,3.1208294286229898E-01,9.8283517819263751E-03,5.2018343777182289E-03,-2.7352108670747484E-03 -6 Hebe (A847 NA),I41,5.8009000000000000E+04,2.6220601410099999E+02,-1.4638144072999999E+01,7.1987083331983914E-01,-2.2000413290874645E+00,3.0934404117075903E-01,9.8117651735296629E-03,5.2529299192133391E-03,-2.7424182096307732E-03 -6 Hebe (A847 NA),I41,5.8010000000000000E+04,2.6244854863600000E+02,-1.4769288353000000E+01,7.2967102946903439E-01,-2.1947628829624302E+00,3.0659794737901941E-01,9.7949016158600799E-03,5.3040535504247401E-03,-2.7495829609768636E-03 -6 Hebe (A847 NA),I41,5.8011000000000000E+04,2.6269666058500002E+02,-1.4899333680000000E+01,7.3945420584310040E-01,-2.1894333220681608E+00,3.0384470441632799E-01,9.7777599661057236E-03,5.3552039717623800E-03,-2.7567046633795410E-03 -6 Hebe (A847 NA),I41,5.8012000000000000E+04,2.6295029876799998E+02,-1.5028254321000000E+01,7.4922008467930001E-01,-2.1840526211411988E+00,3.0108435566153058E-01,9.7603390821322106E-03,5.4063798686281306E-03,-2.7637828561180708E-03 -6 Hebe (A847 NA),I41,5.8013000000000000E+04,2.6320941085999999E+02,-1.5156024653999999E+01,7.5896838741588346E-01,-2.1786207562614130E+00,2.9831694495232464E-01,9.7426378224331443E-03,5.4575799109483191E-03,-2.7708170754991062E-03 -6 Hebe (A847 NA),I41,5.8014000000000000E+04,2.6347394277100000E+02,-1.5282619156999999E+01,7.6869883463908972E-01,-2.1731377048524947E+00,2.9554251659476505E-01,9.7246550461975029E-03,5.5088027526511204E-03,-2.7778068548864271E-03 -6 Hebe (A847 NA),I41,5.8015000000000000E+04,2.6374383822099998E+02,-1.5408012427999999E+01,7.7841114599533756E-01,-2.1676034456810780E+00,2.9276111537255650E-01,9.7063896135068124E-03,5.5600470311332716E-03,-2.7847517247426203E-03 -6 Hebe (A847 NA),I41,5.8016000000000000E+04,2.6401903855400002E+02,-1.5532179219000000E+01,7.8810504008000293E-01,-2.1620179588560227E+00,2.8997278655462372E-01,9.6878403856563607E-03,5.6113113667903194E-03,-2.7916512126782453E-03 -6 Hebe (A847 NA),I41,5.8017000000000000E+04,2.6429948281200001E+02,-1.5655094500000001E+01,7.9778023432171019E-01,-2.1563812258318538E+00,2.8717757590041187E-01,9.6690062255571606E-03,5.6625943625835898E-03,-2.7985048435040542E-03 -6 Hebe (A847 NA),I41,5.8018000000000000E+04,2.6458510805200001E+02,-1.5776733518000000E+01,8.0743644488892397E-01,-2.1506932294174437E+00,2.8437552966180174E-01,9.6498859982129450E-03,5.7138946037323113E-03,-2.8053121392833135E-03 -6 Hebe (A847 NA),I41,5.8019000000000000E+04,2.6487584980100002E+02,-1.5897071861000001E+01,8.1707338663337503E-01,-2.1449539537924847E+00,2.8156669458301792E-01,9.6304785712174480E-03,5.7652106574904508E-03,-2.8120726193766850E-03 -6 Hebe (A847 NA),I41,5.8020000000000000E+04,2.6517164257399997E+02,-1.6016085503999999E+01,8.2669077307776062E-01,-2.1391633845288056E+00,2.7875111789876028E-01,9.6107828152385416E-03,5.8165410730297191E-03,-2.8187858004804531E-03 -6 Hebe (A847 NA),I41,5.8021000000000000E+04,2.6547242036500000E+02,-1.6133750839000001E+01,8.3628831643829615E-01,-2.1333215086147845E+00,2.7592884733213063E-01,9.5907976044756708E-03,5.8678843813996222E-03,-2.8254511966569369E-03 -6 Hebe (A847 NA),I41,5.8022000000000000E+04,2.6577811704099997E+02,-1.6250044688999999E+01,8.4586572766561674E-01,-2.1274283144813149E+00,2.7309993109376784E-01,9.5705218170659013E-03,5.9192390955399091E-03,-2.8320683193551570E-03 -6 Hebe (A847 NA),I41,5.8023000000000000E+04,2.6608866663900000E+02,-1.6364944309999998E+01,8.5542271649141621E-01,-2.1214837920259408E+00,2.7026441788191602E-01,9.5499543354333923E-03,5.9706037103334306E-03,-2.8386366774253258E-03 -6 Hebe (A847 NA),I41,5.8024000000000000E+04,2.6640400355800000E+02,-1.6478427386000000E+01,8.6495899146672683E-01,-2.1154879326357472E+00,2.6742235688420313E-01,9.5290940465887070E-03,6.0219767026673202E-03,-2.8451557771278562E-03 -6 Hebe (A847 NA),I41,5.8025000000000000E+04,2.6672406269700002E+02,-1.6590472018000000E+01,8.7447425998635353E-01,-2.1094407292076331E+00,2.6457379778042939E-01,9.5079398423823427E-03,6.0733565314943401E-03,-2.8516251221384959E-03 -6 Hebe (A847 NA),I41,5.8026000000000000E+04,2.6704877954699998E+02,-1.6701056718000000E+01,8.8396822829346056E-01,-2.1033421761675193E+00,2.6171879074665827E-01,9.4864906197213474E-03,6.1247416378796410E-03,-2.8580442135517966E-03 -6 Hebe (A847 NA),I41,5.8027000000000000E+04,2.6737809031699999E+02,-1.6810160398000001E+01,8.9344060146376914E-01,-2.0971922694885419E+00,2.5885738645996642E-01,9.4647452807607984E-03,6.1761304450317477E-03,-2.8644125498842377E-03 -6 Hebe (A847 NA),I41,5.8028000000000000E+04,2.6771193209799998E+02,-1.6917762373999999E+01,9.0289108336959845E-01,-2.0909910067088990E+00,2.5598963610359882E-01,9.4427027330707056E-03,6.2275213583098607E-03,-2.8707296270774115E-03 -6 Hebe (A847 NA),I41,5.8029000000000000E+04,2.6805024313299998E+02,-1.7023842369000000E+01,9.1231937662341300E-01,-2.0847383869548954E+00,2.5311559137366790E-01,9.4203618898147847E-03,6.2789127651842001E-03,-2.8769949384996941E-03 -6522 Aci (1991 NQ),500,5.7970000000000000E+04,3.3573989786999999E+02,1.3784865930000000E+01,1.8720713289191162E+00,-1.1108007686900012E+00,5.0551290121114123E-01,6.8336069452904239E-03,8.8298673003226712E-03,4.0117070688926700E-03 -6522 Aci (1991 NQ),500,5.7971000000000000E+04,3.3547193484100001E+02,1.3924334414000000E+01,1.8788807465609678E+00,-1.1019551402436889E+00,5.0951862806553372E-01,6.7839567409313265E-03,8.8591638667846542E-03,3.9982697061263835E-03 -6522 Aci (1991 NQ),500,5.7972000000000000E+04,3.3519901859300001E+02,1.4058481288999999E+01,1.8856404865615213E+00,-1.0930804125524207E+00,5.1351090493801799E-01,6.7342767407765980E-03,8.8881385022591356E-03,3.9847671965289010E-03 -6522 Aci (1991 NQ),500,5.7973000000000000E+04,3.3492141786299999E+02,1.4187227724000000E+01,1.8923505195300636E+00,-1.0841769072022160E+00,5.1748966696498988E-01,6.6845688241304723E-03,8.9167921483171899E-03,3.9712003930793835E-03 -6522 Aci (1991 NQ),500,5.7974000000000000E+04,3.3463941030000001E+02,1.4310499456000001E+01,1.8990108178973033E+00,-1.0752449448562520E+00,5.2145485015064552E-01,6.6348348513869913E-03,8.9451257560058464E-03,3.9575701433773669E-03 -6522 Aci (1991 NQ),500,5.7975000000000000E+04,3.3435328249000003E+02,1.4428227009000000E+01,1.9056213558814932E+00,-1.0662848452799649E+00,5.2540639136196177E-01,6.5850766641224710E-03,8.9731402855671629E-03,3.9438772896309522E-03 -6522 Aci (1991 NQ),500,5.7976000000000000E+04,3.3406333014699999E+02,1.4540345989000000E+01,1.9121821094585574E+00,-1.0572969273633317E+00,5.2934422832010375E-01,6.5352960851674767E-03,9.0008367061735553E-03,3.9301226686401167E-03 -6522 Aci (1991 NQ),500,5.7977000000000000E+04,3.3376985842800002E+02,1.4646797464000000E+01,1.9186930563348139E+00,-1.0482815091397293E+00,5.3326829958609145E-01,6.4854949186817440E-03,9.0282159956655630E-03,3.9163071117814590E-03 -6522 Aci (1991 NQ),500,5.7978000000000000E+04,3.3347318232999999E+02,1.4747528451000001E+01,1.9251541759227786E+00,-1.0392389077990034E+00,5.3717854454098091E-01,6.4356749502374579E-03,9.0552791402890662E-03,3.9024314449958592E-03 -6522 Aci (1991 NQ),500,5.7979000000000000E+04,3.3317362710899999E+02,1.4842492514000000E+01,1.9315654493230618E+00,-1.0301694396898966E+00,5.4107490336302067E-01,6.3858379468917214E-03,9.0820271344422519E-03,3.8884964887736439E-03 -6522 Aci (1991 NQ),500,5.7980000000000000E+04,3.3287152863699998E+02,1.4931650472999999E+01,1.9379268593099557E+00,-1.0210734203152296E+00,5.4495731700060490E-01,6.3359856572701313E-03,9.1084609804202177E-03,3.8745030581433335E-03 -6522 Aci (1991 NQ),500,5.7981000000000000E+04,3.3256723363600003E+02,1.5014971207000000E+01,1.9442383903242357E+00,-1.0119511643149399E+00,5.4882572714233002E-01,6.2861198116443591E-03,9.1345816881665386E-03,3.8604519626591000E-03 -6522 Aci (1991 NQ),500,5.7982000000000000E+04,3.3226109968899999E+02,1.5092432542999999E+01,1.9505000284743457E+00,-1.0028029854337945E+00,5.5268007618372550E-01,6.2362421220125090E-03,9.1603902750265857E-03,3.8463440063892860E-03 -6522 Aci (1991 NQ),500,5.7983000000000000E+04,3.3195349488099998E+02,1.5164022191999999E+01,1.9567117615486156E+00,-9.9362919646668413E-01,5.5652030719302537E-01,6.1863542821812686E-03,9.1858877655034768E-03,3.8321799879056295E-03 -6522 Aci (1991 NQ),500,5.7984000000000000E+04,3.3164479694400001E+02,1.5229738653000000E+01,1.9628735790388534E+00,-9.8443010917664253E-01,5.6034636388194847E-01,6.1364579678482491E-03,9.2110751910172602E-03,3.8179607002726003E-03 -6522 Aci (1991 NQ),500,5.7985000000000000E+04,3.3133539175599998E+02,1.5289591978000001E+01,1.9689854721702877E+00,-9.7520603419057639E-01,5.6415819059034378E-01,6.0865548366859524E-03,9.2359535896664458E-03,3.8036869310371525E-03 -6522 Aci (1991 NQ),500,5.7986000000000000E+04,3.3102567118600001E+02,1.5343604251000000E+01,1.9750474339268345E+00,-9.6595728089193222E-01,5.6795573229269913E-01,6.0366465284311891E-03,9.2605240059905475E-03,3.7893594622197650E-03 -6522 Aci (1991 NQ),500,5.7987000000000000E+04,3.3071603042499999E+02,1.5391809692000001E+01,1.9810594590588808E+00,-9.5668415733884593E-01,5.7173893462824055E-01,5.9867346649833293E-03,9.2847874907317374E-03,3.7749790703076529E-03 -6522 Aci (1991 NQ),500,5.7988000000000000E+04,3.3040686511199999E+02,1.5434254341000001E+01,1.9870215440668284E+00,-9.4738697023012675E-01,5.7550774394751214E-01,5.9368208505049223E-03,9.3087451006002471E-03,3.7605465262479662E-03 -6522 Aci (1991 NQ),500,5.7989000000000000E+04,3.3009856862800001E+02,1.5470995427000000E+01,1.9929336871604697E+00,-9.3806602492788560E-01,5.7926210735957029E-01,5.8869066715411394E-03,9.3323978980346545E-03,3.7460625954458060E-03 -6522 Aci (1991 NQ),500,5.7990000000000000E+04,3.2979152982500000E+02,1.5502100543999999E+01,1.9987958882076209E+00,-9.2872162551704063E-01,5.8300197276765797E-01,5.8369936971362944E-03,9.3557469509702972E-03,3.7315280377603162E-03 -6522 Aci (1991 NQ),500,5.7991000000000000E+04,3.2948613133399999E+02,1.5527646813000000E+01,2.0046081486819527E+00,-9.1935407487999210E-01,5.8672728888470205E-01,5.7870834789705656E-03,9.3787933326044612E-03,3.7169436075052105E-03 -6522 Aci (1991 NQ),500,5.7992000000000000E+04,3.2918274837100000E+02,1.5547720115000001E+01,2.0103704716216240E+00,-9.0996367475921058E-01,5.9043800523177448E-01,5.7371775514949326E-03,9.4015381211708590E-03,3.7023100534474677E-03 -6522 Aci (1991 NQ),500,5.7993000000000000E+04,3.2888174791500001E+02,1.5562414452000001E+01,2.0160828616002870E+00,-9.0055072579784445E-01,5.9413407212506930E-01,5.6872774320750781E-03,9.4239823997194373E-03,3.6876281188068720E-03 -6522 Aci (1991 NQ),500,5.7994000000000000E+04,3.2858348808400001E+02,1.5571831417000000E+01,2.0217453247083705E+00,-8.9111552755775536E-01,5.9781544065834147E-01,5.6373846211471776E-03,9.4461272559022719E-03,3.6728985412571263E-03 -6522 Aci (1991 NQ),500,5.7995000000000000E+04,3.2828831758500002E+02,1.5576079728000000E+01,2.0273578685420492E+00,-8.8165837851825424E-01,6.0148206268695681E-01,5.5875006023755518E-03,9.4679737817730883E-03,3.6581220529255352E-03 -6522 Aci (1991 NQ),500,5.7996000000000000E+04,3.2799657515799998E+02,1.5575274790000000E+01,2.0329205021946364E+00,-8.7217957606487295E-01,6.0513389081577607E-01,5.5376268428235691E-03,9.4895230735968766E-03,3.6432993803949786E-03 -6522 Aci (1991 NQ),500,5.7997000000000000E+04,3.2770858899900003E+02,1.5569538232999999E+01,2.0384332362481108E+00,-8.6267941647324542E-01,6.0877087839280941E-01,5.4877647931283469E-03,9.5107762316786158E-03,3.6284312447055372E-03 -6522 Aci (1991 NQ),500,5.7998000000000000E+04,3.2742467615900000E+02,1.5558997410000000E+01,2.0438960827610728E+00,-8.5315819489562505E-01,6.1239297950805760E-01,5.4379158876870998E-03,9.5317343602085991E-03,3.6135183613595682E-03 -6522 Aci (1991 NQ),500,5.7999000000000000E+04,3.2714514198500001E+02,1.5543784828000000E+01,2.0493090552522220E+00,-8.4361620535274717E-01,6.1600014899769229E-01,5.3880815448405766E-03,9.5523985671348462E-03,3.5985614403270133E-03 -6522 Aci (1991 NQ),500,5.8000000000000000E+04,3.2687027965400000E+02,1.5524037527999999E+01,2.0546721686757756E+00,-8.3405374073871297E-01,6.1959234245069494E-01,5.3382631670670895E-03,9.5727699640595770E-03,3.5835611860572051E-03 -6522 Aci (1991 NQ),500,5.8001000000000000E+04,3.2660036988700000E+02,1.5499896426999999E+01,2.0599854393906041E+00,-8.2447109283769038E-01,6.2316951621688577E-01,5.2884621411564752E-03,9.5928496661708430E-03,3.5685182974913299E-03 -6522 Aci (1991 NQ),500,5.8002000000000000E+04,3.2633568092299998E+02,1.5471505678000000E+01,2.0652488851217896E+00,-8.1486855235724454E-01,6.2673162741089472E-01,5.2386798383764954E-03,9.6126387922060332E-03,3.5534334680826941E-03 -6522 Aci (1991 NQ),500,5.8003000000000000E+04,3.2607646879300000E+02,1.5439012093000001E+01,2.0704625249197708E+00,-8.0524640897185906E-01,6.3027863390871142E-01,5.1889176146049636E-03,9.6321384644381530E-03,3.5383073858220055E-03 -6522 Aci (1991 NQ),500,5.8004000000000000E+04,3.2582297791000002E+02,1.5402564702999999E+01,2.0756263791226308E+00,-7.9560495136872689E-01,6.3381049433299008E-01,5.1391768104271885E-03,9.6513498087117486E-03,3.5231407332689262E-03 -6522 Aci (1991 NQ),500,5.8005000000000000E+04,3.2557544187799999E+02,1.5362314500000000E+01,2.0807404693281262E+00,-7.8594446728402767E-01,6.3732716802610112E-01,5.0894587511613890E-03,9.6702739544667123E-03,3.5079341875899140E-03 -6522 Aci (1991 NQ),500,5.8006000000000000E+04,3.2533408439599998E+02,1.5318414375000000E+01,2.0858048183803719E+00,-7.7626524351847226E-01,6.4082861501371480E-01,5.0397647468329943E-03,9.6889120347759122E-03,3.4926884206023592E-03 -6522 Aci (1991 NQ),500,5.8007000000000000E+04,3.2509912009200002E+02,1.5271019221000000E+01,2.0908194503727247E+00,-7.6656756592508957E-01,6.4431479596517816E-01,4.9900960920723743E-03,9.7072651863623384E-03,3.4774040988219670E-03 -6522 Aci (1991 NQ),500,5.8008000000000000E+04,3.2487075511299997E+02,1.5220286138000001E+01,2.0957843906627041E+00,-7.5685171937264328E-01,6.4778567215667715E-01,4.9404540659457666E-03,9.7253345495624272E-03,3.4620818835127223E-03 -6522 Aci (1991 NQ),500,5.8009000000000000E+04,3.2464918739900003E+02,1.5166374668000000E+01,2.1006996658942683E+00,-7.4711798769041893E-01,6.5124120544257735E-01,4.8908399317294602E-03,9.7431212682093232E-03,3.4467224307345554E-03 -6522 Aci (1991 NQ),500,5.8010000000000000E+04,3.2443460657800000E+02,1.5109446972000001E+01,2.1055653040214279E+00,-7.3736665360484666E-01,6.5468135823625073E-01,4.8412549366649606E-03,9.7606264894202974E-03,3.4313263913858224E-03 -6522 Aci (1991 NQ),500,5.8011000000000000E+04,3.2422719352799999E+02,1.5049667909000000E+01,2.1103813343308735E+00,-7.2759799867256225E-01,6.5810609350096638E-01,4.7917003117235683E-03,9.7778513632817941E-03,3.4158944112353666E-03 -6522 Aci (1991 NQ),500,5.8012000000000000E+04,3.2402711962299998E+02,1.4987204963000000E+01,2.1151477874607680E+00,-7.1781230321521272E-01,6.6151537475001621E-01,4.7421772714261543E-03,9.7947970424307751E-03,3.4004271309435955E-03 -6522 Aci (1991 NQ),500,5.8013000000000000E+04,3.2383454572800002E+02,1.4922227995000000E+01,2.1198646954137956E+00,-7.0800984625846874E-01,6.6490916605699779E-01,4.6926870137477131E-03,9.8114646815549988E-03,3.3849251860688348E-03 -6522 Aci (1991 NQ),500,5.8014000000000000E+04,3.2364962105299998E+02,1.4854908797000000E+01,2.1245320915600923E+00,-6.9819090548168194E-01,6.6828743207680963E-01,4.6432307201351389E-03,9.8278554368412992E-03,3.3693892070604374E-03 -6522 Aci (1991 NQ),500,5.8015000000000000E+04,3.2347248195600002E+02,1.4785420439999999E+01,2.1291500106245751E+00,-6.8835575718839703E-01,6.7165013807576701E-01,4.5938095556548866E-03,9.8439704654174794E-03,3.3538198192409490E-03 -6522 Aci (1991 NQ),500,5.8016000000000000E+04,3.2330325088600000E+02,1.4713936454000001E+01,2.1337184886564264E+00,-6.7850467630454914E-01,6.7499724996674415E-01,4.5444246692628431E-03,9.8598109248575518E-03,3.3382176427830248E-03 -6522 Aci (1991 NQ),500,5.8017000000000000E+04,3.2314203561199997E+02,1.4640629903000001E+01,2.1382375629818817E+00,-6.6863793640816505E-01,6.7832873434135277E-01,4.4950771941576146E-03,9.8753779727295959E-03,3.3225832926854393E-03 -6522 Aci (1991 NQ),500,5.8018000000000000E+04,3.2298892883899998E+02,1.4565672444000000E+01,2.1427072721486748E+00,-6.5875580978121462E-01,6.8164455849249583E-01,4.4457682482025489E-03,9.8906727662613023E-03,3.3069173787501275E-03 -6522 Aci (1991 NQ),500,5.8019000000000000E+04,3.2284400826199999E+02,1.4489233470000000E+01,2.1471276558704933E+00,-6.4885856747290416E-01,6.8494469042192185E-01,4.3964989343728807E-03,9.9056964621001258E-03,3.2912205055692805E-03 -6522 Aci (1991 NQ),500,5.8020000000000000E+04,3.2270733697700001E+02,1.4411479385000000E+01,2.1514987549811311E+00,-6.3894647935642468E-01,6.8822909883422612E-01,4.3472703411838983E-03,9.9204502161713611E-03,3.2754932725198834E-03 -6522 Aci (1991 NQ),500,5.8021000000000000E+04,3.2257896415099998E+02,1.4332573057999999E+01,2.1558206114019276E+00,-6.2901981416984454E-01,6.9149775312106931E-01,4.2980835430871823E-03,9.9349351836163814E-03,3.2597362737663989E-03 -6522 Aci (1991 NQ),500,5.8022000000000000E+04,3.2245892581300001E+02,1.4252673421000001E+01,2.1600932681212650E+00,-6.1907883953925158E-01,6.9475062334062188E-01,4.2489396008171922E-03,9.9491525187861037E-03,3.2439500982758464E-03 -6522 Aci (1991 NQ),500,5.8023000000000000E+04,3.2234724567100000E+02,1.4171935191999999E+01,2.1643167691840022E+00,-6.0912382198348647E-01,6.9798768019806001E-01,4.1998395616720504E-03,9.9631033752714433E-03,3.2281353298379478E-03 -6522 Aci (1991 NQ),500,5.8024000000000000E+04,3.2224393587600002E+02,1.4090508677000001E+01,2.1684911596853818E+00,-5.9915502690792566E-01,7.0120889502965522E-01,4.1507844597455518E-03,9.9767889059479697E-03,3.2122925470937677E-03 -6522 Aci (1991 NQ),500,5.8025000000000000E+04,3.2214899770900001E+02,1.4008539609000000E+01,2.1726164857659929E+00,-5.8917271859140097E-01,7.0441423979282669E-01,4.1017753161046566E-03,9.9902102630201658E-03,3.1964223235667359E-03 -6522 Aci (1991 NQ),500,5.8026000000000000E+04,3.2206242219500001E+02,1.3926168986000000E+01,2.1766927946033325E+00,-5.7917716017379217E-01,7.0760368706218424E-01,4.0528131389307321E-03,1.0003368598054665E-02,3.1805252276979070E-03 -6522 Aci (1991 NQ),500,5.8027000000000000E+04,3.2198419067700002E+02,1.3843532913000001E+01,2.1807201343970810E+00,-5.6916861364902038E-01,7.1077721003160910E-01,4.0038989236290921E-03,1.0016265061996814E-02,3.1646018228826244E-03 -6522 Aci (1991 NQ),500,5.8028000000000000E+04,3.2191427540299998E+02,1.3760762411000000E+01,2.1846985543450383E+00,-5.5914733986946907E-01,7.1393478252105813E-01,3.9550336529167469E-03,1.0028900805167690E-02,3.1486526675074226E-03 -6522 Aci (1991 NQ),500,5.8029000000000000E+04,3.2185264020199998E+02,1.3677983234999999E+01,2.1886281046052423E+00,-5.4911359857364728E-01,7.1707637898342769E-01,3.9062182969269521E-03,1.0041276977234856E-02,3.1326783149961258E-03 -6522 Aci (1991 NQ),703,5.7970000000000000E+04,3.3574105867800000E+02,1.3783669371000000E+01,1.8720709013855783E+00,-1.1108019160435005E+00,5.0551307350940355E-01,6.8336069505619181E-03,8.8298672971946161E-03,4.0117070703162908E-03 -6522 Aci (1991 NQ),703,5.7971000000000000E+04,3.3547312200599998E+02,1.3923139678000000E+01,1.8788803290702991E+00,-1.1019562645395509E+00,5.0951878131307915E-01,6.7839567460233905E-03,8.8591638637970788E-03,3.9982697075078314E-03 -6522 Aci (1991 NQ),703,5.7972000000000000E+04,3.3520023155199999E+02,1.4057288910000000E+01,1.8856400794296451E+00,-1.0930815134946767E+00,5.1351103913024609E-01,6.7342767456873660E-03,8.8881384994119010E-03,3.9847671978665454E-03 -6522 Aci (1991 NQ),703,5.7973000000000000E+04,3.3492265601200000E+02,1.4186038233000000E+01,1.8923501230811159E+00,-1.0841779845003692E+00,5.1748978211202068E-01,6.6845688288574238E-03,8.9167921456097844E-03,3.9712003943717317E-03 -6522 Aci (1991 NQ),703,5.7974000000000000E+04,3.3464067298900000E+02,1.4309313380000001E+01,1.8990104324631745E+00,-1.0752459982255134E+00,5.2145494627715350E-01,6.6348348559246524E-03,8.9451257534363046E-03,3.9575701446235532E-03 -6522 Aci (1991 NQ),703,5.7975000000000000E+04,3.3435456902800001E+02,1.4427044872000000E+01,1.9056209818013463E+00,-1.0662858744415096E+00,5.2540646850698836E-01,6.5850766684689855E-03,8.9731402831349696E-03,3.9438772908294562E-03 -6522 Aci (1991 NQ),703,5.7976000000000000E+04,3.3406463980199999E+02,1.4539168308000001E+01,1.9121817470783111E+00,-1.0572979320445457E+00,5.2934428653685006E-01,6.5352960893199493E-03,9.0008367038775620E-03,3.9301226697896728E-03 -6522 Aci (1991 NQ),703,5.7977000000000000E+04,3.3377119042700002E+02,1.4645624746999999E+01,1.9186927060066106E+00,-1.0482824890744664E+00,5.3326833894169778E-01,6.4854949226367227E-03,9.0282159935041548E-03,3.9163071128810057E-03 -6522 Aci (1991 NQ),703,5.7978000000000000E+04,3.3347453586099999E+02,1.4746361198000001E+01,1.9251538380044226E+00,-1.0392398627278445E+00,5.3717856511629503E-01,6.4356749539925991E-03,9.0552791382610444E-03,3.9024314460441361E-03 -6522 Aci (1991 NQ),703,5.7979000000000000E+04,3.3317500132100002E+02,1.4841331215000000E+01,1.9315651241774339E+00,-1.0301703693604178E+00,5.4107490525234214E-01,6.3858379504459356E-03,9.0820271325469520E-03,3.8884964897691549E-03 -6522 Aci (1991 NQ),703,5.7980000000000000E+04,3.3287292264199999E+02,1.4930495604000001E+01,1.9379265473044078E+00,-1.0210743244822709E+00,5.4495730031140688E-01,6.3359856606191372E-03,9.1084609786550134E-03,3.8745030590854376E-03 -6522 Aci (1991 NQ),703,5.7981000000000000E+04,3.3256864651400002E+02,1.5013823232000000E+01,1.9442380918299560E+00,-1.0119520427408699E+00,5.4882569199495046E-01,6.2861198147870986E-03,9.1345816865304307E-03,3.8604519635464336E-03 -6522 Aci (1991 NQ),703,5.7982000000000000E+04,3.3226253048299998E+02,1.5091291911000001E+01,1.9504997438657110E+00,-1.0028038378887767E+00,5.5268002271101158E-01,6.2362421249467954E-03,9.1603902735177753E-03,3.8463440072208457E-03 -6522 Aci (1991 NQ),703,5.7983000000000000E+04,3.3195494260400000E+02,1.5162889334999999E+01,1.9567114912025274E+00,-9.9363002272892431E-01,5.5652023553991881E-01,6.1863542849051080E-03,9.1858877641200834E-03,3.8321799886804550E-03 -6522 Aci (1991 NQ),703,5.7984000000000000E+04,3.3164626058200002E+02,1.5228613985999999E+01,1.9628733233340538E+00,-9.8443090903262198E-01,5.6034627420501348E-01,6.1364579703601964E-03,9.2110751897575439E-03,3.8179607009896652E-03 -6522 Aci (1991 NQ),703,5.7985000000000000E+04,3.3133687026799998E+02,1.5288475897000000E+01,1.9689852314866672E+00,-9.7520680743523624E-01,5.6415808305721593E-01,6.0865548389834323E-03,9.2359535885276900E-03,3.8036869316958682E-03 -6522 Aci (1991 NQ),703,5.7986000000000000E+04,3.3102716350700001E+02,1.5342497133000000E+01,1.9750472086447262E+00,-9.6595802732881397E-01,5.6795560708148507E-01,6.0366465305137541E-03,9.2605240049712899E-03,3.7893594628190027E-03 -6522 Aci (1991 NQ),703,5.7987000000000000E+04,3.3071753547100002E+02,1.5390711892000001E+01,1.9810592495583399E+00,-9.5668487678014480E-01,5.7173879192686239E-01,5.9867346668506689E-03,9.2847874898304966E-03,3.7749790708463170E-03 -6522 Aci (1991 NQ),703,5.7988000000000000E+04,3.3040838178199999E+02,1.5433166194000000E+01,1.9870213507269110E+00,-9.4738766249666040E-01,5.7550758395302537E-01,5.9368208521547398E-03,9.3087450998138345E-03,3.7605465267257104E-03 -6522 Aci (1991 NQ),703,5.7989000000000000E+04,3.3010009580500002E+02,1.5469917242999999E+01,1.9929335103584891E+00,-9.3806668984901431E-01,5.7926193027747463E-01,5.8869066729717538E-03,9.3323978973600657E-03,3.7460625958622325E-03 -6522 Aci (1991 NQ),703,5.7990000000000000E+04,3.2979306638200001E+02,1.5501032613000000E+01,1.9987957283184066E+00,-9.2872226293052107E-01,5.8300177881120230E-01,5.8369936983493379E-03,9.3557469504070134E-03,3.7315280381139586E-03 -6522 Aci (1991 NQ),703,5.7991000000000000E+04,3.2948767613600000E+02,1.5526589398000000E+01,2.0046080060771052E+00,-9.1935468463179593E-01,5.8672707827418646E-01,5.7870834799631354E-03,9.3787933321480138E-03,3.7169436077963457E-03 -6522 Aci (1991 NQ),703,5.7992000000000000E+04,3.2918430027900001E+02,1.5546673457000001E+01,2.0103703466687932E+00,-9.0996425670332060E-01,5.9043777819384369E-01,5.7371775522686063E-03,9.4015381208203790E-03,3.7023100536748401E-03 -6522 Aci (1991 NQ),703,5.7993000000000000E+04,3.2888330578699998E+02,1.5561378768000001E+01,2.0160827546624445E+00,-9.0055127979604210E-01,5.9413382889201494E-01,5.6872774326289762E-03,9.4239823994717118E-03,3.6876281189702517E-03 -6522 Aci (1991 NQ),703,5.7994000000000000E+04,3.2858505078100001E+02,1.5570806898000001E+01,2.0217452361431132E+00,-8.9111605347939771E-01,5.9781518146739554E-01,5.6373846214817650E-03,9.4461272557551136E-03,3.6728985413558967E-03 -6522 Aci (1991 NQ),703,5.7995000000000000E+04,3.2828988397199998E+02,1.5575066543000000E+01,2.0273577987009168E+00,-8.8165887624003858E-01,6.0148178777958994E-01,5.5875006024901216E-03,9.4679737817229513E-03,3.6581220529596850E-03 -6522 Aci (1991 NQ),703,5.7996000000000000E+04,3.2799814410699997E+02,1.5574273083000000E+01,2.0329204514224548E+00,-8.7218004547058681E-01,6.0513360043700426E-01,5.5376268427184657E-03,9.4895230736410235E-03,3.6432993803641777E-03 -6522 Aci (1991 NQ),703,5.7997000000000000E+04,3.2771015939199998E+02,1.5568548126000000E+01,2.0384332048823546E+00,-8.6267985745351261E-01,6.0877057279049740E-01,5.4877647928047290E-03,9.5107762318149269E-03,3.6284312446092219E-03 -6522 Aci (1991 NQ),703,5.7998000000000000E+04,3.2742624689299998E+02,1.5558019001000000E+01,2.0438960711312646E+00,-8.5315860734761229E-01,6.1239265893223704E-01,5.4379158871456119E-03,9.5317343604342901E-03,3.6135183611974990E-03 -6522 Aci (1991 NQ),703,5.7999000000000000E+04,3.2714671197000001E+02,1.5542818193000000E+01,2.0493090636793498E+00,-8.4361658917988391E-01,6.1599981369988355E-01,5.3880815440820393E-03,9.5523985674470947E-03,3.5985614400990194E-03 -6522 Aci (1991 NQ),703,5.8000000000000000E+04,3.2687184781899998E+02,1.5523082721000000E+01,2.0546721974717546E+00,-8.3405409585037316E-01,6.1959199268324983E-01,5.3382631660918636E-03,9.5727699644548025E-03,3.5835611857634652E-03 -6522 Aci (1991 NQ),703,5.8001000000000000E+04,3.2660193518099999E+02,1.5498953480999999E+01,2.0599854888577513E+00,-8.2447141914888755E-01,6.2316915223234259E-01,5.2884621399660716E-03,9.5928496666466238E-03,3.5685182971315669E-03 -6522 Aci (1991 NQ),703,5.8002000000000000E+04,3.2633724231600002E+02,1.5470574606000000E+01,2.0652489555523346E+00,-8.1486884978831409E-01,6.2673124946134906E-01,5.2386798369725525E-03,9.6126387927599512E-03,3.5534334676566716E-03 -6522 Aci (1991 NQ),703,5.8003000000000000E+04,3.2607802528100001E+02,1.5438092888000000E+01,2.0704626165953970E+00,-8.0524667744813261E-01,6.3027824224521567E-01,5.1889176129882924E-03,9.6321384650665566E-03,3.5383073853300622E-03 -6522 Aci (1991 NQ),703,5.8004000000000000E+04,3.2582452851500000E+02,1.5401657340000000E+01,2.0756264923140373E+00,-7.9560519082021108E-01,6.3381008920497450E-01,5.1391768085995160E-03,9.6513498094119576E-03,3.5231407327110309E-03 -6522 Aci (1991 NQ),703,5.8005000000000000E+04,3.2557698564700001E+02,1.5361418938000000E+01,2.0807406042945944E+00,-7.8594467764510179E-01,6.3732674968084291E-01,5.0894587491243709E-03,9.6702739552357864E-03,3.5079341869661868E-03 -6522 Aci (1991 NQ),703,5.8006000000000000E+04,3.2533562040700002E+02,1.5317530553999999E+01,2.0858049753693373E+00,-7.7626542472759741E-01,6.4082818369584016E-01,5.0397647445882153E-03,9.6889120356106612E-03,3.4926884199130656E-03 -6522 Aci (1991 NQ),703,5.8007000000000000E+04,3.2510064745099999E+02,1.5270147066000000E+01,2.0908196296193635E+00,-7.6656771792453271E-01,6.4431435191618724E-01,4.9900960896225892E-03,9.7072651872611073E-03,3.4774040980667595E-03 -6522 Aci (1991 NQ),703,5.8008000000000000E+04,3.2487227295999998E+02,1.5219425559999999E+01,2.0957845923895251E+00,-7.5685184210820589E-01,6.4778521561450442E-01,4.9404540632918097E-03,9.7253345505204751E-03,3.4620818826926344E-03 -6522 Aci (1991 NQ),703,5.8009000000000000E+04,3.2465069490200000E+02,1.5165525564999999E+01,2.1006998903107155E+00,-7.4711808111117994E-01,6.5124073664116222E-01,4.8908399288734843E-03,9.7431212692237271E-03,3.4467224298498880E-03 -6522 Aci (1991 NQ),703,5.8010000000000000E+04,3.2443610294199999E+02,1.5108609228000001E+01,2.1055655513235090E+00,-7.3736671766292283E-01,6.5468087740512126E-01,4.8412549336104248E-03,9.7606264904902540E-03,3.4313263904359940E-03 -6522 Aci (1991 NQ),703,5.8011000000000000E+04,3.2422867799099998E+02,1.5048841398000000E+01,2.1103816047007986E+00,-7.2759803332287531E-01,6.5810560086481962E-01,4.7917003084717354E-03,9.7778513644025487E-03,3.4158944102215517E-03 -6522 Aci (1991 NQ),703,5.8012000000000000E+04,3.2402859145600002E+02,1.4986389546000000E+01,2.1151480810666499E+00,-7.1781230841523735E-01,6.6151487052830593E-01,4.7421772679797376E-03,9.7947970435999943E-03,3.4004271298659731E-03 -6522 Aci (1991 NQ),703,5.8013000000000000E+04,3.2383600424000002E+02,1.4921423527000000E+01,2.1198650124093632E+00,-7.0800982196799656E-01,6.6490865046353331E-01,4.6926870101090881E-03,9.8114646827695481E-03,3.3849251849279766E-03 -6522 Aci (1991 NQ),703,5.8014000000000000E+04,3.2365106558500003E+02,1.4854115121000000E+01,2.1245324320844610E+00,-6.9819085166256234E-01,6.6828690531937596E-01,4.6432307163071619E-03,9.8278554380989078E-03,3.3693892058565831E-03 -6522 Aci (1991 NQ),703,5.8015000000000000E+04,3.2347391188600000E+02,1.4784637394000001E+01,2.1291503748020588E+00,-6.8835567380426521E-01,6.7164960035577137E-01,4.5938095516399801E-03,9.8439704667147888E-03,3.3538198179748611E-03 -6522 Aci (1991 NQ),703,5.8016000000000000E+04,3.2330466562999999E+02,1.4713163868000001E+01,2.1337188765963981E+00,-6.7850456332052911E-01,6.7499670147891810E-01,4.5444246650642416E-03,9.8598109261929107E-03,3.3382176414547666E-03 -6522 Aci (1991 NQ),703,5.8017000000000000E+04,3.2314343461900000E+02,1.4639867603000001E+01,2.1382379747786597E+00,-6.6863779379056409E-01,6.7832817527350342E-01,4.4950771897776026E-03,9.8753779740991653E-03,3.3225832912960633E-03 -6522 Aci (1991 NQ),703,5.8018000000000000E+04,3.2299031159399999E+02,1.4564920249000000E+01,2.1427077078814492E+00,-6.5875563749723909E-01,6.8164398902531032E-01,4.4457682436441215E-03,9.8906727676626657E-03,3.3069173773001242E-03 -6522 Aci (1991 NQ),703,5.8019000000000000E+04,3.2284537428599998E+02,1.4488491197000000E+01,2.1471281156032891E+00,-6.4885836549033948E-01,6.8494411072882477E-01,4.3964989296384248E-03,9.9056964635292066E-03,3.2912205040598916E-03 -6522 Aci (1991 NQ),703,5.8020000000000000E+04,3.2270868582499998E+02,1.4410746847000000E+01,2.1514992387628049E+00,-6.3894624764334818E-01,6.8822850908127287E-01,4.3472703362775304E-03,9.9204502176286520E-03,3.2754932709504149E-03 -6522 Aci (1991 NQ),703,5.8021000000000000E+04,3.2258029541100001E+02,1.4331850064999999E+01,2.1558211192661760E+00,-6.2901955269434762E-01,6.9149715346688145E-01,4.2980835380111654E-03,9.9349351850973426E-03,3.2597362721383848E-03 -6522 Aci (1991 NQ),703,5.8022000000000000E+04,3.2246023910600002E+02,1.4251959782000000E+01,2.1600938000866599E+00,-6.1907854826920272E-01,6.9475001393634950E-01,4.2489395955745760E-03,9.9491525202882129E-03,3.2439500965899858E-03 -6522 Aci (1991 NQ),703,5.8023000000000000E+04,3.2234854065200000E+02,1.4171230715000000E+01,2.1643173252540291E+00,-6.0912350088632039E-01,6.9798706118737852E-01,4.1998395562660726E-03,9.9631033767927889E-03,3.2281353280947107E-03 -6522 Aci (1991 NQ),703,5.8024000000000000E+04,3.2224521222999999E+02,1.4089813171999999E+01,2.1684917398485064E+00,-5.9915467595045790E-01,7.0120826654877899E-01,4.1507844541790375E-03,9.9767889074849452E-03,3.2122925452944084E-03 -6522 Aci (1991 NQ),703,5.8025000000000000E+04,3.2215025515200000E+02,1.4007852884000000E+01,2.1726170899957595E+00,-5.8917233773961852E-01,7.0441360197057046E-01,4.1017753103812409E-03,9.9902102645727589E-03,3.1964223217109647E-03 -6522 Aci (1991 NQ),703,5.8026000000000000E+04,3.2206366047099999E+02,1.3925490850999999E+01,2.1766934228584414E+00,-5.7917674939276154E-01,7.0760304002000907E-01,4.0528131330529911E-03,1.0003368599618190E-02,3.1805252257875133E-03 -6522 Aci (1991 NQ),703,5.8027000000000000E+04,3.2198540955999999E+02,1.3842863179000000E+01,2.1807207866215208E+00,-5.6916817290272503E-01,7.1077655388372785E-01,4.0038989176003304E-03,1.0016265063569577E-02,3.1646018209181368E-03 -6522 Aci (1991 NQ),703,5.8028000000000000E+04,3.2191547469300002E+02,1.3760100891000000E+01,2.1846992304682096E+00,-5.5914686912071399E-01,7.1393411737454704E-01,3.9550336467402856E-03,1.0028900806748352E-02,3.1486526654892519E-03 -6522 Aci (1991 NQ),703,5.8029000000000000E+04,3.2185381972699997E+02,1.3677329746000000E+01,2.1886288045420912E+00,-5.4911309778400208E-01,7.1707570493835093E-01,3.9062182906057829E-03,1.0041276978820049E-02,3.1326783129255946E-03 -6522 Aci (1991 NQ),F51,5.7970000000000000E+04,3.3573994392100002E+02,1.3783834314000000E+01,1.8720705319894546E+00,-1.1108023996878866E+00,5.0551359685803288E-01,6.8336069553656641E-03,8.8298672943448453E-03,4.0117070716132706E-03 -6522 Aci (1991 NQ),F51,5.7971000000000000E+04,3.3547201953100000E+02,1.3923297480000000E+01,1.8788799458065388E+00,-1.1019567683512517E+00,5.0951931147650631E-01,6.7839567509858237E-03,8.8591638608878642E-03,3.9982697088530939E-03 -6522 Aci (1991 NQ),F51,5.7972000000000000E+04,3.3519914220599998E+02,1.4057439535000000E+01,1.8856396822291754E+00,-1.0930820372855545E+00,5.1351157572113326E-01,6.7342767508068273E-03,8.8881384964449896E-03,3.9847671992604451E-03 -6522 Aci (1991 NQ),F51,5.7973000000000000E+04,3.3492158063699998E+02,1.4186181662999999E+01,1.8923497118805130E+00,-1.0841785280753622E+00,5.1749032474271539E-01,6.6845688341320725E-03,8.9167921425875978E-03,3.9712003958143061E-03 -6522 Aci (1991 NQ),F51,5.7974000000000000E+04,3.3463961242400001E+02,1.4309449615000000E+01,1.8990100072050917E+00,-1.0752465613827873E+00,5.2145549456021800E-01,6.6348348613520054E-03,8.9451257503638092E-03,3.9575701461136946E-03 -6522 Aci (1991 NQ),F51,5.7975000000000000E+04,3.3435352410399997E+02,1.4427173928000000E+01,1.9056205424349271E+00,-1.0662864569726231E+00,5.2540702205573764E-01,6.5850766740470044E-03,8.9731402800142263E-03,3.9438772923672651E-03 -6522 Aci (1991 NQ),F51,5.7976000000000000E+04,3.3406361133899998E+02,1.4539290220000000E+01,1.9121812935596090E+00,-1.0572985337346301E+00,5.2934484496590473E-01,6.5352960950462672E-03,9.0008367007116449E-03,3.9301226713747911E-03 -6522 Aci (1991 NQ),F51,5.7977000000000000E+04,3.3377017923400001E+02,1.4645739568000000E+01,1.9186922382990006E+00,-1.0482831097024203E+00,5.3326890186753972E-01,6.4854949285086784E-03,9.0282159902967292E-03,3.9163071145127569E-03 -6522 Aci (1991 NQ),F51,5.7978000000000000E+04,3.3347354273299999E+02,1.4746468996000001E+01,1.9251533560790164E+00,-1.0392405020665454E+00,5.3717913215782453E-01,6.4356749600076139E-03,9.0552791350149396E-03,3.9024314477221740E-03 -6522 Aci (1991 NQ),F51,5.7979000000000000E+04,3.3317402703499999E+02,1.4841432078000000E+01,1.9315646280134997E+00,-1.0301710271769378E+00,5.4107547603143735E-01,6.3858379566016131E-03,9.0820271292640434E-03,3.8884964914934882E-03 -6522 Aci (1991 NQ),F51,5.7980000000000000E+04,3.3287196795900002E+02,1.4930589637000001E+01,1.9379260368897997E+00,-1.0210750005381051E+00,5.4495787445347954E-01,6.3359856669121025E-03,9.1084609753400332E-03,3.8745030608547996E-03 -6522 Aci (1991 NQ),F51,5.7981000000000000E+04,3.3256771217099998E+02,1.5013910556000001E+01,1.9442375671615451E+00,-1.0119527367921874E+00,5.4882626912948917E-01,6.2861198212146516E-03,9.1345816831854831E-03,3.8604519653606473E-03 -6522 Aci (1991 NQ),F51,5.7982000000000000E+04,3.3226161719499999E+02,1.5091372664000000E+01,1.9504992049498249E+00,-1.0028045496866695E+00,5.5268060247212192E-01,6.2362421315057901E-03,9.1603902701460384E-03,3.8463440090792172E-03 -6522 Aci (1991 NQ),F51,5.7983000000000000E+04,3.3195405106300001E+02,1.5162963672000000E+01,1.9567109380553813E+00,-9.9363075201967077E-01,5.5652081756684801E-01,6.1863542915922901E-03,9.1858877607246918E-03,3.8321799905822545E-03 -6522 Aci (1991 NQ),F51,5.7984000000000000E+04,3.3164539144800000E+02,1.5228682076000000E+01,1.9628727559821837E+00,-9.8443165555794232E-01,5.6034685814266982E-01,6.1364579771723288E-03,9.2110751863412939E-03,3.8179607029342690E-03 -6522 Aci (1991 NQ),F51,5.7985000000000000E+04,3.3133602417399999E+02,1.5288537924000000E+01,1.9689846499673278E+00,-9.7520757093255894E-01,5.6415866855667629E-01,6.0865548459167005E-03,9.2359535850945040E-03,3.8036869336821153E-03 -6522 Aci (1991 NQ),F51,5.7986000000000000E+04,3.3102634105400000E+02,1.5342553295000000E+01,1.9750466130062552E+00,-9.6595880753152907E-01,5.6795619380048823E-01,6.0366465375649688E-03,9.2605240015233275E-03,3.7893594648464365E-03 -6522 Aci (1991 NQ),F51,5.7987000000000000E+04,3.3071673722499997E+02,1.5390762400000000E+01,1.9810586398604648E+00,-9.5668567341787258E-01,5.7173937953028398E-01,5.9867346740165896E-03,9.2847874863699054E-03,3.7749790729144335E-03 -6522 Aci (1991 NQ),F51,5.7988000000000000E+04,3.3040760827499997E+02,1.5433211269999999E+01,1.9870207270409945E+00,-9.4738847529553238E-01,5.7550817211331928E-01,5.9368208594311363E-03,9.3087450963446634E-03,3.7605465288331388E-03 -6522 Aci (1991 NQ),F51,5.7989000000000000E+04,3.3009934753200002E+02,1.5469957121000000E+01,1.9929328727677138E+00,-9.3806751853196246E-01,5.7926251867507272E-01,5.8869066803544298E-03,9.3323978938859384E-03,3.7460625980077255E-03 -6522 Aci (1991 NQ),F51,5.7990000000000000E+04,3.2979234380100002E+02,1.5501067535000001E+01,1.9987950769178955E+00,-9.2872310721759710E-01,5.8300236713487108E-01,5.8369937058355380E-03,9.3557469469286621E-03,3.7315280402974668E-03 -6522 Aci (1991 NQ),F51,5.7991000000000000E+04,3.2948697966399999E+02,1.5526619616000000E+01,2.0046073409739975E+00,-9.1935554424050880E-01,5.8672766622133754E-01,5.7870834875477367E-03,9.3787933286704050E-03,3.7169436100159413E-03 -6522 Aci (1991 NQ),F51,5.7992000000000000E+04,3.2918363029500000E+02,1.5546699229000000E+01,2.0103696679822689E+00,-9.0996513134899348E-01,5.9043836547080664E-01,5.7371775599486027E-03,9.4015381173444997E-03,3.7023100559302590E-03 -6522 Aci (1991 NQ),F51,5.7993000000000000E+04,3.2888266263000003E+02,1.5561400359000000E+01,2.0160820625237239E+00,-9.0055216919217562E-01,5.9413441521426913E-01,5.6872774403999718E-03,9.4239823960008927E-03,3.6876281212601760E-03 -6522 Aci (1991 NQ),F51,5.7994000000000000E+04,3.2858443474799998E+02,1.5570824580000000E+01,2.0217445306954205E+00,-8.9111695733802376E-01,5.9781576655977775E-01,5.6373846293399366E-03,9.4461272522915508E-03,3.6728985436794291E-03 -6522 Aci (1991 NQ),F51,5.7995000000000000E+04,3.2828929531900002E+02,1.5575080589000001E+01,2.0273570800994092E+00,-8.8165979427208385E-01,6.0148237137646166E-01,5.5875006104308201E-03,9.4679737782700380E-03,3.6581220553153762E-03 -6522 Aci (1991 NQ),F51,5.7996000000000000E+04,3.2799758305099999E+02,1.5574283769999999E+01,2.0329197198341360E+00,-8.7218097738620926E-01,6.0513418228239613E-01,5.5376268507375155E-03,9.4895230702012508E-03,3.6432993827509130E-03 -6522 Aci (1991 NQ),F51,5.7997000000000000E+04,3.2770962610800001E+02,1.5568555732000000E+01,2.0384324604859545E+00,-8.6268080296243821E-01,6.0877115263821557E-01,5.4877648008983659E-03,9.5107762283901179E-03,3.6284312470261306E-03 -6522 Aci (1991 NQ),F51,5.7998000000000000E+04,3.2742574151399998E+02,1.5558023806000000E+01,2.0438953141170826E+00,-8.5315956615946709E-01,6.1239323654593414E-01,5.4379158953096534E-03,9.5317343570268023E-03,3.6135183636434257E-03 -6522 Aci (1991 NQ),F51,5.7999000000000000E+04,3.2714623459100000E+02,1.5542820474999999E+01,2.0493082942490854E+00,-8.4361756100450003E-01,6.1600038885310282E-01,5.3880815523122873E-03,9.5523985640592161E-03,3.5985614425727932E-03 -6522 Aci (1991 NQ),F51,5.8000000000000000E+04,3.2687139849499999E+02,1.5523082756000001E+01,2.0546714158382953E+00,-8.3405508039808618E-01,6.1959256515944050E-01,5.3382631743836232E-03,9.5727699610893714E-03,3.5835611882636407E-03 -6522 Aci (1991 NQ),F51,5.8001000000000000E+04,3.2660151392900002E+02,1.5498951544000001E+01,2.0599846952449399E+00,-8.2447241613083533E-01,6.2316972182484409E-01,5.2884621483154613E-03,9.5928496633053660E-03,3.5685182996571239E-03 -6522 Aci (1991 NQ),F51,5.8002000000000000E+04,3.2633684911400002E+02,1.5470570968000001E+01,2.0652481501947140E+00,-8.1486985891670138E-01,6.2673181597336691E-01,5.2386798453756657E-03,9.6126387894445824E-03,3.5534334702065598E-03 -6522 Aci (1991 NQ),F51,5.8003000000000000E+04,3.2607766007200001E+02,1.5438087815999999E+01,2.0704617997379331E+00,-8.0524769843652233E-01,6.3027880548976645E-01,5.1889176214404628E-03,9.6321384617796268E-03,3.5383073879028206E-03 -6522 Aci (1991 NQ),F51,5.8004000000000000E+04,3.2582419120399999E+02,1.5401651094000000E+01,2.0756256642118371E+00,-7.9560622338377396E-01,6.3381064900483319E-01,5.1391768170967267E-03,9.6513498061552017E-03,3.5231407353055197E-03 -6522 Aci (1991 NQ),F51,5.8005000000000000E+04,3.2557667610599998E+02,1.5361411773000000E+01,2.0807397652126256E+00,-7.8594572150086572E-01,6.3732730586847008E-01,5.0894587576624517E-03,9.6702739520110464E-03,3.5079341895811740E-03 -6522 Aci (1991 NQ),F51,5.8006000000000000E+04,3.2533533847600000E+02,1.5317522718999999E+01,2.0858041255821584E+00,-7.7626647959468964E-01,6.4082873611329261E-01,5.0397647531628675E-03,9.6889120324198698E-03,3.4926884225472475E-03 -6522 Aci (1991 NQ),F51,5.8007000000000000E+04,3.2510039293699998E+02,1.5270138801000000E+01,2.0908187694108586E+00,-7.6656878352440394E-01,6.4431490041500716E-01,4.9900960982306470E-03,9.7072651841050364E-03,3.4774041007192957E-03 -6522 Aci (1991 NQ),F51,5.8008000000000000E+04,3.2487204563900002E+02,1.5219417099999999E+01,2.0957837220526745E+00,-7.5685291816482625E-01,6.4778576005557997E-01,4.9404540719279163E-03,9.7253345474020009E-03,3.4620818853617467E-03 -6522 Aci (1991 NQ),F51,5.8009000000000000E+04,3.2465049452300002E+02,1.5165517134000000E+01,2.1006990101473546E+00,-7.4711916735124351E-01,6.5124127689454381E-01,4.8908399375336290E-03,9.7431212661443188E-03,3.4467224325343639E-03 -6522 Aci (1991 NQ),F51,5.8010000000000000E+04,3.2443592922400001E+02,1.5108601043000000E+01,2.1055646616441095E+00,-7.3736781381598648E-01,6.5468141334981456E-01,4.8412549422921589E-03,9.7606264874499846E-03,3.4313263931351964E-03 -6522 Aci (1991 NQ),F51,5.8011000000000000E+04,3.2422853062799999E+02,1.5048833664000000E+01,2.1103807058242396E+00,-7.2759913912149943E-01,6.5810613238853166E-01,4.7917003171698072E-03,9.7778513614039751E-03,3.4158944129337484E-03 -6522 Aci (1991 NQ),F51,5.8012000000000000E+04,3.2402847011699998E+02,1.4986382463000000E+01,2.1151471733199809E+00,-7.1781342359507061E-01,6.6151539752716626E-01,4.7421772766906792E-03,9.7947970406440515E-03,3.4004271325900953E-03 -6522 Aci (1991 NQ),F51,5.8013000000000000E+04,3.2383590857000002E+02,1.4921417279000000E+01,2.1198640961275461E+00,-7.0801094626781991E-01,6.6490917284178386E-01,4.6926870188288942E-03,9.8114646798575858E-03,3.3849251876627564E-03 -6522 Aci (1991 NQ),F51,5.8014000000000000E+04,3.2365099521100001E+02,1.4854109887000000E+01,2.1245315076100910E+00,-6.9819198482429068E-01,6.6828742298903521E-01,4.6432307250325070E-03,9.8278554352317256E-03,3.3693892086009646E-03 -6522 Aci (1991 NQ),F51,5.8015000000000000E+04,3.2347386641200001E+02,1.4784633339999999E+01,2.1291494424850539E+00,-6.8835681557290496E-01,6.7165011323627355E-01,4.5938095603667677E-03,9.8439704638937503E-03,3.3538198207275220E-03 -6522 Aci (1991 NQ),F51,5.8016000000000000E+04,3.2330464464300002E+02,1.4713161149999999E+01,2.1337179367936532E+00,-6.7850571344410948E-01,6.7499720949672892E-01,4.5444246737897341E-03,9.8598109234183627E-03,3.3382176442148062E-03 -6522 Aci (1991 NQ),F51,5.8017000000000000E+04,3.2314343768999998E+02,1.4639866364000000E+01,2.1382370278536849E+00,-6.6863895202002255E-01,6.7832867836171595E-01,4.4950771984974313E-03,9.8753779713725912E-03,3.3225832940620634E-03 -6522 Aci (1991 NQ),F51,5.8018000000000000E+04,3.2299033828000000E+02,1.4564920625999999E+01,2.1427067542039739E+00,-6.5875680358630651E-01,6.8164448712322656E-01,4.4457682523550354E-03,9.8906727649847401E-03,3.3069173800710054E-03 -6522 Aci (1991 NQ),F51,5.8019000000000000E+04,3.2284542413000003E+02,1.4488493311999999E+01,2.1471271555488531E+00,-6.4885953919542416E-01,6.8494460378151389E-01,4.3964989383359536E-03,9.9056964609013608E-03,3.2912205068342309E-03 -6522 Aci (1991 NQ),F51,5.8020000000000000E+04,3.2270875835800001E+02,1.4410750815000000E+01,2.1514982727123488E+00,-6.3894742872340582E-01,6.8822899703912999E-01,4.3472703449607764E-03,9.9204502150500185E-03,3.2754932737277605E-03 -6522 Aci (1991 NQ),F51,5.8021000000000000E+04,3.2258039015600002E+02,1.4331855988999999E+01,2.1558201476056209E+00,-6.2902074091076798E-01,6.9149763628517236E-01,4.2980835466753780E-03,9.9349351825695001E-03,3.2597362749172301E-03 -6522 Aci (1991 NQ),F51,5.8022000000000000E+04,3.2246035557800002E+02,1.4251967755000001E+01,2.1600928232064964E+00,-6.1907974338567051E-01,6.9475049157476809E-01,4.2489396042166136E-03,9.9491525178116505E-03,3.2439500993692639E-03 -6522 Aci (1991 NQ),F51,5.8023000000000000E+04,3.2234867835799997E+02,1.4171240822000000E+01,2.1643163435489159E+00,-6.0912470266868490E-01,6.9798753360960586E-01,4.1998395648833375E-03,9.9631033743677200E-03,3.2281353308734736E-03 -6522 Aci (1991 NQ),F51,5.8024000000000000E+04,3.2224537067300002E+02,1.4089825487000001E+01,2.1684907537168865E+00,-5.9915588416657173E-01,7.0120873372205117E-01,4.1507844627675615E-03,9.9767889051122841E-03,3.2122925480713950E-03 -6522 Aci (1991 NQ),F51,5.8025000000000000E+04,3.2215043382900001E+02,1.4007867471999999E+01,2.1726160998394466E+00,-5.8917355215923750E-01,7.0441406386523264E-01,4.1017753189400959E-03,9.9902102622518169E-03,3.1964223244856072E-03 -6522 Aci (1991 NQ),F51,5.8026000000000000E+04,3.2206385887800002E+02,1.3925507768999999E+01,2.1766924290822693E+00,-5.7917796978731306E-01,7.0760349660911281E-01,4.0528131415774587E-03,1.0003368597350216E-02,3.1805252285583914E-03 -6522 Aci (1991 NQ),F51,5.8027000000000000E+04,3.2198562719000000E+02,1.3842882476000000E+01,2.1807197896329558E+00,-5.6916939904517627E-01,7.1077700514260267E-01,4.0038989260881321E-03,1.0016265061354534E-02,3.1646018236843845E-03 -6522 Aci (1991 NQ),F51,5.8028000000000000E+04,3.2191571104100001E+02,1.3760122608000000E+01,2.1846982306769811E+00,-5.5914810078539290E-01,7.1393456328039817E-01,3.9550336551895052E-03,1.0028900804586054E-02,3.1486526682500539E-03 -6522 Aci (1991 NQ),F51,5.8029000000000000E+04,3.2185407428399998E+02,1.3677353914999999E+01,2.1886278023598211E+00,-5.4911433474641291E-01,7.1707614546988108E-01,3.9062182990128773E-03,1.0041276976711026E-02,3.1326783156798333E-03 -6522 Aci (1991 NQ),I11,5.7970000000000000E+04,3.3574152042700001E+02,1.3785732083999999E+01,1.8720713806146083E+00,-1.1108010521914378E+00,5.0551256636497266E-01,6.8336069472874133E-03,8.8298672991372982E-03,4.0117070694321395E-03 -6522 Aci (1991 NQ),I11,5.7971000000000000E+04,3.3547356294200000E+02,1.3925209852000000E+01,1.8788808157669326E+00,-1.1019553931335688E+00,5.0951827621201318E-01,6.7839567427188151E-03,8.8591638657347614E-03,3.9982697066118242E-03 -6522 Aci (1991 NQ),I11,5.7972000000000000E+04,3.3520065119700001E+02,1.4059366127000001E+01,1.8856405735236024E+00,-1.0930806348097775E+00,5.1351053639737687E-01,6.7342767423536828E-03,8.8881385013440829E-03,3.9847671969587732E-03 -6522 Aci (1991 NQ),I11,5.7973000000000000E+04,3.3492305390600001E+02,1.4188122058999999E+01,1.8923506244941413E+00,-1.0841770988151318E+00,5.1748928206650624E-01,6.6845688254960128E-03,8.9167921475356050E-03,3.9712003934524861E-03 -6522 Aci (1991 NQ),I11,5.7974000000000000E+04,3.3464104869699997E+02,1.4311403364000000E+01,1.8990109411088572E+00,-1.0752451058218768E+00,5.2145444923210960E-01,6.6348348525385528E-03,8.9451257553533232E-03,3.9575701436938091E-03 -6522 Aci (1991 NQ),I11,5.7975000000000000E+04,3.3435492213700002E+02,1.4429140547999999E+01,1.9056214975849677E+00,-1.0662849756045356E+00,5.2540597476911510E-01,6.5850766650594516E-03,8.9731402850425634E-03,3.9438772898894407E-03 -6522 Aci (1991 NQ),I11,5.7976000000000000E+04,3.3406496992299998E+02,1.4541269194000000E+01,1.9121822698967064E+00,-1.0572970270621722E+00,5.2934379640606299E-01,6.5352960858888944E-03,9.0008367057745238E-03,3.9301226688398970E-03 -6522 Aci (1991 NQ),I11,5.7977000000000000E+04,3.3377149719800002E+02,1.4647730347000000E+01,1.9186932357480364E+00,-1.0482815782372421E+00,5.3326785271075394E-01,6.4854949191864956E-03,9.0282159953889440E-03,3.9163071119221347E-03 -6522 Aci (1991 NQ),I11,5.7978000000000000E+04,3.3347481894700002E+02,1.4748471002000000E+01,1.9251543745484470E+00,-1.0392389463286558E+00,5.3717808307041925E-01,6.4356749505250499E-03,9.0552791401326098E-03,3.9024314450766496E-03 -6522 Aci (1991 NQ),I11,5.7979000000000000E+04,3.3317526041700000E+02,1.4843444699999999E+01,1.9315656673948176E+00,-1.0301694476942007E+00,5.4107442766886460E-01,6.3858379469622180E-03,9.0820271344048287E-03,3.8884964887933144E-03 -6522 Aci (1991 NQ),I11,5.7980000000000000E+04,3.3287315747200000E+02,1.4932612237000001E+01,1.9379270970570002E+00,-1.0210733978457163E+00,5.4495682745941221E-01,6.3359856571225410E-03,9.1084609804971198E-03,3.8745030581022171E-03 -6522 Aci (1991 NQ),I11,5.7981000000000000E+04,3.3256885683500002E+02,1.5015942468000000E+01,1.9442386479705940E+00,-1.0119511114321160E+00,5.4882522413494261E-01,6.2861198112789977E-03,9.1345816883561769E-03,3.8604519625561966E-03 -6522 Aci (1991 NQ),I11,5.7982000000000000E+04,3.3226271608399998E+02,1.5093413195000000E+01,1.9505003062381294E+00,-1.0028029022070868E+00,5.5267956009460151E-01,6.2362421214294077E-03,9.1603902753260094E-03,3.8463440062242206E-03 -6522 Aci (1991 NQ),I11,5.7983000000000000E+04,3.3195510330899998E+02,1.5165012105000001E+01,1.9567120596412642E+00,-9.9362908297437902E-01,5.5651977840954925E-01,6.1863542813806634E-03,9.1858877659096727E-03,3.8321799876780819E-03 -6522 Aci (1991 NQ),I11,5.7984000000000000E+04,3.3164639624699998E+02,1.5230737674000000E+01,1.9628738976643740E+00,-9.8442996550582651E-01,5.6034582279371237E-01,6.1364579668306890E-03,9.2110751915275603E-03,3.8179606999821252E-03 -6522 Aci (1991 NQ),I11,5.7985000000000000E+04,3.3133698078600003E+02,1.5290599927000001E+01,1.9689858115245149E+00,-9.7520586043702351E-01,5.6415763758839366E-01,6.0865548354517851E-03,9.2359535902766729E-03,3.8036869306840009E-03 -6522 Aci (1991 NQ),I11,5.7986000000000000E+04,3.3102724880599999E+02,1.5344620927999999E+01,1.9750477941967060E+00,-9.6595707715998591E-01,5.6795516776875932E-01,6.0366465269815241E-03,9.2605240066986755E-03,3.7893594618032818E-03 -6522 Aci (1991 NQ),I11,5.7987000000000000E+04,3.3071759551600002E+02,1.5392834872000000E+01,1.9810598404217479E+00,-9.5668392374123279E-01,5.7173835897392589E-01,5.9867346633194068E-03,9.2847874915357211E-03,3.7749790698272372E-03 -6522 Aci (1991 NQ),I11,5.7988000000000000E+04,3.3040841657300001E+02,1.5435287778999999E+01,1.9870219466898229E+00,-9.4738670688770799E-01,5.7550715755354875E-01,5.9368208486276341E-03,9.3087451014954269E-03,3.7605465257041907E-03 -6522 Aci (1991 NQ),I11,5.7989000000000000E+04,3.3010010537800002E+02,1.5472036854000001E+01,1.9929341111999017E+00,-9.3806573196935883E-01,5.7926151061505193E-01,5.8869066694517240E-03,9.3323978990167804E-03,3.7460625948391073E-03 -6522 Aci (1991 NQ),I11,5.7990000000000000E+04,3.2979305081000001E+02,1.5503149672999999E+01,1.9987963338084298E+00,-9.2872130307858636E-01,5.8300136605933606E-01,5.8369936948367857E-03,9.3557469520390013E-03,3.7315280370894877E-03 -6522 Aci (1991 NQ),I11,5.7991000000000000E+04,3.2948763552700001E+02,1.5528703337000000E+01,2.0046086159771956E+00,-9.1935372310487928E-01,5.8672667259630851E-01,5.7870834764622899E-03,9.3787933337534553E-03,3.7169436067716732E-03 -6522 Aci (1991 NQ),I11,5.7992000000000000E+04,3.2918423477599998E+02,1.5548783709000000E+01,2.0103709607320210E+00,-9.0996329379736784E-01,5.9043737974338384E-01,5.7371775487801233E-03,9.4015381223992930E-03,3.7023100526503198E-03 -6522 Aci (1991 NQ),I11,5.7993000000000000E+04,3.2888321556800003E+02,1.5563484774999999E+01,2.0160833726337848E+00,-9.0055031580543377E-01,5.9413343781248418E-01,5.6872774291557007E-03,9.4239824010230837E-03,3.6876281179467202E-03 -6522 Aci (1991 NQ),I11,5.7994000000000000E+04,3.2858493605600000E+02,1.5572908112000000E+01,2.0217458577597562E+00,-8.9111508869673250E-01,5.9781479789250092E-01,5.6373846180255332E-03,9.4461272572784229E-03,3.6728985403339885E-03 -6522 Aci (1991 NQ),I11,5.7995000000000000E+04,3.2828974498299999E+02,1.5577162423000001E+01,2.0273584236925926E+00,-8.8165791095593249E-01,6.0148141183338055E-01,5.5875005990539640E-03,9.4679737832171883E-03,3.6581220519402674E-03 -6522 Aci (1991 NQ),I11,5.7996000000000000E+04,3.2799798112899998E+02,1.5576363101000000E+01,2.0329210795117731E+00,-8.7217907997348587E-01,6.0513323223403293E-01,5.5376268393046114E-03,9.4895230751055951E-03,3.6432993793479610E-03 -6522 Aci (1991 NQ),I11,5.7997000000000000E+04,3.2770997272800003E+02,1.5570631767000000E+01,2.0384338357851646E+00,-8.6267889202951087E-01,6.0877021243601181E-01,5.4877647894147506E-03,9.5107762332495328E-03,3.6284312435968160E-03 -6522 Aci (1991 NQ),I11,5.7998000000000000E+04,3.2742603687500002E+02,1.5560095760999999E+01,2.0438967045570116E+00,-8.5315764228029778E-01,6.1239230652239207E-01,5.4379158837816830E-03,9.5317343618383892E-03,3.6135183601896251E-03 -6522 Aci (1991 NQ),I11,5.7999000000000000E+04,3.2714647895799999E+02,1.5544887584000000E+01,2.0493096993314595E+00,-8.4361562475018892E-01,6.1599946932198391E-01,5.3880815407462892E-03,9.5523985688202098E-03,3.5985614390963900E-03 -6522 Aci (1991 NQ),I11,5.8000000000000000E+04,3.2687159219699998E+02,1.5525144269000000E+01,2.0546728350480139E+00,-8.3405313233646039E-01,6.1959165641600367E-01,5.3382631627870653E-03,9.5727699657962833E-03,3.5835611847668874E-03 -6522 Aci (1991 NQ),I11,5.8001000000000000E+04,3.2660165735800001E+02,1.5501006729000000E+01,2.0599861280507104E+00,-8.2447045682602360E-01,6.2316882414613572E-01,5.2884621366939112E-03,9.5928496679562048E-03,3.5685182961416925E-03 -6522 Aci (1991 NQ),I11,5.8002000000000000E+04,3.2633694272399998E+02,1.5472619111000000E+01,2.0652495960497199E+00,-8.1486788892875262E-01,6.2673092961852805E-01,5.2386798337346477E-03,9.6126387940374328E-03,3.5534334666741454E-03 -6522 Aci (1991 NQ),I11,5.8003000000000000E+04,3.2607770437200003E+02,1.5440128227000001E+01,2.0704632580805158E+00,-8.0524571832102620E-01,6.3027793070036697E-01,5.1889176097873130E-03,9.6321384663114427E-03,3.5383073843556641E-03 -6522 Aci (1991 NQ),I11,5.8004000000000000E+04,3.2582418675899999E+02,1.5403683105000001E+01,2.0756271344661794E+00,-7.9560423369153055E-01,6.3380978600521298E-01,5.1391768054372513E-03,9.6513498106240471E-03,3.5231407317454296E-03 -6522 Aci (1991 NQ),I11,5.8005000000000000E+04,3.2557662353299997E+02,1.5363434738000000E+01,2.0807412467894464E+00,-7.8594372277754576E-01,6.3732645486608597E-01,5.0894587460027681E-03,9.6702739564148571E-03,3.5079341860100692E-03 -6522 Aci (1991 NQ),I11,5.8006000000000000E+04,3.2533523844100000E+02,1.5319536018000001E+01,2.0858056178793767E+00,-7.7626447238051210E-01,6.4082789729907608E-01,5.0397647415094133E-03,9.6889120367564807E-03,3.4926884189671304E-03 -6522 Aci (1991 NQ),I11,5.8007000000000000E+04,3.2510024615200001E+02,1.5272141840000000E+01,2.0908202718142457E+00,-7.6656676835383886E-01,6.4431407396375873E-01,4.9900960865873513E-03,9.7072651883737919E-03,3.4774040971315779E-03 -6522 Aci (1991 NQ),I11,5.8008000000000000E+04,3.2487185285900000E+02,1.5221409309000000E+01,2.0957852339364496E+00,-7.5685089556633844E-01,6.4778494612639881E-01,4.9404540603035178E-03,9.7253345515996223E-03,3.4620818817690043E-03 -6522 Aci (1991 NQ),I11,5.8009000000000000E+04,3.2465025654400000E+02,1.5167497971000000E+01,2.1007005308747857E+00,-7.4711713784703648E-01,6.5124047563132748E-01,4.8908399259339277E-03,9.7431212702692987E-03,3.4467224289384544E-03 -6522 Aci (1991 NQ),I11,5.8010000000000000E+04,3.2443564687899999E+02,1.5110569993000000E+01,2.1055661905680769E+00,-7.3736577792182101E-01,6.5468062488180589E-01,4.8412549307195497E-03,9.7606264915025276E-03,3.4313263895372637E-03 -6522 Aci (1991 NQ),I11,5.8011000000000000E+04,3.2422820478500000E+02,1.5050790241000000E+01,2.1103822422877956E+00,-7.2759709734654954E-01,6.5810535683094018E-01,4.7917003056327850E-03,9.7778513653813300E-03,3.4158944093362629E-03 -6522 Aci (1991 NQ),I11,5.8012000000000000E+04,3.2402810167500002E+02,1.4988326207000000E+01,2.1151487166569103E+00,-7.1781137644186721E-01,6.6151463498185037E-01,4.7421772651939078E-03,9.7947970445454099E-03,3.4004271289947144E-03 -6522 Aci (1991 NQ),I11,5.8013000000000000E+04,3.2383549845599998E+02,1.4923347761000000E+01,2.1198656456629426E+00,-7.0800889423226943E-01,6.6490842339797651E-01,4.6926870073781919E-03,9.8114646836816831E-03,3.3849251840713649E-03 -6522 Aci (1991 NQ),I11,5.8014000000000000E+04,3.2365054437399999E+02,1.4856026706000000E+01,2.1245330626609680E+00,-6.9818992839577487E-01,6.6828668672410951E-01,4.6432307136322877E-03,9.8278554389779581E-03,3.3693892050151932E-03 -6522 Aci (1991 NQ),I11,5.8015000000000000E+04,3.2347337582699998E+02,1.4786536122999999E+01,2.1291510023609801E+00,-6.8835475523446776E-01,6.7164939021654702E-01,4.5938095490230622E-03,9.8439704675609020E-03,3.3538198171492880E-03 -6522 Aci (1991 NQ),I11,5.8016000000000000E+04,3.2330411530200001E+02,1.4715049554000000E+01,2.1337195007974339E+00,-6.7850364967270815E-01,6.7499649977828469E-01,4.5444246625058297E-03,9.8598109270063572E-03,3.3382176406455580E-03 -6522 Aci (1991 NQ),I11,5.8017000000000000E+04,3.2314287059899999E+02,1.4641740076000000E+01,2.1382385952820764E+00,-6.6863688528684040E-01,6.7832798199124567E-01,4.4950771872800015E-03,9.8753779748801257E-03,3.3225832905038042E-03 -6522 Aci (1991 NQ),I11,5.8018000000000000E+04,3.2298973445899998E+02,1.4566779358000000E+01,2.1427083243484311E+00,-6.5875473435706655E-01,6.8164380413887904E-01,4.4457682412084422E-03,9.8906727684114470E-03,3.3069173765253486E-03 -6522 Aci (1991 NQ),I11,5.8019000000000000E+04,3.2284478460700001E+02,1.4490336807000000E+01,2.1471287276962867E+00,-6.4885746793073484E-01,6.8494393421376110E-01,4.3964989272670943E-03,9.9056964642460985E-03,3.2912205033031423E-03 -6522 Aci (1991 NQ),I11,5.8020000000000000E+04,3.2270808417100000E+02,1.4412578841000000E+01,2.1514998461458879E+00,-6.3894535587909429E-01,6.8822834091162610E-01,4.3472703339693230E-03,9.9204502183140239E-03,3.2754932702122011E-03 -6522 Aci (1991 NQ),I11,5.8021000000000000E+04,3.2257968234399999E+02,1.4333668340999999E+01,2.1558217216053652E+00,-6.2901866693820141E-01,6.9149699361561212E-01,4.2980835357688488E-03,9.9349351857515658E-03,3.2597362714192136E-03 -6522 Aci (1991 NQ),I11,5.8022000000000000E+04,3.2245961518299998E+02,1.4253764255000000E+01,2.1600943970502500E+00,-6.1907766873210424E-01,6.9474986237571756E-01,4.2489395933993195E-03,9.9491525209116638E-03,3.2439500958903549E-03 -6522 Aci (1991 NQ),I11,5.8023000000000000E+04,3.2234790642199999E+02,1.4173021315000000E+01,2.1643179165129141E+00,-6.0912262777757731E-01,6.9798691788931411E-01,4.1998395541585423E-03,9.9631033773858874E-03,3.2281353274151055E-03 -6522 Aci (1991 NQ),I11,5.8024000000000000E+04,3.2224456823300000E+02,1.4091589841999999E+01,2.1684923250764845E+00,-5.9915380947793051E-01,7.0120813148524586E-01,4.1507844521411277E-03,9.9767889080482116E-03,3.2122925446352538E-03 -6522 Aci (1991 NQ),I11,5.8025000000000000E+04,3.2214960192000001E+02,1.4009615582000000E+01,2.1726176688697949E+00,-5.8917147810996151E-01,7.0441347511389008E-01,4.1017753084122699E-03,9.9902102651065004E-03,3.1964223210728076E-03 -6522 Aci (1991 NQ),I11,5.8026000000000000E+04,3.2206299852600000E+02,1.3927239546999999E+01,2.1766939950589665E+00,-5.7917589681155424E-01,7.0760292134321334E-01,4.0528131311556677E-03,1.0003368600123080E-02,3.1805252251707107E-03 -6522 Aci (1991 NQ),I11,5.8027000000000000E+04,3.2198473941399999E+02,1.3844597857000000E+01,2.1807213518326813E+00,-5.6916732757470356E-01,7.1077644336085422E-01,4.0038989157751299E-03,1.0016265064046081E-02,3.1646018203231340E-03 -6522 Aci (1991 NQ),I11,5.8028000000000000E+04,3.2191479684900003E+02,1.3761821545000000E+01,2.1846997883781256E+00,-5.5914603124994144E-01,7.1393401498093179E-01,3.9550336449874282E-03,1.0028900807196942E-02,3.1486526649164999E-03 -6522 Aci (1991 NQ),I11,5.8029000000000000E+04,3.2185313467399999E+02,1.3679036383000000E+01,2.1886293548431115E+00,-5.4911226757403220E-01,7.1707561065090131E-01,3.9062182889269765E-03,1.0041276979241395E-02,3.1326783123754422E-03 -6522 Aci (1991 NQ),I41,5.7970000000000000E+04,3.3574092552299999E+02,1.3783620805000000E+01,1.8720708462023847E+00,-1.1108019963118156E+00,5.0551314586151286E-01,6.8336069511858886E-03,8.8298672968244452E-03,4.0117070704847602E-03 -6522 Aci (1991 NQ),I41,5.7971000000000000E+04,3.3547299085100002E+02,1.3923090112000001E+01,1.8788802721721494E+00,-1.1019563471896050E+00,5.0951885431438004E-01,6.7839567466651705E-03,8.8591638634208277E-03,3.9982697076818181E-03 -6522 Aci (1991 NQ),I41,5.7972000000000000E+04,3.3520010250299998E+02,1.4057238352000001E+01,1.8856400208116373E+00,-1.0930815984973135E+00,5.1351111272889882E-01,6.7342767463467535E-03,8.8881384990297536E-03,3.9847671980460823E-03 -6522 Aci (1991 NQ),I41,5.7973000000000000E+04,3.3492252917299999E+02,1.4185986697000001E+01,1.8923500627392149E+00,-1.0841780718255800E+00,5.1748985625634436E-01,6.6845688295341758E-03,8.9167921452220356E-03,3.9712003945568154E-03 -6522 Aci (1991 NQ),I41,5.7974000000000000E+04,3.3464054846300002E+02,1.4309260881000000E+01,1.8990103703942620E+00,-1.0752460878424623E+00,5.2145502091569562E-01,6.6348348566183874E-03,8.9451257530435632E-03,3.9575701448140285E-03 -6522 Aci (1991 NQ),I41,5.7975000000000000E+04,3.3435444691700002E+02,1.4426991426000001E+01,1.9056209180032688E+00,-1.0662859663185587E+00,5.2540654358859196E-01,6.5850766691794606E-03,8.9731402827374681E-03,3.9438772910253298E-03 -6522 Aci (1991 NQ),I41,5.7976000000000000E+04,3.3406452020600000E+02,1.4539113935000000E+01,1.9121816815499320E+00,-1.0572980261492817E+00,5.2934436201072654E-01,6.5352960900468366E-03,9.0008367034756787E-03,3.9301226699908886E-03 -6522 Aci (1991 NQ),I41,5.7977000000000000E+04,3.3377107344199999E+02,1.4645569469000000E+01,1.9186926387478529E+00,-1.0482825853737308E+00,5.3326841475749742E-01,6.4854949233796710E-03,9.0282159930983319E-03,3.9163071130874647E-03 -6522 Aci (1991 NQ),I41,5.7978000000000000E+04,3.3347442158400003E+02,1.4746305037999999E+01,1.9251537690163221E+00,-1.0392399611877652E+00,5.3717864122417791E-01,6.4356749547512535E-03,9.0552791378516080E-03,3.9024314462557880E-03 -6522 Aci (1991 NQ),I41,5.7979000000000000E+04,3.3317488984300002E+02,1.4841274200000001E+01,1.9315650534621827E+00,-1.0301704699464422E+00,5.4107498160304945E-01,6.3858379512200187E-03,9.0820271321341156E-03,3.8884964899859910E-03 -6522 Aci (1991 NQ),I41,5.7980000000000000E+04,3.3287281405300001E+02,1.4930437763000000E+01,1.9379264748654061E+00,-1.0210744271591967E+00,5.4495737685633250E-01,6.3359856614081797E-03,9.1084609782393668E-03,3.8745030593072883E-03 -6522 Aci (1991 NQ),I41,5.7981000000000000E+04,3.3256854090000002E+02,1.5013764594000000E+01,1.9442380176718601E+00,-1.0119521474728850E+00,5.4882576868620925E-01,6.2861198155907440E-03,9.1345816861121976E-03,3.8604519637732717E-03 -6522 Aci (1991 NQ),I41,5.7982000000000000E+04,3.3226242792599999E+02,1.5091232509999999E+01,1.9504996679944826E+00,-1.0028039446394972E+00,5.5268009950150532E-01,6.2362421257646499E-03,9.1603902730973477E-03,3.8463440074525722E-03 -6522 Aci (1991 NQ),I41,5.7983000000000000E+04,3.3195484318400003E+02,1.5162829206000000E+01,1.9567114136254822E+00,-9.9363013146143120E-01,5.5652031238340272E-01,6.1863542857367500E-03,9.1858877636978170E-03,3.8321799889169711E-03 -6522 Aci (1991 NQ),I41,5.7984000000000000E+04,3.3164616437299998E+02,1.5228553164999999E+01,1.9628732440599108E+00,-9.8443101970949809E-01,5.6034635105615738E-01,6.1364579712052166E-03,9.2110751893337665E-03,3.8179607012308863E-03 -6522 Aci (1991 NQ),I41,5.7985000000000000E+04,3.3133677734000003E+02,1.5288414422000001E+01,1.9689851505255898E+00,-9.7520692001860354E-01,5.6415815987166762E-01,6.0865548398413251E-03,9.2359535881028701E-03,3.8036869319416412E-03 -6522 Aci (1991 NQ),I41,5.7986000000000000E+04,3.3102707392600001E+02,1.5342435045000000E+01,1.9750471260083646E+00,-9.6595814178036843E-01,5.6795568381592598E-01,6.0366465313841169E-03,9.2605240045456859E-03,3.7893594630692608E-03 -6522 Aci (1991 NQ),I41,5.7987000000000000E+04,3.3071744929800002E+02,1.5390649230999999E+01,1.9810591652598597E+00,-9.5668499306119770E-01,5.7173886853906186E-01,5.9867346677331150E-03,9.2847874894043426E-03,3.7749790711009931E-03 -6522 Aci (1991 NQ),I41,5.7988000000000000E+04,3.3040829907300002E+02,1.5433103002999999E+01,1.9870212647810166E+00,-9.4738778056817097E-01,5.7550766040189150E-01,5.9368208530487122E-03,9.3087450993876216E-03,3.7605465269846274E-03 -6522 Aci (1991 NQ),I41,5.7989000000000000E+04,3.3010001661000001E+02,1.5469853565999999E+01,1.9929334227814408E+00,-9.3806680967162670E-01,5.7926200652309856E-01,5.8869066738767009E-03,9.3323978969342032E-03,3.7460625961252283E-03 -6522 Aci (1991 NQ),I41,5.7990000000000000E+04,3.2979299074800002E+02,1.5500968494000000E+01,1.9987956391280242E+00,-9.2872238446460831E-01,5.8300185481489530E-01,5.8369936992649536E-03,9.3557469499815880E-03,3.7315280383810150E-03 -6522 Aci (1991 NQ),I41,5.7991000000000000E+04,3.2948760410400001E+02,1.5526524883000000E+01,2.0046079152927647E+00,-9.1935480783750412E-01,5.8672715399851094E-01,5.7870834808887456E-03,9.3787933317236102E-03,3.7169436080672262E-03 -6522 Aci (1991 NQ),I41,5.7992000000000000E+04,3.2918423188200001E+02,1.5546608591000000E+01,2.0103702543114261E+00,-9.0996438154060766E-01,5.9043785360264323E-01,5.7371775532038633E-03,9.4015381203970856E-03,3.7023100539495027E-03 -6522 Aci (1991 NQ),I41,5.7993000000000000E+04,3.2888324105700002E+02,1.5561313597000000E+01,2.0160826607545310E+00,-9.0055140622472729E-01,5.9413390395043353E-01,5.6872774335733154E-03,9.4239823990499415E-03,3.6876281192485295E-03 -6522 Aci (1991 NQ),I41,5.7994000000000000E+04,3.2858498974000003E+02,1.5570741470000000E+01,2.0217451407086586E+00,-8.9111618145920723E-01,5.9781525614189490E-01,5.6373846224347197E-03,9.4461272553350989E-03,3.6728985416376674E-03 -6522 Aci (1991 NQ),I41,5.7995000000000000E+04,3.2828982664000000E+02,1.5575000903999999E+01,2.0273577017654372E+00,-8.8165900573064726E-01,6.0148186203796405E-01,5.5875006034510890E-03,9.4679737813050842E-03,3.6581220532447686E-03 -6522 Aci (1991 NQ),I41,5.7996000000000000E+04,3.2799809049700002E+02,1.5574207278999999E+01,2.0329203530129569E+00,-8.7218017643166579E-01,6.0513367424838727E-01,5.5376268436869332E-03,9.4895230732255885E-03,3.6432993806524293E-03 -6522 Aci (1991 NQ),I41,5.7997000000000000E+04,3.2771010951300002E+02,1.5568482204000000E+01,2.0384331050273117E+00,-8.6267998984476546E-01,6.0877064612536969E-01,5.4877647937802455E-03,9.5107762314021321E-03,3.6284312449005318E-03 -6522 Aci (1991 NQ),I41,5.7998000000000000E+04,3.2742620074600001E+02,1.5557953006000000E+01,2.0438959698605852E+00,-8.5315874112881751E-01,6.1239273176242559E-01,5.4379158881276589E-03,9.5317343600244096E-03,3.6135183614917181E-03 -6522 Aci (1991 NQ),I41,5.7999000000000000E+04,3.2714666955500002E+02,1.5542752171000000E+01,2.0493089610243498E+00,-8.4361672431093049E-01,6.1599988599855704E-01,5.3880815450700996E-03,9.5523985670403679E-03,3.5985614403959997E-03 -6522 Aci (1991 NQ),I41,5.8000000000000000E+04,3.2687180912700001E+02,1.5523016716000001E+01,2.0546720934651188E+00,-8.3405423229129916E-01,6.1959206442491321E-01,5.3382631670853475E-03,9.5727699640515678E-03,3.5835611860630290E-03 -6522 Aci (1991 NQ),I41,5.8001000000000000E+04,3.2660190020099998E+02,1.5498887538000000E+01,2.0599853835334976E+00,-8.2447155685991169E-01,6.2316922339282521E-01,5.2884621409645064E-03,9.5928496662470667E-03,3.5685182974335805E-03 -6522 Aci (1991 NQ),I41,5.8002000000000000E+04,3.2633721103099998E+02,1.5470508767000000E+01,2.0652488489457741E+00,-8.1486898872987190E-01,6.2673132001779297E-01,5.2386798379754707E-03,9.6126387923642538E-03,3.5534334679610050E-03 -6522 Aci (1991 NQ),I41,5.8003000000000000E+04,3.2607799767000000E+02,1.5438027196000000E+01,2.0704625087430877E+00,-8.0524681758090788E-01,6.3027831217605956E-01,5.1889176139951129E-03,9.6321384646750191E-03,3.5383073856365306E-03 -6522 Aci (1991 NQ),I41,5.8004000000000000E+04,3.2582450455100002E+02,1.5401591836000000E+01,2.0756263832537409E+00,-7.9560533210516504E-01,6.3381015848993894E-01,5.1391768096097591E-03,9.6513498090247604E-03,3.5231407330194968E-03 -6522 Aci (1991 NQ),I41,5.8005000000000000E+04,3.2557696529999998E+02,1.5361353661000001E+01,2.0807404940652390E+00,-7.8594482004349842E-01,6.3732681830091553E-01,5.0894587501375101E-03,9.6702739548531272E-03,3.5079341872764850E-03 -6522 Aci (1991 NQ),I41,5.8006000000000000E+04,3.2533560364400000E+02,1.5317465542000001E+01,2.0858048640109663E+00,-7.7626556820104242E-01,6.4082825163325197E-01,5.0397647456037406E-03,9.6889120352327534E-03,3.4926884202250456E-03 -6522 Aci (1991 NQ),I41,5.8007000000000000E+04,3.2510063423399998E+02,1.5270082356000000E+01,2.0908195171731014E+00,-7.6656786243498887E-01,6.4431441915439647E-01,4.9900960906401311E-03,9.7072651868880290E-03,3.4774040983803077E-03 -6522 Aci (1991 NQ),I41,5.8008000000000000E+04,3.2487226324599999E+02,1.5219361189000001E+01,2.0957844788975368E+00,-7.5685198761802053E-01,6.4778528213816922E-01,4.9404540643106908E-03,9.7253345501525663E-03,3.4620818830075374E-03 -6522 Aci (1991 NQ),I41,5.8009000000000000E+04,3.2465068864699998E+02,1.5165461565999999E+01,2.1006997758161736E+00,-7.4711822758310620E-01,6.5124080243611182E-01,4.8908399298932103E-03,9.7431212688611178E-03,3.4467224301659907E-03 -6522 Aci (1991 NQ),I41,5.8010000000000000E+04,3.2443610009800000E+02,1.5108545634000000E+01,2.1055654358705529E+00,-7.3736686506014126E-01,6.5468094245832065E-01,4.8412549346307510E-03,9.7606264901329461E-03,3.4313263907532186E-03 -6522 Aci (1991 NQ),I41,5.8011000000000000E+04,3.2422867850599999E+02,1.5048778239000001E+01,2.1103814883345020E+00,-7.2759818160900092E-01,6.5810566516433300E-01,4.7917003094919914E-03,9.7778513640508231E-03,3.4158944105396861E-03 -6522 Aci (1991 NQ),I41,5.8012000000000000E+04,3.2402859527599998E+02,1.4986326851999999E+01,2.1151479638329884E+00,-7.1781245755433254E-01,6.6151493406325257E-01,4.7421772689995156E-03,9.7947970432539482E-03,3.4004271301848812E-03 -6522 Aci (1991 NQ),I41,5.8013000000000000E+04,3.2383601130800002E+02,1.4921361324999999E+01,2.1198648943551692E+00,-7.0800997192457271E-01,6.6490871322403944E-01,4.6926870111279034E-03,9.8114646824293134E-03,3.3849251852475118E-03 -6522 Aci (1991 NQ),I41,5.8014000000000000E+04,3.2365107584200001E+02,1.4854053437999999E+01,2.1245323132573892E+00,-6.9819100240157772E-01,6.6828696729652570E-01,4.6432307173246328E-03,9.8278554377645572E-03,3.3693892061766096E-03 -6522 Aci (1991 NQ),I41,5.8015000000000000E+04,3.2347392527199997E+02,1.4784576253999999E+01,2.1291502552505399E+00,-6.8835582529110773E-01,6.7164966154155614E-01,4.5938095526555879E-03,9.8439704663864785E-03,3.3538198182952155E-03 -6522 Aci (1991 NQ),I41,5.8016000000000000E+04,3.2330468208100001E+02,1.4713103293000000E+01,2.1337187563695883E+00,-6.7850471552101665E-01,6.7499676186617685E-01,4.5444246660776930E-03,9.8598109258706563E-03,3.3382176417753404E-03 -6522 Aci (1991 NQ),I41,5.8017000000000000E+04,3.2314345407000002E+02,1.4639807613000000E+01,2.1382378539263969E+00,-6.6863794667091758E-01,6.7832823485586724E-01,4.4950771907883618E-03,9.8753779737831109E-03,3.3225832916166840E-03 -6522 Aci (1991 NQ),I41,5.8018000000000000E+04,3.2299033397900001E+02,1.4564860865000000E+01,2.1427075864541942E+00,-6.5875579102406012E-01,6.8164404779714582E-01,4.4457682446517963E-03,9.8906727673528823E-03,3.3069173776206578E-03 -6522 Aci (1991 NQ),I41,5.8019000000000000E+04,3.2284539953699999E+02,1.4488432434000000E+01,2.1471279936520720E+00,-6.4885851963059937E-01,6.8494416868516894E-01,4.3964989306424715E-03,9.9056964632258347E-03,3.2912205043801740E-03 -6522 Aci (1991 NQ),I41,5.8020000000000000E+04,3.2270871387400001E+02,1.4410688722000000E+01,2.1514991163391723E+00,-6.3894640236435662E-01,6.8822856621777673E-01,4.3472703372778795E-03,9.9204502173315823E-03,3.2754932712703759E-03 -6522 Aci (1991 NQ),I41,5.8021000000000000E+04,3.2258032618700003E+02,1.4331792591999999E+01,2.1558209964221309E+00,-6.2901970796374718E-01,6.9149720977974394E-01,4.2980835390072367E-03,9.9349351848067313E-03,3.2597362724578519E-03 -6522 Aci (1991 NQ),I41,5.8022000000000000E+04,3.2246027254099999E+02,1.4251902974000000E+01,2.1600936768746091E+00,-6.1907870405493437E-01,6.9475006942226181E-01,4.2489395965659956E-03,9.9491525200040912E-03,3.2439500969088301E-03 -6522 Aci (1991 NQ),I41,5.8023000000000000E+04,3.2234857667500000E+02,1.4171174583999999E+01,2.1643172017267327E+00,-6.0912365715661065E-01,6.9798711584346296E-01,4.1998395572525465E-03,9.9631033765151741E-03,3.2281353284128126E-03 -6522 Aci (1991 NQ),I41,5.8024000000000000E+04,3.2224525076999998E+02,1.4089757726000000E+01,2.1684916160590300E+00,-5.9915483267378222E-01,7.0120832037253389E-01,4.1507844551600323E-03,9.9767889072139293E-03,3.2122925456116078E-03 -6522 Aci (1991 NQ),I41,5.8025000000000000E+04,3.2215029613700000E+02,1.4007798130999999E+01,2.1726169659974026E+00,-5.8917249488472234E-01,7.0441365495980213E-01,4.1017753113567652E-03,9.9902102643082205E-03,3.1964223220272091E-03 -6522 Aci (1991 NQ),I41,5.8026000000000000E+04,3.2206370383199999E+02,1.3925436798000000E+01,2.1766932987047167E+00,-5.7917690692857804E-01,7.0760309217279194E-01,4.0528131340224231E-03,1.0003368599360268E-02,3.1805252261026284E-03 -6522 Aci (1991 NQ),I41,5.8027000000000000E+04,3.2198545522500001E+02,1.3842809832000000E+01,2.1807206623660891E+00,-5.6916833079838280E-01,7.1077660519834118E-01,4.0038989185633995E-03,1.0016265063318239E-02,3.1646018212320151E-03 -6522 Aci (1991 NQ),I41,5.8028000000000000E+04,3.2191552259200000E+02,1.3760048254999999E+01,2.1846991061648353E+00,-5.5914702734551280E-01,7.1393416784942232E-01,3.9550336476967948E-03,1.0028900806503576E-02,3.1486526658017918E-03 -6522 Aci (1991 NQ),I41,5.8029000000000000E+04,3.2185386978899999E+02,1.3677277823000001E+01,2.1886286802445936E+00,-5.4911325630737873E-01,7.1707575457202555E-01,3.9062182915552924E-03,1.0041276978581849E-02,3.1326783132366669E-03 -911 Agamemnon (A919 FB),500,5.7970000000000000E+04,2.6383981666800003E+02,-4.6114614860000003E+01,3.2411086572489051E-01,-5.2207079750620800E+00,-1.8842859953070101E+00,6.9951300295599131E-03,3.0098328349732056E-04,1.1571260561569143E-03 -911 Agamemnon (A919 FB),500,5.7971000000000000E+04,2.6377045523800001E+02,-4.6046288638000000E+01,3.3109976051604278E-01,-5.2204016946804916E+00,-1.8831293357989651E+00,6.9945666057567553E-03,3.0997826584314159E-04,1.1603727327561565E-03 -911 Agamemnon (A919 FB),500,5.7972000000000000E+04,2.6370519755200002E+02,-4.5977477663999998E+01,3.3808798598650358E-01,-5.2200864102968856E+00,-1.8819693878534964E+00,6.9939910458856813E-03,3.1897396957034953E-04,1.1636178739368142E-03 -911 Agamemnon (A919 FB),500,5.7973000000000000E+04,2.6364405955699999E+02,-4.5908215570000003E+01,3.4507553074441266E-01,-5.2197621214291434E+00,-1.8808061533889211E+00,6.9934033481510735E-03,3.2797038224002123E-04,1.1668614745707294E-03 -911 Agamemnon (A919 FB),500,5.7974000000000000E+04,2.6358705515999998E+02,-4.5838535176999997E+01,3.5206238298579107E-01,-5.2194288276251593E+00,-1.8796396343045456E+00,6.9928035107228682E-03,3.3696749142143011E-04,1.1701035295315944E-03 -911 Agamemnon (A919 FB),500,5.7975000000000000E+04,2.6353419654800001E+02,-4.5768468521999999E+01,3.5904853046624796E-01,-5.2190865284798624E+00,-1.8784698324271478E+00,6.9921915317364015E-03,3.4596528468361885E-04,1.1733440336931314E-03 -911 Agamemnon (A919 FB),500,5.7976000000000000E+04,2.6348549449500001E+02,-4.5698046898999998E+01,3.6603396052073855E-01,-5.2187352236573190E+00,-1.8772967494531920E+00,6.9915674092897286E-03,3.5496374959121009E-04,1.1765829819295835E-03 -911 Agamemnon (A919 FB),500,5.7977000000000000E+04,2.6344095863100000E+02,-4.5627300929000000E+01,3.7301866013023921E-01,-5.2183749129151833E+00,-1.8761203868953182E+00,6.9909311414434547E-03,3.6396287369933923E-04,1.1798203691153191E-03 -911 Agamemnon (A919 FB),500,5.7978000000000000E+04,2.6340059765699999E+02,-4.5556260645999998E+01,3.8000261602886720E-01,-5.2180055961289309E+00,-1.8749407460392908E+00,6.9902827262197584E-03,3.7296264454715969E-04,1.1830561901243930E-03 -911 Agamemnon (A919 FB),500,5.7979000000000000E+04,2.6336441947100002E+02,-4.5484955601000003E+01,3.8698581484610728E-01,-5.2176272733141076E+00,-1.8737578279137639E+00,6.9896221616017329E-03,3.8196304965298911E-04,1.1862904398307528E-03 -911 Agamemnon (A919 FB),500,5.7980000000000000E+04,2.6333243120999998E+02,-4.5413414961000001E+01,3.9396824327743807E-01,-5.2172399446460602E+00,-1.8725716332746638E+00,6.9889494455333016E-03,3.9096407650696108E-04,1.1895231131077238E-03 -911 Agamemnon (A919 FB),500,5.7981000000000000E+04,2.6330463917600002E+02,-4.5341667610999998E+01,4.0094988828830469E-01,-5.2168436104761131E+00,-1.8713821626069318E+00,6.9882645759196064E-03,3.9996571256414870E-04,1.1927542048278280E-03 -911 Agamemnon (A919 FB),500,5.7982000000000000E+04,2.6328104864500000E+02,-4.5269742237999999E+01,4.0793073735198015E-01,-5.2164382713411017E+00,-1.8701894161521293E+00,6.9875675506281144E-03,4.0896794523649985E-04,1.1959837098622971E-03 -911 Agamemnon (A919 FB),500,5.7983000000000000E+04,2.6326166354800000E+02,-4.5197667398000000E+01,4.1491077870699977E-01,-5.2160239279600091E+00,-1.8689933939746004E+00,6.9868583674907291E-03,4.1797076188336904E-04,1.1992116230803420E-03 -911 Agamemnon (A919 FB),500,5.7984000000000000E+04,2.6324648602200000E+02,-4.5125471523999998E+01,4.2189000158909429E-01,-5.2156005812096664E+00,-1.8677940960762502E+00,6.9861370243069808E-03,4.2697414980115943E-04,1.2024379393481984E-03 -911 Agamemnon (A919 FB),500,5.7985000000000000E+04,2.6323551588900000E+02,-4.5053182882999998E+01,4.2886839636214841E-01,-5.2151682320746815E+00,-1.8665915225552574E+00,6.9854035188488747E-03,4.3597809621142083E-04,1.2056626535278208E-03 -911 Agamemnon (A919 FB),500,5.7986000000000000E+04,2.6322875012800000E+02,-4.4980829458000002E+01,4.3584595447202523E-01,-5.2147268815759489E+00,-1.8653856737803050E+00,6.9846578488676706E-03,4.4498258824728944E-04,1.2088857604750200E-03 -911 Agamemnon (A919 FB),500,5.7987000000000000E+04,2.6322618246600001E+02,-4.4908438773000000E+01,4.4282266819604416E-01,-5.2142765306936809E+00,-1.8641765505331407E+00,6.9839000121029275E-03,4.5398761293748147E-04,1.2121072550369382E-03 -911 Agamemnon (A919 FB),500,5.7988000000000000E+04,2.6322780316600000E+02,-4.4836037683999997E+01,4.4979853024404126E-01,-5.2138171803065694E+00,-1.8629641540752087E+00,6.9831300062949487E-03,4.6299315719091835E-04,1.2153271320494293E-03 -911 Agamemnon (A919 FB),500,5.7989000000000000E+04,2.6323359906000002E+02,-4.4763652182000001E+01,4.5677353332721160E-01,-5.2133488311635769E+00,-1.8617484861229694E+00,6.9823478292002058E-03,4.7199920777901000E-04,1.2185453863340133E-03 -911 Agamemnon (A919 FB),500,5.7990000000000000E+04,2.6324355379600001E+02,-4.4691307234999996E+01,4.6374766981903037E-01,-5.2128714838906376E+00,-1.8605295487516527E+00,6.9815534786111817E-03,4.8100575131503065E-04,1.2217620126919813E-03 -911 Agamemnon (A919 FB),500,5.7991000000000000E+04,2.6325764820199998E+02,-4.4619026685999998E+01,4.7072093157053319E-01,-5.2123851390220040E+00,-1.8593073442699806E+00,6.9807469523817224E-03,4.9001277424342952E-04,1.2249770059040387E-03 -911 Agamemnon (A919 FB),500,5.7992000000000000E+04,2.6327586071000002E+02,-4.4546833219000000E+01,4.7769330987889969E-01,-5.2118897970402172E+00,-1.8580818751051917E+00,6.9799282484577334E-03,4.9902026282133000E-04,1.2281903607237049E-03 -911 Agamemnon (A919 FB),500,5.7993000000000000E+04,2.6329816772800001E+02,-4.4474748349000002E+01,4.8466479555863451E-01,-5.2113854584117281E+00,-1.8568531437218256E+00,6.9790973649146290E-03,5.0802820310835023E-04,1.2314020718735860E-03 -911 Agamemnon (A919 FB),500,5.7994000000000000E+04,2.6332454396300000E+02,-4.4402792454000000E+01,4.9163537905593580E-01,-5.2108721236114057E+00,-1.8556211525791855E+00,6.9782543000022996E-03,5.1703658095890968E-04,1.2346121340404720E-03 -911 Agamemnon (A919 FB),500,5.7995000000000000E+04,2.6335496266299998E+02,-4.4330984805999996E+01,4.9860505056122728E-01,-5.2103497931344025E+00,-1.8543859041205810E+00,6.9773990521980207E-03,5.2604538202274953E-04,1.2378205418706993E-03 -911 Agamemnon (A919 FB),500,5.7996000000000000E+04,2.6338939580200002E+02,-4.4259343600999998E+01,5.0557380009015507E-01,-5.2098184674974766E+00,-1.8531474007836792E+00,6.9765316202675086E-03,5.3505459175380056E-04,1.2410272899652135E-03 -911 Agamemnon (A919 FB),500,5.7997000000000000E+04,2.6342781423100001E+02,-4.4187885985999998E+01,5.1254161752097027E-01,-5.2092781472327498E+00,-1.8519056450207330E+00,6.9756520033332813E-03,5.4406419543281091E-04,1.2442323728752932E-03 -911 Agamemnon (A919 FB),500,5.7998000000000000E+04,2.6347018781700001E+02,-4.4116628069999997E+01,5.1950849258303011E-01,-5.2087288328775365E+00,-1.8506606393191545E+00,6.9747602009487472E-03,5.5307417820525152E-04,1.2474357850986452E-03 -911 Agamemnon (A919 FB),500,5.7999000000000000E+04,2.6351648559400002E+02,-4.4045584941000001E+01,5.2647441480052670E-01,-5.2081705249636778E+00,-1.8494123862133551E+00,6.9738562131750632E-03,5.6208452514167929E-04,1.2506375210775804E-03 -911 Agamemnon (A919 FB),500,5.8000000000000000E+04,2.6356667594800001E+02,-4.3974770671000002E+01,5.3343937339826364E-01,-5.2076032240105379E+00,-1.8481608882802394E+00,6.9729400406566200E-03,5.7109522132166302E-04,1.2538375751986481E-03 -911 Agamemnon (A919 FB),500,5.8001000000000000E+04,2.6362072684999998E+02,-4.3904198338000000E+01,5.4040335719138799E-01,-5.2070269305255090E+00,-1.8469061481110036E+00,6.9720116846865932E-03,5.8010625194723081E-04,1.2570359417961739E-03 -911 Agamemnon (A919 FB),500,5.8002000000000000E+04,2.6367860612900000E+02,-4.3833880063000002E+01,5.4736635448587767E-01,-5.2064416450158690E+00,-1.8456481682569374E+00,6.9710711472546170E-03,5.8911760248799017E-04,1.2602326151595841E-03 -911 Agamemnon (A919 FB),500,5.8003000000000000E+04,2.6374028177200000E+02,-4.3763827069999998E+01,5.5432835302988215E-01,-5.2058473680133837E+00,-1.8443869511526219E+00,6.9701184310622805E-03,5.9812925884488929E-04,1.2634275895455093E-03 -911 Agamemnon (A919 FB),500,5.8004000000000000E+04,2.6380572221500000E+02,-4.3694049782000000E+01,5.6128934005122955E-01,-5.2052441001095184E+00,-1.8431224990292898E+00,6.9691535395069188E-03,6.0714120756123063E-04,1.2666208591967103E-03 -911 Agamemnon (A919 FB),500,5.8005000000000000E+04,2.6387489658099997E+02,-4.3624557932000002E+01,5.6824930239895011E-01,-5.2046318419949946E+00,-1.8418548138381237E+00,6.9681764765866204E-03,6.1615343601703967E-04,1.2698124183671672E-03 -911 Agamemnon (A919 FB),500,5.8006000000000000E+04,2.6394777480800002E+02,-4.3555360706000002E+01,5.7520822677673811E-01,-5.2040105944945632E+00,-1.8405838972038830E+00,6.9671872467664455E-03,6.2516593263703749E-04,1.2730022613513285E-03 -911 Agamemnon (A919 FB),500,5.8007000000000000E+04,2.6402432765300000E+02,-4.3486466870000001E+01,5.8216610002860691E-01,-5.2033803585885110E+00,-1.8393097504215703E+00,6.9661858547614341E-03,6.3417868707141972E-04,1.2761903825194562E-03 -911 Agamemnon (A919 FB),500,5.8008000000000000E+04,2.6410452656199999E+02,-4.3417884897000000E+01,5.8912290942268575E-01,-5.2027411354165043E+00,-1.8380323744967899E+00,6.9651723052564073E-03,6.4319169032026058E-04,1.2793767763537493E-03 -911 Agamemnon (A919 FB),500,5.8009000000000000E+04,2.6418834341100001E+02,-4.3349623051999998E+01,5.9607864289117318E-01,-5.2020929262640836E+00,-1.8367517702194744E+00,6.9641466025729170E-03,6.5220493477607944E-04,1.2825614374828295E-03 -911 Agamemnon (A919 FB),500,5.8010000000000000E+04,2.6427575017300001E+02,-4.3281689450999998E+01,6.0303328920362698E-01,-5.2014357325356464E+00,-1.8354679382576538E+00,6.9631087503137686E-03,6.6121841416624111E-04,1.2857443607097916E-03 -911 Agamemnon (A919 FB),500,5.8011000000000000E+04,2.6436671853199999E+02,-4.3214092072000000E+01,6.0998683807050225E-01,-5.2007695557177662E+00,-1.8341808792606353E+00,6.9620587510212106E-03,6.7023212338861854E-04,1.2889255410300786E-03 -911 Agamemnon (A919 FB),500,5.8012000000000000E+04,2.6446121947900002E+02,-4.3146838737000003E+01,6.1693928017493116E-01,-5.2000943973356142E+00,-1.8328905939658724E+00,6.9609966058828687E-03,6.7924605824734238E-04,1.2921049736384993E-03 -911 Agamemnon (A919 FB),500,5.8013000000000000E+04,2.6455922293600003E+02,-4.3079937053000002E+01,6.2389060712525046E-01,-5.1994102589043001E+00,-1.8315970833041406E+00,6.9599223145287818E-03,6.8826021509550001E-04,1.2952826539161786E-03 -911 Agamemnon (A919 FB),500,5.8014000000000000E+04,2.6466069742700000E+02,-4.3013394325000000E+01,6.3084081131561320E-01,-5.1987171418784763E+00,-1.8303003484933209E+00,6.9588358749342371E-03,6.9727459043094145E-04,1.2984585774079012E-03 -911 Agamemnon (A919 FB),500,5.8015000000000000E+04,2.6476560985499998E+02,-4.2947217442000003E+01,6.3778988569220196E-01,-5.1980150476064981E+00,-1.8290003911053816E+00,6.9577372834509653E-03,7.0628918048145153E-04,1.3016327397846886E-03 -911 Agamemnon (A919 FB),500,5.8016000000000000E+04,2.6487392540500002E+02,-4.2881412765000000E+01,6.4473782345173170E-01,-5.1973039772973930E+00,-1.8276972130902995E+00,6.9566265349597436E-03,7.1530398085066157E-04,1.3048051368006706E-03 -911 Agamemnon (A919 FB),500,5.8017000000000000E+04,2.6498560759200001E+02,-4.2815986017000000E+01,6.5168461772568165E-01,-5.1965839320075027E+00,-1.8263908167495873E+00,6.9555036230992788E-03,7.2431898620406096E-04,1.3079757642452433E-03 -911 Agamemnon (A919 FB),500,5.8018000000000000E+04,2.6510061842800002E+02,-4.2750942197999997E+01,6.5863026131727642E-01,-5.1958549126485600E+00,-1.8250812046663456E+00,6.9543685405701276E-03,7.3333419007854880E-04,1.3111446179029217E-03 -911 Agamemnon (A919 FB),500,5.8019000000000000E+04,2.6521891868500001E+02,-4.2686285540999997E+01,6.6557474653742799E-01,-5.1951169200125040E+00,-1.8237683796123680E+00,6.9532212794516032E-03,7.4234958476704013E-04,1.3143116935094806E-03 -911 Agamemnon (A919 FB),500,5.8020000000000000E+04,2.6534046818299998E+02,-4.2622019496999997E+01,6.7251806515486057E-01,-5.1943699548042348E+00,-1.8224523444561451E+00,6.9520618315081512E-03,7.5136516131727935E-04,1.3174769867268542E-03 -911 Agamemnon (A919 FB),500,5.8021000000000000E+04,2.6546522607000003E+02,-4.2558146751999999E+01,6.7946020843890154E-01,-5.1936140176731405E+00,-1.8211331020907953E+00,6.9508901884649055E-03,7.6038090959614987E-04,1.3206404931225177E-03 -911 Agamemnon (A919 FB),500,5.8022000000000000E+04,2.6559315105399997E+02,-4.2494669260999999E+01,6.8640116725446532E-01,-5.1928491092373052E+00,-1.8198106553908073E+00,6.9497063422279300E-03,7.6939681841160096E-04,1.3238022081590284E-03 -911 Agamemnon (A919 FB),500,5.8023000000000000E+04,2.6572420158900002E+02,-4.2431588286999997E+01,6.9334093217077153E-01,-5.1920752300976005E+00,-1.8184850071965626E+00,6.9485102850493094E-03,7.7841287566883174E-04,1.3269621271922707E-03 -911 Agamemnon (A919 FB),500,5.8024000000000000E+04,2.6585833600000001E+02,-4.2368904446999998E+01,7.0027949355089170E-01,-5.1912923808422811E+00,-1.8171561603205655E+00,6.9473020096340867E-03,7.8742906853463204E-04,1.3301202454745445E-03 -911 Agamemnon (A919 FB),500,5.8025000000000000E+04,2.6599551257700000E+02,-4.2306617740999997E+01,7.0721684160341303E-01,-5.1905005620441536E+00,-1.8158241175665015E+00,6.9460815092022305E-03,7.9644538360190004E-04,1.3332765581628035E-03 -911 Agamemnon (A919 FB),500,5.8026000000000000E+04,2.6613568965899998E+02,-4.2244727576000003E+01,7.1415296638403358E-01,-5.1896997742534534E+00,-1.8144888817524023E+00,6.9448487775091768E-03,8.0546180703944953E-04,1.3364310603289622E-03 -911 Agamemnon (A919 FB),500,5.8027000000000000E+04,2.6627882571800001E+02,-4.2183232789000002E+01,7.2108785774323469E-01,-5.1888900179899569E+00,-1.8131504557286351E+00,6.9436038088357931E-03,8.1447832472322096E-04,1.3395837469716806E-03 -911 Agamemnon (A919 FB),500,5.8028000000000000E+04,2.6642487947699999E+02,-4.2122131658999997E+01,7.2802150522236475E-01,-5.1880712937384779E+00,-1.8118088423809717E+00,6.9423465979584920E-03,8.2349492234445876E-04,1.3427346130275141E-03 -911 Agamemnon (A919 FB),500,5.8029000000000000E+04,2.6657381007399999E+02,-4.2061421918999997E+01,7.3495389790784260E-01,-5.1872436019530594E+00,-1.8104640446092162E+00,6.9410771401055065E-03,8.3251158549308216E-04,1.3458836533812594E-03 -911 Agamemnon (A919 FB),703,5.7970000000000000E+04,2.6384035157300002E+02,-4.6114948755000000E+01,3.2411362821892287E-01,-5.2207098115264312E+00,-1.8842821585082783E+00,6.9951300295734500E-03,3.0098328327187937E-04,1.1571260560756542E-03 -911 Agamemnon (A919 FB),703,5.7971000000000000E+04,2.6377098281700000E+02,-4.6046626764000003E+01,3.3110263094579723E-01,-5.2204035262709674E+00,-1.8831255260631252E+00,6.9945666057685497E-03,3.0997826564001935E-04,1.1603727326832032E-03 -911 Agamemnon (A919 FB),703,5.7972000000000000E+04,2.6370571767400003E+02,-4.5977819908999997E+01,3.3809096379097070E-01,-5.2200882365724830E+00,-1.8819656063148813E+00,6.9939910458968902E-03,3.1897396938980992E-04,1.1636178738718623E-03 -911 Agamemnon (A919 FB),703,5.7973000000000000E+04,2.6364457209699998E+02,-4.5908561820000003E+01,3.4507861533651518E-01,-5.2197639419375799E+00,-1.8808024011750804E+00,6.9934033481622148E-03,3.2797038208209027E-04,1.1668614745135640E-03 -911 Agamemnon (A919 FB),703,5.7974000000000000E+04,2.6358755999900001E+02,-4.5838885320999999E+01,3.5206557375246733E-01,-5.2194306419029264E+00,-1.8796359125360336E+00,6.9928035107318662E-03,3.3696749128497155E-04,1.1701035294825136E-03 -911 Agamemnon (A919 FB),703,5.7975000000000000E+04,2.6353469357600000E+02,-4.5768822446000001E+01,3.5905182676852149E-01,-5.2190883360523204E+00,-1.8784661422172850E+00,6.9921915317440854E-03,3.4596528456878016E-04,1.1733440336518677E-03 -911 Agamemnon (A919 FB),703,5.7976000000000000E+04,2.6348598360599999E+02,-4.5698404490000001E+01,3.6603736169378231E-01,-5.2187370240387816E+00,-1.8772930919078197E+00,6.9915674092963353E-03,3.5496374949786982E-04,1.1765829818959701E-03 -911 Agamemnon (A919 FB),703,5.7977000000000000E+04,2.6344143972900002E+02,-4.5627662074000000E+01,3.7302216548342804E-01,-5.2183767056090344E+00,-1.8761167631125586E+00,6.9909311414478228E-03,3.6396287362665085E-04,1.1798203690895114E-03 -911 Agamemnon (A919 FB),703,5.7978000000000000E+04,2.6340107064900002E+02,-4.5556625232000002E+01,3.8000622484578245E-01,-5.2180073806277569E+00,-1.8749371571092368E+00,6.9902827262227005E-03,3.7296264449528972E-04,1.1830561901060982E-03 -911 Agamemnon (A919 FB),703,5.7979000000000000E+04,2.6336488427299997E+02,-4.5485323516000001E+01,3.8698952638454109E-01,-5.2176290490998536E+00,-1.8737542749181832E+00,6.9896221616043202E-03,3.8196304962230011E-04,1.1862904398195918E-03 -911 Agamemnon (A919 FB),703,5.7980000000000000E+04,2.6333288774300001E+02,-4.5413786090999999E+01,3.9397205676937308E-01,-5.2172417111902023E+00,-1.8725681172866748E+00,6.9889494455332817E-03,3.9096407649590048E-04,1.1895231131041366E-03 -911 Agamemnon (A919 FB),703,5.7981000000000000E+04,2.6330508736700000E+02,-4.5342041844000001E+01,4.0095380293987765E-01,-5.2168453672398609E+00,-1.8713786846906912E+00,6.9882645759183383E-03,3.9996571257325080E-04,1.1927542048313570E-03 -911 Agamemnon (A919 FB),703,5.7982000000000000E+04,2.6328148842899998E+02,-4.5270119463999997E+01,4.0793475234345006E-01,-5.2164400177756107E+00,-1.8701859773625364E+00,6.9875675506255487E-03,4.0896794526546973E-04,1.1959837098728316E-03 -911 Agamemnon (A919 FB),703,5.7983000000000000E+04,2.6326209486300002E+02,-4.5198047504999998E+01,4.1491489319272667E-01,-5.2160256635066107E+00,-1.8689899953570754E+00,6.9868583674865667E-03,4.1797076193177997E-04,1.1992116230978402E-03 -911 Agamemnon (A919 FB),703,5.7984000000000000E+04,2.6324690881499998E+02,-4.5125854400999998E+01,4.2189421469749927E-01,-5.2156023053001173E+00,-1.8677907386665620E+00,6.9861370243014583E-03,4.2697414986887956E-04,1.2024379393724698E-03 -911 Agamemnon (A919 FB),703,5.7985000000000000E+04,2.6323593011000003E+02,-4.5053568421000001E+01,4.2887270719577442E-01,-5.2151699441314303E+00,-1.8665882073794224E+00,6.9854035188409210E-03,4.3597809629743016E-04,1.2056626535590640E-03 -911 Agamemnon (A919 FB),703,5.7986000000000000E+04,2.6322915573500001E+02,-4.4981217547999996E+01,4.3585036210756212E-01,-5.2147285810124639E+00,-1.8653824018545069E+00,6.9846578488583014E-03,4.4498258835200082E-04,1.2088857605128068E-03 -911 Agamemnon (A919 FB),703,5.7987000000000000E+04,2.6322657942000001E+02,-4.4908829306999998E+01,4.4282717168443569E-01,-5.2142782169148072E+00,-1.8641733228636614E+00,6.9839000120928696E-03,4.5398761306117072E-04,1.2121072550809020E-03 -911 Agamemnon (A919 FB),703,5.7988000000000000E+04,2.6322819143499999E+02,-4.4836430556000003E+01,4.4980312861059502E-01,-5.2138188527089353E+00,-1.8629609716583420E+00,6.9831300062829105E-03,4.6299315733235036E-04,1.2153271320998562E-03 -911 Agamemnon (A919 FB),703,5.7989000000000000E+04,2.6323397861699999E+02,-4.4764047286000000E+01,4.5677822557169867E-01,-5.2133504891360740E+00,-1.8617453499448191E+00,6.9823478291852047E-03,4.7199920793707106E-04,1.2185453863911345E-03 -911 Agamemnon (A919 FB),703,5.7990000000000000E+04,2.6324392461700000E+02,-4.4691704465999997E+01,4.6375245491580641E-01,-5.2128731268149187E+00,-1.8605264597878872E+00,6.9815534785956264E-03,4.8100575149137050E-04,1.2217620127548186E-03 -911 Agamemnon (A919 FB),703,5.7991000000000000E+04,2.6325801027000000E+02,-4.4619425941999999E+01,4.7072580846867784E-01,-5.2123867662730090E+00,-1.8593043034855432E+00,6.9807469523631991E-03,4.9001277443570974E-04,1.2249770059733467E-03 -911 Agamemnon (A919 FB),703,5.7992000000000000E+04,2.6327621401099998E+02,-4.4547234396999997E+01,4.7769827750239024E-01,-5.2118914079866894E+00,-1.8580788834540309E+00,6.9799282484381241E-03,4.9902026303088980E-04,1.2281903607986497E-03 -911 Agamemnon (A919 FB),703,5.7993000000000000E+04,2.6329851225200002E+02,-4.4475151349000001E+01,4.8466985280648656E-01,-5.2113870524167449E+00,-1.8568502021465785E+00,6.9790973648932086E-03,5.0802820333423898E-04,1.2314020719543146E-03 -911 Agamemnon (A919 FB),703,5.7994000000000000E+04,2.6332487970599999E+02,-4.4403197175999999E+01,4.9164052480236214E-01,-5.2108737000328853E+00,-1.8556182620109103E+00,6.9782542999795036E-03,5.1703658120124014E-04,1.2346121341266795E-03 -911 Agamemnon (A919 FB),703,5.7995000000000000E+04,2.6335528962299998E+02,-4.4331391152999998E+01,4.9861028365580129E-01,-5.2103513513256381E+00,-1.8543830654784992E+00,6.9773990521729435E-03,5.2604538228032995E-04,1.2378205419626329E-03 -911 Agamemnon (A919 FB),703,5.7996000000000000E+04,2.6338971398299998E+02,-4.4259751477000002E+01,5.0557911935797240E-01,-5.2098200068076395E+00,-1.8531446149748882E+00,6.9765316202401563E-03,5.3505459202629092E-04,1.2410272900627586E-03 -911 Agamemnon (A919 FB),703,5.7997000000000000E+04,2.6342812364000002E+02,-4.4188295295000003E+01,5.1254702176281453E-01,-5.2092796670074293E+00,-1.8519029129399724E+00,6.9756520033042906E-03,5.4406419572053909E-04,1.2442323729780378E-03 -911 Agamemnon (A919 FB),703,5.7998000000000000E+04,2.6347048846299998E+02,-4.4117038719000000E+01,5.1951398057556730E-01,-5.2087303324592513E+00,-1.8506579618485723E+00,6.9747602009181094E-03,5.5307417850790005E-04,1.2474357852064600E-03 -911 Agamemnon (A919 FB),703,5.7999000000000000E+04,2.6351677749100003E+02,-4.4045996838000001E+01,5.2647998529649231E-01,-5.2081720036924093E+00,-1.8494097642222844E+00,6.9738562131427626E-03,5.6208452545892899E-04,1.2506375211903365E-03 -911 Agamemnon (A919 FB),703,5.8000000000000000E+04,2.6356695911300000E+02,-4.3975183725000001E+01,5.3344502512667558E-01,-5.2076046812242565E+00,-1.8481583226249516E+00,6.9729400406220460E-03,5.7109522165246090E-04,1.2538375753165295E-03 -911 Agamemnon (A919 FB),703,5.8001000000000000E+04,2.6362100130300001E+02,-4.3904612460999999E+01,5.4040908885775996E-01,-5.2070283655606984E+00,-1.8469036396344882E+00,6.9720116846501493E-03,5.8010625229172955E-04,1.2570359419188559E-03 -911 Agamemnon (A919 FB),703,5.8002000000000000E+04,2.6367887189200002E+02,-4.3834295167000001E+01,5.4737216477245032E-01,-5.2064430572080456E+00,-1.8456457177886763E+00,6.9710711472166812E-03,5.8911760284633199E-04,1.2602326152867289E-03 -911 Agamemnon (A919 FB),703,5.8003000000000000E+04,2.6374053887200000E+02,-4.3764243069000003E+01,5.5433424059586289E-01,-5.2058487566975762E+00,-1.8443845595083788E+00,6.9701184310222777E-03,5.9812925921599869E-04,1.2634275896773084E-03 -911 Agamemnon (A919 FB),703,5.8004000000000000E+04,2.6380597068100002E+02,-4.3694466591999998E+01,5.6129530353303103E-01,-5.2052454646207584E+00,-1.8431201670109227E+00,6.9691535394650408E-03,6.0714120794504167E-04,1.2666208593329340E-03 -911 Agamemnon (A919 FB),703,5.8005000000000000E+04,2.6387513644299997E+02,-4.3624975470000003E+01,5.6825534041037873E-01,-5.2046331816688003E+00,-1.8418525422332941E+00,6.9681764765428672E-03,6.1615343641319847E-04,1.2698124185076915E-03 -911 Agamemnon (A919 FB),703,5.8006000000000000E+04,2.6394800609999999E+02,-4.3555778889999999E+01,5.7521433790916743E-01,-5.2040119086674475E+00,-1.8405816867857274E+00,6.9671872467206523E-03,6.2516593304495077E-04,1.2730022614961406E-03 -911 Agamemnon (A919 FB),703,5.8007000000000000E+04,2.6402455041200000E+02,-4.3486885620999999E+01,5.8217228285115596E-01,-5.2033816465984888E+00,-1.8393076019483838E+00,6.9661858547144517E-03,6.3417868749205200E-04,1.2761903826678726E-03 -911 Agamemnon (A919 FB),703,5.8008000000000000E+04,2.6410474082500002E+02,-4.3418304136000003E+01,5.8912916248235736E-01,-5.2027423966036190E+00,-1.8380302887116569E+00,6.9651723052070666E-03,6.4319169075145038E-04,1.2793767765064315E-03 -911 Agamemnon (A919 FB),703,5.8009000000000000E+04,2.6418854921899998E+02,-4.3350042703000000E+01,5.9608496471299166E-01,-5.2020941599709571E+00,-1.8367497478499364E+00,6.9641466025212578E-03,6.5220493521749717E-04,1.2825614376396565E-03 -911 Agamemnon (A919 FB),703,5.8010000000000000E+04,2.6427594757000003E+02,-4.3282109439000003E+01,6.0303967829075700E-01,-5.2014369381080483E+00,-1.8354659800153819E+00,6.9631087502610416E-03,6.6121841461964231E-04,1.2857443608697331E-03 -911 Agamemnon (A919 FB),703,5.8011000000000000E+04,2.6436690756199999E+02,-4.3214512323000001E+01,6.0999329290441850E-01,-5.2007707325051946E+00,-1.8341789858411777E+00,6.9620587509663535E-03,6.7023212385182787E-04,1.2889255411938035E-03 -911 Agamemnon (A919 FB),703,5.8012000000000000E+04,2.6446140019000001E+02,-4.3147259179000002E+01,6.1694579921560999E-01,-5.2000955446918944E+00,-1.8328887660484878E+00,6.9609966058261953E-03,6.7924605872054025E-04,1.2921049738056612E-03 -911 Agamemnon (A919 FB),703,5.8013000000000000E+04,2.6455939537500001E+02,-4.3080357616000001E+01,6.2389718881137679E-01,-5.1994113761881975E+00,-1.8315953215516576E+00,6.9599223144701655E-03,6.8826021557808967E-04,1.2952826540867707E-03 -911 Agamemnon (A919 FB),703,5.8014000000000000E+04,2.6466086164500001E+02,-4.3013814939000000E+01,6.3084745406481546E-01,-5.1987182284543412E+00,-1.8302986535520469E+00,6.9588358748739702E-03,6.9727459092313107E-04,1.2984585775815661E-03 -911 Agamemnon (A919 FB),703,5.8015000000000000E+04,2.6476576590399998E+02,-4.2947638040999998E+01,6.3779658790133853E-01,-5.1980161028449370E+00,-1.8289987636050344E+00,6.9577372833887971E-03,7.0628918098235988E-04,1.3016327399615430E-03 -911 Agamemnon (A919 FB),703,5.8016000000000000E+04,2.6487407333800002E+02,-4.2881833282999999E+01,6.4474458349718233E-01,-5.1973050005759438E+00,-1.8276956536438782E+00,6.9566265348961877E-03,7.1530398136106926E-04,1.3048051369801126E-03 -911 Agamemnon (A919 FB),703,5.8017000000000000E+04,2.6498574746399999E+02,-4.2816406389000001E+01,6.5169143396366858E-01,-5.1965849227113825E+00,-1.8263893259531949E+00,6.9555036230338606E-03,7.2431898672252124E-04,1.3079757644276341E-03 -911 Agamemnon (A919 FB),703,5.8018000000000000E+04,2.6510075029600000E+02,-4.2751362362000002E+01,6.5863713208420660E-01,-5.1958558701713855E+00,-1.8250797830989340E+00,6.9543685405029842E-03,7.3333419060500962E-04,1.3111446180880193E-03 -911 Agamemnon (A919 FB),703,5.8019000000000000E+04,2.6521904260500003E+02,-4.2686705435999997E+01,6.6558167015028769E-01,-5.1951178437570453E+00,-1.8237670278354607E+00,6.9532212793822308E-03,7.4234958529974943E-04,1.3143116936977788E-03 -911 Agamemnon (A919 FB),703,5.8020000000000000E+04,2.6534058421300000E+02,-4.2622439063000002E+01,6.7252503991164336E-01,-5.1943708441831058E+00,-1.8224510630135580E+00,6.9520618314377249E-03,7.5136516185903002E-04,1.3174769869168828E-03 -911 Agamemnon (A919 FB),703,5.8021000000000000E+04,2.6546533427000003E+02,-4.2558565930999997E+01,6.7946723261902586E-01,-5.1936148721095057E+00,-1.8211318915083468E+00,6.9508901883927211E-03,7.6038091014462086E-04,1.3206404933150250E-03 -911 Agamemnon (A919 FB),703,5.8022000000000000E+04,2.6559325148400001E+02,-4.2495087996000002E+01,6.8640823911921678E-01,-5.1928499281655354E+00,-1.8198095161760504E+00,6.9497063421540221E-03,7.6939681896648002E-04,1.3238022083538917E-03 -911 Agamemnon (A919 FB),703,5.8023000000000000E+04,2.6572429431099999E+02,-4.2432006522999998E+01,6.9334804996375987E-01,-5.1920760129639350E+00,-1.8184839398384847E+00,6.9485102849738828E-03,7.7841287623036867E-04,1.3269621273891289E-03 -911 Agamemnon (A919 FB),703,5.8024000000000000E+04,2.6585842107399998E+02,-4.2369322130000000E+01,7.0028665549851643E-01,-5.1912931271054514E+00,-1.8171551652893712E+00,6.9473020095568404E-03,7.8742906910131069E-04,1.3301202456737805E-03 -911 Agamemnon (A919 FB),703,5.8025000000000000E+04,2.6599559006700002E+02,-4.2307034817999998E+01,7.0722404591534471E-01,-5.1905012711759744E+00,-1.8158231953133623E+00,6.9460815091238149E-03,7.9644538417575003E-04,1.3332765583632946E-03 -911 Agamemnon (A919 FB),703,5.8026000000000000E+04,2.6613575962700003E+02,-4.2245143996000003E+01,7.1416021125371687E-01,-5.1897004457394269E+00,-1.8144880327092612E+00,6.9448487774290170E-03,8.0546180761782021E-04,1.3364310605316033E-03 -911 Agamemnon (A919 FB),703,5.8027000000000000E+04,2.6627888822900002E+02,-4.2183648503000001E+01,7.2109514134838204E-01,-5.1888906513298467E+00,-1.8131496803080123E+00,6.9436038087540798E-03,8.1447832530638295E-04,1.3395837471761058E-03 -911 Agamemnon (A919 FB),703,5.8028000000000000E+04,2.6642493459500002E+02,-4.2122546616000001E+01,7.2802882572546812E-01,-5.1880718884468555E+00,-1.8118081409757416E+00,6.9423465978754413E-03,8.2349492293296023E-04,1.3427346132332317E-03 -911 Agamemnon (A919 FB),703,5.8029000000000000E+04,2.6657385786300000E+02,-4.2061836073000002E+01,7.3496125345671448E-01,-5.1872441575598636E+00,-1.8104634175923915E+00,6.9410771400209223E-03,8.3251158608543124E-04,1.3458836535886634E-03 -911 Agamemnon (A919 FB),F51,5.7970000000000000E+04,2.6384046584800001E+02,-4.6114641011000003E+01,3.2410848471384635E-01,-5.2207096397252535E+00,-1.8842815801756394E+00,6.9951300296203370E-03,3.0098328252421876E-04,1.1571260558051648E-03 -911 Agamemnon (A919 FB),F51,5.7971000000000000E+04,2.6377110567199998E+02,-4.6046320971000000E+01,3.3109749394219234E-01,-5.2204033750633858E+00,-1.8831248861079295E+00,6.9945666058161791E-03,3.0997826489577961E-04,1.1603727324137067E-03 -911 Agamemnon (A919 FB),F51,5.7972000000000000E+04,2.6370584896899999E+02,-4.5977516147999999E+01,3.3808583477125476E-01,-5.2200881061471351E+00,-1.8819649048429625E+00,6.9939910459453714E-03,3.1897396864833012E-04,1.1636178736039041E-03 -911 Agamemnon (A919 FB),F51,5.7973000000000000E+04,2.6364471168900002E+02,-4.5908260167000002E+01,3.4507349578286844E-01,-5.2197638324800044E+00,-1.8808016383076598E+00,6.9934033482116327E-03,3.2797038134321950E-04,1.1668614742474650E-03 -911 Agamemnon (A919 FB),F51,5.7974000000000000E+04,2.6358770774599998E+02,-4.5838585850000001E+01,3.5206046514648776E-01,-5.2194305535951671E+00,-1.8796350884096682E+00,6.9928035107818609E-03,3.3696749055074984E-04,1.1701035292176600E-03 -911 Agamemnon (A919 FB),F51,5.7975000000000000E+04,2.6353484932999999E+02,-4.5768525228999998E+01,3.5904673059086395E-01,-5.2190882690725351E+00,-1.8784652569838212E+00,6.9921915317947654E-03,3.4596528383877903E-04,1.1733440333886861E-03 -911 Agamemnon (A919 FB),F51,5.7976000000000000E+04,2.6348614722000002E+02,-4.5698109594999998E+01,3.6603227942381394E-01,-5.2187369785608801E+00,-1.8772921457343237E+00,6.9915674093477317E-03,3.5496374877218122E-04,1.1765829816346811E-03 -911 Agamemnon (A919 FB),F51,5.7977000000000000E+04,2.6344161105400002E+02,-4.5627369565999999E+01,3.7301709859888732E-01,-5.2183766818023187E+00,-1.8761157561812443E+00,6.9909311414996563E-03,3.6396287290654979E-04,1.1798203688298088E-03 -911 Agamemnon (A919 FB),F51,5.7978000000000000E+04,2.6340124953399999E+02,-4.5556335175999997E+01,3.8000117482244439E-01,-5.2180073786565702E+00,-1.8749360896174354E+00,6.9902827262751047E-03,3.7296264378037028E-04,1.1830561898484048E-03 -911 Agamemnon (A919 FB),F51,5.7979000000000000E+04,2.6336507056699998E+02,-4.5485035971000002E+01,3.8698449469589580E-01,-5.2176290691232179E+00,-1.8737531470783102E+00,6.9896221616575511E-03,3.8196304891191003E-04,1.1862904395644222E-03 -911 Agamemnon (A919 FB),F51,5.7980000000000000E+04,2.6333308129400001E+02,-4.5413501115999999E+01,3.9396704488631484E-01,-5.2172417533614572E+00,-1.8725669293262450E+00,6.9889494455867320E-03,3.9096407579224980E-04,1.1895231128507817E-03 -911 Agamemnon (A919 FB),F51,5.7981000000000000E+04,2.6330528802200001E+02,-4.5341759494000001E+01,4.0094881233041185E-01,-5.2168454317062771E+00,-1.8713774368523561E+00,6.9882645759723290E-03,3.9996571187543919E-04,1.1927542045804343E-03 -911 Agamemnon (A919 FB),F51,5.7982000000000000E+04,2.6328169603300000E+02,-4.5269839791999999E+01,4.0792978447242079E-01,-5.2164401046779929E+00,-1.8701846699041367E+00,6.9875675506800537E-03,4.0896794457380078E-04,1.1959837096244394E-03 -911 Agamemnon (A919 FB),F51,5.7983000000000000E+04,2.6326230926300002E+02,-4.5197770560999999E+01,4.1490994952157839E-01,-5.2160257729788722E+00,-1.8689886285517079E+00,6.9868583675414637E-03,4.1797076124676889E-04,1.1992116228519746E-03 -911 Agamemnon (A919 FB),F51,5.7984000000000000E+04,2.6324712985500003E+02,-4.5125580233999997E+01,4.2188929668402669E-01,-5.2156024374688350E+00,-1.8677893128026346E+00,6.9861370243568003E-03,4.2697414919058013E-04,1.2024379391293329E-03 -911 Agamemnon (A919 FB),F51,5.7985000000000000E+04,2.6323615763700002E+02,-4.5053297076000000E+01,4.2886781629390874E-01,-5.2151700991154044E+00,-1.8665867227606439E+00,6.9854035188962804E-03,4.3597809562706015E-04,1.2056626533183562E-03 -911 Agamemnon (A919 FB),F51,5.7986000000000000E+04,2.6322938959400000E+02,-4.4980949066999997E+01,4.3584549976713238E-01,-5.2147287589222362E+00,-1.8653808587998515E+00,6.9846578489140242E-03,4.4498258768888889E-04,1.2088857602750203E-03 -911 Agamemnon (A919 FB),F51,5.7987000000000000E+04,2.6322681945699998E+02,-4.4908563731000001E+01,4.4282233935095006E-01,-5.2142784178522019E+00,-1.8641717217072344E+00,6.9839000121492412E-03,4.5398761240493003E-04,1.2121072548464196E-03 -911 Agamemnon (A919 FB),F51,5.7988000000000000E+04,2.6322843749499998E+02,-4.4836167922999998E+01,4.4979832772501488E-01,-5.2138190767666011E+00,-1.8629593127492172E+00,6.9831300063393619E-03,4.6299315668438083E-04,1.2153271318682862E-03 -911 Agamemnon (A919 FB),F51,5.7989000000000000E+04,2.6323423054800003E+02,-4.4763787631000000E+01,4.5677345757015742E-01,-5.2133507363969898E+00,-1.8617436336469089E+00,6.9823478292412259E-03,4.7199920729850027E-04,1.2185453861621814E-03 -911 Agamemnon (A919 FB),F51,5.7990000000000000E+04,2.6324418226600000E+02,-4.4691447822999997E+01,4.6374772122931046E-01,-5.2128733973519275E+00,-1.8605246864798244E+00,6.9815534786523206E-03,4.8100575086025034E-04,1.2217620125295266E-03 -911 Agamemnon (A919 FB),F51,5.7991000000000000E+04,2.6325827348500002E+02,-4.4619172343000002E+01,4.7072111052276128E-01,-5.2123870601483402E+00,-1.8593024735606041E+00,6.9807469524193278E-03,4.9001277381448098E-04,1.2249770057508522E-03 -911 Agamemnon (A919 FB),F51,5.7992000000000000E+04,2.6327648263999998E+02,-4.4546983869999998E+01,4.7769361671677962E-01,-5.2118917252515065E+00,-1.8580769973200650E+00,6.9799282484946257E-03,4.9902026241806056E-04,1.2281903605797944E-03 -911 Agamemnon (A919 FB),F51,5.7993000000000000E+04,2.6329878614600000E+02,-4.4474903920999999E+01,4.8466523059470729E-01,-5.2113873931107157E+00,-1.8568482602259913E+00,6.9790973649496634E-03,5.0802820273069052E-04,1.2314020717388967E-03 -911 Agamemnon (A919 FB),F51,5.7994000000000000E+04,2.6332515871499999E+02,-4.4402952872999997E+01,4.9163594257138132E-01,-5.2108740641837601E+00,-1.8556162647406109E+00,6.9782543000361345E-03,5.1703658060679898E-04,1.2346121339149591E-03 -911 Agamemnon (A919 FB),F51,5.7995000000000000E+04,2.6335557360000001E+02,-4.4331149996999997E+01,4.9860574280562892E-01,-5.2103517389488578E+00,-1.8543810133098739E+00,6.9773990522291607E-03,5.2604538169605079E-04,1.2378205417543262E-03 -911 Agamemnon (A919 FB),F51,5.7996000000000000E+04,2.6339000278100002E+02,-4.4259513489000000E+01,5.0557462128126884E-01,-5.2098204179059593E+00,-1.8531425083737885E+00,6.9765316202958939E-03,5.3505459145239929E-04,1.2410272898579454E-03 -911 Agamemnon (A919 FB),F51,5.7997000000000000E+04,2.6342841711300002E+02,-4.4188060493999998E+01,5.1254256784450214E-01,-5.2092801015705632E+00,-1.8519007523866584E+00,6.9756520033599275E-03,5.4406419515664120E-04,1.2442323727770606E-03 -911 Agamemnon (A919 FB),F51,5.7998000000000000E+04,2.6347078646799997E+02,-4.4116807123000001E+01,5.1950957219245519E-01,-5.2087307904635312E+00,-1.8506557478376604E+00,6.9747602009736075E-03,5.5307417795421969E-04,1.2474357850093907E-03 -911 Agamemnon (A919 FB),F51,5.7999000000000000E+04,2.6351707988400000E+02,-4.4045768461999998E+01,5.2647562381687463E-01,-5.2081724851004640E+00,-1.8494074972627055E+00,6.9738562131980760E-03,5.6208452491565003E-04,1.2506375209972453E-03 -911 Agamemnon (A919 FB),F51,5.8000000000000000E+04,2.6356726575300002E+02,-4.3974958583999999E+01,5.3344071190990716E-01,-5.2076051859847059E+00,-1.8481560032399000E+00,6.9729400406766586E-03,5.7109522112042989E-04,1.2538375751272276E-03 -911 Agamemnon (A919 FB),F51,5.8001000000000000E+04,2.6362131204999997E+02,-4.3904390565000000E+01,5.4040482525381928E-01,-5.2070288936078661E+00,-1.8469012683613608E+00,6.9720116847043212E-03,5.8010625177071055E-04,1.2570359417335808E-03 -911 Agamemnon (A919 FB),F51,5.8002000000000000E+04,2.6367918660900000E+02,-4.3834076527999997E+01,5.4736795212150824E-01,-5.2064436084617114E+00,-1.8456432951789854E+00,6.9710711472706910E-03,5.8911760233616890E-04,1.2602326151057118E-03 -911 Agamemnon (A919 FB),F51,5.8003000000000000E+04,2.6374085742099999E+02,-4.3764027697000003E+01,5.5433008022784180E-01,-5.2058493310627618E+00,-1.8443820861276328E+00,6.9701184310755832E-03,5.9812925871744957E-04,1.2634275895003638E-03 -911 Agamemnon (A919 FB),F51,5.8004000000000000E+04,2.6380629292700002E+02,-4.3694254491999999E+01,5.6129119676717787E-01,-5.2052460619875482E+00,-1.8431176434384822E+00,6.9691535395177574E-03,6.0714120745809785E-04,1.2666208591602039E-03 -911 Agamemnon (A919 FB),F51,5.8005000000000000E+04,2.6387546225300002E+02,-4.3624766649999998E+01,5.6825128855479856E-01,-5.2046338019121752E+00,-1.8418499690622647E+00,6.9681764765949436E-03,6.1615343593804731E-04,1.2698124183392382E-03 -911 Agamemnon (A919 FB),F51,5.8006000000000000E+04,2.6394833534200001E+02,-4.3555573354000003E+01,5.7521034226037493E-01,-5.2040125516471276E+00,-1.8405790646228501E+00,6.9671872467718544E-03,6.2516593258194961E-04,1.2730022613319423E-03 -911 Agamemnon (A919 FB),F51,5.8007000000000000E+04,2.6402488295600000E+02,-4.3486683372000002E+01,5.8216834469365319E-01,-5.2033823121588059E+00,-1.8393049314139338E+00,6.9661858547656434E-03,6.3417868704045144E-04,1.2761903825083735E-03 -911 Agamemnon (A919 FB),F51,5.8008000000000000E+04,2.6410507654200001E+02,-4.3418105177000001E+01,5.8912528308820555E-01,-5.2027430845733464E+00,-1.8380275704394085E+00,6.9651723052569121E-03,6.4319169031271106E-04,1.2793767763511438E-03 -911 Agamemnon (A919 FB),F51,5.8009000000000000E+04,2.6418888798299997E+02,-4.3349847034000000E+01,5.9608114534143108E-01,-5.2020948701631475E+00,-1.8367469824871459E+00,6.9641466025696834E-03,6.5220493479171970E-04,1.2825614374886432E-03 -911 Agamemnon (A919 FB),F51,5.8010000000000000E+04,2.6427628925499999E+02,-4.3281917059000001E+01,6.0303592018779728E-01,-5.2014376703198586E+00,-1.8354631682228115E+00,6.9631087503095280E-03,6.6121841420562974E-04,1.2857443607236347E-03 -911 Agamemnon (A919 FB),F51,5.8011000000000000E+04,2.6436725204499999E+02,-4.3214323229999998E+01,6.0998959730247770E-01,-5.2007714865176942E+00,-1.8341761282931035E+00,6.9620587510135015E-03,6.7023212345092981E-04,1.2889255410521553E-03 -911 Agamemnon (A919 FB),F51,5.8012000000000000E+04,2.6446174734900001E+02,-4.3147073370999998E+01,6.1694216733316676E-01,-5.2000963202698900E+00,-1.8328858634326886E+00,6.9609966058723390E-03,6.7924605833256935E-04,1.2921049736686521E-03 -911 Agamemnon (A919 FB),F51,5.8013000000000000E+04,2.6455974509100002E+02,-4.3080175089000001E+01,6.2389362185260933E-01,-5.1994121730800575E+00,-1.8315923745693614E+00,6.9599223145150498E-03,6.8826021520333736E-04,1.2952826539543816E-03 -911 Agamemnon (A919 FB),F51,5.8014000000000000E+04,2.6466121379999998E+02,-4.3013635686999997E+01,6.3084395321928011E-01,-5.1987190463918411E+00,-1.8302956629178155E+00,6.9588358749179523E-03,6.9727459056142041E-04,1.2984585774539767E-03 -911 Agamemnon (A919 FB),F51,5.8015000000000000E+04,2.6476612038200000E+02,-4.2947462057999999E+01,6.3779315434365191E-01,-5.1980169415431243E+00,-1.8289957300465858E+00,6.9577372834314088E-03,7.0628918063413842E-04,1.3016327398386609E-03 -911 Agamemnon (A919 FB),F51,5.8016000000000000E+04,2.6487443002499998E+02,-4.2881660562000000E+01,6.4474121838668719E-01,-5.1973058597330262E+00,-1.8276925779018949E+00,6.9566265349382235E-03,7.1530398102585824E-04,1.3048051368622368E-03 -911 Agamemnon (A919 FB),F51,5.8017000000000000E+04,2.6498610624700001E+02,-4.2816236920999998E+01,6.5168813844408335E-01,-5.1965858020086122E+00,-1.8263862087811089E+00,6.9555036230744211E-03,7.2431898640104922E-04,1.3079757643145455E-03 -911 Agamemnon (A919 FB),F51,5.8018000000000000E+04,2.6510111106400001E+02,-4.2751196139000001E+01,6.5863390728320392E-01,-5.1958567692729725E+00,-1.8250766252627475E+00,6.9543685405422349E-03,7.3333419029725927E-04,1.3111446179798144E-03 -911 Agamemnon (A919 FB),F51,5.8019000000000000E+04,2.6521940525100001E+02,-4.2686542447000001E+01,6.6557851717909755E-01,-5.1951187623100754E+00,-1.8237638301135553E+00,6.9532212794190165E-03,7.4234958500652912E-04,1.3143116935941947E-03 -911 Agamemnon (A919 FB),F51,5.8020000000000000E+04,2.6534094863000001E+02,-4.2622279298000002E+01,6.7252195986462293E-01,-5.1943717818174946E+00,-1.8224478261965347E+00,6.9520618314744161E-03,7.5136516157889993E-04,1.3174769868186163E-03 -911 Agamemnon (A919 FB),F51,5.8021000000000000E+04,2.6546570035200000E+02,-4.2558409378999997E+01,6.7946422657323768E-01,-5.1936158284379532E+00,-1.8211286163988789E+00,6.9508901884277208E-03,7.6038090987869122E-04,1.3206404932216849E-03 -911 Agamemnon (A919 FB),F51,5.8022000000000000E+04,2.6559361912899999E+02,-4.2494934643999997E+01,6.8640530813397960E-01,-5.1928509027835226E+00,-1.8198062035887443E+00,6.9497063421872758E-03,7.6939681871480980E-04,1.3238022082655127E-03 -911 Agamemnon (A919 FB),F51,5.8023000000000000E+04,2.6572466341699999E+02,-4.2431856359000001E+01,6.9334519508016035E-01,-5.1920770054497210E+00,-1.8184805905997536E+00,6.9485102850057904E-03,7.7841287599281217E-04,1.3269621273058489E-03 -911 Agamemnon (A919 FB),F51,5.8024000000000000E+04,2.6585879154200001E+02,-4.2369175140000003E+01,7.0028387773899414E-01,-5.1912941370201002E+00,-1.8171517802372761E+00,6.9473020095864278E-03,7.8742906887848893E-04,1.3301202455954226E-03 -911 Agamemnon (A919 FB),F51,5.8025000000000000E+04,2.6599596179899999E+02,-4.2306890987000003E+01,7.0722134628322997E-01,-5.1905022980634268E+00,-1.8158197752974705E+00,6.9460815091528898E-03,7.9644538396675055E-04,1.3332765582902953E-03 -911 Agamemnon (A919 FB),F51,5.8026000000000000E+04,2.6613613252699997E+02,-4.2245003310000001E+01,7.1415759073281748E-01,-5.1897014891265547E+00,-1.8144845785904764E+00,6.9448487774556693E-03,8.0546180742369772E-04,1.3364310604635737E-03 -911 Agamemnon (A919 FB),F51,5.8027000000000000E+04,2.6627926220299997E+02,-4.2183510947000002E+01,7.2109260090255600E-01,-5.1888917107265460E+00,-1.8131461929584076E+00,6.9436038087787129E-03,8.1447832512697091E-04,1.3395837471131798E-03 -911 Agamemnon (A919 FB),F51,5.8028000000000000E+04,2.6642530955000001E+02,-4.2122412173999997E+01,7.2802636629817186E-01,-5.1880729633461717E+00,-1.8118046212783965E+00,6.9423465978987187E-03,8.2349492276800884E-04,1.3427346131755669E-03 -911 Agamemnon (A919 FB),F51,5.8029000000000000E+04,2.6657423370800001E+02,-4.2061704728999999E+01,7.3495887597049858E-01,-5.1872452474380886E+00,-1.8104598664412164E+00,6.9410771400418405E-03,8.3251158593545052E-04,1.3458836535361030E-03 -911 Agamemnon (A919 FB),I11,5.7970000000000000E+04,2.6384004237500000E+02,-4.6114732826000001E+01,3.2411679598622256E-01,-5.2207092169823959E+00,-1.8842841817399274E+00,6.9951300294317708E-03,3.0098328553378878E-04,1.1571260568930604E-03 -911 Agamemnon (A919 FB),I11,5.7971000000000000E+04,2.6377066942300002E+02,-4.6046407809000002E+01,3.3110574989176300E-01,-5.2204029165750274E+00,-1.8831275896478985E+00,6.9945666056249831E-03,3.0997826788849159E-04,1.1603727334955347E-03 -911 Agamemnon (A919 FB),I11,5.7972000000000000E+04,2.6370540025299999E+02,-4.5977597916999997E+01,3.3809403290823153E-01,-5.2200876117444563E+00,-1.8819677097087824E+00,6.9939910457508699E-03,3.1897397162521969E-04,1.1636178746787854E-03 -911 Agamemnon (A919 FB),I11,5.7973000000000000E+04,2.6364425081700000E+02,-4.5908336781000003E+01,3.4508163362837851E-01,-5.2197633020044050E+00,-1.8808045438240477E+00,6.9934033480134848E-03,3.2797038430453992E-04,1.1668614753148898E-03 -911 Agamemnon (A919 FB),I11,5.7974000000000000E+04,2.6358723502900000E+02,-4.5838657226999999E+01,3.5206854023317374E-01,-5.2194299868989757E+00,-1.8796380938760497E+00,6.9928035105815446E-03,3.3696749349322944E-04,1.1701035302786288E-03 -911 Agamemnon (A919 FB),I11,5.7975000000000000E+04,2.6353436508099998E+02,-4.5768591291000000E+01,3.5905474046350050E-01,-5.2190876660196812E+00,-1.8784683616745219E+00,6.9921915315917654E-03,3.4596528676310995E-04,1.1733440344425168E-03 -911 Agamemnon (A919 FB),I11,5.7976000000000000E+04,2.6348565175200002E+02,-4.5698170269999999E+01,3.6604022163991701E-01,-5.2187363390275312E+00,-1.8772953488987876E+00,6.9915674091419102E-03,3.5496375167824029E-04,1.1765829826810412E-03 -911 Agamemnon (A919 FB),I11,5.7977000000000000E+04,2.6344110467799999E+02,-4.5627424787000002E+01,3.7302497072932378E-01,-5.2183760056774897E+00,-1.8761190570442476E+00,6.9909311412919900E-03,3.6396287579232994E-04,1.1798203698691844E-03 -911 Agamemnon (A919 FB),I11,5.7978000000000000E+04,2.6340073256500000E+02,-4.5556384878999999E+01,3.8000897445206999E-01,-5.2180066658427133E+00,-1.8749394873792926E+00,6.9902827260650297E-03,3.7296264664652030E-04,1.1830561908801388E-03 -911 Agamemnon (A919 FB),I11,5.7979000000000000E+04,2.6336454331499999E+02,-4.5485080099000001E+01,3.8699221942415246E-01,-5.2176283195368125E+00,-1.8737566409150412E+00,6.9896221614441593E-03,3.8196305175947944E-04,1.1862904405877171E-03 -911 Agamemnon (A919 FB),I11,5.7980000000000000E+04,2.6333254406999998E+02,-4.5413539614999998E+01,3.9397469232780102E-01,-5.2172409669336144E+00,-1.8725705183896877E+00,6.9889494453720773E-03,3.9096407861781077E-04,1.1895231138667572E-03 -911 Agamemnon (A919 FB),I11,5.7981000000000000E+04,2.6330474113499997E+02,-4.5341792314000003E+01,4.0095638011545492E-01,-5.2168446083833482E+00,-1.8713811202702340E+00,6.9882645757552535E-03,3.9996571468039165E-04,1.1927542055881458E-03 -911 Agamemnon (A919 FB),I11,5.7982000000000000E+04,2.6328113979300002E+02,-4.5269866888000003E+01,4.0793727024758847E-01,-5.2164392444222063E+00,-1.8701884467801160E+00,6.9875675504606390E-03,4.0896794735771971E-04,1.1959837106237446E-03 -911 Agamemnon (A919 FB),I11,5.7983000000000000E+04,2.6326174397599999E+02,-4.5197791893999998E+01,4.1491735095012722E-01,-5.2160248757690129E+00,-1.8689924979653652E+00,6.9868583673200618E-03,4.1797076400885980E-04,1.1992116238428907E-03 -911 Agamemnon (A919 FB),I11,5.7984000000000000E+04,2.6324655582700001E+02,-4.5125595766000004E+01,4.2189661144635221E-01,-5.2156015033009648E+00,-1.8677932738094067E+00,6.9861370241332222E-03,4.2697415193078056E-04,1.2024379401115671E-03 -911 Agamemnon (A919 FB),I11,5.7985000000000000E+04,2.6323557516900001E+02,-4.5053306775000003E+01,4.2887504208787053E-01,-5.2151691280035584E+00,-1.8665907743919103E+00,6.9854035186717456E-03,4.3597809834357119E-04,1.2056626542923774E-03 -911 Agamemnon (A919 FB),I11,5.7986000000000000E+04,2.6322879898700000E+02,-4.4980952905000002E+01,4.3585263430844073E-01,-5.2147277508991676E+00,-1.8653850000630205E+00,6.9846578486874970E-03,4.4498259038274098E-04,1.2088857612400947E-03 -911 Agamemnon (A919 FB),I11,5.7987000000000000E+04,2.6322622101000002E+02,-4.4908561683000002E+01,4.4282938037352310E-01,-5.2142773729700895E+00,-1.8641759515860021E+00,6.9839000119199107E-03,4.5398761507673031E-04,1.2121072558019925E-03 -911 Agamemnon (A919 FB),I11,5.7988000000000000E+04,2.6322783150300000E+02,-4.4836159967999997E+01,4.4980527298136636E-01,-5.2138179950977470E+00,-1.8629636302038770E+00,6.9831300061087911E-03,4.6299315933205978E-04,1.2153271328149626E-03 -911 Agamemnon (A919 FB),I11,5.7989000000000000E+04,2.6323361730200003E+02,-4.4763773753000002E+01,4.5678030483188087E-01,-5.2133496180345302E+00,-1.8617480376146625E+00,6.9823478290107592E-03,4.7199920992040990E-04,1.2185453871004061E-03 -911 Agamemnon (A919 FB),I11,5.7990000000000000E+04,2.6324356205499998E+02,-4.4691428008000003E+01,4.6375446828760897E-01,-5.2128722424104961E+00,-1.8605291758750859E+00,6.9815534784189613E-03,4.8100575345930846E-04,1.2217620134577789E-03 -911 Agamemnon (A919 FB),I11,5.7991000000000000E+04,2.6325764659499998E+02,-4.4619146579000002E+01,4.7072775518902843E-01,-5.2123858687647475E+00,-1.8593070472752558E+00,6.9807469521863267E-03,4.9001277638716090E-04,1.2249770066704089E-03 -911 Agamemnon (A919 FB),I11,5.7992000000000000E+04,2.6327584935300001E+02,-4.4546952150999999E+01,4.7770015682314010E-01,-5.2118904975853368E+00,-1.8580816542236929E+00,6.9799282482595135E-03,4.9902026496654976E-04,1.2281903614894537E-03 -911 Agamemnon (A919 FB),I11,5.7993000000000000E+04,2.6329814674199997E+02,-4.4474866243000001E+01,4.8467166399467032E-01,-5.2113861293449180E+00,-1.8568529991660614E+00,6.9790973647135034E-03,5.0802820525374867E-04,1.2314020726389647E-03 -911 Agamemnon (A919 FB),I11,5.7994000000000000E+04,2.6332451346800002E+02,-4.4402909233999999E+01,4.9164226714047043E-01,-5.2108727645252095E+00,-1.8556210845426715E+00,6.9782542997983464E-03,5.1703658310471058E-04,1.2346121348050805E-03 -911 Agamemnon (A919 FB),I11,5.7995000000000000E+04,2.6335492278200002E+02,-4.4331100399999997E+01,4.9861195644200984E-01,-5.2103504036288477E+00,-1.8543859127776952E+00,6.9773990519911957E-03,5.2604538416732918E-04,1.2378205426349256E-03 -911 Agamemnon (A919 FB),I11,5.7996000000000000E+04,2.6338934666000000E+02,-4.4259457937999997E+01,5.0558072190640058E-01,-5.2098190471806989E+00,-1.8531474862895383E+00,6.9765316200578733E-03,5.3505459389679121E-04,1.2410272907289199E-03 -911 Agamemnon (A919 FB),I11,5.7997000000000000E+04,2.6342775595199998E+02,-4.4187998995999997E+01,5.1254855340380456E-01,-5.2092786957216104E+00,-1.8519058075110713E+00,6.9756520031209069E-03,5.4406419757473817E-04,1.2442323736379509E-03 -911 Agamemnon (A919 FB),I11,5.7998000000000000E+04,2.6347012052700001E+02,-4.4116739688999999E+01,5.1951544065592592E-01,-5.2087293497982028E+00,-1.8506608789102357E+00,6.9747602007336658E-03,5.5307418034574070E-04,1.2474357858601201E-03 -911 Agamemnon (A919 FB),I11,5.7999000000000000E+04,2.6351640942000000E+02,-4.4045695103000000E+01,5.2648137317973409E-01,-5.2081710099522178E+00,-1.8494127030018777E+00,6.9738562129573033E-03,5.6208452728037130E-04,1.2506375218377375E-03 -911 Agamemnon (A919 FB),I11,5.8000000000000000E+04,2.6356659101800000E+02,-4.3974879313999999E+01,5.3344634019327697E-01,-5.2076036767134912E+00,-1.8481612823432116E+00,6.9729400404362572E-03,5.7109522345726027E-04,1.2538375759577564E-03 -911 Agamemnon (A919 FB),I11,5.8001000000000000E+04,2.6362063329199998E+02,-4.3904305401999999E+01,5.4041033050542775E-01,-5.2070273506004350E+00,-1.8469066195056774E+00,6.9720116844636517E-03,5.8010625407996924E-04,1.2570359425538395E-03 -911 Agamemnon (A919 FB),I11,5.8002000000000000E+04,2.6367850407200001E+02,-4.3833985490000003E+01,5.4737333241639297E-01,-5.2064420321318563E+00,-1.8456487170207543E+00,6.9710711470290969E-03,5.8911760461814039E-04,1.2602326159154174E-03 -911 Agamemnon (A919 FB),I11,5.8003000000000000E+04,2.6374017134500002E+02,-4.3763930803999997E+01,5.5433533366907628E-01,-5.2058477218515247E+00,-1.8443875773031722E+00,6.9701184308342918E-03,5.9812926097116068E-04,1.2634275902997801E-03 -911 Agamemnon (A919 FB),I11,5.8004000000000000E+04,2.6380560354800002E+02,-4.3694151769000001E+01,5.6129632148655273E-01,-5.2052444203633526E+00,-1.8431232025642870E+00,6.9691535392764885E-03,6.0714120968359889E-04,1.2666208599491596E-03 -911 Agamemnon (A919 FB),I11,5.8005000000000000E+04,2.6387476980299999E+02,-4.3624658119000003E+01,5.6825628271360817E-01,-5.2046321283709416E+00,-1.8418555947353370E+00,6.9681764763537945E-03,6.1615343813513010E-04,1.2698124191176774E-03 -911 Agamemnon (A919 FB),I11,5.8006000000000000E+04,2.6394764004899997E+02,-4.3555459042999999E+01,5.7521520405020021E-01,-5.2040108467123414E+00,-1.8405847554210428E+00,6.9671872465313220E-03,6.2516593475019089E-04,1.2730022620999070E-03 -911 Agamemnon (A919 FB),I11,5.8007000000000000E+04,2.6402418504399998E+02,-4.3486563308999997E+01,5.8217307233704962E-01,-5.2033805763815524E+00,-1.8393106858962727E+00,6.9661858545238056E-03,6.3417868918084000E-04,1.2761903832653287E-03 -911 Agamemnon (A919 FB),I11,5.8008000000000000E+04,2.6410437623199999E+02,-4.3417979391000003E+01,5.8912987483943657E-01,-5.2027413185323965E+00,-1.8380333871463188E+00,6.9651723050166946E-03,6.4319169242349830E-04,1.2793767770977191E-03 -911 Agamemnon (A919 FB),I11,5.8009000000000000E+04,2.6418818549000002E+02,-4.3349715557000003E+01,5.9608559948713125E-01,-5.2020930744650311E+00,-1.8367528599406175E+00,6.9641466023312049E-03,6.5220493687279807E-04,1.2825614382247783E-03 -911 Agamemnon (A919 FB),I11,5.8010000000000000E+04,2.6427558479100003E+02,-4.3281779923000002E+01,6.0304023504766491E-01,-5.2014358455989518E+00,-1.8354691049265131E+00,6.9631087500695819E-03,6.6121841625849109E-04,1.2857443614485656E-03 -911 Agamemnon (A919 FB),I11,5.8011000000000000E+04,2.6436654581800002E+02,-4.3214180470000002E+01,6.0999377122985532E-01,-5.2007696334363258E+00,-1.8341821227324899E+00,6.9620587507750768E-03,6.7023212547400943E-04,1.2889255417664720E-03 -911 Agamemnon (A919 FB),I11,5.8012000000000000E+04,2.6446103956399998E+02,-4.3146925021000001E+01,6.1694619871556144E-01,-5.2000944395184217E+00,-1.8328919140750699E+00,6.9609966056347044E-03,6.7924606032614132E-04,1.2921049743721442E-03 -911 Agamemnon (A919 FB),I11,5.8013000000000000E+04,2.6455903594699998E+02,-4.3080021186000003E+01,6.2389750911223851E-01,-5.1994102653769776E+00,-1.8315984798640508E+00,6.9599223142787266E-03,6.8826021716709984E-04,1.2952826546470950E-03 -911 Agamemnon (A919 FB),I11,5.8014000000000000E+04,2.6466050349199998E+02,-4.3013476269999998E+01,6.3084769481357961E-01,-5.1987171124837719E+00,-1.8303018212963649E+00,6.9588358746821713E-03,6.9727459249561974E-04,1.2984585781357306E-03 -911 Agamemnon (A919 FB),I11,5.8015000000000000E+04,2.6476540910199998E+02,-4.2947297163999998E+01,6.3779674876572590E-01,-5.1980149822048274E+00,-1.8290019399231170E+00,6.9577372831971336E-03,7.0628918253833051E-04,1.3016327405095778E-03 -911 Agamemnon (A919 FB),I11,5.8016000000000000E+04,2.6487371796200000E+02,-4.2881490231999997E+01,6.4474466416581877E-01,-5.1973038757673340E+00,-1.8276988376734906E+00,6.9566265347037982E-03,7.1530398290060165E-04,1.3048051375220101E-03 -911 Agamemnon (A919 FB),I11,5.8017000000000000E+04,2.6498539358400001E+02,-4.2816061196000000E+01,6.5169143414625652E-01,-5.1965837942463473E+00,-1.8263925168282724E+00,6.9555036228416810E-03,7.2431898824558763E-04,1.3079757649634371E-03 -911 Agamemnon (A919 FB),I11,5.8018000000000000E+04,2.6510039798100001E+02,-4.2751015058999997E+01,6.5863705151176211E-01,-5.1958547385728222E+00,-1.8250829799498376E+00,6.9543685403108306E-03,7.3333419211167247E-04,1.3111446186177477E-03 -911 Agamemnon (A919 FB),I11,5.8019000000000000E+04,2.6521869192299999E+02,-4.2686356054999997E+01,6.6558150857531617E-01,-5.1951167095584294E+00,-1.8237702297892335E+00,6.9532212791912672E-03,7.4234958679003996E-04,1.3143116942214541E-03 -911 Agamemnon (A919 FB),I11,5.8020000000000000E+04,2.6534023523000002E+02,-4.2622087637000000E+01,6.7252479710831503E-01,-5.1943697079282645E+00,-1.8224542691941914E+00,6.9520618312455141E-03,7.5136516333300721E-04,1.3174769874345238E-03 -911 Agamemnon (A919 FB),I11,5.8021000000000000E+04,2.6546498704800001E+02,-4.2558212492000003E+01,6.7946690838338264E-01,-5.1936137343523532E+00,-1.8211351010370205E+00,6.9508901882008745E-03,7.6038091160235063E-04,1.3206404938266535E-03 -911 Agamemnon (A919 FB),I11,5.8022000000000000E+04,2.6559290608600003E+02,-4.2494732575000000E+01,6.8640783326936172E-01,-5.1928487894698323E+00,-1.8198127281713443E+00,6.9497063419625763E-03,7.6939682040799012E-04,1.3238022088595330E-03 -911 Agamemnon (A919 FB),I11,5.8023000000000000E+04,2.6572395079600000E+02,-4.2431649153000002E+01,6.9334756234007600E-01,-5.1920748739030085E+00,-1.8184871534166285E+00,6.9485102847824248E-03,7.7841287765569034E-04,1.3269621278888142E-03 -911 Agamemnon (A919 FB),I11,5.8024000000000000E+04,2.6585807950100002E+02,-4.2368962842000002E+01,7.0028608596382758E-01,-5.1912919882619066E+00,-1.8171583795644515E+00,6.9473020093663044E-03,7.8742907051060004E-04,1.3301202461675178E-03 -911 Agamemnon (A919 FB),I11,5.8025000000000000E+04,2.6599525049099998E+02,-4.2306673642000000E+01,7.0722339435509596E-01,-5.1905001331414375E+00,-1.8158264093975369E+00,6.9460815089324394E-03,7.9644538556890992E-04,1.3332765588511669E-03 -911 Agamemnon (A919 FB),I11,5.8026000000000000E+04,2.6613542210399999E+02,-4.2244780964000000E+01,7.1415947757610398E-01,-5.1896993091142214E+00,-1.8144912457129871E+00,6.9448487772386302E-03,8.0546180899506922E-04,1.3364310610135695E-03 -911 Agamemnon (A919 FB),I11,5.8027000000000000E+04,2.6627855281000001E+02,-4.2183283645000003E+01,7.2109432548451968E-01,-5.1888895167226874E+00,-1.8131528913402530E+00,6.9436038085642637E-03,8.1447832666773842E-04,1.3395837476522150E-03 -911 Agamemnon (A919 FB),I11,5.8028000000000000E+04,2.6642460133200001E+02,-4.2122179963999997E+01,7.2802792762956603E-01,-5.1880707564745485E+00,-1.8118113491442112E+00,6.9423465976855636E-03,8.2349492427843257E-04,1.3427346137035499E-03 -911 Agamemnon (A919 FB),I11,5.8029000000000000E+04,2.6657352680499997E+02,-4.2061467657000001E+01,7.3496027310627499E-01,-5.1872430288469680E+00,-1.8104666220037817E+00,6.9410771398319042E-03,8.3251158741519740E-04,1.3458836540531703E-03 -911 Agamemnon (A919 FB),I41,5.7970000000000000E+04,2.6384037410500002E+02,-4.6114922856000000E+01,3.2411297865809757E-01,-5.2207098135811121E+00,-1.8842820289431841E+00,6.9951300295829745E-03,3.0098328311996964E-04,1.1571260560207261E-03 -911 Agamemnon (A919 FB),I41,5.7971000000000000E+04,2.6377100639499997E+02,-4.6046601172999999E+01,3.3110198372568178E-01,-5.2204035310101267E+00,-1.8831253886343526E+00,6.9945666057782078E-03,3.0997826548893014E-04,1.1603727326285488E-03 -911 Agamemnon (A919 FB),I41,5.7972000000000000E+04,2.6370574227899999E+02,-4.5977794635999999E+01,3.3809031910197557E-01,-5.2200882440153293E+00,-1.8819654610520329E+00,6.9939910459067191E-03,3.1897396923944929E-04,1.1636178738175520E-03 -911 Agamemnon (A919 FB),I41,5.7973000000000000E+04,2.6364459770600001E+02,-4.5908536873000003E+01,3.4507797336866652E-01,-5.2197639521027526E+00,-1.8808022481097226E+00,6.9934033481722294E-03,3.2797038193243047E-04,1.1668614744596386E-03 -911 Agamemnon (A919 FB),I41,5.7974000000000000E+04,2.6358758659400002E+02,-4.5838860707999999E+01,3.5206493469535854E-01,-5.2194306548084493E+00,-1.8796357517016831E+00,6.9928035107419840E-03,3.3696749113629014E-04,1.1701035294288918E-03 -911 Agamemnon (A919 FB),I41,5.7975000000000000E+04,2.6353472113399999E+02,-4.5768798175999997E+01,3.5905119081126602E-01,-5.2190883517155422E+00,-1.8784659736494060E+00,6.9921915317543402E-03,3.4596528442100080E-04,1.1733440335986061E-03 -911 Agamemnon (A919 FB),I41,5.7976000000000000E+04,2.6348601210700002E+02,-4.5698380569000001E+01,3.6603672902497159E-01,-5.2187370424763335E+00,-1.8772929156438092E+00,6.9915674093067332E-03,3.5496374935102028E-04,1.1765829818430990E-03 -911 Agamemnon (A919 FB),I41,5.7977000000000000E+04,2.6344146914999999E+02,-4.5627638509000001E+01,3.7302153629107976E-01,-5.2183767268367820E+00,-1.8761165791917289E+00,6.9909311414583153E-03,3.6396287348088030E-04,1.1798203690369855E-03 -911 Agamemnon (A919 FB),I41,5.7978000000000000E+04,2.6340110097000002E+02,-4.5556602030999997E+01,3.8000559931730538E-01,-5.2180074046607583E+00,-1.8749369655728139E+00,6.9902827262333031E-03,3.7296264435054960E-04,1.1830561900539719E-03 -911 Agamemnon (A919 FB),I41,5.7979000000000000E+04,2.6336491547300000E+02,-4.5485300684000002E+01,3.8698890470668179E-01,-5.2176290759523063E+00,-1.8737540758092941E+00,6.9896221616150955E-03,3.8196304947850021E-04,1.1862904397679280E-03 -911 Agamemnon (A919 FB),I41,5.7980000000000000E+04,2.6333291980000001E+02,-4.5413763635000002E+01,3.9397143912818150E-01,-5.2172417408754050E+00,-1.8725679106503472E+00,6.9889494455441167E-03,3.9096407635334091E-04,1.1895231130528495E-03 -911 Agamemnon (A919 FB),I41,5.7981000000000000E+04,2.6330512025899998E+02,-4.5342019768999997E+01,4.0095318952066394E-01,-5.2168453997701603E+00,-1.8713784705738521E+00,6.9882645759292775E-03,3.9996571243179971E-04,1.1927542047805246E-03 -911 Agamemnon (A919 FB),I41,5.7982000000000000E+04,2.6328152213499999E+02,-4.5270097775000004E+01,4.0793414333074463E-01,-5.2164400531623558E+00,-1.8701857558140118E+00,6.9875675506366041E-03,4.0896794512518091E-04,1.1959837098224624E-03 -911 Agamemnon (A919 FB),I41,5.7983000000000000E+04,2.6326212936200000E+02,-4.5198026206999998E+01,4.1491428877025516E-01,-5.2160257017600919E+00,-1.8689897664276038E+00,6.9868583674977166E-03,4.1797076179268984E-04,1.1992116230479331E-03 -911 Agamemnon (A919 FB),I41,5.7984000000000000E+04,2.6324694408500000E+02,-4.5125833499999999E+01,4.2189361504814066E-01,-5.2156023464295167E+00,-1.8677905024087926E+00,6.9861370243127063E-03,4.2697414973101068E-04,1.2024379393230501E-03 -911 Agamemnon (A919 FB),I41,5.7985000000000000E+04,2.6323596613000001E+02,-4.5053547920000000E+01,4.2887211250154267E-01,-5.2151699881447637E+00,-1.8665879638479144E+00,6.9854035188522002E-03,4.3597809616091956E-04,1.2056626535100943E-03 -911 Agamemnon (A919 FB),I41,5.7986000000000000E+04,2.6322919248300002E+02,-4.4981197452000004E+01,4.3584977254957225E-01,-5.2147286279165233E+00,-1.8653821511057236E+00,6.9846578488696690E-03,4.4498258821678086E-04,1.2088857604643469E-03 -911 Agamemnon (A919 FB),I41,5.7987000000000000E+04,2.6322661687599998E+02,-4.4908809619000003E+01,4.4282658744287479E-01,-5.2142782667151000E+00,-1.8641730649559523E+00,6.9839000121043717E-03,4.5398761292718068E-04,1.2121072550329963E-03 -911 Agamemnon (A919 FB),I41,5.7988000000000000E+04,2.6322822957800003E+02,-4.4836411280000000E+01,4.4980254986469648E-01,-5.2138189054096342E+00,-1.8629607066519192E+00,6.9831300062944577E-03,4.6299315719977065E-04,1.2153271320524592E-03 -911 Agamemnon (A919 FB),I41,5.7989000000000000E+04,2.6323401742499999E+02,-4.4764028424999999E+01,4.5677765249970148E-01,-5.2133505447399537E+00,-1.8617450779017415E+00,6.9823478291967120E-03,4.7199920780601964E-04,1.2185453863442104E-03 -911 Agamemnon (A919 FB),I41,5.7990000000000000E+04,2.6324396407000000E+02,-4.4691686021999999E+01,4.6375188769491954E-01,-5.2128731853232955E+00,-1.8605261807720368E+00,6.9815534786072768E-03,4.8100575136163053E-04,1.2217620127084896E-03 -911 Agamemnon (A919 FB),I41,5.7991000000000000E+04,2.6325805034799998E+02,-4.4619407918999997E+01,4.7072524727503229E-01,-5.2123868276856937E+00,-1.8593040175626150E+00,6.9807469523747914E-03,4.9001277430757960E-04,1.2249770059275123E-03 -911 Agamemnon (A919 FB),I41,5.7992000000000000E+04,2.6327625469200001E+02,-4.4547216796000001E+01,4.7769772251100251E-01,-5.2118914723019252E+00,-1.8580785906915136E+00,6.9799282484498118E-03,4.9902026290416998E-04,1.2281903607534099E-03 -911 Agamemnon (A919 FB),I41,5.7993000000000000E+04,2.6329855351800001E+02,-4.4475134171999997E+01,4.8466930419120147E-01,-5.2113871196311647E+00,-1.8568499026137557E+00,6.9790973649049249E-03,5.0802820320905093E-04,1.2314020719096438E-03 -911 Agamemnon (A919 FB),I41,5.7994000000000000E+04,2.6332492153499999E+02,-4.4403180427000002E+01,4.9163998273581055E-01,-5.2108737701414594E+00,-1.8556179557788450E+00,6.9782542999912841E-03,5.1703658107755089E-04,1.2346121340826052E-03 -911 Agamemnon (A919 FB),I41,5.7995000000000000E+04,2.6335533199700001E+02,-4.4331374832000002E+01,4.9860974830934895E-01,-5.2103514243216242E+00,-1.8543827526200225E+00,6.9773990521846954E-03,5.2604538215825052E-04,1.2378205419191265E-03 -911 Agamemnon (A919 FB),I41,5.7996000000000000E+04,2.6338975688099998E+02,-4.4259735585000001E+01,5.0557859090166835E-01,-5.2098200826825467E+00,-1.8531442955646067E+00,6.9765316202518709E-03,5.3505459190585948E-04,1.2410272900198246E-03 -911 Agamemnon (A919 FB),I41,5.7997000000000000E+04,2.6342816704299997E+02,-4.4188279833999999E+01,5.1254650036534333E-01,-5.2092797457509752E+00,-1.8519025870542440E+00,6.9756520033160286E-03,5.4406419560171920E-04,1.2442323729357145E-03 -911 Agamemnon (A919 FB),I41,5.7998000000000000E+04,2.6347053235200002E+02,-4.4117023689000000E+01,5.1951346640420071E-01,-5.2087304140593211E+00,-1.8506576295655031E+00,6.9747602009298639E-03,5.5307417839070040E-04,1.2474357851647610E-03 -911 Agamemnon (A919 FB),I41,5.7999000000000000E+04,2.6351682184700002E+02,-4.4045982240000001E+01,5.2647947851703614E-01,-5.2081720881350222E+00,-1.8494094256217171E+00,6.9738562131545266E-03,5.6208452534336865E-04,1.2506375211492650E-03 -911 Agamemnon (A919 FB),I41,5.8000000000000000E+04,2.6356700391800001E+02,-4.3975169559999998E+01,5.3344452590342084E-01,-5.2076047684935354E+00,-1.8481579777884583E+00,6.9729400406337442E-03,5.7109522153866131E-04,1.2538375752760677E-03 -911 Agamemnon (A919 FB),I41,5.8001000000000000E+04,2.6362104653799997E+02,-4.3904598729000000E+01,5.4040859735342106E-01,-5.2070284556388318E+00,-1.8469032886453565E+00,6.9720116846618196E-03,5.8010625217963865E-04,1.2570359418790265E-03 -911 Agamemnon (A919 FB),I41,5.8002000000000000E+04,2.6367891753900000E+02,-4.3834281867999998E+01,5.4737168114811929E-01,-5.2064431500752653E+00,-1.8456453607318966E+00,6.9710711472283689E-03,5.8911760273593072E-04,1.2602326152475630E-03 -911 Agamemnon (A919 FB),I41,5.8003000000000000E+04,2.6374058491300002E+02,-4.3764230204000000E+01,5.5433376501094400E-01,-5.2058488523321378E+00,-1.8443841964706247E+00,6.9701184310338995E-03,5.9812925910739806E-04,1.2634275896387774E-03 -911 Agamemnon (A919 FB),I41,5.8004000000000000E+04,2.6380601709799998E+02,-4.3694454159000003E+01,5.6129483614519549E-01,-5.2052455629989183E+00,-1.8431197980805272E+00,6.9691535394766149E-03,6.0714120783822781E-04,1.2666208592950587E-03 -911 Agamemnon (A919 FB),I41,5.8005000000000000E+04,2.6387518321900001E+02,-4.3624963469999997E+01,5.6825488137549729E-01,-5.2046332827648030E+00,-1.8418521675002377E+00,6.9681764765543892E-03,6.1615343630817138E-04,1.2698124184704761E-03 -911 Agamemnon (A919 FB),I41,5.8006000000000000E+04,2.6394805321699999E+02,-4.3555767322000001E+01,5.7521388738125734E-01,-5.2040120124535143E+00,-1.8405813063416137E+00,6.9671872467320858E-03,6.2516593294176942E-04,1.2730022614595806E-03 -911 Agamemnon (A919 FB),I41,5.8007000000000000E+04,2.6402459785399998E+02,-4.3486874483999998E+01,5.8217184098232533E-01,-5.2033817530448028E+00,-1.8393072158864205E+00,6.9661858547259235E-03,6.3417868739061231E-04,1.2761903826320198E-03 -911 Agamemnon (A919 FB),I41,5.8008000000000000E+04,2.6410478857599998E+02,-4.3418293429999999E+01,5.8912872942274863E-01,-5.2027425056783123E+00,-1.8380298971266500E+00,6.9651723052183848E-03,6.4319169065196052E-04,1.2793767764712307E-03 -911 Agamemnon (A919 FB),I41,5.8009000000000000E+04,2.6418859726199997E+02,-4.3350032425999999E+01,5.9608454061073324E-01,-5.2020942716400969E+00,-1.8367493508382799E+00,6.9641466025324077E-03,6.5220493511991898E-04,1.2825614376051116E-03 -911 Agamemnon (A919 FB),I41,5.8010000000000000E+04,2.6427599588800001E+02,-4.3282099590000001E+01,6.0303926329191104E-01,-5.2014370523356224E+00,-1.8354655776750581E+00,6.9631087502722445E-03,6.6121841452386129E-04,1.2857443608359153E-03 -911 Agamemnon (A919 FB),I41,5.8011000000000000E+04,2.6436695614000001E+02,-4.3214502901000003E+01,6.0999288715293343E-01,-5.2007708492530886E+00,-1.8341785782717490E+00,6.9620587509774045E-03,6.7023212375798974E-04,1.2889255411606660E-03 -911 Agamemnon (A919 FB),I41,5.8012000000000000E+04,2.6446144901200000E+02,-4.3147250182999997E+01,6.1694540285327970E-01,-5.2000956639198845E+00,-1.8328883533511044E+00,6.9609966058371423E-03,6.7924605862863113E-04,1.2921049737732162E-03 -911 Agamemnon (A919 FB),I41,5.8013000000000000E+04,2.6455944442600003E+02,-4.3080349044000002E+01,6.2389680197779773E-01,-5.1994114978539301E+00,-1.8315949038290325E+00,6.9599223144809746E-03,6.8826021548812691E-04,1.2952826540550207E-03 -911 Agamemnon (A919 FB),I41,5.8014000000000000E+04,2.6466091090999998E+02,-4.3013806789000000E+01,6.3084707689734176E-01,-5.1987183525133238E+00,-1.8302982309084550E+00,6.9588358748846916E-03,6.9727459083509039E-04,1.2984585775505286E-03 -911 Agamemnon (A919 FB),I41,5.8015000000000000E+04,2.6476581536800001E+02,-4.2947630312000001E+01,6.3779622053504625E-01,-5.1980162292505225E+00,-1.8289983361462796E+00,6.9577372833993668E-03,7.0628918089631065E-04,1.3016327399312086E-03 -911 Agamemnon (A919 FB),I41,5.8016000000000000E+04,2.6487412298700002E+02,-4.2881825972999998E+01,6.4474422606482984E-01,-5.1973051292793322E+00,-1.8276952214772706E+00,6.9566265349067184E-03,7.1530398127693864E-04,1.3048051369505115E-03 -911 Agamemnon (A919 FB),I41,5.8017000000000000E+04,2.6498579728300001E+02,-4.2816399494999999E+01,6.5169108659565611E-01,-5.1965850536616136E+00,-1.8263888891875188E+00,6.9555036230442230E-03,7.2431898664038902E-04,1.3079757643987419E-03 -911 Agamemnon (A919 FB),I41,5.8018000000000000E+04,2.6510080026999998E+02,-4.2751355883000002E+01,6.5863679490851312E-01,-5.1958560033153383E+00,-1.8250793418444180E+00,6.9543685405132061E-03,7.3333419052488275E-04,1.3111446180598457E-03 -911 Agamemnon (A919 FB),I41,5.8019000000000000E+04,2.6521909272200003E+02,-4.2686699369000003E+01,6.6558134329243668E-01,-5.1951179790394253E+00,-1.8237665822037514E+00,6.9532212793921465E-03,7.4234958522170075E-04,1.3143116936702940E-03 -911 Agamemnon (A919 FB),I41,5.8020000000000000E+04,2.6534063445999999E+02,-4.2622433407000003E+01,6.7252472349464232E-01,-5.1943709815464656E+00,-1.8224506131176925E+00,6.9520618314476692E-03,7.5136516178291035E-04,1.3174769868901628E-03 -911 Agamemnon (A919 FB),I41,5.8021000000000000E+04,2.6546538463200000E+02,-4.2558560683000003E+01,6.7946692676331610E-01,-5.1936150114942388E+00,-1.8211314374627325E+00,6.9508901884024702E-03,7.6038091007054123E-04,1.3206404932890232E-03 -911 Agamemnon (A919 FB),I41,5.8022000000000000E+04,2.6559330194900002E+02,-4.2495083153000003E+01,6.8640794394262561E-01,-5.1928500695098885E+00,-1.8198090580964381E+00,6.9497063421635709E-03,7.6939681889445083E-04,1.3238022083286159E-03 -911 Agamemnon (A919 FB),I41,5.8023000000000000E+04,2.6572434486600002E+02,-4.2432002083999997E+01,6.9334776558143441E-01,-5.1920761562040152E+00,-1.8184834778419507E+00,6.9485102849832867E-03,7.7841287616036217E-04,1.3269621273645901E-03 -911 Agamemnon (A919 FB),I41,5.8024000000000000E+04,2.6585847170699998E+02,-4.2369318090999997E+01,7.0028638202287752E-01,-5.1912932721752343E+00,-1.8171546994942909E+00,6.9473020095659616E-03,7.8742906903341015E-04,1.3301202456499619E-03 -911 Agamemnon (A919 FB),I41,5.8025000000000000E+04,2.6599564076500002E+02,-4.2307031176999999E+01,7.0722378345603421E-01,-5.1905014180073330E+00,-1.8158227258393900E+00,6.9460815091329075E-03,7.9644538410985136E-04,1.3332765583402371E-03 -911 Agamemnon (A919 FB),I41,5.8026000000000000E+04,2.6613581037900002E+02,-4.2245140751000001E+01,7.1415995991754389E-01,-5.1897005942621330E+00,-1.8144875596773069E+00,6.9448487774378181E-03,8.0546180755403096E-04,1.3364310605092644E-03 -911 Agamemnon (A919 FB),I41,5.8027000000000000E+04,2.6627893902300002E+02,-4.2183645650999999E+01,7.2109490123927755E-01,-5.1888908014716000E+00,-1.8131492038402066E+00,6.9436038087626467E-03,8.1447832524466843E-04,1.3395837471545031E-03 -911 Agamemnon (A919 FB),I41,5.8028000000000000E+04,2.6642498541900000E+02,-4.2122544155000000E+01,7.2802859694443089E-01,-5.1880720401333047E+00,-1.8118076611954248E+00,6.9423465978838582E-03,8.2349492287331003E-04,1.3427346132123777E-03 -911 Agamemnon (A919 FB),I41,5.8029000000000000E+04,2.6657390870600000E+02,-4.2061833999000001E+01,7.3496103610174790E-01,-5.1872443107146307E+00,-1.8104629346240768E+00,6.9410771400290599E-03,8.3251158602789047E-04,1.3458836535685417E-03 diff --git a/thor/testing/data/observer_states.csv b/thor/testing/data/observer_states.csv deleted file mode 100644 index 255802c0..00000000 --- a/thor/testing/data/observer_states.csv +++ /dev/null @@ -1,301 +0,0 @@ -observatory_code,mjd_utc,x,y,z,vx,vy,vz -500,5.7970000000000276E+04,6.8586594019071612E-01,-7.4741308383276428E-01,2.5959524522925721E-05,1.2389618649912880E-02,1.1566455963625211E-02,-5.9855531951625458E-08 -500,5.7971000000000560E+04,6.9815794920795571E-01,-7.3574195222658323E-01,2.5939437212899941E-05,1.2193856140705140E-02,1.1775283843329201E-02,1.5906511318517261E-08 -500,5.7971999999999905E+04,7.1025257259292118E-01,-7.2386356228284365E-01,2.5983083465452389E-05,1.1994853625035490E-02,1.1980973432965510E-02,6.6924813967421444E-08 -500,5.7973000000000189E+04,7.2214658695501366E-01,-7.1178104958074351E-01,2.6063769077810779E-05,1.1792642144940149E-02,1.2183530369175881E-02,8.9420333440393744E-08 -500,5.7974000000000458E+04,7.3383679302894744E-01,-6.9949754401902065E-01,2.6151448521377510E-05,1.1587238608913791E-02,1.2382959745198640E-02,8.0532422280522865E-08 -500,5.7974999999999331E+04,7.4532000087496408E-01,-6.8701617240446278E-01,2.6213833313046630E-05,1.1378644698236460E-02,1.2579261878014850E-02,3.8697633263381790E-08 -500,5.7975999999999600E+04,7.5659301473737728E-01,-6.7434006562044202E-01,2.6217864870077498E-05,1.1166847313088740E-02,1.2772427476732819E-02,-3.6010642560489400E-08 -500,5.7976999999999862E+04,7.6765261917755401E-01,-6.6147237065523135E-01,2.6131483809760850E-05,1.0951820666030150E-02,1.2962432859614780E-02,-1.4163621339491711E-07 -500,5.7978000000000124E+04,7.7849556805447861E-01,-6.4841626716091605E-01,2.5925584777258429E-05,1.0733529841174920E-02,1.3149235748366290E-02,-2.7421768846986348E-07 -500,5.7978999999999447E+04,7.8911857768283367E-01,-6.3517498779816028E-01,2.5576028592033232E-05,1.0511935545110710E-02,1.3332771924005549E-02,-4.2779617612621548E-07 -500,5.7979999999999702E+04,7.9951832527139566E-01,-6.2175184144536499E-01,2.5065581238049439E-05,1.0286999920125110E-02,1.3512952867746911E-02,-5.9455534897437430E-07 -500,5.7980999999999949E+04,8.0969145374157181E-01,-6.0815023818456959E-01,2.4385638145204429E-05,1.0058693516873451E-02,1.3689664632661179E-02,-7.6511753360122299E-07 -500,5.7982000000000189E+04,8.1963458415074975E-01,-5.9437371454123311E-01,2.3537552102822598E-05,9.8270035238340256E-03,1.3862768623553550E-02,-9.2905170921776336E-07 -500,5.7982999999999498E+04,8.2934433683311248E-01,-5.8042595652148998E-01,2.2533319842596099E-05,9.5919428253321767E-03,1.4032105438026790E-02,-1.0756561830447870E-06 -500,5.7983999999999731E+04,8.3881736144112551E-01,-5.6631081677970918E-01,2.1395342616721131E-05,9.3535583913642410E-03,1.4197502902945270E-02,-1.1950190279565900E-06 -500,5.7984999999999956E+04,8.4805037399365768E-01,-5.5203232153572701E-01,2.0155036083746189E-05,9.1119364137885878E-03,1.4358788409815391E-02,-1.2792228553042639E-06 -500,5.7986000000000182E+04,8.5704019626635064E-01,-5.3759466369526543E-01,1.8850278445059420E-05,8.8672014805636669E-03,1.4515803679120609E-02,-1.3234060661829281E-06 -500,5.7986999999999476E+04,8.6578379079489698E-01,-5.2300218150491373E-01,1.7522014037204520E-05,8.6195086567032817E-03,1.4668418214798791E-02,-1.3263388191607480E-06 -500,5.7987999999999687E+04,8.7427828498968518E-01,-5.0825932612284530E-01,1.6210620815174129E-05,8.3690301395512364E-03,1.4816537448400899E-02,-1.2903050097176070E-06 -500,5.7988999999999905E+04,8.8252098079751551E-01,-4.9337062469079368E-01,1.4952729196507310E-05,8.1159404577894490E-03,1.4960103499256829E-02,-1.2203513818118810E-06 -500,5.7990000000000109E+04,8.9050935064366588E-01,-4.7834064606965981E-01,1.3778989875389040E-05,7.8604044273571545E-03,1.5099089460180860E-02,-1.1232016196188189E-06 -500,5.7991000000000313E+04,8.9824102382184978E-01,-4.6317397430215668E-01,1.2712942226457250E-05,7.6025702936750664E-03,1.5233490254328909E-02,-1.0061960073113780E-06 -500,5.7992000000000517E+04,9.0571376872280096E-01,-4.4787519150711569E-01,1.1770818112286130E-05,7.3425680990274831E-03,1.5363313399699650E-02,-8.7650871967618912E-07 -500,5.7992999999999782E+04,9.1292547542306690E-01,-4.3244886906578028E-01,1.0961949154453060E-05,7.0805117069222094E-03,1.5488571907591149E-02,-7.4072405166002804E-07 -500,5.7993999999999978E+04,9.1987414129038680E-01,-4.1689956446593412E-01,1.0289435520519360E-05,6.8165024976486579E-03,1.5609280097005960E-02,-6.0472194927701483E-07 -500,5.7995000000000167E+04,9.2655786042505350E-01,-4.0123182095071452E-01,9.7508183689445218E-06,6.5506331252738279E-03,1.5725452069604740E-02,-4.7376600138472701E-07 -500,5.7996000000000357E+04,9.3297481644732050E-01,-3.8545016766008489E-01,9.3386092857899433E-06,6.2829903350024993E-03,1.5837102115134141E-02,-3.5268469225862593E-07 -500,5.7997000000000538E+04,9.3912327740996171E-01,-3.6955911874626368E-01,9.0406298688626097E-06,6.0136563441417152E-03,1.5944246219618440E-02,-2.4605694413569542E-07 -500,5.7997999999999789E+04,9.4500159129172301E-01,-3.5356317076045157E-01,8.8401926404970585E-06,5.7427086155028458E-03,1.6046903891371471E-02,-1.5833402515493641E-07 -500,5.7998999999999956E+04,9.5060818047330009E-01,-3.3746679836349991E-01,8.7162143828335858E-06,5.4702180728488821E-03,1.6145099559552008E-02,-9.3845048204731695E-08 -500,5.8000000000000131E+04,9.5594153375336355E-01,-3.2127444916147208E-01,8.6433992106767755E-06,5.1962460376725143E-03,1.6238862812005941E-02,-5.6646861537824910E-08 -500,5.8001000000000298E+04,9.6100019489511901E-01,-3.0499053916656621E-01,8.5926581524439788E-06,4.9208404807109312E-03,1.6328226798944152E-02,-5.0200843742148802E-08 -500,5.8002000000000458E+04,9.6578274747074555E-01,-2.8861945097308250E-01,8.5319318494439319E-06,4.6440325609823866E-03,1.6413224367039000E-02,-7.6897559066864178E-08 -500,5.8003000000000611E+04,9.7028779691063760E-01,-2.7216553692733669E-01,8.4275357241099091E-06,4.3658347167504202E-03,1.6493882006421989E-02,-1.3750460151373061E-07 -500,5.8003999999999833E+04,9.7451395194397461E-01,-2.5563312913090891E-01,8.2460438050243885E-06,4.0862415310069953E-03,1.6570212440988521E-02,-2.3066610983786070E-07 -500,5.8004999999999978E+04,9.7845980860555426E-01,-2.3902655691457239E-01,7.9565842331721875E-06,3.8052340359624160E-03,1.6642207392876571E-02,-3.5260382653382290E-07 -500,5.8006000000000116E+04,9.8212394018016380E-01,-2.2235017071261859E-01,7.5332821670300042E-06,3.5227871416108731E-03,1.6709832298612809E-02,-4.9713423362052634E-07 -500,5.8007000000000255E+04,9.8550489563216792E-01,-2.0560836965481910E-01,6.9575115318483047E-06,3.2388789036456940E-03,1.6773024305064211E-02,-6.5602987026977193E-07 -500,5.8008000000000386E+04,9.8860120750057523E-01,-1.8880562932685949E-01,6.2196383110297447E-06,2.9534999016017382E-03,1.6831693912850949E-02,-8.1965728436265738E-07 -500,5.8009000000000509E+04,9.9141140859490129E-01,-1.7194652627059159E-01,5.3200377897339367E-06,2.6666612724631699E-03,1.6885729700786049E-02,-9.7776965857157066E-07 -500,5.8010000000000626E+04,9.9393405570655924E-01,-1.5503575663291330E-01,4.2692915144139004E-06,2.3784006423390991E-03,1.6935005140289301E-02,-1.1203386505764590E-06 -500,5.8010999999999338E+04,9.9616775811667135E-01,-1.3807814732155521E-01,3.0875649586378408E-06,2.0887857851120688E-03,1.6979386653962859E-02,-1.2383527568413989E-06 -500,5.8011999999999440E+04,9.9811120861728908E-01,-1.2107865869805620E-01,1.8032203094446800E-06,1.7979159719979780E-03,1.7018742424325051E-02,-1.3245430870776921E-06 -500,5.8012999999999542E+04,9.9976321463034756E-01,-1.0404237824368150E-01,4.5075684740212962E-07,1.5059207506155710E-03,1.7052951555306110E-02,-1.3739926388321970E-06 -500,5.8013999999999629E+04,1.0011227266408791E+00,-8.6974505174747752E-02,-9.3176868279121763E-07,1.2129557325782951E-03,1.7081912839164191E-02,-1.3845510618836689E-06 -500,5.8014999999999716E+04,1.0021888608534810E+00,-6.9880327011160093E-02,-2.3055972015192370E-06,9.1919529705987034E-04,1.7105551833611381E-02,-1.3569548306921929E-06 -500,5.8015999999999796E+04,1.0029609132892101E+00,-5.2765190547053448E-02,-3.6340639416164240E-06,6.2482298390059503E-04,1.7123824747221610E-02,-1.2945850651863610E-06 -500,5.8016999999999876E+04,1.0034383638106710E+00,-3.5634470976478851E-02,-4.8849771181497521E-06,3.3002130292996638E-04,1.7136718173127900E-02,-1.2028872932307590E-06 -500,5.8017999999999942E+04,1.0036208705522529E+00,-1.8493543325422569E-02,-6.0322985147547836E-06,3.4963071175655563E-05,1.7144244882817260E-02,-1.0885846446803850E-06 -500,5.8019000000000007E+04,1.0035082571622771E+00,-1.3477595183053490E-03,-7.0570130620974771E-06,-2.6019411601188071E-04,1.7146437074110569E-02,-9.5887514994340052E-07 -500,5.8020000000000073E+04,1.0031004963384389E+00,1.5797567345036879E-02,-7.9472615311485463E-06,-5.5530978971586218E-04,1.7143339024373150E-02,-8.2078361251172214E-07 -500,5.8021000000000124E+04,1.0023976930505569E+00,3.2937171805623833E-02,-8.6979445764025483E-06,-8.5025949981848512E-04,1.7135000853031889E-02,-6.8075994563119432E-07 -500,5.8022000000000175E+04,1.0014000698751810E+00,5.0065839612394053E-02,-9.3100529163789531E-06,-1.1449319234890700E-03,1.7121474355693330E-02,-5.4452746858655882E-07 -500,5.8023000000000218E+04,1.0001079555678050E+00,6.7178408264321240E-02,-9.7899484524983129E-06,-1.4392254790386869E-03,1.7102811091993131E-02,-4.1712392063938509E-07 -500,5.8023999999999331E+04,9.9852177683214260E-01,8.4269766633061488E-02,-1.0148749097538430E-05,-1.7330454560313101E-03,1.7079062375084251E-02,-3.0305390212346212E-07 -500,5.8024999999999367E+04,9.9664205241499482E-01,1.0133485528017820E-01,-1.0401887928498330E-05,-2.0263023157779040E-03,1.7050280557352099E-02,-2.0647245868035110E-07 -500,5.8025999999999396E+04,9.9446938815360275E-01,1.1836866842062491E-01,-1.0568841679331079E-05,-2.3189115280407100E-03,1.7016520920810189E-02,-1.3132919769386580E-07 -500,5.8026999999999418E+04,9.9200447134527114E-01,1.3536625777212569E-01,-1.0672957280168360E-05,-2.6107950994697870E-03,1.6977843426728041E-02,-8.1410279914449562E-08 -500,5.8027999999999440E+04,9.8924806275779043E-01,1.5232273773892829E-01,-1.0741245255641040E-05,-2.9018847290425390E-03,1.6934313483891919E-02,-6.0221249104040551E-08 -500,5.8028999999999454E+04,9.8620098482711238E-01,1.6923329047214780E-01,-1.0803956795274191E-05,-3.1921261710036340E-03,1.6886000791654011E-02,-7.0666077347532358E-08 -703,5.7970000000000276E+04,6.8583275001066024E-01,-7.4741682323224212E-01,5.2419796084789453E-05,1.2477541699220860E-02,1.1374315220137829E-02,8.3071976149548161E-05 -703,5.7971000000000560E+04,6.9812500399969113E-01,-7.3574621430834886E-01,5.2625857788790802E-05,1.2285367335194950E-02,1.1584556725927460E-02,8.2528313354396216E-05 -703,5.7971999999999905E+04,7.1021988211564202E-01,-7.2386834310907344E-01,5.2893927516585133E-05,1.2089925885346421E-02,1.1791716382966231E-02,8.1935501384661132E-05 -703,5.7973000000000189E+04,7.2211416089199376E-01,-7.1178634506071037E-01,5.3197243987605421E-05,1.1891247336976151E-02,1.1995799391530520E-02,8.1289950199111031E-05 -703,5.7974000000000458E+04,7.3380464098496145E-01,-6.9950334991048324E-01,5.3505695423401892E-05,1.1689347552783180E-02,1.2196810391552321E-02,8.0588993117391609E-05 -703,5.7974999999999331E+04,7.4528813237368829E-01,-6.8702248431496316E-01,5.3786927880062108E-05,1.1484227177170989E-02,1.2394749229358111E-02,7.9831266246543735E-05 -703,5.7975999999999600E+04,7.5656143921898222E-01,-6.7434687900852441E-01,5.4007818318238089E-05,1.1275872083334370E-02,1.2589606127277071E-02,7.9017048546250088E-05 -703,5.7976999999999862E+04,7.6762134599628551E-01,-6.6147968083146813E-01,5.4136243913520232E-05,1.1064255466555329E-02,1.2781356901387550E-02,7.8148508843607303E-05 -703,5.7978000000000124E+04,7.7846460647602267E-01,-6.4842406928878160E-01,5.4143036682321602E-05,1.0849341402861120E-02,1.2969958755710149E-02,7.7229829826612199E-05 -703,5.7978999999999447E+04,7.8908793688163792E-01,-6.3518327689489407E-01,5.4003995616703702E-05,1.0631089600333279E-02,1.3155346939306469E-02,7.6267201208093637E-05 -703,5.7979999999999702E+04,7.9948801432771677E-01,-6.2176061238302427E-01,5.3701825363251350E-05,1.0409461212561510E-02,1.3337432386997300E-02,7.5268680548575513E-05 -703,5.7980999999999949E+04,8.0966148163835894E-01,-6.0815948569125777E-01,5.3227860333900872E-05,1.0184425811171240E-02,1.3516100591108070E-02,7.4243897120123849E-05 -703,5.7982000000000189E+04,8.1960495977032688E-01,-5.9438343320280507E-01,5.2583392313537391E-05,9.9559696159403233E-03,1.3691212380392229E-02,7.3203543208058609E-05 -703,5.7982999999999498E+04,8.2931506895411855E-01,-5.8043614078362538E-01,5.1780357225616867E-05,9.7241045534572738E-03,1.3862607761960560E-02,7.2158588843396212E-05 -703,5.7983999999999731E+04,8.3878845873549990E-01,-5.6632146095012825E-01,5.0841095711970843E-05,9.4888766463509383E-03,1.4030113955741120E-02,7.1119219377353951E-05 -703,5.7984999999999956E+04,8.4802184502407829E-01,-5.5204341978698879E-01,4.9796963237543468E-05,9.2503711524849035E-03,1.4193557729956259E-02,7.0093628066081017E-05 -703,5.7986000000000182E+04,8.5701204948386711E-01,-5.3760621006698583E-01,4.8685778569082542E-05,9.0087117370928546E-03,1.4352780164265571E-02,6.9086954052174755E-05 -703,5.7986999999999476E+04,8.6575603453714989E-01,-5.2301416990578797E-01,4.7548427943663402E-05,8.7640525560961861E-03,1.4507650106288151E-02,6.8100706355496841E-05 -703,5.7987999999999687E+04,8.7425092747925481E-01,-5.0827175033213035E-01,4.6425232817039570E-05,8.5165649106819438E-03,1.4658072317774270E-02,6.7132883500195252E-05 -703,5.7988999999999905E+04,8.8249403013981509E-01,-4.9338347835943130E-01,4.5352768403810899E-05,8.2664224451992323E-03,1.4803988234141380E-02,6.6178727669578458E-05 -703,5.7990000000000109E+04,8.9048281482466662E-01,-4.7835392272139049E-01,4.4361631366763982E-05,8.0137891035868321E-03,1.4945370251284090E-02,6.5231812397675606E-05 -703,5.7991000000000313E+04,8.9821491070562742E-01,-4.6318766733485561E-01,4.3475308006646189E-05,7.7588122720360260E-03,1.5082212582946460E-02,6.4285103539450680E-05 -703,5.7992000000000517E+04,9.0568808604904527E-01,-4.4788929419465712E-01,4.2709977839081137E-05,7.5016211478218181E-03,1.5214522025823150E-02,6.3331741437402841E-05 -703,5.7992999999999782E+04,9.1290023080435256E-01,-4.3246337455987571E-01,4.2074920705615227E-05,7.2423287623278121E-03,1.5342310856376039E-02,6.2365464541193710E-05 -703,5.7993999999999978E+04,9.1984934220972137E-01,-4.1691446579821662E-01,4.1573185712725217E-05,6.9810356777219411E-03,1.5465592646346071E-02,6.1380722434630630E-05 -703,5.7995000000000167E+04,9.2653351423343067E-01,-4.0124711103500832E-01,4.1202263605786609E-05,6.7178337441769088E-03,1.5584380737422019E-02,6.0372587236932947E-05 -703,5.7996000000000357E+04,9.3295093036124166E-01,-3.8546583929470829E-01,4.0954616177737660E-05,6.4528089171615273E-03,1.5698688645904030E-02,5.9336572111837569E-05 -703,5.7997000000000538E+04,9.3909985850923239E-01,-3.6957516461629192E-01,4.0818016095494940E-05,6.1860426386410924E-03,1.5808531572114929E-02,5.8268444845719937E-05 -703,5.7997999999999789E+04,9.4497864651739638E-01,-3.5357958344021262E-01,4.0775727799537198E-05,5.9176116113649332E-03,1.5913928227051229E-02,5.7164105241670993E-05 -703,5.7998999999999956E+04,9.5058571662556779E-01,-3.3748357031910581E-01,4.0806620767590267E-05,5.6475860141006811E-03,1.6014902230210380E-02,5.6019579492966362E-05 -703,5.8000000000000131E+04,9.5591955748956636E-01,-3.2129157275331988E-01,4.0885352679349089E-05,5.3760264385359800E-03,1.6111482347391692E-02,5.4831169759934338E-05 -703,5.8001000000000298E+04,9.6097871272783919E-01,-3.0500800665186950E-01,4.0982789023847372E-05,5.1029801411428041E-03,1.6203700894016730E-02,5.3595776889590953E-05 -703,5.8002000000000458E+04,9.6576176576609563E-01,-2.8863725450835459E-01,4.1066825940677623E-05,4.8284775828266110E-03,1.6291589869629221E-02,5.2311375252804871E-05 -703,5.8003000000000611E+04,9.7026732188686693E-01,-2.7218366857062809E-01,4.1103735700172152E-05,4.5525305200091260E-03,1.6375174906306109E-02,5.0977564328930283E-05 -703,5.8003999999999833E+04,9.7449398967027845E-01,-2.5565158084400602E-01,4.1060050637274372E-05,4.2751328710564423E-03,1.6454467860582130E-02,4.9596069377703172E-05 -703,5.8004999999999978E+04,9.7844036500040610E-01,-2.3904532056473329E-01,4.0904858591801619E-05,3.9962650190626626E-03,1.6529459576288139E-02,4.8171042728818602E-05 -703,5.8006000000000116E+04,9.8210502100956032E-01,-2.2236923807424711E-01,4.0612245813559608E-05,3.7159012411262732E-03,1.6600114601815510E-02,4.6709048205575690E-05 -703,5.8007000000000255E+04,9.8548650650781622E-01,-2.0562773241142179E-01,4.0163548543996293E-05,3.4340189771782980E-03,1.6666369187857841E-02,4.5218700762383437E-05 -703,5.8008000000000386E+04,9.8858335387773688E-01,-1.8882527907309399E-01,3.9549096095253137E-05,3.1506082073026981E-03,1.6728132930346151E-02,4.3710029693572349E-05 -703,5.8009000000000509E+04,9.9139409577031634E-01,-1.7196645451471720E-01,3.8769227954754378E-05,2.8656794857031269E-03,1.6785293495796449E-02,4.2193685190741399E-05 -703,5.8010000000000626E+04,9.9391728881608588E-01,-1.5505595479963871E-01,3.7834490404270433E-05,2.5792698721367091E-03,1.6837723433329111E-02,4.0680106018420920E-05 -703,5.8010999999999338E+04,9.9615154213338264E-01,-1.3809860675528449E-01,3.6765014226398493E-05,2.2914465918353832E-03,1.6885288234032129E-02,3.9178718550505517E-05 -703,5.8011999999999440E+04,9.9809554835004166E-01,-1.2109937066637021E-01,3.5589127579071223E-05,2.0023083856373289E-03,1.6927855140227700E-02,3.7697208261079181E-05 -703,5.8012999999999542E+04,9.9974811472248026E-01,-1.0406333394061720E-01,3.4341296531333480E-05,1.7119842887489229E-03,1.6965302305480670E-02,3.6240909234133532E-05 -703,5.8013999999999629E+04,1.0011081915693700E+00,-8.6995695723722954E-02,3.3059545827010397E-05,1.4206294185516841E-03,1.6997527562587642E-02,3.4812388000549263E-05 -703,5.8014999999999716E+04,1.0021748949284131E+00,-6.9901743467671751E-02,3.1782603971584518E-05,1.1284176788525051E-03,1.7024455502350239E-02,3.3411323168801150E-05 -703,5.8015999999999796E+04,1.0029475206530201E+00,-5.2786823900900122E-02,3.0547106736720690E-05,8.3553215223246702E-04,1.7046041358704030E-02,3.2034749293004608E-05 -703,5.8016999999999876E+04,1.0034255484372581E+00,-3.5656312153782961E-02,2.9385218533177161E-05,5.4215490921915958E-04,1.7062270743518210E-02,3.0677638842766052E-05 -703,5.8017999999999942E+04,1.0036086362455670E+00,-1.8515583190510242E-02,2.8322951717962689E-05,2.4845834481813781E-04,1.7073155439222130E-02,2.9333691448272399E-05 -703,5.8019000000000007E+04,1.0034966075551039E+00,-1.3699888759903429E-03,2.7379296864430411E-05,-4.5400348650598720E-05,1.7078726649308519E-02,2.7996136672798690E-05 -703,5.8020000000000073E+04,1.0030894348909800E+00,1.5775157746941160E-02,2.6566089871158739E-05,-3.3928108654823113E-04,1.7079027651068130E-02,2.6658382639190858E-05 -703,5.8021000000000124E+04,1.0023872230491611E+00,3.2914591273684873E-02,2.5888407932273549E-05,-6.3305978445596487E-04,1.7074107558912630E-02,2.5314416911097810E-05 -703,5.8022000000000175E+04,1.0013901944311130E+00,5.0043097504667212E-02,2.5345239209510021E-05,-9.2662546640279186E-04,1.7064017158311819E-02,2.3958957627425630E-05 -703,5.8023000000000218E+04,1.0000986776158061E+00,6.7155513987414955E-02,2.4930201653249790E-05,-1.2198768786553830E-03,1.7048806991723949E-02,2.2587412564051819E-05 -703,5.8023999999999331E+04,9.9851309912967223E-01,8.4246729639068013E-02,2.4632158298757410E-05,-1.5127196192162521E-03,1.7028527351617740E-02,2.1195724661613529E-05 -703,5.8024999999999367E+04,9.9663397754122451E-01,1.0131168506359790E-01,2.4435658037687392E-05,-1.8050644387844650E-03,1.7003229564279371E-02,1.9780188794669609E-05 -703,5.8025999999999396E+04,9.9446191850885235E-01,1.1834537451518561E-01,2.4321207165871571E-05,-2.0968270766348672E-03,1.6972967882412950E-02,1.8337306412454279E-05 -703,5.8026999999999418E+04,9.9199760915036383E-01,1.3534284974767999E-01,2.4265442859770481E-05,-2.3879297898605359E-03,1.6937801233862512E-02,1.6863743498589692E-05 -703,5.8027999999999440E+04,9.8924181005342338E-01,1.5229922519840230E-01,2.4241339809535450E-05,-2.6783045089665012E-03,1.6897793989343879E-02,1.5356447414127760E-05 -703,5.8028999999999454E+04,9.8619534347304305E-01,1.6920968304844039E-01,2.4218633084590571E-05,-2.9678972002723670E-03,1.6853014803645181E-02,1.3812967966681429E-05 -F51,5.7970000000000276E+04,6.8582915207678363E-01,-7.4739293956202379E-01,3.3630579003582318E-05,1.2292395961770690E-02,1.1353717348995729E-02,9.2342684905531857E-05 -F51,5.7971000000000560E+04,6.9812090110851677E-01,-7.3572239086676905E-01,3.3863677075619682E-05,1.2100637496439550E-02,1.1561039660446590E-02,9.3063815195823741E-05 -F51,5.7971999999999905E+04,7.1021527547769336E-01,-7.2384458785824868E-01,3.4162230987303133E-05,1.1905666608188000E-02,1.1765287080542770E-02,9.3732674695336143E-05 -F51,5.7973000000000189E+04,7.2210905186715912E-01,-7.1176266594225024E-01,3.4499470751270921E-05,1.1707513145043799E-02,1.1966465670924549E-02,9.4345296488743854E-05 -F51,5.7974000000000458E+04,7.3379903108193478E-01,-6.9947975484296998E-01,3.4845275093780752E-05,1.1506192814225571E-02,1.2164580930451250E-02,9.4898639248673809E-05 -F51,5.7974999999999331E+04,7.4528202324943205E-01,-6.8699898119148739E-01,3.5167279722683422E-05,1.1301706088408440E-02,1.2359633562471750E-02,9.5390967127871067E-05 -F51,5.7975999999999600E+04,7.5655483267801216E-01,-6.7432347569434525E-01,3.5432350312135557E-05,1.1094038652988710E-02,1.2551614643624890E-02,9.5822190638486095E-05 -F51,5.7976999999999862E+04,7.6761424398993161E-01,-6.6145638516185157E-01,3.5608351624564923E-05,1.0883163499724820E-02,1.2740500841442870E-02,9.6194113791677626E-05 -F51,5.7978000000000124E+04,7.7845701110181131E-01,-6.4840088906696902E-01,3.5666101949639893E-05,1.0669044485378559E-02,1.2926250208847551E-02,9.6510557459071982E-05 -F51,5.7978999999999447E+04,7.8907985038264650E-01,-6.3516021989014260E-01,3.5581385167825779E-05,1.0451641083104700E-02,1.3108798840407750E-02,9.6777351881249126E-05 -F51,5.7979999999999702E+04,7.9947943909205377E-01,-6.2173768632858695E-01,3.5336889451073803E-05,1.0230914195648109E-02,1.3288058512883600E-02,9.7002196154325737E-05 -F51,5.7980999999999949E+04,8.0965242019863815E-01,-6.0813669828240779E-01,3.4923931304919729E-05,1.0006833128164170E-02,1.3463915555994559E-02,9.7194360940121288E-05 -F51,5.7982000000000189E+04,8.1959541480317066E-01,-5.9436079209470893E-01,3.4343783327311151E-05,9.7793838182686655E-03,1.3636231630801930E-02,9.7364178707173271E-05 -F51,5.7982999999999498E+04,8.2930504327950927E-01,-5.8041365358897012E-01,3.3608361326169920E-05,9.5485778949805089E-03,1.3804847570584909E-02,9.7522258244275566E-05 -F51,5.7983999999999731E+04,8.3877795531622779E-01,-5.6629913523645481E-01,3.2739985183353848E-05,9.3144610672292252E-03,1.3969591416281410E-02,9.7678422337688851E-05 -F51,5.7984999999999956E+04,8.4801086696474093E-01,-5.5202126307397148E-01,3.1769989247086943E-05,9.0771182638821005E-03,1.4130290750648240E-02,9.7840502705306078E-05 -F51,5.7986000000000182E+04,8.5700060003001011E-01,-5.3758422982363141E-01,3.0736170822453952E-05,8.8366728053346569E-03,1.4286787463790279E-02,9.8013279465026219E-05 -F51,5.7986999999999476E+04,8.6574411707393084E-01,-5.2299237354797967E-01,2.9679394211504560E-05,8.5932784875581199E-03,1.4438951208125600E-02,9.8197908209163672E-05 -F51,5.7987999999999687E+04,8.7423854553002256E-01,-5.0825014522053880E-01,2.8639958117781671E-05,8.3471062377137653E-03,1.4586687544722161E-02,9.8392040714569156E-05 -F51,5.7988999999999905E+04,8.8248118736501502E-01,-4.9336207179752922E-01,2.7654413882186800E-05,8.0983293112593755E-03,1.4729938704252290E-02,9.8590578079727170E-05 -F51,5.7990000000000109E+04,8.9046951502074567E-01,-4.7833272195363541E-01,2.6753332980549979E-05,7.8471112484113908E-03,1.4868677872702541E-02,9.8786757455082542E-05 -F51,5.7991000000000313E+04,8.9820115780395560E-01,-4.6316667954489321E-01,2.5960175180881749E-05,7.5935990169178191E-03,1.5002900047736250E-02,9.8973211713062326E-05 -F51,5.7992000000000517E+04,9.0567388411476690E-01,-4.4786852650340547E-01,2.5291092322791931E-05,7.3379213811581353E-03,1.5132612802700011E-02,9.9142750729347266E-05 -F51,5.7992999999999782E+04,9.1288558403541897E-01,-4.3244283402351841E-01,2.4755335382666571E-05,7.0801909246867821E-03,1.5257829184105500E-02,9.9288784042507773E-05 -F51,5.7993999999999978E+04,9.1983425493567950E-01,-4.1689415940624353E-01,2.4355923537210601E-05,6.8205077476996417E-03,1.5378563525617650E-02,9.9405434283175164E-05 -F51,5.7995000000000167E+04,9.2651799091426523E-01,-4.0122704570802598E-01,2.4090316756130719E-05,6.5589632238458534E-03,1.5494829923268821E-02,9.9487448418611154E-05 -F51,5.7996000000000357E+04,9.3293497558620697E-01,-3.8544602188228932E-01,2.3950945150412019E-05,6.2956428175827747E-03,1.5606642640141589E-02,9.9530016400276310E-05 -F51,5.7997000000000538E+04,9.3908347699550032E-01,-3.6955560189492143E-01,2.3925548832550440E-05,6.0306274660668303E-03,1.5714017614831832E-02,9.9528585290663483E-05 -F51,5.7997999999999789E+04,9.4496184310857778E-01,-3.5356028211125118E-01,2.3997358921621669E-05,5.7639933540621600E-03,1.5816974287587739E-02,9.9478736951878806E-05 -F51,5.7998999999999956E+04,9.5056849629031526E-01,-3.3746453700661611E-01,2.4145210885457168E-05,5.4958101286867126E-03,1.5915536998808880E-02,9.9376182284458393E-05 -F51,5.8000000000000131E+04,9.5590192532012841E-01,-3.2127281400186519E-01,2.4343727772053969E-05,5.2261378361985631E-03,1.6009735226732109E-02,9.9216911164547614E-05 -F51,5.8001000000000298E+04,9.6096067393855256E-01,-3.0498952892434539E-01,2.4563739830117330E-05,4.9550231739945343E-03,1.6099601990694601E-02,9.8997515681233813E-05 -F51,5.8002000000000458E+04,9.6574332569174426E-01,-2.8861906418393979E-01,2.4773107353431030E-05,4.6824960307429936E-03,1.6185169985330820E-02,9.8715666005532956E-05 -F51,5.8003000000000611E+04,9.7024848598087909E-01,-2.7216577194287661E-01,2.4938066195216271E-05,4.4085675781169002E-03,1.6266465528543460E-02,9.8370663146082787E-05 -F51,5.8003999999999833E+04,9.7447476350281836E-01,-2.5563398411900862E-01,2.5025111785985171E-05,4.1332311376458446E-03,1.6343501153314649E-02,9.7963940621445829E-05 -F51,5.8004999999999978E+04,9.7842075425672870E-01,-2.3902802985942509E-01,2.5003294135403331E-05,3.8564664828568628E-03,1.6416268372051748E-02,9.7499365499982042E-05 -F51,5.8006000000000116E+04,9.8208503148834225E-01,-2.2235225941493039E-01,2.4846660537839471E-05,3.5782472688082401E-03,1.6484732393021239E-02,9.6983222756971278E-05 -F51,5.8007000000000255E+04,9.8546614411944777E-01,-2.0561107173238019E-01,2.4536507122069950E-05,3.2985503015775931E-03,1.6548830117091611E-02,9.6423854051762452E-05 -F51,5.8008000000000386E+04,9.8856262464278433E-01,-1.8880894221512029E-01,2.4063121807513311E-05,3.0173649150349092E-03,1.6608471780558621E-02,9.5831019125715712E-05 -F51,5.8009000000000509E+04,9.9137300581789689E-01,-1.7195044722363220E-01,2.3426801521214741E-05,2.7347010056007160E-03,1.6663545679154981E-02,9.5215101125898090E-05 -F51,5.8010000000000626E+04,9.9389584438239753E-01,-1.5504028272449519E-01,2.2638048903431671E-05,2.4505949626352349E-03,1.6713924980540969E-02,9.4586272759337596E-05 -F51,5.8010999999999338E+04,9.9612974955998268E-01,-1.3808327544654200E-01,2.1716950342559601E-05,2.1651133293252938E-03,1.6759475782274959E-02,9.3953695645094371E-05 -F51,5.8011999999999440E+04,9.9807341408194972E-01,-1.2108438557380929E-01,2.0691789334433521E-05,1.8783541529678891E-03,1.6800065920969030E-02,9.3324792502276209E-05 -F51,5.8012999999999542E+04,9.9972564530624430E-01,-1.0404870041125330E-01,1.9596987046766780E-05,1.5904457635870510E-03,1.6835574133078578E-02,9.2704637918933442E-05 -F51,5.8013999999999629E+04,1.0010853936509121E+00,-8.6981418999979340E-02,1.8470523141419969E-05,1.3015425629181261E-03,1.6865898822625909E-02,9.2095544319217593E-05 -F51,5.8014999999999716E+04,1.0021517752507381E+00,-6.9887828685719341E-02,1.7351080932279911E-05,1.0118177293784851E-03,1.6890965140220648E-02,9.1496943423164073E-05 -F51,5.8015999999999796E+04,1.0029240860540340E+00,-5.2773276089190350E-02,1.6275250583299701E-05,7.2145361021425439E-04,1.6910728869081369E-02,9.0905630882495873E-05 -F51,5.8016999999999876E+04,1.0034018058476220E+00,-3.5643136231809133E-02,1.5275150237050951E-05,4.3063153110457921E-04,1.6925176159874648E-02,9.0316348351778569E-05 -F51,5.8017999999999942E+04,1.0035845926867819E+00,-1.8502783967507951E-02,1.4376745018402189E-05,1.3952313139131719E-04,1.6934319323853780E-02,8.9722571702494379E-05 -F51,5.8019000000000007E+04,1.0034722701374621E+00,-1.3575710497586979E-03,1.3598977418862600E-05,-1.5171516206514320E-04,1.6938190081561270E-02,8.9117313246895810E-05 -F51,5.8020000000000073E+04,1.0030648108115821E+00,1.5787189591196921E-02,1.2953634272361490E-05,-4.4294403969015223E-04,1.6936832215418311E-02,8.8493769136939246E-05 -F51,5.8021000000000124E+04,1.0023623195898690E+00,3.2926232664522798E-02,1.2445742853227140E-05,-7.3404020121421623E-04,1.6930295332213172E-02,8.7845719659074964E-05 -F51,5.8022000000000175E+04,1.0013650189564951E+00,5.0054344085766651E-02,1.2074240712547951E-05,-1.0248934642157509E-03,1.6918630697094171E-02,8.7167679872525683E-05 -F51,5.8023000000000218E+04,1.0000732375711621E+00,6.7166361519041679E-02,1.1832694412374910E-05,-1.3154033787909001E-03,1.6901889319719251E-02,8.6454858418231757E-05 -F51,5.8023999999999331E+04,9.9848740203876263E-01,8.4257173999247550E-02,1.1709915109989439E-05,-1.6054763544376270E-03,1.6880121945876240E-02,8.5703003709164678E-05 -F51,5.8024999999999367E+04,9.9660803100411466E-01,1.0132172224954240E-01,1.1690399306339509E-05,-1.8950239624215689E-03,1.6853380342217630E-02,8.4908220359493234E-05 -F51,5.8025999999999396E+04,9.9443573019957165E-01,1.1835500064442030E-01,1.1754600512591020E-05,-2.1839627696845780E-03,1.6821719187739888E-02,8.4066824351814638E-05 -F51,5.8026999999999418E+04,9.9197118681461383E-01,1.3535206105928099E-01,1.1879102726451520E-05,-2.4722158685782378E-03,1.6785197823175800E-02,8.3175300819331673E-05 -F51,5.8027999999999440E+04,9.8921516150628019E-01,1.5230801805424760E-01,1.2036827076668579E-05,-2.7597160325607550E-03,1.6743881018751409E-02,8.2230420937612936E-05 -F51,5.8028999999999454E+04,9.8616847659672191E-01,1.6921805393468509E-01,1.2197454688636619E-05,-3.0464100800421398E-03,1.6697837815912889E-02,8.1229563211040052E-05 -I11,5.7970000000000276E+04,6.8584903311579437E-01,-7.4745165618106435E-01,1.9435719781621441E-05,1.2596241325193280E-02,1.1468792714029419E-02,4.1896616015442432E-05 -I11,5.7971000000000560E+04,6.9814160874306452E-01,-7.3578078676385117E-01,1.9528260533465471E-05,1.2402276633934400E-02,1.1680894752132791E-02,4.0549640101306731E-05 -I11,5.7971999999999905E+04,7.1023680356346142E-01,-7.2390265003183207E-01,1.9680635289582169E-05,1.2205010263661130E-02,1.1889886434947410E-02,3.9165935563449487E-05 -I11,5.7973000000000189E+04,7.2213139401756132E-01,-7.1182038148917115E-01,1.9866116691344859E-05,1.2004472741911350E-02,1.2095772422099830E-02,3.7742149688626883E-05 -I11,5.7974000000000458E+04,7.3382218066970606E-01,-6.9953711096216220E-01,2.0054627060443051E-05,1.1800680481341450E-02,1.2298556820978719E-02,3.6275849593341697E-05 -I11,5.7974999999999331E+04,7.4530597340821059E-01,-6.8705596518776679E-01,2.0213846854965968E-05,1.1593634685892029E-02,1.2498238954158750E-02,3.4765900595415663E-05 -I11,5.7975999999999600E+04,7.5657957630397743E-01,-6.7438007498223718E-01,2.0310687829475380E-05,1.1383321797407460E-02,1.2694808528420970E-02,3.3212805762419230E-05 -I11,5.7976999999999862E+04,7.6763977374356640E-01,-6.6151258726952133E-01,2.0313062649283930E-05,1.1169715589370060E-02,1.2888240852477509E-02,3.1618952333246389E-05 -I11,5.7978000000000124E+04,7.7848331940987492E-01,-6.4845668164023673E-01,2.0191839866262630E-05,1.0952780726024441E-02,1.3078492631845190E-02,2.9988735207512730E-05 -I11,5.7978999999999447E+04,7.8910692944035044E-01,-6.3521559069648903E-01,1.9922856168813682E-05,1.0732477513376800E-02,1.3265498625207340E-02,2.8328550716706240E-05 -I11,5.7979999999999702E+04,7.9950728086556411E-01,-6.2179262326103690E-01,1.9488855099343439E-05,1.0508767711849550E-02,1.3449169285880941E-02,2.6646657970323230E-05 -I11,5.7980999999999949E+04,8.0968101642802903E-01,-6.0819118936324634E-01,1.8881211283076441E-05,1.0281621509872141E-02,1.3629389634567571E-02,2.4952883598173701E-05 -I11,5.7982000000000189E+04,8.1962475700582438E-01,-5.9441482547884628E-01,1.8101257843060439E-05,1.0051025753260190E-02,1.3806020040357751E-02,2.3258113677002761E-05 -I11,5.7982999999999498E+04,8.2933512275332411E-01,-5.8046721756707187E-01,1.7160972567865800E-05,9.8169930029683022E-03,1.3978900061100591E-02,2.1573510594191708E-05 -I11,5.7983999999999731E+04,8.3880876314232922E-01,-5.6635221823807202E-01,1.6082738045345152E-05,9.5795699247944680E-03,1.4147856477847011E-02,1.9909451340626140E-05 -I11,5.7984999999999956E+04,8.4804239401053794E-01,-5.5207385367018913E-01,1.4897951290720730E-05,9.3388424257701327E-03,1.4312715632781371E-02,1.8274318599457239E-05 -I11,5.7986000000000182E+04,8.5703283695116594E-01,-5.3763631673026846E-01,1.3644472153358330E-05,9.0949348280018102E-03,1.4473318189965450E-02,1.6673438185280599E-05 -I11,5.7986999999999476E+04,8.6577705431645380E-01,-5.2304394562881062E-01,1.2363227609925880E-05,8.8480019511737902E-03,1.4629532591723660E-02,1.5108500748359449E-05 -I11,5.7987999999999687E+04,8.7427217333236085E-01,-5.0830119149081732E-01,1.1094580020969519E-05,8.5982157677862662E-03,1.4781263203535250E-02,1.3577679995241690E-05 -I11,5.7988999999999905E+04,8.8251549576022159E-01,-4.9341258142780720E-01,9.8751461934764881E-06,8.3457506013946848E-03,1.4928451073685459E-02,1.2076385925553310E-05 -I11,5.7990000000000109E+04,8.9050449383912589E-01,-4.7838268427351188E-01,8.7355653802458268E-06,8.0907710831344525E-03,1.5071068220310379E-02,1.0598352707580919E-05 -I11,5.7991000000000313E+04,8.9823679667617395E-01,-4.6321608404654491E-01,7.6993675433474657E-06,7.8334252941587648E-03,1.5209108489471081E-02,9.1367004470959889E-06 -I11,5.7992000000000517E+04,9.0571017247537089E-01,-4.4791736284466810E-01,6.7827766572399246E-06,7.5738431321603558E-03,1.5342578321107459E-02,7.6847182325858880E-06 -I11,5.7992999999999782E+04,9.1292251112629674E-01,-4.3249109203104591E-01,5.9951178786603243E-06,7.3121383363240920E-03,1.5471489646592909E-02,6.2362883389615634E-06 -I11,5.7993999999999978E+04,9.1987180980973104E-01,-4.1694182907837180E-01,5.3394862743631648E-06,7.0484121835393994E-03,1.5595855704528981E-02,4.7859997330304273E-06 -I11,5.7995000000000167E+04,9.2655616243880845E-01,-4.0127411721760731E-01,4.8134188778866810E-06,6.7827572440959600E-03,1.5715689514592589E-02,3.3290600618715570E-06 -I11,5.7996000000000357E+04,9.3297375244650727E-01,-3.8549248557946242E-01,4.4094241687643296E-06,6.5152601996371620E-03,1.5831004283512490E-02,1.8611136985720361E-06 -I11,5.7997000000000538E+04,9.3912284769827548E-01,-3.6960144830984110E-01,4.1153218267493306E-06,6.2460032248421700E-03,1.5941814913739558E-02,3.7805566604688972E-07 -I11,5.7997999999999789E+04,9.4500179598566836E-01,-3.5360550195654489E-01,3.9144234833559892E-06,5.9750637601936408E-03,1.6048139830643661E-02,-1.1240910953259431E-06 -I11,5.7998999999999956E+04,9.5060901950213739E-01,-3.3750912117991050E-01,3.7856458783413479E-06,5.7025127268677594E-03,1.6150002380087011E-02,-2.6491811944546421E-06 -I11,5.8000000000000131E+04,9.5594300685895384E-01,-3.2131675358837719E-01,3.7036939323396028E-06,5.4284114638584856E-03,1.6247431065836749E-02,-4.2007970815104902E-06 -I11,5.8001000000000298E+04,9.6100230163182021E-01,-3.0503281519942349E-01,3.6394803425899348E-06,5.1528079797219170E-03,1.6340457953732589E-02,-5.7819268482555647E-06 -I11,5.8002000000000458E+04,9.6578548720541602E-01,-2.8866168861555791E-01,3.5609484308926768E-06,4.8757334918028989E-03,1.6429114806599771E-02,-7.3944901858744967E-06 -I11,5.8003000000000611E+04,9.7029116882261368E-01,-2.7220772619427941E-01,3.4344176047774772E-06,4.5972005175321396E-03,1.6513427031229610E-02,-9.0387870142638655E-06 -I11,5.8003999999999833E+04,9.7451795502510175E-01,-2.5567526005134128E-01,3.2264672200428620E-06,4.3172037386984769E-03,1.6593406268921959E-02,-1.0712997357820380E-05 -I11,5.8004999999999978E+04,9.7846444166017832E-01,-2.3906861953476580E-01,2.9062326209835501E-06,4.0357243066883744E-03,1.6669043159465831E-02,-1.2412881548517639E-05 -I11,5.8006000000000116E+04,9.8212920182545560E-01,-2.2239215509918570E-01,2.4478483123301269E-06,3.7527372714865740E-03,1.6740302058817311E-02,-1.4131796449695980E-05 -I11,5.8007000000000255E+04,9.8551078429883654E-01,-2.0565026589774471E-01,1.8326995664275011E-06,3.4682208485789091E-03,1.6807119036810581E-02,-1.5861055423745240E-05 -I11,5.8008000000000386E+04,9.8860772143358966E-01,-1.8884742754250131E-01,1.0511656221645590E-06,3.1821657975783179E-03,1.6869403520268410E-02,-1.7590564037209790E-05 -I11,5.8009000000000509E+04,9.9141854585448796E-01,-1.7198821660458319E-01,1.0363660157795070E-07,2.8945834558106631E-03,1.6927043018955399E-02,-1.9309612087143571E-05 -I11,5.8010000000000626E+04,9.9394181416903993E-01,-1.5507732926299969E-01,-9.9929005209726884E-07,2.6055116699778909E-03,1.6979909939300371E-02,-2.1007704953478320E-05 -I11,5.8010999999999338E+04,9.9617613547544248E-01,-1.3811959246033129E-01,-2.2374323128964970E-06,2.3150184547204248E-03,1.7027869644319391E-02,-2.2675363656431071E-05 -I11,5.8011999999999440E+04,9.9812020238345822E-01,-1.2111996659568321E-01,-3.5824112989199238E-06,2.0232033411039020E-03,1.7070789260894260E-02,-2.4304852033951781E-05 -I11,5.8012999999999542E+04,9.9977282213317076E-01,-1.0408353919066540E-01,-4.9997107446552246E-06,1.7301961562865020E-03,1.7108546840654871E-02,-2.5890788192979059E-05 -I11,5.8013999999999629E+04,1.0011329450282620E+00,-8.7015509504769523E-02,-6.4512562346947091E-06,1.4361528115565010E-03,1.7141040127591441E-02,-2.7430561812877470E-05 -I11,5.8014999999999716E+04,1.0021996870925229E+00,-6.9921165103938698E-02,-7.8982701299971448E-06,1.1412480046865099E-03,1.7168193635282911E-02,-2.8924455662739080E-05 -I11,5.8015999999999796E+04,1.0029723441667691E+00,-5.2805852831303457E-02,-9.3040676356705570E-06,8.4566561353936200E-04,1.7189962532047302E-02,-3.0375403336170821E-05 -I11,5.8016999999999876E+04,1.0034503959341881E+00,-3.5674947932870807E-02,-1.0636435107262301E-05,5.4958850510927651E-04,1.7206332375543129E-02,-3.1788408183929800E-05 -I11,5.8017999999999942E+04,1.0036335003505170E+00,-1.8533825489616001E-02,-1.1869310402469051E-05,2.5318987372297718E-04,1.7217314905737451E-02,-3.3169754322054310E-05 -I11,5.8019000000000007E+04,1.0035214808866220E+00,-1.3878374838256510E-03,-1.2983652774370330E-05,-4.3372288764340792E-05,1.7222941295190811E-02,-3.4526203125297792E-05 -I11,5.8020000000000073E+04,1.0031143100641631E+00,1.5757702924014259E-02,-1.3967575664398190E-05,-3.3995709786669261E-04,1.7223254803438639E-02,-3.5864344358605163E-05 -I11,5.8021000000000124E+04,1.0024120926783660E+00,3.2897530211537171E-02,-1.4815950896482770E-05,-6.3643966850667844E-04,1.7218304539831579E-02,-3.7190194124945612E-05 -I11,5.8022000000000175E+04,1.0014150511325139E+00,5.0026430061585227E-02,-1.5529739232304771E-05,-9.3270822424353095E-04,1.7208141297015232E-02,-3.8509042876918867E-05 -I11,5.8023000000000218E+04,1.0001235140100500E+00,6.7139239904290715E-02,-1.6115271488307859E-05,-1.2286607100663910E-03,1.7192815638574360E-02,-3.9825496662825639E-05 -I11,5.8023999999999331E+04,9.9853790784424457E-01,8.4230848539905520E-02,-1.6583633537458951E-05,-1.5242019241100231E-03,1.7172377890821568E-02,-4.1143630909377207E-05 -I11,5.8024999999999367E+04,9.9665875121271585E-01,1.0129619645591539E-01,-1.6950225533048710E-05,-1.8192418177019371E-03,1.7146879426629048E-02,-4.2467173523549152E-05 -I11,5.8025999999999396E+04,9.9448664978519663E-01,1.1833027779071470E-01,-1.7234490478035490E-05,-2.1136953331092360E-03,1.7116374558411741E-02,-4.3799650335972532E-05 -I11,5.8026999999999418E+04,9.9202229069294723E-01,1.3532814418291211E-01,-1.7459740742060331E-05,-2.4074839317593591E-03,1.7080922286553269E-02,-4.5144426929945999E-05 -I11,5.8027999999999440E+04,9.8926643453911356E-01,1.5228490995505350E-01,-1.7652951429097690E-05,-2.7005387491938768E-03,1.7040587067565002E-02,-4.6504591810019909E-05 -I11,5.8028999999999454E+04,9.8621990359613265E-01,1.6919575717383761E-01,-1.7844337523782839E-05,-2.9928049574423779E-03,1.6995437655836249E-02,-4.7882635663671629E-05 -I41,5.7970000000000276E+04,6.8583181851373576E-01,-7.4741316289827775E-01,5.1469612894719173E-05,1.2454001749355480E-02,1.1368940751424170E-02,8.5445245381007200E-05 -I41,5.7971000000000560E+04,6.9812400837215038E-01,-7.3574256915507674E-01,5.1682373411375047E-05,1.2261931925902129E-02,1.1578811475789401E-02,8.5062135468345898E-05 -I41,5.7971999999999905E+04,7.1021882265236924E-01,-7.2386471414661380E-01,5.1957579084107398E-05,1.2066601951298279E-02,1.1785602051291840E-02,8.4629126215462919E-05 -I41,5.7973000000000189E+04,7.2211303790676884E-01,-7.1178273329437969E-01,5.2268466563289517E-05,1.1868041779847009E-02,1.1989317787332750E-02,8.4142579809209713E-05 -I41,5.7974000000000458E+04,7.3380345481036502E-01,-6.9949975634048733E-01,5.2584921912760769E-05,1.1666267239211251E-02,1.2189963432435570E-02,8.3599782152528844E-05 -I41,5.7974999999999331E+04,7.4528688336100890E-01,-6.8701890993609216E-01,5.2874588929895190E-05,1.1461278936720160E-02,1.2387538941019880E-02,8.2999322374862058E-05 -I41,5.7975999999999600E+04,7.5656012773810788E-01,-6.7434332480985593E-01,5.3104342204671763E-05,1.1253062706490669E-02,1.2582034642942620E-02,8.2341433001486896E-05 -I41,5.7976999999999862E+04,7.6761997243558977E-01,-6.6147614779607999E-01,5.3242056400215752E-05,1.1041591702746489E-02,1.2773426461230541E-02,8.1628237001408541E-05 -I41,5.7978000000000124E+04,7.7846317124225328E-01,-6.4842055839347257E-01,5.3258560847007498E-05,1.0826829958459050E-02,1.2961671706284240E-02,8.0863871730427103E-05 -I41,5.7978999999999447E+04,7.8908644039979658E-01,-6.3517978910990891E-01,5.3129651666751430E-05,1.0608737136675419E-02,1.3146705732911060E-02,8.0054482006331010E-05 -I41,5.7979999999999702E+04,7.9948645704093801E-01,-6.2175714867177978E-01,5.2838030451798653E-05,1.0387274343970011E-02,1.3328439581000790E-02,7.9208080772635384E-05 -I41,5.7980999999999949E+04,8.0965986400777412E-01,-6.0815604701007597E-01,5.2375028364943660E-05,1.0162411102969870E-02,1.3506758847134460E-02,7.8334252810810696E-05 -I41,5.7982000000000189E+04,8.1960328227491563E-01,-5.9438002050064842E-01,5.1741933769010042E-05,9.9341335824881961E-03,1.3681524463383171E-02,7.7443645907738208E-05 -I41,5.7982999999999498E+04,8.2931333209055613E-01,-5.8043275500181979E-01,5.0950679049099772E-05,9.7024536562421871E-03,1.3852576539174290E-02,7.6547185494937157E-05 -I41,5.7983999999999731E+04,8.3878666301802673E-01,-5.6631810302206365E-01,5.0023601237321159E-05,9.4674172919897281E-03,1.4019742395855451E-02,7.5655012209534158E-05 -I41,5.7984999999999956E+04,8.4801999098432457E-01,-5.5204009063783310E-01,4.8992052163495103E-05,9.2291096909045411E-03,1.4182848901952710E-02,7.4775274775956357E-05 -I41,5.7986000000000182E+04,8.5701013767072454E-01,-5.3760291061337273E-01,4.7893846937431920E-05,8.9876544595971965E-03,1.4341737236644321E-02,7.3913068163466864E-05 -I41,5.7986999999999476E+04,8.6575406551660161E-01,-5.2301090105553161E-01,4.6769868100920398E-05,8.7432056935390079E-03,1.4496276346122060E-02,7.3069857980133095E-05 -I41,5.7987999999999687E+04,8.7424890183420056E-01,-5.0826851298395714E-01,4.5660433322713337E-05,8.4959346317297207E-03,1.4646371089822981E-02,7.2243600262033268E-05 -I41,5.7988999999999905E+04,8.8249194846991796E-01,-4.9338027340270979E-01,4.4602113889663539E-05,8.2460148544972588E-03,1.4791963000113329E-02,7.1429495550938443E-05 -I41,5.7990000000000109E+04,8.9048067774618411E-01,-4.7835075103587649E-01,4.3625502365335261E-05,7.9936102399264485E-03,1.4933024568974180E-02,7.0621076478537628E-05 -I41,5.7991000000000313E+04,8.9821271885122966E-01,-4.6318452979044561E-01,4.2754080773975959E-05,7.7388681065411816E-03,1.5069550105243570E-02,6.9811268572480268E-05 -I41,5.7992000000000517E+04,9.0568584006761432E-01,-4.4788619165114768E-01,4.2004024207413878E-05,7.4819175822387826E-03,1.5201546499573780E-02,6.8993172299668858E-05 -I41,5.7992999999999782E+04,9.1289793136079678E-01,-4.3246030786671352E-01,4.1384607929206672E-05,7.2228716272010676E-03,1.5329026121294611E-02,6.8160486564259828E-05 -I41,5.7993999999999978E+04,9.1984698998476655E-01,-4.1691143579426132E-01,4.0898876333993917E-05,6.9618307306706364E-03,1.5452002633753620E-02,6.7307621761362202E-05 -I41,5.7995000000000167E+04,9.2653110992342114E-01,-4.0124411854827929E-01,4.0544315354610220E-05,6.6988866681758179E-03,1.5570489469069261E-02,6.6429611142374605E-05 -I41,5.7996000000000357E+04,9.3294847467793884E-01,-3.8546288514213678E-01,4.0313381862232568E-05,6.4341253188078661E-03,1.5684500232754240E-02,6.5521929353349456E-05 -I41,5.7997000000000538E+04,9.3909735217959978E-01,-3.6957224960348067E-01,4.0193843498921927E-05,6.1676280464804493E-03,1.5794050213049589E-02,6.4580306060296541E-05 -I41,5.7997999999999789E+04,9.4497609028336915E-01,-3.5357670836120708E-01,4.0168959593094518E-05,5.8994714743326971E-03,1.5899158207504090E-02,6.3600603378189793E-05 -I41,5.7998999999999956E+04,9.5058311124383565E-01,-3.3748073595615152E-01,4.0217594434985357E-05,5.6297256999217459E-03,1.5999847920880939E-02,6.2578810224828997E-05 -I41,5.8000000000000131E+04,9.5591690373135985E-01,-3.2128877987661630E-01,4.0314400451605158E-05,5.3584512321051521E-03,1.6096148202958641E-02,6.1511191931739898E-05 -I41,5.8001000000000298E+04,9.6097601137870758E-01,-3.0500525601932799E-01,4.0430237815703529E-05,5.0856952429237387E-03,1.6188091451818029E-02,6.0394613035343407E-05 -I41,5.8002000000000458E+04,9.6575901762567617E-01,-2.8863454686536671E-01,4.0532997287524573E-05,4.8114881073165784E-03,1.6275709748297069E-02,5.9227012249519989E-05 -I41,5.8003000000000611E+04,9.7026452776864580E-01,-2.7218100464983941E-01,4.0588945699370490E-05,4.5358414942669144E-03,1.6359028804401189E-02,5.8007954182144452E-05 -I41,5.8003999999999833E+04,9.7449115040134704E-01,-2.5564896136509618E-01,4.0564609900878153E-05,4.2587492333447472E-03,1.6438060555260769E-02,5.6739130131857703E-05 -I41,5.8004999999999978E+04,9.7843748142123022E-01,-2.3904274623419350E-01,4.0429072133204278E-05,3.9801916173423059E-03,1.6512795922093731E-02,5.5424659400162223E-05 -I41,5.8006000000000116E+04,9.8210209397373327E-01,-2.2236670958517801E-01,4.0156412904344681E-05,3.7001428315874300E-03,1.6583199529368799E-02,5.4071073729843463E-05 -I41,5.8007000000000255E+04,9.8548353688179446E-01,-2.0562525044335320E-01,3.9727962566318177E-05,3.4185802229042229E-03,1.6649207702442551E-02,5.2686956838547858E-05 -I41,5.8008000000000386E+04,9.8858034254058191E-01,-1.8882284429179841E-01,3.9134044377110238E-05,3.1354936768326980E-03,1.6710730110476919E-02,5.1282307400003633E-05 -I41,5.8009000000000509E+04,9.9139104361342145E-01,-1.7196406757203861E-01,3.8374991623141763E-05,2.8508936516928379E-03,1.6767654491624769E-02,4.9867745423444578E-05 -I41,5.8010000000000626E+04,9.9391419674291481E-01,-1.5505361633330331E-01,3.7461344252937652E-05,2.5648171098987889E-03,1.6819853465043961E-02,4.8453679734837310E-05 -I41,5.8010999999999338E+04,9.9614841105919216E-01,-1.3809631738872369E-01,3.6413226633025462E-05,2.2773311780279462E-03,1.6867192590094070E-02,4.7049507016123113E-05 -I41,5.8011999999999440E+04,9.9809237920161131E-01,-1.2109713100852400E-01,3.5258960493576723E-05,1.9885344970212030E-03,1.6909539175654381E-02,4.5662883326270159E-05 -I41,5.8012999999999542E+04,9.9974490843784847E-01,-1.0406114458572910E-01,3.4033005467545359E-05,1.6985560009004389E-03,1.6946771440187199E-02,4.4299113775372652E-05 -I41,5.8013999999999629E+04,1.0011049490975601E+00,-8.6993557251149906E-02,3.2773379861084373E-05,1.4075507046947639E-03,1.6978787279711340E-02,4.2960736624969567E-05 -I41,5.8014999999999716E+04,1.0021716172291510E+00,-6.9899656441703040E-02,3.1518805748484893E-05,1.1156924088285970E-03,1.7005511346652302E-02,4.1647403151176582E-05 -I41,5.8015999999999796E+04,1.0029442086964611E+00,-5.2784788870578719E-02,3.0305912430538949E-05,8.2316409140838469E-04,1.7026898935066009E-02,4.0356121647328642E-05 -I41,5.8016999999999876E+04,1.0034222032036999E+00,-3.5654329652744947E-02,2.9166857771117029E-05,5.3014771744528267E-04,1.7042935715450069E-02,3.9081839434831847E-05 -I41,5.8017999999999942E+04,1.0036052587251720E+00,-1.8513653736810590E-02,2.8127647460852399E-05,2.3681557519351790E-04,1.7053633527413362E-02,3.7818232007873643E-05 -I41,5.8019000000000007E+04,1.0034931987476059E+00,-1.3681129719598059E-03,2.7207265304529521E-05,-5.6675250818720003E-05,1.7059023629995250E-02,3.6558505723900987E-05 -I41,5.8020000000000073E+04,1.0030859958053771E+00,1.5776979614826551E-02,2.6417540312391469E-05,-3.5018478476767990E-04,1.7059149354332160E-02,3.5296046291182803E-05 -I41,5.8021000000000124E+04,1.0023837547034109E+00,3.2916358634930531E-02,2.5763542689374610E-05,-6.4358905203307974E-04,1.7054059866906932E-02,3.4024819549365212E-05 -I41,5.8022000000000175E+04,1.0013866978518291E+00,5.0044809904897312E-02,2.5244253531841101E-05,-9.3677718742783927E-04,1.7043806003506259E-02,3.2739522523179841E-05 -I41,5.8023000000000218E+04,1.0000951538379610E+00,6.7157170988520989E-02,2.4853283637307971E-05,-1.2296480491138381E-03,1.7028438355118670E-02,3.1435542466800280E-05 -I41,5.8023999999999331E+04,9.9850954919627999E-01,8.4248330819315750E-02,2.4579488841063629E-05,-1.5221073477488830E-03,1.7008007260848289E-02,3.0108802439085831E-05 -I41,5.8024999999999367E+04,9.9663040250303447E-01,1.0131323001776510E-01,2.4407410785072630E-05,-1.8140659476275269E-03,1.6982564091818850E-02,2.8755578032493169E-05 -I41,5.8025999999999396E+04,9.9445831942402763E-01,1.1834686285465780E-01,2.4317548482164229E-05,-2.1054397022890131E-03,1.6952163143643870E-02,2.7372352071843371E-05 -I41,5.8026999999999418E+04,9.9199398708416808E-01,1.3534428110056321E-01,2.4286531792334240E-05,-2.3961509838454609E-03,1.6916863385228988E-02,2.5955772548262089E-05 -I41,5.8027999999999440E+04,9.8923816607790915E-01,1.5230059920963979E-01,2.4287328057064701E-05,-2.6861318386070159E-03,1.6876729226492651E-02,2.4502769467500771E-05 -I41,5.8028999999999454E+04,9.8619167866675073E-01,1.6921099937995590E-01,2.4289664965204740E-05,-2.9753283496397158E-03,1.6831829359603930E-02,2.3010875952963720E-05 diff --git a/thor/testing/data/observer_states_barycentric.csv b/thor/testing/data/observer_states_barycentric.csv deleted file mode 100644 index 46419913..00000000 --- a/thor/testing/data/observer_states_barycentric.csv +++ /dev/null @@ -1,301 +0,0 @@ -observatory_code,mjd_utc,x,y,z,vx,vy,vz -500,5.7970000000000276E+04,6.8844879910413714E-01,-7.4209673918635244E-01,-1.1240325766194490E-04,1.2384950181404220E-02,1.1572282472593769E-02,4.4691751252210629E-08 -500,5.7971000000000560E+04,7.0073613624267528E-01,-7.3041978365555593E-01,-1.1231872002113350E-04,1.2189180852615640E-02,1.1781105188269801E-02,1.2060921583455931E-07 -500,5.7971999999999905E+04,7.1282608093164046E-01,-7.1853557493724163E-01,-1.1217029313051660E-04,1.1990171521786610E-02,1.1986789641818990E-02,1.7178347951485689E-07 -500,5.7973000000000189E+04,7.2471540978442783E-01,-7.0644724858276331E-01,-1.1198467062963240E-04,1.1787953230103020E-02,1.2189341469689660E-02,1.9443554673583841E-07 -500,5.7974000000000458E+04,7.3640092353891584E-01,-6.9415793446321472E-01,-1.1179189743782561E-04,1.1582542885252350E-02,1.2388765764911470E-02,1.8570481403101429E-07 -500,5.7974999999999331E+04,7.4787943225772446E-01,-6.8167075935795329E-01,-1.1162426138681479E-04,1.1373942167751880E-02,1.2585062844246649E-02,1.4402787544355629E-07 -500,5.7975999999999600E+04,7.5914774018680664E-01,-6.6898885412314324E-01,-1.1151482036786120E-04,1.1162137977065100E-02,1.2778223416579731E-02,6.9478160891435281E-08 -500,5.7976999999999862E+04,7.7020263188847371E-01,-6.5611536572007334E-01,-1.1149563303409451E-04,1.0947104525081200E-02,1.2968223799949970E-02,-3.5988100988472907E-08 -500,5.7978000000000124E+04,7.8104086122200889E-01,-6.4305347377406452E-01,-1.1159580397491440E-04,1.0728806895291571E-02,1.3155021715847060E-02,-1.6840948417613549E-07 -500,5.7978999999999447E+04,7.9165914450179398E-01,-6.2980641091922573E-01,-1.1183947157085531E-04,1.0507205793709109E-02,1.3338552945087319E-02,-3.2182706283454329E-07 -500,5.7979999999999702E+04,8.0205415893575449E-01,-6.1637748600759490E-01,-1.1224386900403390E-04,1.0282263362094771E-02,1.3518728968704759E-02,-4.8842447587120802E-07 -500,5.7980999999999949E+04,8.1222254744394362E-01,-6.0277010909501449E-01,-1.1281759997661771E-04,1.0053950150624869E-02,1.3695435839619690E-02,-6.5882401592082193E-07 -500,5.7982000000000189E+04,8.2216093108193911E-01,-5.8898781668087841E-01,-1.1355931079733080E-04,9.8222533473451053E-03,1.3868534962525960E-02,-8.2259462714034464E-07 -500,5.7982999999999498E+04,8.3186593018170463E-01,-5.7503429474534307E-01,-1.1445700379619751E-04,9.5871858361925404E-03,1.4037866934964170E-02,-9.6903457958208075E-07 -500,5.7983999999999731E+04,8.4133419439311818E-01,-5.6091339591683331E-01,-1.1548827674409029E-04,9.3487945868161657E-03,1.4203259583796890E-02,-1.0882319056391040E-06 -500,5.7984999999999956E+04,8.5056243973213275E-01,-5.4662914638920723E-01,-1.1662171296294660E-04,9.1071657907631151E-03,1.4364540300601251E-02,-1.1722691714435300E-06 -500,5.7986000000000182E+04,8.5954748797117753E-01,-5.3218573904209610E-01,-1.1781943318340510E-04,8.8624240357099357E-03,1.4521550806017070E-02,-1.2162847264512210E-06 -500,5.7986999999999476E+04,8.6828630164246245E-01,-5.1758751209579390E-01,-1.1904049194546710E-04,8.6147243864089212E-03,1.4674160604238620E-02,-1.2190486692051200E-06 -500,5.7987999999999687E+04,8.7677600815263679E-01,-5.0283891668186576E-01,-1.2024451010524251E-04,8.3642390399503979E-03,1.4822275127187919E-02,-1.1828448244655671E-06 -500,5.7988999999999905E+04,8.8501390944450620E-01,-4.8794447991500223E-01,-1.2139485597942220E-04,8.1111425247556886E-03,1.4965836494696429E-02,-1.1127198521035091E-06 -500,5.7990000000000109E+04,8.9299747793908124E-01,-4.7290877062848741E-01,-1.2246087751596339E-04,7.8555996564763989E-03,1.5104817800226180E-02,-1.0153973357662040E-06 -500,5.7991000000000313E+04,9.0072434292549719E-01,-4.5773637283669127E-01,-1.2341903387207929E-04,7.5977586801936302E-03,1.5239213967742160E-02,-8.9821743915039481E-07 -500,5.7992000000000517E+04,9.0819227278953130E-01,-4.4243186862920592E-01,-1.2425309158494170E-04,7.3377496377693566E-03,1.5369032516227260E-02,-7.6835419271153370E-07 -500,5.7992999999999782E+04,9.1539915760229573E-01,-4.2699982935695852E-01,-1.2495371727484021E-04,7.0756863921689686E-03,1.5494286458150050E-02,-6.3239171888286625E-07 -500,5.7993999999999978E+04,9.2234299472547310E-01,-4.1144481247615061E-01,-1.2551780882752249E-04,6.8116703229745184E-03,1.5614990113876809E-02,-4.9620975835260112E-07 -500,5.7995000000000167E+04,9.2902187825248850E-01,-3.9577136119687611E-01,-1.2594782291394381E-04,6.5457940833277776E-03,1.5731157586625109E-02,-3.6507165701096251E-07 -500,5.7996000000000357E+04,9.3543399179566866E-01,-3.7998400462440518E-01,-1.2625124551379470E-04,6.2781444172294674E-03,1.5842803167882391E-02,-2.4380561373351452E-07 -500,5.7997000000000538E+04,9.4157760339848862E-01,-3.6408725687443860E-01,-1.2644025228658389E-04,6.0088035404353823E-03,1.5949942845575431E-02,-1.3699021850816199E-07 -500,5.7997999999999789E+04,9.4745106102863963E-01,-3.4808561445969188E-01,-1.2653152760992351E-04,5.7378489137844216E-03,1.6052596130043471E-02,-4.9076356788988370E-08 -500,5.7998999999999956E+04,9.5305278705354846E-01,-3.3198355200046759E-01,-1.2654615119285289E-04,5.4653514585690493E-03,1.6150787452534031E-02,1.5607293787241470E-08 -500,5.8000000000000131E+04,9.5838127025586506E-01,-3.1578551706019492E-01,-1.2650941495016349E-04,5.1913724932380880E-03,1.6244546402959820E-02,5.3004372684534020E-08 -500,5.8001000000000298E+04,9.6343505437941679E-01,-2.9949592560642568E-01,-1.2645040337011410E-04,4.9159599848458977E-03,1.6333906133464079E-02,5.9654038274387050E-08 -500,5.8002000000000458E+04,9.6821272297297845E-01,-2.8311916018701300E-01,-1.2640117076968171E-04,4.6391450880413953E-03,1.6418899492371089E-02,3.3166304894258017E-08 -500,5.8003000000000611E+04,9.7271288143882340E-01,-2.6665957310037519E-01,-1.2639539608989649E-04,4.3609402360167927E-03,1.6499552971020449E-02,-2.7225813222587839E-08 -500,5.8003999999999833E+04,9.7693413847259092E-01,-2.5012149639929870E-01,-1.2646649905024800E-04,4.0813400060081247E-03,1.6575879293861739E-02,-1.2016583576650079E-07 -500,5.8004999999999978E+04,9.8087509006947460E-01,-2.3350925936561631E-01,-1.2664534464320410E-04,3.8003254238750828E-03,1.6647870182738580E-02,-2.4187489953415419E-07 -500,5.8006000000000116E+04,9.8453430946806719E-01,-2.1682721238548361E-01,-1.2695780025686229E-04,3.5178713928077469E-03,1.6715491072829301E-02,-3.8616892401162159E-07 -500,5.8007000000000255E+04,9.8791034557959212E-01,-2.0007975454248880E-01,-1.2742248398579350E-04,3.2339559614538160E-03,1.6778679108418321E-02,-5.4481996323314651E-07 -500,5.8008000000000386E+04,9.9100173088286569E-01,-1.8327136137938771E-01,-1.2804902143496419E-04,2.9485697023422762E-03,1.6837344786185770E-02,-7.0819419326876139E-07 -500,5.8009000000000509E+04,9.9380699812036233E-01,-1.6640660939974311E-01,-1.2883702860672999E-04,2.6617237458240730E-03,1.6891376679606111E-02,-8.6604457225949750E-07 -500,5.8010000000000626E+04,9.9632470401015494E-01,-1.4949019471818120E-01,-1.2977591510331159E-04,2.3734557121031651E-03,1.6940648253419979E-02,-1.0083427085636249E-06 -500,5.8010999999999338E+04,9.9855345775462900E-01,-1.3252694421744629E-01,-1.3084550664608279E-04,2.0838333702272549E-03,1.6985025922374400E-02,-1.1260772425455091E-06 -500,5.8011999999999440E+04,1.0004919520629241E+00,-1.1552181824242720E-01,-1.3201743248612740E-04,1.7929559879393440E-03,1.7024377860223521E-02,-1.2119796260421769E-06 -500,5.8012999999999542E+04,1.0021389942713610E+00,-9.8479904266813287E-02,-1.3325718521880271E-04,1.5009531109538071E-03,1.7058583161576931E-02,-1.2611333871529731E-06 -500,5.8013999999999629E+04,1.0034935347782821E+00,-8.1406401508776247E-02,-1.3452670059049010E-04,1.2079803506432390E-03,1.7087540609222081E-02,-1.2713888702166679E-06 -500,5.8014999999999716E+04,1.0045546897021820E+00,-6.4306597499448614E-02,-1.3578721277438780E-04,9.1421208757348326E-04,1.7111175751662981E-02,-1.2434833717961900E-06 -500,5.8015999999999796E+04,1.0053217549801601E+00,-4.7185839053117740E-02,-1.3700205112426980E-04,6.1983186445747440E-04,1.7129444788881249E-02,-1.1807989186936800E-06 -500,5.8016999999999876E+04,1.0057942103943831E+00,-3.0049501392143841E-02,-1.3813901890632671E-04,3.2502219524903868E-04,1.7142334306343730E-02,-1.0887819841227960E-06 -500,5.8017999999999942E+04,1.0059717140034310E+00,-1.2902959577934510E-02,-1.3917207390132439E-04,2.9955902048910258E-05,1.7149857068994748E-02,-9.7415663792608999E-07 -500,5.8019000000000007E+04,1.0058540893852310E+00,4.2484344237330926E-03,-1.4008219795829161E-04,-2.6520941408853140E-04,1.7152045269338560E-02,-8.4412180764609800E-07 -500,5.8020000000000073E+04,1.0054413091729730E+00,2.1399367466969171E-02,-1.4085752963009730E-04,-5.6033327821731138E-04,1.7148943180657621E-02,-7.0570312246731800E-07 -500,5.8021000000000124E+04,1.0047334782780450E+00,3.8544574043249270E-02,-1.4149296813439080E-04,-8.5529123414084256E-04,1.7140600919463990E-02,-5.6535123003767510E-07 -500,5.8022000000000175E+04,1.0037308192245791E+00,5.5678839849587158E-02,-1.4198950343704411E-04,-1.1499719531205290E-03,1.7127070279494450E-02,-4.2879008263164739E-07 -500,5.8023000000000218E+04,1.0024336607213979E+00,7.2797002331621063E-02,-1.4235349726786931E-04,-1.4442738478938420E-03,1.7108402819405500E-02,-3.0105794880960112E-07 -500,5.8023999999999331E+04,1.0008424294309080E+00,8.9893950307068454E-02,-1.4259606784681539E-04,-1.7381022028945671E-03,1.7084649852095291E-02,-1.8665985812856681E-07 -500,5.8024999999999367E+04,9.9895764406348109E-01,1.0696462428359300E-01,-1.4273264894037191E-04,-2.0313674748076369E-03,1.7055863730255558E-02,-8.9751193232327181E-08 -500,5.8025999999999396E+04,9.9677991042429526E-01,1.2400401842277230E-01,-1.4278271826714600E-04,-2.3239851292940969E-03,1.7022099736617020E-02,-1.4281816731935479E-08 -500,5.8026999999999418E+04,9.9430991578243277E-01,1.4100718438982141E-01,-1.4276962396112669E-04,-2.6158771694177389E-03,1.6983417833446129E-02,3.5961925474282891E-08 -500,5.8027999999999440E+04,9.9154842088080275E-01,1.5796923653756920E-01,-1.4272037790588610E-04,-2.9069752910537579E-03,1.6939883430696551E-02,5.7474362732000022E-08 -500,5.8028999999999454E+04,9.8849624813335635E-01,1.7488535696692470E-01,-1.4266523275229339E-04,-3.1972252457854789E-03,1.6891566228971300E-02,4.7351443172674632E-08 -703,5.7970000000000276E+04,6.8841560892408127E-01,-7.4210047858583028E-01,-8.5942986100031395E-05,1.2472873230712190E-02,1.1380141729106390E-02,8.3176523432752008E-05 -703,5.7971000000000560E+04,7.0070319103441059E-01,-7.3042404573732156E-01,-8.5632299445192854E-05,1.2280692047105451E-02,1.1590378070868060E-02,8.2633016058912778E-05 -703,5.7971999999999905E+04,7.1279339045436130E-01,-7.1854035576347142E-01,-8.5259449079383860E-05,1.2085243782097540E-02,1.1797532591819719E-02,8.2040360050208066E-05 -703,5.7973000000000189E+04,7.2468298372140805E-01,-7.0645254406273028E-01,-8.4851195719837802E-05,1.1886558422139031E-02,1.2001610492044300E-02,8.1394965412405970E-05 -703,5.7974000000000458E+04,7.3636877149492985E-01,-6.9416374035467721E-01,-8.4437650535801231E-05,1.1684651829121741E-02,1.2202616411265160E-02,8.0694165509142101E-05 -703,5.7974999999999331E+04,7.4784756375644867E-01,-6.8167707126845378E-01,-8.4051166819849152E-05,1.1479524646686411E-02,1.2400550195589910E-02,7.9936596488723908E-05 -703,5.7975999999999600E+04,7.5911616466841159E-01,-6.6899566751122586E-01,-8.3724866919700658E-05,1.1271162747310741E-02,1.2595402067123970E-02,7.9122537349702527E-05 -703,5.7976999999999862E+04,7.7017135870720532E-01,-6.5612267589631013E-01,-8.3490872930335128E-05,1.1059539325606381E-02,1.2787147841722730E-02,7.8254156956012721E-05 -703,5.7978000000000124E+04,7.8100989964355294E-01,-6.4306127590192996E-01,-8.3378352069900997E-05,1.0844618456977760E-02,1.2975744723190919E-02,7.7335638030905931E-05 -703,5.7978999999999447E+04,7.9162850370059823E-01,-6.2981470001595952E-01,-8.3411504546234590E-05,1.0626359848931680E-02,1.3161127960388239E-02,7.6373170321385300E-05 -703,5.7979999999999702E+04,8.0202384799207560E-01,-6.1638625694525417E-01,-8.3607624878782210E-05,1.0404724654531180E-02,1.3343208487955140E-02,7.5374811421677652E-05 -703,5.7980999999999949E+04,8.1219257534073075E-01,-6.0277935660170257E-01,-8.3975377787946171E-05,1.0179682444922650E-02,1.3521871798066590E-02,7.4350190637805270E-05 -703,5.7982000000000189E+04,8.2213130670151635E-01,-5.8899753534245014E-01,-8.4513470586640912E-05,9.9512194394514031E-03,1.3696978719364639E-02,7.3310000290136026E-05 -703,5.7982999999999498E+04,8.3183666230271069E-01,-5.7504447900747846E-01,-8.5209966413176755E-05,9.7193475643176375E-03,1.3868369258897940E-02,7.2265210446857898E-05 -703,5.7983999999999731E+04,8.4130529168749257E-01,-5.6092404008725238E-01,-8.6042523648840530E-05,9.4841128418028612E-03,1.4035870636592731E-02,7.1226006499671446E-05 -703,5.7984999999999956E+04,8.5053391076255325E-01,-5.4664024464046901E-01,-8.6979785809149286E-05,9.2456005294594308E-03,1.4199309620742111E-02,7.0200581749941743E-05 -703,5.7986000000000182E+04,8.5951934118869400E-01,-5.3219728541381639E-01,-8.7983933059406866E-05,9.0039342922391234E-03,1.4358527291162030E-02,6.9194075391906451E-05 -703,5.7986999999999476E+04,8.6825854538471536E-01,-5.1759950049666803E-01,-8.9014078038958418E-05,8.7592682858018255E-03,1.4513392495727979E-02,6.8207996505453491E-05 -703,5.7987999999999687E+04,8.7674865064220642E-01,-5.0285134089115069E-01,-9.0029898103377069E-05,8.5117738110811070E-03,1.4663809996561290E-02,6.7240343685448305E-05 -703,5.7988999999999905E+04,8.8498695878680578E-01,-4.8795733358363969E-01,-9.0994816772143494E-05,8.2616245121654736E-03,1.4809721229580981E-02,6.6286359199287849E-05 -703,5.7990000000000109E+04,8.9297094212008199E-01,-4.7292204728021819E-01,-9.1878236024588414E-05,8.0089843327060765E-03,1.4951098591329410E-02,6.5339616681528223E-05 -703,5.7991000000000313E+04,9.0069822980927483E-01,-4.5775006586939021E-01,-9.2656668091840560E-05,7.7540006585545907E-03,1.5087936296359719E-02,6.4393082107610633E-05 -703,5.7992000000000517E+04,9.0816659011577561E-01,-4.4244597131674718E-01,-9.3313931858121787E-05,7.4968026865636934E-03,1.5220241142350750E-02,6.3439895964368520E-05 -703,5.7992999999999782E+04,9.1537391298358139E-01,-4.2701433485105400E-01,-9.3840745723678076E-05,7.2375034475745731E-03,1.5348025406934951E-02,6.2473796873972919E-05 -703,5.7993999999999978E+04,9.2231819564480766E-01,-4.1145971380843310E-01,-9.4234058635291724E-05,6.9762035030478016E-03,1.5471302663216930E-02,6.1489234625555048E-05 -703,5.7995000000000167E+04,9.2899753206086577E-01,-3.9578665128116991E-01,-9.4496377677101654E-05,6.7129947022308576E-03,1.5590086254442390E-02,6.0481281581306712E-05 -703,5.7996000000000357E+04,9.3541010570958982E-01,-3.7999967625902858E-01,-9.4635238621871873E-05,6.4479629993884936E-03,1.5704389698652281E-02,5.9445451190363700E-05 -703,5.7997000000000538E+04,9.4155418449775918E-01,-3.6410330274446678E-01,-9.4662866059951588E-05,6.1811898349347603E-03,1.5814228198071920E-02,5.8377511571347472E-05 -703,5.7997999999999789E+04,9.4742811625431300E-01,-3.4810202713945299E-01,-9.4595992450908250E-05,5.9127519096465091E-03,1.5919620465723230E-02,5.7273362910036927E-05 -703,5.7998999999999956E+04,9.5303032320581604E-01,-3.3200032395607348E-01,-9.4455744808146069E-05,5.6427193998208466E-03,1.6020590123192398E-02,5.6129031834958332E-05 -703,5.8000000000000131E+04,9.5835929399206776E-01,-3.1580264065204272E-01,-9.4267461481491161E-05,5.3711528941015538E-03,1.6117165938345571E-02,5.4940820994157727E-05 -703,5.8001000000000298E+04,9.6341357221213686E-01,-2.9951339309172897E-01,-9.4060272498723148E-05,5.0980996452777714E-03,1.6209380228536650E-02,5.3705631771607490E-05 -703,5.8002000000000458E+04,9.6819174126832852E-01,-2.8313696372228497E-01,-9.3866276678435559E-05,4.8235901098856188E-03,1.6297264994961310E-02,5.2421439116767021E-05 -703,5.8003000000000611E+04,9.7269240641505283E-01,-2.6667770474366648E-01,-9.3719196113834240E-05,4.5476360392754994E-03,1.6380845870904579E-02,5.1087843117222448E-05 -703,5.8003999999999833E+04,9.7691417619889476E-01,-2.5013994811239582E-01,-9.3652492217985585E-05,4.2702313460575717E-03,1.6460134713455341E-02,4.9706569651774531E-05 -703,5.8004999999999978E+04,9.8085564646432644E-01,-2.3352802301577730E-01,-9.3697070284562249E-05,3.9913564069753290E-03,1.6535122366150141E-02,4.8281771655819301E-05 -703,5.8006000000000116E+04,9.8451539029746371E-01,-2.1684627974711221E-01,-9.3878836610345126E-05,3.7109854923231479E-03,1.6605773376032001E-02,4.6820013515185623E-05 -703,5.8007000000000255E+04,9.8789195645524031E-01,-2.0009911729909141E-01,-9.4216446973645549E-05,3.4290960349864191E-03,1.6672023991211950E-02,4.5329910669421077E-05 -703,5.8008000000000386E+04,9.9098387726002735E-01,-1.8329101112562229E-01,-9.4719563650753295E-05,3.1456780080432361E-03,1.6733783803680981E-02,4.3821492784667272E-05 -703,5.8009000000000509E+04,9.9378968529577749E-01,-1.6642653764386869E-01,-9.5387838441709521E-05,2.8607419590640300E-03,1.6790940474616510E-02,4.2305410277053483E-05 -703,5.8010000000000626E+04,9.9630793711968157E-01,-1.4951039288490661E-01,-9.6210716213455082E-05,2.5743249419007751E-03,1.6843366546459789E-02,4.0792101960432730E-05 -703,5.8010999999999338E+04,9.9853724177134029E-01,-1.3254740365117570E-01,-9.7168057378328423E-05,2.2864941769505688E-03,1.6890927502443670E-02,3.9290994064801413E-05 -703,5.8011999999999440E+04,1.0004762917956760E+00,-1.1554253021074121E-01,-9.8231525216494606E-05,1.9973484015786960E-03,1.6933490576126180E-02,3.7809771722114702E-05 -703,5.8012999999999542E+04,1.0021238943634929E+00,-9.8500859963749021E-02,-9.9366645534871309E-05,1.7070166490871590E-03,1.6970933911751501E-02,3.6353768485812762E-05 -703,5.8013999999999629E+04,1.0034789997067739E+00,-8.1427592057751436E-02,-1.0053538608068219E-04,1.4156540366166280E-03,1.7003155332645539E-02,3.4925550192216258E-05 -703,5.8014999999999716E+04,1.0045407237771140E+00,-6.4328013955960273E-02,-1.0169901160128410E-04,1.1234344693661180E-03,1.7030079420401838E-02,3.3524794627698182E-05 -703,5.8015999999999796E+04,1.0053083623439689E+00,-4.7207472406964407E-02,-1.0282088044592960E-04,8.3054103278934639E-04,1.7051661400363662E-02,3.2148535439497290E-05 -703,5.8016999999999876E+04,1.0057813950209700E+00,-3.0071342569447941E-02,-1.0386882325499980E-04,5.3715580153823194E-04,1.7067886876734040E-02,3.0791744151872993E-05 -703,5.8017999999999942E+04,1.0059594796967450E+00,-1.2924999443022190E-02,-1.0481682366860700E-04,2.4345117569139250E-04,1.7078767625399619E-02,2.9448119455027711E-05 -703,5.8019000000000007E+04,1.0058424397780570E+00,4.2262050660481004E-03,-1.0564588803176410E-04,-5.0415646727249463E-05,1.7084334844536510E-02,2.8110890015095999E-05 -703,5.8020000000000073E+04,1.0054302477255139E+00,2.1376957868873461E-02,-1.0634417822779000E-04,-3.4430457504968021E-04,1.7084631807352601E-02,2.6773463129236292E-05 -703,5.8021000000000124E+04,1.0047230082766501E+00,3.8521993511310297E-02,-1.0690661562571629E-04,-6.3809151877832209E-04,1.7079707625344741E-02,2.5429825626691329E-05 -703,5.8022000000000175E+04,1.0037209437805110E+00,5.5656097741860311E-02,-1.0733421131115521E-04,-9.3166549603425092E-04,1.7069613082112949E-02,2.4074695013379510E-05 -703,5.8023000000000218E+04,1.0024243827693979E+00,7.2774108054714778E-02,-1.0763334716212120E-04,-1.2249252475105381E-03,1.7054398719136318E-02,2.2703478535881601E-05 -703,5.8023999999999331E+04,1.0008337517284369E+00,8.9870913313074965E-02,-1.0781516045051340E-04,-1.5177763660795080E-03,1.7034114828628780E-02,2.1312118705607401E-05 -703,5.8024999999999367E+04,9.9894956918971067E-01,1.0694145406701280E-01,-1.0789510297419240E-04,-1.8101295978141989E-03,1.7008812737182820E-02,1.9896910060118661E-05 -703,5.8025999999999396E+04,9.9677244077954497E-01,1.2398072451733300E-01,-1.0789266942194330E-04,-2.1019006778882549E-03,1.6978546698219792E-02,1.8454353793415181E-05 -703,5.8026999999999418E+04,9.9430305358752535E-01,1.4098377636537579E-01,-1.0783122382118791E-04,-2.3930118598084879E-03,1.6943375640580599E-02,1.6981115703978420E-05 -703,5.8027999999999440E+04,9.9154216817643559E-01,1.5794572399704329E-01,-1.0773779284070340E-04,-2.6833950709777201E-03,1.6903363936148511E-02,1.5474143025963798E-05 -703,5.8028999999999454E+04,9.8849060677928702E-01,1.7486174954321729E-01,-1.0764264287242870E-04,-2.9729962750542128E-03,1.6858580240962481E-02,1.3930985487202670E-05 -F51,5.7970000000000276E+04,6.8841201099020466E-01,-7.4207659491561195E-01,-1.0473220318123850E-04,1.2287727493262020E-02,1.1359543857964300E-02,9.2447232188735704E-05 -F51,5.7971000000000560E+04,7.0069908814323623E-01,-7.3040022229574186E-01,-1.0439448015841381E-04,1.2095962208350051E-02,1.1566861005387180E-02,9.3168517900339787E-05 -F51,5.7971999999999905E+04,7.1278878381641264E-01,-7.1851660051264665E-01,-1.0399114560866590E-04,1.1900984504939120E-02,1.1771103289396260E-02,9.3837533360883579E-05 -F51,5.7973000000000189E+04,7.2467787469657341E-01,-7.0642886494427004E-01,-1.0354896895607270E-04,1.1702824230206670E-02,1.1972276771438330E-02,9.4450311702038778E-05 -F51,5.7974000000000458E+04,7.3636316159190318E-01,-6.9414014528716395E-01,-1.0309807086542240E-04,1.1501497090564130E-02,1.2170386950164090E-02,9.5003811640424803E-05 -F51,5.7974999999999331E+04,7.4784145463219254E-01,-6.8165356814497791E-01,-1.0267081497717810E-04,1.1297003557923860E-02,1.2365434528703560E-02,9.5496297370051240E-05 -F51,5.7975999999999600E+04,7.5910955812744141E-01,-6.6897226419704670E-01,-1.0230033492575340E-04,1.1089329316965079E-02,1.2557410583471800E-02,9.5927679441938020E-05 -F51,5.7976999999999862E+04,7.7016425670085142E-01,-6.5609938022669378E-01,-1.0201876521929040E-04,1.0878447358775870E-02,1.2746291781778061E-02,9.6299761904083045E-05 -F51,5.7978000000000124E+04,7.8100230426934159E-01,-6.4303809568011749E-01,-1.0185528680258271E-04,1.0664321539495210E-02,1.2932036176328319E-02,9.6616365663366731E-05 -F51,5.7978999999999447E+04,7.9162041720160681E-01,-6.2979164301120782E-01,-1.0183411499506269E-04,1.0446911331703111E-02,1.3114579861489520E-02,9.6883320994540790E-05 -F51,5.7979999999999702E+04,8.0201527275641260E-01,-6.1636333089081685E-01,-1.0197256079100960E-04,1.0226177637617771E-02,1.3293834613841440E-02,9.7108327027427876E-05 -F51,5.7980999999999949E+04,8.1218351390100996E-01,-6.0275656919285270E-01,-1.0227930681690240E-04,1.0002089761915580E-02,1.3469686762953081E-02,9.7300654457800663E-05 -F51,5.7982000000000189E+04,8.2212176173436002E-01,-5.8897489423435423E-01,-1.0275307957286710E-04,9.7746336417797435E-03,1.3641997969774340E-02,9.7470635789249671E-05 -F51,5.7982999999999498E+04,8.3182663662810141E-01,-5.7502199181282321E-01,-1.0338196231262370E-04,9.5438209058408725E-03,1.3810609067522290E-02,9.7628879847739297E-05 -F51,5.7983999999999731E+04,8.4129478826822046E-01,-5.6090171437357894E-01,-1.0414363417743260E-04,9.3096972626811481E-03,1.3975348097133029E-02,9.7785209460006333E-05 -F51,5.7984999999999956E+04,8.5052293270321588E-01,-5.4661808792745159E-01,-1.0500675979960580E-04,9.0723476408566296E-03,1.4136042641434090E-02,9.7947456389166818E-05 -F51,5.7986000000000182E+04,8.5950789173483699E-01,-5.3217530517046197E-01,-1.0593354080603540E-04,8.8318953604809257E-03,1.4292534590686740E-02,9.8120400804758959E-05 -F51,5.7986999999999476E+04,8.6824662792149632E-01,-5.1757770413885973E-01,-1.0688311177114220E-04,8.5884942172637594E-03,1.4444693597565440E-02,9.8305198359119306E-05 -F51,5.7987999999999687E+04,8.7673626869297416E-01,-5.0282973577955914E-01,-1.0781517280261010E-04,8.3423151381129268E-03,1.4592425223509189E-02,9.8499500899822224E-05 -F51,5.7988999999999905E+04,8.8497411601200560E-01,-4.8793592702173771E-01,-1.0869317129374270E-04,8.0935313782256151E-03,1.4735671699691880E-02,9.8698209609436575E-05 -F51,5.7990000000000109E+04,8.9295764231616104E-01,-4.7290084651246300E-01,-1.0948653441080240E-04,7.8423064775306368E-03,1.4874406212747861E-02,9.8894561738935158E-05 -F51,5.7991000000000313E+04,9.0068447690760300E-01,-4.5772907807942781E-01,-1.1017180091762991E-04,7.5887874034363837E-03,1.5008623761149500E-02,9.9081190281222293E-05 -F51,5.7992000000000517E+04,9.0815238818149724E-01,-4.4242520362549559E-01,-1.1073281737443590E-04,7.3331029199000114E-03,1.5138331919227610E-02,9.9250905256311928E-05 -F51,5.7992999999999782E+04,9.1535926621464780E-01,-4.2699379431469658E-01,-1.1116033104662670E-04,7.0753656099335439E-03,1.5263543734664410E-02,9.9397116375284935E-05 -F51,5.7993999999999978E+04,9.2230310837076579E-01,-4.1143940741646001E-01,-1.1145132081080640E-04,6.8156755730255023E-03,1.5384273542488501E-02,9.9513946474099582E-05 -F51,5.7995000000000167E+04,9.2898200874170034E-01,-3.9576658595418768E-01,-1.1160832452673260E-04,6.5541241818998031E-03,1.5500535440289190E-02,9.9596142762984919E-05 -F51,5.7996000000000357E+04,9.3539415093455514E-01,-3.7997985884660962E-01,-1.1163890964919750E-04,6.2907968998097427E-03,1.5612343692889840E-02,9.9638895478802448E-05 -F51,5.7997000000000538E+04,9.4153780298402723E-01,-3.6408374002309618E-01,-1.1155533332289610E-04,6.0257746623604974E-03,1.5719714240788819E-02,9.9637652016292040E-05 -F51,5.7997999999999789E+04,9.4741131284549429E-01,-3.4808272581049160E-01,-1.1137436132879889E-04,5.7591336523437359E-03,1.5822666526259740E-02,9.9587994620245777E-05 -F51,5.7998999999999956E+04,9.5301310287056351E-01,-3.3198129064358378E-01,-1.1111715469025430E-04,5.4909435144068807E-03,1.5921224891790899E-02,9.9485634626451393E-05 -F51,5.8000000000000131E+04,9.5834166182262981E-01,-3.1578388190058793E-01,-1.1080908638878630E-04,5.2212642917641369E-03,1.6015418817685988E-02,9.9326562398769974E-05 -F51,5.8001000000000298E+04,9.6339553342285034E-01,-2.9949491536420481E-01,-1.1047932169244069E-04,4.9501426781295007E-03,1.6105281325214531E-02,9.9107370563249314E-05 -F51,5.8002000000000458E+04,9.6817330119397715E-01,-2.8311877339787023E-01,-1.1015999526570699E-04,4.6776085578020023E-03,1.6190845110662901E-02,9.8825729869495100E-05 -F51,5.8003000000000611E+04,9.7267357050906500E-01,-2.6665980811591500E-01,-1.0988486561879010E-04,4.4036730973832736E-03,1.6272136493141930E-02,9.8480941934374946E-05 -F51,5.8003999999999833E+04,9.7689495003143467E-01,-2.5012235138739830E-01,-1.0968743106928719E-04,4.1283296126469748E-03,1.6349168006187860E-02,9.8074440895517195E-05 -F51,5.8004999999999978E+04,9.8083603572064904E-01,-2.3351073231046901E-01,-1.0959863474097300E-04,3.8515578707695301E-03,1.6421931161913750E-02,9.7610094426981705E-05 -F51,5.8006000000000116E+04,9.8449540077624564E-01,-2.1682930108779541E-01,-1.0964442188605279E-04,3.5733315200051140E-03,1.6490391167237731E-02,9.7094188066580188E-05 -F51,5.8007000000000255E+04,9.8787159406687186E-01,-2.0008245662004981E-01,-1.0984348839557189E-04,3.2936273593857151E-03,1.6554484920445721E-02,9.6535063958800112E-05 -F51,5.8008000000000386E+04,9.9096314802507490E-01,-1.8327467426764871E-01,-1.1020553793848070E-04,3.0124347157754472E-03,1.6614122653893441E-02,9.5942482216809598E-05 -F51,5.8009000000000509E+04,9.9376859534335804E-01,-1.6641053035278369E-01,-1.1073026487526159E-04,2.7297634789616200E-03,1.6669192657975038E-02,9.5326826212210154E-05 -F51,5.8010000000000626E+04,9.9628649268599323E-01,-1.4949472080976309E-01,-1.1140715771430010E-04,2.4456500323993022E-03,1.6719568093671651E-02,9.4698268701349413E-05 -F51,5.8010999999999338E+04,9.9851544919794033E-01,-1.3253207234243311E-01,-1.1221612126216110E-04,2.1601609144404799E-03,1.6765115050686501E-02,9.4065971159389237E-05 -F51,5.8011999999999440E+04,1.0004541575275840E+00,-1.1552754511818029E-01,-1.1312886346113850E-04,1.8733941689092551E-03,1.6805701356867500E-02,9.3437355963313777E-05 -F51,5.8012999999999542E+04,1.0021014249472580E+00,-9.8486226434385107E-02,-1.1411095501943180E-04,1.5854781239252880E-03,1.6841205739349410E-02,9.2817497170612665E-05 -F51,5.8013999999999629E+04,1.0034562017883160E+00,-8.1413315334007849E-02,-1.1512440876627890E-04,1.2965671809830701E-03,1.6871526592683810E-02,9.2208706510884581E-05 -F51,5.8014999999999716E+04,1.0045176040994390E+00,-6.4314099174007863E-02,-1.1613053464058871E-04,1.0068345198920980E-03,1.6896589058272252E-02,9.1610414882060075E-05 -F51,5.8015999999999796E+04,1.0052849277449840E+00,-4.7193924595254642E-02,-1.1709273659935060E-04,7.1646249077113387E-04,1.6916348910741001E-02,9.1019417028988548E-05 -F51,5.8016999999999876E+04,1.0057576524313341E+00,-3.0058166647474110E-02,-1.1797889155112440E-04,4.2563242342365162E-04,1.6930792293090489E-02,9.0430453660885510E-05 -F51,5.8017999999999942E+04,1.0059354361379600E+00,-1.2912200220019900E-02,-1.1876303036816829E-04,1.3451596226457191E-04,1.6939931510031269E-02,8.9836999709249707E-05 -F51,5.8019000000000007E+04,1.0058181023604160E+00,4.2386228922797441E-03,-1.1942620747733171E-04,-1.5673046014179400E-04,1.6943798276789272E-02,8.9232066589194135E-05 -F51,5.8020000000000073E+04,1.0054056236461160E+00,2.1388989713129219E-02,-1.1995663382658500E-04,-4.4796752819160131E-04,1.6942436371702788E-02,8.8608849626983652E-05 -F51,5.8021000000000124E+04,1.0046981048173571E+00,3.8533634902148242E-02,-1.2034928070475960E-04,-7.3907193553657366E-04,1.6935895398645269E-02,8.7961128374668487E-05 -F51,5.8022000000000175E+04,1.0036957683058920E+00,5.5667344322959757E-02,-1.2060520980811720E-04,-1.0299334938472101E-03,1.6924226620895301E-02,8.7283417258479570E-05 -F51,5.8023000000000218E+04,1.0023989427247550E+00,7.2784955586341502E-02,-1.2073085440299610E-04,-1.3204517476460541E-03,1.6907481047131630E-02,8.6570924390061546E-05 -F51,5.8023999999999331E+04,1.0008080546375280E+00,8.9881357673254503E-02,-1.2073740363928760E-04,-1.6105331013008841E-03,1.6885709422887269E-02,8.5819397753158548E-05 -F51,5.8024999999999367E+04,9.9892362265260093E-01,1.0695149125295730E-01,-1.2064036170553411E-04,-1.9000891214513019E-03,1.6858963515121089E-02,8.5024941624940229E-05 -F51,5.8025999999999396E+04,9.9674625247026427E-01,1.2399035064656780E-01,-1.2045927607523009E-04,-2.1890363709379649E-03,1.6827298003546730E-02,8.4183871732776571E-05 -F51,5.8026999999999418E+04,9.9427663125177534E-01,1.4099298767697671E-01,-1.2021756395451310E-04,-2.4772979385261902E-03,1.6790772229893891E-02,8.3292673024719385E-05 -F51,5.8027999999999440E+04,9.9151551962929252E-01,1.5795451685288850E-01,-1.1994230557356400E-04,-2.7648065945719740E-03,1.6749450965556040E-02,8.2348116549447954E-05 -F51,5.8028999999999454E+04,9.8846373990296577E-01,1.7487012042946201E-01,-1.1966382126839510E-04,-3.0515091548239848E-03,1.6703403253230178E-02,8.1347580731561288E-05 -I11,5.7970000000000276E+04,6.8843189202921540E-01,-7.4213531153465240E-01,-1.1892706240319940E-04,1.2591572856684609E-02,1.1474619222997990E-02,4.2001163298646781E-05 -I11,5.7971000000000560E+04,7.0071979577778398E-01,-7.3045861819282387E-01,-1.1872989670051819E-04,1.2397601345844901E-02,1.1686716097073380E-02,4.0654342805822778E-05 -I11,5.7971999999999905E+04,7.1281031190218069E-01,-7.1857466268623005E-01,-1.1847274130638680E-04,1.2200328160412249E-02,1.1895702643800901E-02,3.9270794228996930E-05 -I11,5.7973000000000189E+04,7.2470021684697561E-01,-7.0648658049119095E-01,-1.1818232301604860E-04,1.1999783827074230E-02,1.2101583522613609E-02,3.7847164901921808E-05 -I11,5.7974000000000458E+04,7.3638631117967446E-01,-6.9419750140635605E-01,-1.1788871889880990E-04,1.1795984757680020E-02,1.2304362840691561E-02,3.6381021985092203E-05 -I11,5.7974999999999331E+04,7.4786540479097108E-01,-6.8171055214125742E-01,-1.1762424784489550E-04,1.1588932155407451E-02,1.2504039920390560E-02,3.4871230837596859E-05 -I11,5.7975999999999600E+04,7.5913430175340679E-01,-6.6902886348493851E-01,-1.1742199740846340E-04,1.1378612461383820E-02,1.2700604468267870E-02,3.3318294565871148E-05 -I11,5.7976999999999862E+04,7.7018978645448621E-01,-6.5615558233436344E-01,-1.1731405419447179E-04,1.1164999448421109E-02,1.2894031792812691E-02,3.1724600445651807E-05 -I11,5.7978000000000124E+04,7.8102861257740530E-01,-6.4309388825338520E-01,-1.1732954888591019E-04,1.0948057780141081E-02,1.3084278599325970E-02,3.0094543411806459E-05 -I11,5.7978999999999447E+04,7.9164749625931086E-01,-6.2984701381755437E-01,-1.1749264399407480E-04,1.0727747761975199E-02,1.3271279646289109E-02,2.8434519829996881E-05 -I11,5.7979999999999702E+04,8.0204311452992294E-01,-6.1641826782326659E-01,-1.1782059514269010E-04,1.0504031153819210E-02,1.3454945386838779E-02,2.6752788843426399E-05 -I11,5.7980999999999949E+04,8.1221211013040073E-01,-6.0281106027369113E-01,-1.1832202683877060E-04,1.0276878143623550E-02,1.3635160841526090E-02,2.5059177115855130E-05 -I11,5.7982000000000189E+04,8.2215110393701385E-01,-5.8902892761849146E-01,-1.1899560505709301E-04,1.0046275576771270E-02,1.3811786379330161E-02,2.3364570759080181E-05 -I11,5.7982999999999498E+04,8.3185671610191625E-01,-5.7507555579092484E-01,-1.1982935107092780E-04,9.8122360138286641E-03,1.3984661558037971E-02,2.1680132197655440E-05 -I11,5.7983999999999731E+04,8.4132559609432200E-01,-5.6095479737519616E-01,-1.2080088131541641E-04,9.5748061202463926E-03,1.4153613158698630E-02,2.0016238462943628E-05 -I11,5.7984999999999956E+04,8.5055445974901300E-01,-5.4667067852366924E-01,-1.2187879775597200E-04,9.3340718027446617E-03,1.4318467523567220E-02,1.8381272283317969E-05 -I11,5.7986000000000182E+04,8.5954012865599283E-01,-5.3222739207709902E-01,-1.2302523947510619E-04,9.0901573831480790E-03,1.4479065316861909E-02,1.6780559525013329E-05 -I11,5.7986999999999476E+04,8.6827956516401927E-01,-5.1762927621969068E-01,-1.2419927837269590E-04,8.8432176808794297E-03,1.4635274981163489E-02,1.5215790898316100E-05 -I11,5.7987999999999687E+04,8.7676989649531245E-01,-5.0288078204983766E-01,-1.2536055089944711E-04,8.5934246681854294E-03,1.4787000882322271E-02,1.3685140180493731E-05 -I11,5.7988999999999905E+04,8.8500842440721228E-01,-4.8798643665201569E-01,-1.2647243898247790E-04,8.3409526683609243E-03,1.4934184069125059E-02,1.2184017455262710E-05 -I11,5.7990000000000109E+04,8.9299262113454114E-01,-4.7295080883233948E-01,-1.2750430201110660E-04,8.0859663122536968E-03,1.5076796560355699E-02,1.0706156991434561E-05 -I11,5.7991000000000313E+04,9.0072011577982136E-01,-4.5777848258107928E-01,-1.2843260855516421E-04,7.8286136806773286E-03,1.5214832202884330E-02,9.2446790152559467E-06 -I11,5.7992000000000517E+04,9.0818867654210134E-01,-4.4247403996675821E-01,-1.2924113303998790E-04,7.5690246709022302E-03,1.5348297437635060E-02,7.7928727595505438E-06 -I11,5.7992999999999782E+04,9.1539619330552557E-01,-4.2704205232222409E-01,-1.2992054855065789E-04,7.3073130215708538E-03,1.5477204197151810E-02,6.3446206717397498E-06 -I11,5.7993999999999978E+04,9.2234066324481745E-01,-4.1148707708858828E-01,-1.3046775807365379E-04,7.0435800088652599E-03,1.5601565721399830E-02,4.8945119239548412E-06 -I11,5.7995000000000167E+04,9.2902018026624344E-01,-3.9581365746376879E-01,-1.3088522240497670E-04,6.7779182021499096E-03,1.5721395031612961E-02,3.4377544062453210E-06 -I11,5.7996000000000357E+04,9.3543292779485543E-01,-3.8002632254378260E-01,-1.3118043063084519E-04,6.5104142818641292E-03,1.5836705336260751E-02,1.9699927770981730E-06 -I11,5.7997000000000538E+04,9.4157717368680227E-01,-3.6412958643801602E-01,-1.3136556032872210E-04,6.2411504211358380E-03,1.5947511539696549E-02,4.8712239167544893E-07 -I11,5.7997999999999789E+04,9.4745126572258498E-01,-3.4812794565578520E-01,-1.3145729676708950E-04,5.9702040584752166E-03,1.6053832069315661E-02,-1.0148334269599951E-06 -I11,5.7998999999999956E+04,9.5305362608238564E-01,-3.3202587481687817E-01,-1.3147671969737011E-04,5.6976461125879266E-03,1.6155690273069030E-02,-2.5397288524616419E-06 -I11,5.8000000000000131E+04,9.5838274336145524E-01,-3.1582782148709998E-01,-1.3144912022850069E-04,5.4235379194240594E-03,1.6253114656790631E-02,-4.0911458472881306E-06 -I11,5.8001000000000298E+04,9.6343716111611799E-01,-2.9953820163928291E-01,-1.3140358117996810E-04,5.1479274838568843E-03,1.6346137288252519E-02,-5.6720719662390289E-06 -I11,5.8002000000000458E+04,9.6821546270764880E-01,-2.8316139782948840E-01,-1.3137215418823289E-04,4.8708460188619067E-03,1.6434789931931860E-02,-7.2844263219123487E-06 -I11,5.8003000000000611E+04,9.7271625335079959E-01,-2.6670176236731791E-01,-1.3138851420922890E-04,4.5923060367985139E-03,1.6519097995828080E-02,-8.9285082259716965E-06 -I11,5.8003999999999833E+04,9.7693814155371805E-01,-2.5016362731973107E-01,-1.3148607563522949E-04,4.3123022136996063E-03,1.6599073121795170E-02,-1.0602497083749020E-05 -I11,5.8004999999999978E+04,9.8087972312409866E-01,-2.3355132198580969E-01,-1.3169569625539281E-04,4.0308156946010400E-03,1.6674705949327840E-02,-1.2302152621517970E-05 -I11,5.8006000000000116E+04,9.8453957111335910E-01,-2.1686919677205080E-01,-1.3204323411156210E-04,3.7478215226834492E-03,1.6745960833033809E-02,-1.4020831140087080E-05 -I11,5.8007000000000255E+04,9.8791623424626074E-01,-2.0012165078541430E-01,-1.3254729595121430E-04,3.4632979063870311E-03,1.6812773840164691E-02,-1.5749845516707590E-05 -I11,5.8008000000000386E+04,9.9100824481588012E-01,-1.8331315959502950E-01,-1.3321749412382940E-04,3.1772355983188559E-03,1.6875054393603241E-02,-1.7479100946115890E-05 -I11,5.8009000000000509E+04,9.9381413537994912E-01,-1.6644829973373471E-01,-1.3405342979489840E-04,2.8896459291715671E-03,1.6932689997775450E-02,-1.9197887000832531E-05 -I11,5.8010000000000626E+04,9.9633246247263574E-01,-1.4953176734826759E-01,-1.3504449666982901E-04,2.6005667397419568E-03,1.6985553052431060E-02,-2.0895709011465491E-05 -I11,5.8010999999999338E+04,9.9856183511340013E-01,-1.3256838935622239E-01,-1.3617050391762339E-04,2.3100660398356122E-03,1.7033508912730928E-02,-2.2563088142136209E-05 -I11,5.8011999999999440E+04,1.0005009458290930E+00,-1.1556312614005421E-01,-1.3740306409448579E-04,2.0182433570452669E-03,1.7076424696792741E-02,-2.4192288572915239E-05 -I11,5.8012999999999542E+04,1.0021486017741841E+00,-9.8521065213797290E-02,-1.3870765281085999E-04,1.7252285166247390E-03,1.7114178446925699E-02,-2.5777928941299829E-05 -I11,5.8013999999999629E+04,1.0035037531656661E+00,-8.1447405838798045E-02,-1.4004618814238739E-04,1.4311774296214450E-03,1.7146667897649331E-02,-2.7317399621210471E-05 -I11,5.8014999999999716E+04,1.0045655159412250E+00,-6.4347435592227206E-02,-1.4137988570287201E-04,1.1362647952001231E-03,1.7173817553334501E-02,-2.8810984203843078E-05 -I11,5.8015999999999796E+04,1.0053331858577190E+00,-4.7226501337367749E-02,-1.4267205481832091E-04,8.4067449409624137E-04,1.7195582573706930E-02,-3.0261617189677109E-05 -I11,5.8016999999999876E+04,1.0058062425179000E+00,-3.0089978348535790E-02,-1.4389047689544079E-04,5.4458939742834886E-04,1.7211948508758960E-02,-3.1674302874821843E-05 -I11,5.8017999999999942E+04,1.0059843438016960E+00,-1.2943241742127951E-02,-1.4500908578903869E-04,2.4818270459623189E-04,1.7222927091914940E-02,-3.3055326315298988E-05 -I11,5.8019000000000007E+04,1.0058673131095759E+00,4.2083564582127914E-03,-1.4600883767056460E-04,-4.8387586840991541E-05,1.7228549490418809E-02,-3.4411449783000483E-05 -I11,5.8020000000000073E+04,1.0054551228986970E+00,2.1359503045946561E-02,-1.4687784376334539E-04,-3.4498058636814192E-04,1.7228858959723110E-02,-3.5749263868560763E-05 -I11,5.8021000000000124E+04,1.0047478779058541E+00,3.8504932449162622E-02,-1.4761097445447260E-04,-6.4147140282903598E-04,1.7223904606263680E-02,-3.7074785409352103E-05 -I11,5.8022000000000175E+04,1.0037458004819120E+00,5.5639430298778332E-02,-1.4820918975297001E-04,-9.3774825387498979E-04,1.7213737220816362E-02,-3.8393305490964993E-05 -I11,5.8023000000000218E+04,1.0024492191636429E+00,7.2757833971590552E-02,-1.4867882030367889E-04,-1.2337090789215450E-03,1.7198407365986740E-02,-3.9709430690996880E-05 -I11,5.8023999999999331E+04,1.0008585604430100E+00,8.9855032213912459E-02,-1.4903095228672970E-04,-1.5292586709732790E-03,1.7177965367832611E-02,-4.1027236865382308E-05 -I11,5.8024999999999367E+04,9.9897434286120201E-01,1.0692596545933029E-01,-1.4928098654492231E-04,-1.8243069767316701E-03,1.7152462599532511E-02,-4.2350452258101133E-05 -I11,5.8025999999999396E+04,9.9679717205588914E-01,1.2396562779286210E-01,-1.4944836706585039E-04,-2.1187689343626242E-03,1.7121953374218572E-02,-4.3682602955010593E-05 -I11,5.8026999999999418E+04,9.9432773513010875E-01,1.4096907080060789E-01,-1.4955640742301871E-04,-2.4125660017073110E-03,1.7086496693271360E-02,-4.5027054724556241E-05 -I11,5.8027999999999440E+04,9.9156679266212588E-01,1.5793140875369441E-01,-1.4963208407932409E-04,-2.7056293112050949E-03,1.7046157014369630E-02,-4.6386896198183867E-05 -I11,5.8028999999999454E+04,9.8851516690237662E-01,1.7484782366861451E-01,-1.4970561348080211E-04,-2.9979040322242229E-03,1.7001003093153541E-02,-4.7764618143151417E-05 -I41,5.7970000000000276E+04,6.8841467742715667E-01,-7.4209681825186591E-01,-8.6893169290151474E-05,1.2449333280846809E-02,1.1374767260392740E-02,8.5549792664211047E-05 -I41,5.7971000000000560E+04,7.0070219540686984E-01,-7.3042040058404956E-01,-8.6575783822658408E-05,1.2257256637812630E-02,1.1584632820729990E-02,8.5166838172862446E-05 -I41,5.7971999999999905E+04,7.1279233099108852E-01,-7.1853672680101177E-01,-8.6195797511911406E-05,1.2061919848049401E-02,1.1791418260145330E-02,8.4733984881010354E-05 -I41,5.7973000000000189E+04,7.2468186073618313E-01,-7.0644893229639938E-01,-8.5779973144103894E-05,1.1863352865009891E-02,1.1995128887846530E-02,8.4247595022505668E-05 -I41,5.7974000000000458E+04,7.3636758532033342E-01,-6.9416014678468130E-01,-8.5358424046442361E-05,1.1661571515549821E-02,1.2195769452148401E-02,8.3704954544279336E-05 -I41,5.7974999999999331E+04,7.4784631474376928E-01,-6.8167349688958268E-01,-8.4963505770016084E-05,1.1456576406235579E-02,1.2393339907251680E-02,8.3104652617042746E-05 -I41,5.7975999999999600E+04,7.5911485318753713E-01,-6.6899211331255737E-01,-8.4628343033266984E-05,1.1248353370467040E-02,1.2587830582789530E-02,8.2446921804939322E-05 -I41,5.7976999999999862E+04,7.7016998514650958E-01,-6.5611914286092221E-01,-8.4385060443589803E-05,1.1036875561797530E-02,1.2779217401565721E-02,8.1733885113813960E-05 -I41,5.7978000000000124E+04,7.8100846440978355E-01,-6.4305776500662115E-01,-8.4262827905165296E-05,1.0822107012575700E-02,1.2967457673765011E-02,8.0969679934721851E-05 -I41,5.7978999999999447E+04,7.9162700721875701E-01,-6.2981121223097436E-01,-8.4285848496137064E-05,1.0604007385273820E-02,1.3152486753992840E-02,8.0160451119623704E-05 -I41,5.7979999999999702E+04,8.0202229070529685E-01,-6.1638279323400957E-01,-8.4471419790234907E-05,1.0382537785939670E-02,1.3334215681958630E-02,7.9314211645738539E-05 -I41,5.7980999999999949E+04,8.1219095771014582E-01,-6.0277591792052077E-01,-8.4828209756878487E-05,1.0157667736721290E-02,1.3512530054092980E-02,7.8440546328491101E-05 -I41,5.7982000000000189E+04,8.2212962920610511E-01,-5.8899412264029372E-01,-8.5354929131143358E-05,9.9293834059992758E-03,1.3687290802355581E-02,7.7550102989814594E-05 -I41,5.7982999999999498E+04,8.3183492543914828E-01,-5.7504109322567287E-01,-8.6039644589668948E-05,9.6976966671025507E-03,1.3858338036111671E-02,7.6653807098399858E-05 -I41,5.7983999999999731E+04,8.4130349597001941E-01,-5.6092068215918789E-01,-8.6860018123465312E-05,9.4626534874416527E-03,1.4025499076707059E-02,7.5761799331851640E-05 -I41,5.7984999999999956E+04,8.5053205672279963E-01,-5.4663691549131321E-01,-8.7784696883197658E-05,9.2243390678790685E-03,1.4188600792738560E-02,7.4882228459818127E-05 -I41,5.7986000000000182E+04,8.5951742937555142E-01,-5.3219398596020340E-01,-8.8775864691032578E-05,8.9828770147434654E-03,1.4347484363540780E-02,7.4020189503199590E-05 -I41,5.7986999999999476E+04,8.6825657636416709E-01,-5.1759623164641166E-01,-8.9792637881726318E-05,8.7384214232446474E-03,1.4502018735561900E-02,7.3177148130088729E-05 -I41,5.7987999999999687E+04,8.7674662499715228E-01,-5.0284810354297749E-01,-9.0794697597703302E-05,8.4911435321288840E-03,1.4652108768610001E-02,7.2351060447286322E-05 -I41,5.7988999999999905E+04,8.8498487711690865E-01,-4.8795412862691823E-01,-9.1745471286290846E-05,8.2412169214635001E-03,1.4797695995552930E-02,7.1537127080646817E-05 -I41,5.7990000000000109E+04,8.9296880504159948E-01,-4.7291887559470419E-01,-9.2614365026017149E-05,7.9888054690456928E-03,1.4938752909019500E-02,7.0728880762391274E-05 -I41,5.7991000000000313E+04,9.0069603795487707E-01,-4.5774692832497998E-01,-9.3377895324510789E-05,7.7340564930597471E-03,1.5075273818656820E-02,6.9919247140641251E-05 -I41,5.7992000000000517E+04,9.0816434413434466E-01,-4.4244286877323791E-01,-9.4019885489789060E-05,7.4770991209806579E-03,1.5207265616101390E-02,6.9101326826633520E-05 -I41,5.7992999999999782E+04,9.1537161354002561E-01,-4.2701126815789159E-01,-9.4531058500086645E-05,7.2180463124478294E-03,1.5334740671853510E-02,6.8268818897038020E-05 -I41,5.7993999999999978E+04,9.2231584341985284E-01,-4.1145668380447770E-01,-9.4908368014047926E-05,6.9569985559964961E-03,1.5457712650624469E-02,6.7416133952287636E-05 -I41,5.7995000000000167E+04,9.2899512775085613E-01,-3.9578365879444088E-01,-9.5154325928278050E-05,6.6940476262297684E-03,1.5576194986089630E-02,6.6538305486747341E-05 -I41,5.7996000000000357E+04,9.3540765002628701E-01,-3.7999672210645707E-01,-9.5276472937376951E-05,6.4292794010348342E-03,1.5690201285502491E-02,6.5630808431874578E-05 -I41,5.7997000000000538E+04,9.4155167816812668E-01,-3.6410038773165559E-01,-9.5287038656524593E-05,6.1627752427741173E-03,1.5799746839006579E-02,6.4689372785925098E-05 -I41,5.7997999999999789E+04,9.4742556002028577E-01,-3.4809915206044739E-01,-9.5202760657350937E-05,5.8946117726142730E-03,1.5904850446176091E-02,6.3709861046554704E-05 -I41,5.7998999999999956E+04,9.5302771782408391E-01,-3.3199748959311920E-01,-9.5044771140726070E-05,5.6248590856419122E-03,1.6005535813862961E-02,6.2688262566821997E-05 -I41,5.8000000000000131E+04,9.5835664023386125E-01,-3.1579984777533898E-01,-9.4838413709235099E-05,5.3535776876707259E-03,1.6101831793912520E-02,6.1620843165962258E-05 -I41,5.8001000000000298E+04,9.6341087086300525E-01,-2.9951064245918740E-01,-9.4612823706854537E-05,5.0808147470587060E-03,1.6193770786337949E-02,6.0504467917359951E-05 -I41,5.8002000000000458E+04,9.6818899312790896E-01,-2.8313425607929710E-01,-9.4400105331601057E-05,4.8066006343755862E-03,1.6281384873629162E-02,5.9337076113482139E-05 -I41,5.8003000000000611E+04,9.7268961229683171E-01,-2.6667504082287791E-01,-9.4233986114635902E-05,4.5309470135332878E-03,1.6364699768999659E-02,5.8118232970436611E-05 -I41,5.8003999999999833E+04,9.7691133692996335E-01,-2.5013732863348598E-01,-9.4147932954394259E-05,4.2538477083458766E-03,1.6443727408133980E-02,5.6849630405929062E-05 -I41,5.8004999999999978E+04,9.8085276288515055E-01,-2.3352544868523739E-01,-9.4172856743159590E-05,3.9752830052549723E-03,1.6518458711955741E-02,5.5535388327161893E-05 -I41,5.8006000000000116E+04,9.8451246326163666E-01,-2.1684375125804300E-01,-9.4334669519547599E-05,3.6952270827843039E-03,1.6588858303585301E-02,5.4182039039452373E-05 -I41,5.8007000000000255E+04,9.8788898682921855E-01,-2.0009663533102279E-01,-9.4652032951323650E-05,3.4136572807123441E-03,1.6654862505796661E-02,5.2798166745584481E-05 -I41,5.8008000000000386E+04,9.9098086592287238E-01,-1.8328857634432669E-01,-9.5134615368883753E-05,3.1305634775732360E-03,1.6716380983811740E-02,5.1393770491096503E-05 -I41,5.8009000000000509E+04,9.9378663313888260E-01,-1.6642415070119010E-01,-9.5782074773322149E-05,2.8459561250537418E-03,1.6773301470444830E-02,4.9979470509756662E-05 -I41,5.8010000000000626E+04,9.9630484504651062E-01,-1.4950805441857121E-01,-9.6583862364794097E-05,2.5598721796628548E-03,1.6825496578174639E-02,4.8565675676849120E-05 -I41,5.8010999999999338E+04,9.9853411069714981E-01,-1.3254511428461491E-01,-9.7519844971701453E-05,2.2723787631431318E-03,1.6872831858505612E-02,4.7161782530416948E-05 -I41,5.8011999999999440E+04,1.0004731226472461E+00,-1.1554029055289500E-01,-9.8561692301995347E-05,1.9835745129625688E-03,1.6915174611552859E-02,4.5775446787306697E-05 -I41,5.8012999999999542E+04,1.0021206880788620E+00,-9.8498670608860930E-02,-9.9674936598659436E-05,1.6935883612386759E-03,1.6952403046458019E-02,4.4411973027050851E-05 -I41,5.8013999999999629E+04,1.0034757572349640E+00,-8.1425453585178401E-02,-1.0082155204660830E-04,1.4025753227597079E-03,1.6984415049769240E-02,4.3073898816636583E-05 -I41,5.8014999999999716E+04,1.0045374460778520E+00,-6.4325926929991548E-02,-1.0196280982438370E-04,1.1107091993422099E-03,1.7011135264703891E-02,4.1760874610072577E-05 -I41,5.8015999999999796E+04,1.0053050503874110E+00,-4.7205437376643011E-02,-1.0306207475211140E-04,8.1817297196526385E-04,1.7032518976725641E-02,4.0469907793821317E-05 -I41,5.8016999999999876E+04,1.0057780497874120E+00,-3.0069360068409930E-02,-1.0408718401705680E-04,5.2514860976435513E-04,1.7048551848665900E-02,3.9195944743939817E-05 -I41,5.8017999999999942E+04,1.0059561021763510E+00,-1.2923069989322539E-02,-1.0501212792571651E-04,2.3180840606677259E-04,1.7059245713590850E-02,3.7932660014627928E-05 -I41,5.8019000000000007E+04,1.0058390309705600E+00,4.2280809700786359E-03,-1.0581791959166489E-04,-6.1690548895370752E-05,1.7064631825223241E-02,3.6673259066198303E-05 -I41,5.8020000000000073E+04,1.0054268086399110E+00,2.1378779736758849E-02,-1.0649272778655729E-04,-3.5520827326912898E-04,1.7064753510616631E-02,3.5411126781228233E-05 -I41,5.8021000000000124E+04,1.0047195399308990E+00,3.8523760872555962E-02,-1.0703148086861370E-04,-6.4862078635543707E-04,1.7059659933339039E-02,3.4140228264959758E-05 -I41,5.8022000000000175E+04,1.0037174472012260E+00,5.5657810142090418E-02,-1.0743519698882410E-04,-9.4181721705929812E-04,1.7049401927307389E-02,3.2855259909133722E-05 -I41,5.8023000000000218E+04,1.0024208589915540E+00,7.2775765055820812E-02,-1.0771026517806620E-04,-1.2346964179689929E-03,1.7034030082531040E-02,3.1551608438630069E-05 -I41,5.8023999999999331E+04,1.0008302017950450E+00,8.9872514493322703E-02,-1.0786782990820719E-04,-1.5271640946121390E-03,1.7013594737859329E-02,3.0225196483079701E-05 -I41,5.8024999999999367E+04,9.9894599415152074E-01,1.0694299902118000E-01,-1.0792335022680091E-04,-1.8191311066572599E-03,1.6988147264722309E-02,2.8872299297941198E-05 -I41,5.8025999999999396E+04,9.9676884169472013E-01,1.2398221285680520E-01,-1.0789632810565690E-04,-2.1105133035424000E-03,1.6957741959450701E-02,2.7489399452805310E-05 -I41,5.8026999999999418E+04,9.9429943152132960E-01,1.4098520771825901E-01,-1.0781013488862420E-04,-2.4012330537934129E-03,1.6922437791947079E-02,2.6073144753650821E-05 -I41,5.8027999999999440E+04,9.9153852420092148E-01,1.5794709800828080E-01,-1.0769180459317411E-04,-2.6912224006182340E-03,1.6882299173297269E-02,2.4620465079335789E-05 -I41,5.8028999999999454E+04,9.8848694197299469E-01,1.7486306587473280E-01,-1.0757161099181451E-04,-2.9804274244215620E-03,1.6837394796921219E-02,2.3128893473484948E-05 diff --git a/thor/testing/data/vectors.csv b/thor/testing/data/vectors.csv deleted file mode 100644 index f9f1f23d..00000000 --- a/thor/testing/data/vectors.csv +++ /dev/null @@ -1,28 +0,0 @@ -targetname,mjd_tdb,x,y,z,vx,vy,vz,orbit_class -(2020 AV2),5.8000000800724141E+04,-4.3909336171317442E-01,-1.2575897809241590E-01,-2.0902991180009808E-02,7.4843089334405569E-03,-2.5498271569435960E-02,-7.4473994603859936E-03,Atira -163693 Atira (2003 CP20),5.8000000800724141E+04,-3.1402169788924450E-01,7.1371916858604223E-01,6.3957008444710167E-02,-1.6998215545315359E-02,-1.6211779581478110E-03,8.0987610875294155E-03,Atira -(2010 TK7),5.8000000800724141E+04,1.0696601685682430E+00,-1.0918103134235330E-01,-4.0096142246008792E-01,-5.7387338716074435E-04,1.4804588844332301E-02,-4.2065934138734421E-04,Aten -3753 Cruithne (1986 TO),5.8000000800724141E+04,1.1466492186533119E+00,4.4423478290938162E-01,-4.2764393084239011E-01,-9.1989078645947579E-03,8.5226637181716990E-03,8.5791533968976623E-04,Aten -54509 YORP (2000 PH5),5.8000000800724141E+04,5.5710089327492562E-01,-8.5157096833026968E-01,1.1967772879225760E-02,1.5935082964378150E-02,5.7720781926451576E-03,4.6348851030960449E-04,Apollo -2063 Bacchus (1977 HB),5.8000000800724141E+04,-8.1950879147354727E-01,-1.0243919221263671E+00,-6.8208641176823431E-02,7.5796093499599128E-03,-1.0669408609181160E-02,-2.1726796920883960E-03,Apollo -1221 Amor (1932 EA1),5.8000000800724141E+04,-9.1407220725793215E-02,-1.3043406888699129E+00,2.7414617898831162E-01,1.5629940849525330E-02,-6.6127202028674597E-03,8.8036895663253715E-04,Amor -433 Eros (A898 PA),5.8000000800724141E+04,-1.0691584963801211E+00,-9.0183860160122009E-01,-2.6613620483123041E-01,6.7046435199949591E-03,-1.2947198114571500E-02,-3.3718805101010422E-04,Amor -3908 Nyx (1980 PA),5.8000000800724141E+04,-2.2671002321868039E-01,-2.0373120559300779E+00,3.2695214857702119E-03,1.0862318126877700E-02,4.1262581219725768E-03,3.8582497043821009E-04,Amor -434 Hungaria (A898 RB),5.8000000800724141E+04,1.0856212724270069E+00,-1.3422985371069449E+00,5.1776602238009573E-01,1.0656760954197731E-02,7.1790390838980967E-03,-3.3247878154939381E-03,Inner Main-belt Asteroid -1876 Napolitania (1970 BA),5.8000000800724141E+04,-9.0362554075289669E-01,-1.5248858473531901E+00,-6.8626324158480068E-01,1.0150871989577990E-02,-7.3815966815307249E-03,1.7872802314797299E-03,Inner Main-belt Asteroid -2001 Einstein (1973 EB),5.8000000800724141E+04,2.0670104699277250E+00,3.4297320560428007E-01,1.8711561259633619E-01,-1.5924112781192520E-03,1.0361060339843400E-02,4.2910295875824202E-03,Inner Main-belt Asteroid -2 Pallas (A802 FA),5.8000000800724141E+04,2.3254105051269338E+00,9.9299264699021683E-01,-8.8089800331437718E-01,-7.2293539922222549E-03,6.7512422234822954E-03,-4.0591040518363330E-03,Main-belt Asteroid -6 Hebe (A847 NA),5.8000000800724141E+04,6.3103210430509016E-01,-2.2451976626757899E+00,3.3366709976904768E-01,9.9510486116962359E-03,4.7948133318252654E-03,-2.6761591286621439E-03,Main-belt Asteroid -6522 Aci (1991 NQ),5.8000000800724141E+04,2.0546610411999122E+00,-8.3410044851017406E-01,6.1961362004352361E-01,5.3378713922271736E-03,9.5729289799339947E-03,3.5834430510983339E-03,Main-belt Asteroid -202930 Ivezic (1998 SG172),5.8000000800724141E+04,-8.2622682666655831E-02,2.7086059533236622E+00,2.0830563657112269E-01,-1.0380479166291720E-02,1.0692315562246580E-03,-1.1402630151685030E-04,Main-belt Asteroid -911 Agamemnon (A919 FB),5.8000000800724141E+04,5.3353113717743983E-01,-5.2076382821724501E+00,-1.8479568138707010E+00,6.9729119050219992E-03,5.7136788011200653E-04,1.2539344310333561E-03,Jupiter Trojan -1143 Odysseus (1930 BH),5.8000000800724141E+04,-2.7071693771389599E-01,-5.6977311350934006E+00,2.2488978410838970E-01,6.8585647591982504E-03,-4.4055553891059987E-04,2.6623058183163241E-04,Jupiter Trojan -1172 Aneas (1930 UA),5.8000000800724141E+04,-4.8021479071784006E+00,2.4876034701612801E+00,-1.6133768363030949E+00,-2.7639130972403562E-03,-6.3650364309936914E-03,-2.8937635909727149E-05,Jupiter Trojan -3317 Paris (1984 KF),5.8000000800724141E+04,-4.5947217577550727E+00,3.3438794588774292E+00,4.2115968172842611E-01,-2.8915329925230599E-03,-5.3987784246856416E-03,3.1134275323364052E-03,Jupiter Trojan -5145 Pholus (1992 AD),5.8000000800724141E+04,-9.1406048899080417E-01,-2.6709442141362320E+01,6.3809664213427846E+00,2.1179247884613429E-03,-1.5117709810782470E-03,-5.0764700509500944E-04,Centaur -5335 Damocles (1991 DA),5.8000000800724141E+04,1.5874542469525389E+01,-1.1654881739485010E+01,6.1304966665809193E+00,-8.6193671383700632E-04,1.5084920176692111E-03,8.0795542855486050E-04,Centaur -49036 Pelion (1998 QM107),5.8000000800724141E+04,1.6763829618115182E+01,1.1842471379555770E+01,-3.3773680748893899E+00,-1.7253405064132519E-03,3.2564058693211992E-03,-9.5207138440133704E-05,Centaur -15760 Albion (1992 QB1),5.8000000800724141E+04,3.3758596560084527E+01,2.3792606679314300E+01,9.2148566085296046E-01,-1.5028392156193539E-03,2.3003993021358418E-03,8.7302095000635897E-05,TransNeptunian Object -15788 (1993 SB),5.8000000800724141E+04,1.4134952409017121E+01,2.2965766788991761E+01,8.1709862459161375E-01,-3.3535556213529672E-03,1.7670617473621629E-03,4.9389468319167962E-05,TransNeptunian Object -15789 (1993 SC),5.8000000800724141E+04,2.8923661564868759E+01,2.4538922736969461E+01,2.4488844005892991E+00,-1.4164360659156511E-03,2.4497143645478480E-03,2.0856444667494270E-04,TransNeptunian Object -1I/'Oumuamua (A/2017 U1),5.8000000800724141E+04,-3.0384104464262041E-01,-1.0750842193193720E-01,-4.4700967559511889E-02,1.7447565796218440E-02,2.9149800637787129E-02,-2.9926149272613511E-02,Hyperbolic Asteroid diff --git a/thor/testing/data/vectors_barycentric.csv b/thor/testing/data/vectors_barycentric.csv deleted file mode 100644 index ad3d586d..00000000 --- a/thor/testing/data/vectors_barycentric.csv +++ /dev/null @@ -1,28 +0,0 @@ -targetname,mjd_tdb,x,y,z,vx,vy,vz,orbit_class -(2020 AV2),5.8000000800724141E+04,-4.3665362521067369E-01,-1.2027004599113800E-01,-2.1038143994170620E-02,7.4794353890061298E-03,-2.5492587978482070E-02,-7.4472898091517744E-03,Atira -163693 Atira (2003 CP20),5.8000000800724141E+04,-3.1158196138674382E-01,7.1920810068732011E-01,6.3821855630549360E-02,-1.7003089089749780E-02,-1.6154943671939301E-03,8.0988707387636381E-03,Atira -(2010 TK7),5.8000000800724141E+04,1.0720999050707440E+00,-1.0369209924107529E-01,-4.0109657527424869E-01,-5.7874693159517133E-04,1.4810272435286180E-02,-4.2054969015312181E-04,Aten -3753 Cruithne (1986 TO),5.8000000800724141E+04,1.1490889551558130E+00,4.4972371501065961E-01,-4.2777908365655087E-01,-9.2037814090291832E-03,8.5283473091255814E-03,8.5802499092398911E-04,Aten -54509 YORP (2000 PH5),5.8000000800724141E+04,5.5954062977742636E-01,-8.4608203622899181E-01,1.1832620065065001E-02,1.5930209419943730E-02,5.7777617835990391E-03,4.6359816154382678E-04,Apollo -2063 Bacchus (1977 HB),5.8000000800724141E+04,-8.1706905497104654E-01,-1.0189029900250890E+00,-6.8343793990984239E-02,7.5747358055254857E-03,-1.0663725018227280E-02,-2.1725700408541742E-03,Apollo -1221 Amor (1932 EA1),5.8000000800724141E+04,-8.8967484223292537E-02,-1.2988517567686351E+00,2.7401102617415068E-01,1.5625067305090900E-02,-6.6070366119135790E-03,8.8047860786676004E-04,Amor -433 Eros (A898 PA),5.8000000800724141E+04,-1.0667187598776200E+00,-8.9634966949994210E-01,-2.6627135764539123E-01,6.6997699755605329E-03,-1.2941514523617619E-02,-3.3707839977588290E-04,Amor -3908 Nyx (1980 PA),5.8000000800724141E+04,-2.2427028671617971E-01,-2.0318231238287998E+00,3.1343686716093968E-03,1.0857444582443270E-02,4.1319417129264584E-03,3.8593462167243271E-04,Amor -434 Hungaria (A898 RB),5.8000000800724141E+04,1.0880610089295080E+00,-1.3368096050056670E+00,5.1763086956593496E-01,1.0651887409763300E-02,7.1847226748519774E-03,-3.3246781642597150E-03,Inner Main-belt Asteroid -1876 Napolitania (1970 BA),5.8000000800724141E+04,-9.0118580425039607E-01,-1.5193969152519120E+00,-6.8639839439896133E-01,1.0145998445143561E-02,-7.3759130905768451E-03,1.7873898827139531E-03,Inner Main-belt Asteroid -2001 Einstein (1973 EB),5.8000000800724141E+04,2.0694502064302260E+00,3.4846213770555801E-01,1.8698045978217540E-01,-1.5972848225536791E-03,1.0366743930797281E-02,4.2911392388166438E-03,Inner Main-belt Asteroid -2 Pallas (A802 FA),5.8000000800724141E+04,2.3278502416294340E+00,9.9848157909149460E-01,-8.8103315612853794E-01,-7.2342275366566811E-03,6.7569258144361760E-03,-4.0589944006021103E-03,Main-belt Asteroid -6 Hebe (A847 NA),5.8000000800724141E+04,6.3347184080759089E-01,-2.2397087305745118E+00,3.3353194695488692E-01,9.9461750672618088E-03,4.8004969227791452E-03,-2.6760494774279221E-03,Main-belt Asteroid -6522 Aci (1991 NQ),5.8000000800724141E+04,2.0571007777024120E+00,-8.2861151640889619E-01,6.1947846722936273E-01,5.3329978477927474E-03,9.5786125708878754E-03,3.5835527023325561E-03,Main-belt Asteroid -202930 Ivezic (1998 SG172),5.8000000800724141E+04,-8.0182946164155139E-02,2.7140948854249398E+00,2.0817048375696190E-01,-1.0385352710726150E-02,1.0749151471785381E-03,-1.1391665028262781E-04,Main-belt Asteroid -911 Agamemnon (A919 FB),5.8000000800724141E+04,5.3597087367994056E-01,-5.2021493500711724E+00,-1.8480919666848621E+00,6.9680383605875730E-03,5.7705147106588690E-04,1.2540440822675779E-03,Jupiter Trojan -1143 Odysseus (1930 BH),5.8000000800724141E+04,-2.6827720121139531E-01,-5.6922422029921238E+00,2.2475463129422851E-01,6.8536912147638242E-03,-4.3487194795671928E-04,2.6634023306585492E-04,Jupiter Trojan -1172 Aneas (1930 UA),5.8000000800724141E+04,-4.7997081706758999E+00,2.4930924022625578E+00,-1.6135119891172560E+00,-2.7687866416747828E-03,-6.3593528400398098E-03,-2.8827984675504271E-05,Jupiter Trojan -3317 Paris (1984 KF),5.8000000800724141E+04,-4.5922820212525721E+00,3.3493683909787069E+00,4.2102452891426551E-01,-2.8964065369574870E-03,-5.3930948337317626E-03,3.1135371835706270E-03,Jupiter Trojan -5145 Pholus (1992 AD),5.8000000800724141E+04,-9.1162075248830354E-01,-2.6703953209261051E+01,6.3808312685286230E+00,2.1130512440269162E-03,-1.5060873901243659E-03,-5.0753735386078688E-04,Centaur -5335 Damocles (1991 DA),5.8000000800724141E+04,1.5876982206027890E+01,-1.1649392807383730E+01,6.1303615137667604E+00,-8.6681025827143340E-04,1.5141756086230920E-03,8.0806507978908306E-04,Centaur -49036 Pelion (1998 QM107),5.8000000800724141E+04,1.6766269354617680E+01,1.1847960311657040E+01,-3.3775032277035502E+00,-1.7302140508476790E-03,3.2620894602750790E-03,-9.5097487205911087E-05,Centaur -15760 Albion (1992 QB1),5.8000000800724141E+04,3.3761036296587037E+01,2.3798095611415579E+01,9.2135050803879925E-01,-1.5077127600537810E-03,2.3060828930897221E-03,8.7411746234858392E-05,TransNeptunian Object -15788 (1993 SB),5.8000000800724141E+04,1.4137392145519620E+01,2.2971255721093041E+01,8.1696347177745410E-01,-3.3584291657873938E-03,1.7727453383160441E-03,4.9499119553390572E-05,TransNeptunian Object -15789 (1993 SC),5.8000000800724141E+04,2.8926101301371261E+01,2.4544411669070740E+01,2.4487492477751389E+00,-1.4213096103500779E-03,2.4553979555017279E-03,2.0867409790916521E-04,TransNeptunian Object -1I/'Oumuamua (A/2017 U1),5.8000000800724141E+04,-3.0140130814011967E-01,-1.0201948983065920E-01,-4.4836120373672697E-02,1.7442692251784010E-02,2.9155484228741001E-02,-2.9926039621379290E-02,Hyperbolic Asteroid diff --git a/thor/testing/ephemeris_testing.py b/thor/testing/ephemeris_testing.py deleted file mode 100644 index 3a09ad53..00000000 --- a/thor/testing/ephemeris_testing.py +++ /dev/null @@ -1,559 +0,0 @@ -import numpy as np -from astropy import units as u - -from .orbit_testing import __statsToErrorMessage, _evaluateDifference - -__all__ = ["testCartesianEpehemeris", "testSphericalEpehemeris", "testEphemeris"] - - -def testCartesianEpehemeris( - ephemeris_actual, - ephemeris_desired, - position_tol=1 * u.m, - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - raise_error=True, -): - """ - Tests that the two sets of cartesian ephemeris are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - ephemeris_actual : `~numpy.ndarray` (N, 3) or (N, 6) - Array of ephemeris to compare to the desired ephemeris, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day - ephemeris_desired : `~numpy.ndarray` (N, 3) or (N, 6) - Array of desired ephemeris to which to compare the actual ephemeris to, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (x, y, z, r). - velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance velocity need to satisfy. (vx, vy, vz, v). - magnitude : bool - Test the magnitude of the position difference - and velocity difference vectors as opposed to testing per individual coordinate. - - Raises - ------ - AssertionError: - If |ephemeris_actual - ephemeris_desired| > tolerance. - ValueError: - If ephemeris shapes are not equal. - ValueError: - If coordinate dimensions are not one of 3 or 6. - - Returns - ------- - None - """ - any_error = False - error_message = "\n" - differences = {} - statistics = {} - - if ephemeris_actual.shape != ephemeris_desired.shape: - err = "The shapes of the actual and desired ephemeris should be the same." - raise ValueError(err) - - N, D = ephemeris_actual.shape - if D not in (3, 6): - err = ( - "The number of coordinate dimensions should be one of 3 or 6.\n" - "If 3 then the expected inputs are x, y, z positions in AU.\n" - "If 6 then the expected inputs are x, y, z postions in AU\n" - "and vx, vy, vz velocities in AU per day." - ) - raise ValueError(err) - - # Test positions - if magnitude: - names = ["r"] - else: - names = ["x", "y", "z"] - diff, stats, error = _evaluateDifference( - ephemeris_actual[:, :3], - ephemeris_desired[:, :3], - u.AU, - position_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if D == 6: - # Test velocities - if magnitude: - names = ["v"] - else: - names = ["vx", "vy", "vz"] - diff, stats, error = _evaluateDifference( - ephemeris_actual[:, 3:], - ephemeris_desired[:, 3:], - (u.AU / u.d), - velocity_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, velocity_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if any_error and raise_error: - raise AssertionError(error_message) - - return differences, statistics, error - - -def testSphericalEpehemeris( - ephemeris_actual, - ephemeris_desired, - position_tol=1 * u.m, - velocity_tol=(1 * u.mm / u.s), - angle_tol=(1 * u.arcsec), - angular_velocity_tol=(1 * u.arcsec / u.s), - magnitude=True, - raise_error=True, -): - """ - Tests that the two sets of cartesian ephemeris are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - ephemeris_actual : `~numpy.ndarray` (N, 2), (N, 3) or (N, 6) - Array of ephemeris to compare to the desired ephemeris, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - angular velocities : degrees per day - ephemeris_desired : `~numpy.ndarray` (N, 2), (N, 3) or (N, 6) - Array of desired ephemeris to which to compare the actual ephemeris to, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - angular velocities : degrees per day - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (rho). - velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance velocity need to satisfy. (vrho). - angle_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angles need to satisfy (lon, lat). - angular_velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angular velocities need to satisfy. (vlon, vrho). - magnitude : bool - Test the magnitudes of the angular difference - and angular velocity difference vectors as opposed to testing per individual coordinate. - If magnitude is set to True then the longitudinal coordinates (lon, vlon) are linearized by the cosine - of the latitudinal coordinates (cos(lat)). - - Raises - ------ - AssertionError: - If |ephemeris_actual - ephemeris_desired| > tolerance. - ValueError: - If ephemeris shapes are not equal. - ValueError: - If coordinate dimensions are not one of 2, 3, or 6. - - Returns - ------- - None - """ - any_error = False - error_message = "\n" - differences = {} - statistics = {} - - if ephemeris_actual.shape != ephemeris_desired.shape: - err = "The shapes of the actual and desired ephemeris should be the same." - raise ValueError(err) - - N, D = ephemeris_actual.shape - if D not in (2, 3, 6): - err = ( - "The number of coordinate dimensions should be one of 3 or 6.\n" - "If 2 then the expected inputs are longitude, latitude angles in degrees.\n" - "If 3 then the expected inputs are rho in AU, longitude and latitude\n" - "in degrees.\n" - "If 6 then the expected inputs are rho in AU, longitude and latitude\n" - "in degrees, vhro in AU per day, vlon and vlat in degrees per day.\n" - ) - raise ValueError(err) - - if D == 2: - - if magnitude: - # linearize spherical angles - # longitude_linear = cos(latitude) * longitude - ephemeris_actual_ = ephemeris_actual.copy() - ephemeris_actual_[:, 0] = ( - np.cos(np.radians(ephemeris_actual_[:, 1])) * ephemeris_actual_[:, 0] - ) - - ephemeris_desired_ = ephemeris_desired.copy() - ephemeris_desired_[:, 0] = ( - np.cos(np.radians(ephemeris_desired_[:, 1])) * ephemeris_desired_[:, 0] - ) - - else: - ephemeris_actual_ = ephemeris_actual.copy() - ephemeris_desired_ = ephemeris_desired.copy() - - # Test angles - if magnitude: - names = ["theta"] - else: - names = ["lon", "lat"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_, - ephemeris_desired_, - u.degree, - angle_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, angle_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if D == 3: - - if magnitude: - # linearize spherical angles - # longitude_linear = cos(latitude) * longitude - ephemeris_actual_ = ephemeris_actual.copy() - ephemeris_actual_[:, 1] = ( - np.cos(np.radians(ephemeris_actual_[:, 2])) * ephemeris_actual_[:, 1] - ) - - ephemeris_desired_ = ephemeris_desired.copy() - ephemeris_desired_[:, 1] = ( - np.cos(np.radians(ephemeris_desired_[:, 2])) * ephemeris_desired_[:, 1] - ) - - else: - ephemeris_actual_ = ephemeris_actual - ephemeris_desired_ = ephemeris_desired - - # Test positions - names = ["rho"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, :1], - ephemeris_desired_[:, :1], - u.AU, - position_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test angles - if magnitude: - names = ["theta"] - else: - names = ["lon", "lat"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, 1:3], - ephemeris_desired_[:, 1:3], - u.degree, - angle_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, angle_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if D == 6: - - if magnitude: - # linearize spherical angles - # longitude_linear = cos(latitude) * longitude - # vlongitude_linear = cos(latitude) * vlongitude - ephemeris_actual_ = ephemeris_actual.copy() - ephemeris_actual_[:, 1] = ( - np.cos(np.radians(ephemeris_actual_[:, 2])) * ephemeris_actual_[:, 1] - ) - ephemeris_actual_[:, 4] = ( - np.cos(np.radians(ephemeris_actual_[:, 2])) * ephemeris_actual_[:, 4] - ) - - ephemeris_desired_ = ephemeris_desired.copy() - ephemeris_desired_[:, 1] = ( - np.cos(np.radians(ephemeris_desired_[:, 2])) * ephemeris_desired_[:, 1] - ) - ephemeris_desired_[:, 4] = ( - np.cos(np.radians(ephemeris_desired_[:, 2])) * ephemeris_desired_[:, 4] - ) - - else: - ephemeris_actual_ = ephemeris_actual - ephemeris_desired_ = ephemeris_desired - - # Test positions - names = ["rho"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, :1], - ephemeris_desired_[:, :1], - u.AU, - position_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test angles - if magnitude: - names = ["theta"] - else: - names = ["lon", "lat"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, 1:3], - ephemeris_desired_[:, 1:3], - u.degree, - angle_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, angle_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test velocity - names = ["vrho"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, 3:4], - ephemeris_desired_[:, 3:4], - u.AU / u.d, - velocity_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, velocity_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test angular velocities - if magnitude: - names = ["n"] - else: - names = ["vlon", "vlat"] - diff, stats, error = _evaluateDifference( - ephemeris_actual_[:, 3:4], - ephemeris_desired_[:, 3:4], - u.degree / u.d, - angular_velocity_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - names, angular_velocity_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if any_error and raise_error: - raise AssertionError(error_message) - - return differences, statistics, error - - -def testEphemeris( - ephemeris_actual, - ephemeris_desired, - ephemeris_type="spherical", - position_tol=1 * u.m, - velocity_tol=(1 * u.mm / u.s), - angle_tol=(1 * u.arcsec), - angular_velocity_tol=(1 * u.arcsec / u.s), - magnitude=True, - raise_error=True, -): - """ - Tests that the two sets of cartesian ephemeris are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - ephemeris_actual : `~numpy.ndarray` (N, 2), (N, 3) or (N, 6) - Array of ephemeris to compare to the desired ephemeris, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - angular velocities : degrees per day - ephemeris_desired : `~numpy.ndarray` (N, 2), (N, 3) or (N, 6) - Array of desired ephemeris to which to compare the actual ephemeris to, may optionally - include velocities. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - angular velocities : degrees per day - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (x, y, z, rho). - velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance velocity need to satisfy. (vx, vy, vz, vrho). - angle_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angles need to satisfy (lon, lat). - angular_velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angular velocities need to satisfy. (vlon, vrho). - magnitude : bool - Test the magnitudes of the angular difference and angular velocity difference vectors for spherical ephemeris or - the magnitudes of the position difference and velocity difference for cartesian ephemeris. - If magnitude is set to True and the input ephemeris type is spherical then the longitudinal coordinates (lon, vlon) - are linearized by the cosine of the latitudinal coordinates (cos(lat)). - - Raises - ------ - AssertionError: - If |ephemeris_actual - ephemeris_desired| > tolerance. - ValueError: - If ephemeris shapes are not equal. - ValueError: - If coordinate dimensions are not one of 2, 3, or 6. - """ - if ephemeris_type == "cartesian": - - differences, statistics, error = testCartesianEpehemeris( - ephemeris_actual, - ephemeris_desired, - position_tol=position_tol, - velocity_tol=velocity_tol, - magnitude=magnitude, - raise_error=raise_error, - ) - - elif ephemeris_type == "spherical": - - differences, statistics, error = testSphericalEpehemeris( - ephemeris_actual, - ephemeris_desired, - position_tol=position_tol, - velocity_tol=velocity_tol, - angle_tol=angle_tol, - angular_velocity_tol=angular_velocity_tol, - magnitude=magnitude, - raise_error=raise_error, - ) - - else: - err = "ephemeris_type should be one of {'cartesian', 'spherical'" - raise ValueError(err) - - return differences, statistics, error diff --git a/thor/testing/orbit_testing.py b/thor/testing/orbit_testing.py deleted file mode 100644 index cd54ec0b..00000000 --- a/thor/testing/orbit_testing.py +++ /dev/null @@ -1,569 +0,0 @@ -import numpy as np -from astropy import units as u - -__all__ = [ - "testCartesianOrbits", - "testKeplerianOrbits", - "testCometaryOrbits", - "testOrbits", -] - - -def __statsToErrorMessage(stats, message): - """ - Helper function that adds the stats derived from _evaluateDifference - to an error message. - """ - for stat, value in stats.items(): - message += " {:<7}: {}\n".format(stat, value.T) - message += "\n" - return message - - -def _evaluateDifference(actual, desired, unit, tol, magnitude=False): - """ - Calculate the absolute difference between actual and desired - and return it in the same units of the given tolerance with - some summary statistics on the absolute difference. - - - Paramters - --------- - actual : `~numpy.ndarray` (N, M) - Array of computed values. - desired : `~numpy.ndarray` (N, M) - Array of desired values. - unit : `astropy.units.core.Unit` - Units in which both arrays are expressed. Must be the same. - tol : `~astropy.units.quantity.Quantity` (1) - The tolerance to which the absolute difference will be evaluated - to. Used purely to convert the absolute differences to the same - units as the tolerance. - - Returns - ------- - diff : `~astropy.units.quantity.Quantity` (N, M) - |actual - desired| in units of the given tolerance. - stats : dict - "Mean" : mean difference per M dimension - "Median" : median difference per M dimension - "Min" : minimum difference per M dimension - "Max" : maximum difference per M dimension - "Argmin" : location of minimum difference per M dimension - "Argmax" : location of maximum difference per M dimension - error : bool - True if diff is not within the desired tolerance. - """ - error = False - diff = np.abs(actual - desired) * unit - diff = diff.to(tol.unit) - - if magnitude: - diff = np.linalg.norm(diff, axis=1) - diff = diff[:, np.newaxis] - - tol_ = np.empty_like(diff) - tol_.fill(tol) - - stats = { - "Mean": np.mean(diff, axis=0), - "Median": np.median(diff, axis=0), - "Std": np.std(diff, axis=0), - "Min": np.min(diff, axis=0), - "Max": np.max(diff, axis=0), - "Argmin": np.argmin(diff, axis=0), - "Argmax": np.argmax(diff, axis=0), - } - - try: - np.testing.assert_array_less( - diff.to(tol.unit), - tol_.to(tol.unit), - ) - except AssertionError as e: - error = True - return diff, stats, error - - -def testCartesianOrbits( - orbits_actual, - orbits_desired, - position_tol=1 * u.m, - velocity_tol=(1 * u.mm / u.s), - magnitude=True, - raise_error=True, -): - """ - Tests that the two sets of cartesian orbits are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - orbits_actual : `~numpy.ndarray` (N, 6) - Array of orbits to compare to the desired orbits. - Assumed units for: - positions : AU, - velocities : AU per day - orbits_desired : `~numpy.ndarray` (N, 6) - Array of desired orbits to which to compare the actual orbits to. - Assumed units for: - positions : AU, - velocities : AU per day - orbit_type : {'cartesian', 'keplerian', 'cometary'} - Type of the input orbits. Both actual and desired orbits must be of the same - type. - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (x, y, z, r). - velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance velocity need to satisfy. (vx, vy, vz, v). - magnitude : bool - Test the magnitude of the position difference - and velocity difference vectors as opposed to testing per individual coordinate. - - Raises - ------ - AssertionError: - If |orbits_actual - orbits_desired| > tolerance. - - Returns - ------- - None - """ - any_error = False - error_message = "\n" - differences = {} - statistics = {} - - # Test positions - if magnitude: - names = ["r"] - else: - names = ["x", "y", "z"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, :3], - orbits_desired[:, :3], - u.AU, - position_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test velocities - if magnitude: - names = ["v"] - else: - names = ["vx", "vy", "vz"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 3:], - orbits_desired[:, 3:], - (u.AU / u.d), - velocity_tol, - magnitude=magnitude, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), velocity_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if any_error and raise_error: - raise AssertionError(error_message) - - return differences, statistics, error - - -def testKeplerianOrbits( - orbits_actual, - orbits_desired, - position_tol=1 * u.m, - unitless_tol=1e-10 * u.dimensionless_unscaled, - angle_tol=1e-10 * u.degree, - raise_error=True, -): - """ - Tests that the two sets of keplerian orbits are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - orbits_actual : `~numpy.ndarray` (N, 6) - Array of orbits to compare to the desired orbits. - Assumed units for: - positions : AU, - angles : degrees - orbits_desired : `~numpy.ndarray` (N, 6) - Array of desired orbits to which to compare the actual orbits to. - Assumed units for: - positions : AU, - angles : degrees - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (a). - unitless_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance unitless quantities need to satisfy (e). - angle_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angle quantities need to satisfy (i, ascNode, argPeri, meanAnom). - - Raises - ------ - AssertionError: - If |orbits_actual - orbits_desired| > tolerance. - - Returns - ------- - None - """ - any_error = False - error_message = "\n" - differences = {} - statistics = {} - - # Test positions - names = ["a"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, :1], orbits_desired[:, :1], u.AU, position_tol, magnitude=False - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test unitless (eccentricity) - names = ["e"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 1:2], - orbits_desired[:, 1:2], - u.dimensionless_unscaled, - unitless_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), unitless_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test angles - names = ["i", "ascNode", "argPeri", "meanAnom"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 2:], - orbits_desired[:, 2:], - u.degree, - angle_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), angle_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if any_error and raise_error: - raise AssertionError(error_message) - - return diff, stats, error - - -def testCometaryOrbits( - orbits_actual, - orbits_desired, - position_tol=1 * u.m, - unitless_tol=1e-10 * u.dimensionless_unscaled, - angle_tol=1e-10 * u.degree, - time_tol=1e-6 * u.s, - raise_error=True, -): - """ - Tests that the two sets of cometary orbits are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - orbits_actual : `~numpy.ndarray` (N, 6) - Array of orbits to compare to the desired orbits. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - times : days - orbits_desired : `~numpy.ndarray` (N, 6) - Array of desired orbits to which to compare the actual orbits to. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - times : days - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (q). - unitless_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance unitless quantities need to satisfy (e). - angle_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angle quantities need to satisfy (i, ascNode, argPeri). - time_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance time quantities need to satisfy (tPeri). - - Raises - ------ - AssertionError: - If |orbits_actual - orbits_desired| > tolerance. - - Returns - ------- - None - """ - any_error = False - error_message = "\n" - differences = {} - statistics = {} - - # Test positions - names = ["q"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, :1], orbits_desired[:, :1], u.AU, position_tol, magnitude=False - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), position_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test unitless (eccentricity) - names = ["e"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 1:2], - orbits_desired[:, 1:2], - u.dimensionless_unscaled, - unitless_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), unitless_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test angles - names = ["i", "ascNode", "argPeri"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 2:5], - orbits_desired[:, 2:5], - u.degree, - angle_tol, - magnitude=False, - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), angle_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - # Test time (time of perihelion passage) - names = ["tPeri"] - diff, stats, error = _evaluateDifference( - orbits_actual[:, 5:], orbits_desired[:, 5:], u.d, time_tol, magnitude=False - ) - for i, n in enumerate(names): - differences[n] = diff[:, i] - statistics[n] = {k: v[i] for k, v in stats.items()} - - # If any of the differences between desired and actual are - # greater than the allowed tolerance set any_error to True - # and build the error message - if error: - any_error = True - error_message += ( - "{} difference (|actual - desired|) is not within {}.\n".format( - ", ".join(names), time_tol - ) - ) - error_message = __statsToErrorMessage(stats, error_message) - - if any_error and raise_error: - raise AssertionError(error_message) - - return diff, stats, error - - -def testOrbits( - orbits_actual, - orbits_desired, - orbit_type="cartesian", - position_tol=1 * u.m, - velocity_tol=(1 * u.m / u.s), - unitless_tol=1e-10 * u.dimensionless_unscaled, - angle_tol=1e-10 * u.degree, - time_tol=1e-6 * u.s, - magnitude=True, - raise_error=True, -): - """ - Tests that the two sets of orbits are within the desired absolute tolerances - of each other. The absolute difference is calculated as |actual - desired|. - - Parameters - ---------- - orbits_actual : `~numpy.ndarray` (N, 6) - Array of orbits to compare to the desired orbits. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - times : days - orbits_desired : `~numpy.ndarray` (N, 6) - Array of desired orbits to which to compare the actual orbits to. - Assumed units for: - positions : AU, - velocities : AU per day, - angles : degrees, - times : days - orbit_type : {'cartesian', 'keplerian', 'cometary'} - Type of the input orbits. Both actual and desired orbits must be of the same - type. - position_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance positions need to satisfy (a, q, x, y, z, r). - velocity_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance velocity need to satisfy. (vx, vy, vz, v). - unitless_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance unitless quantities need to satisfy (e). - angle_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance angle quantities need to satisfy (i, ascNode, argPeri, meanAnom). - time_tol : `~astropy.units.quantity.Quantity` (1) - Absolute tolerance time quantities need to satisfy (tPeri). - magnitude : bool - Applies to cartesian orbits only. Test the magnitude of the position difference - and velocity difference vectors as opposed to testing per individual coordinate. - - Raises - ------ - AssertionError: - If |orbits_actual - orbits_desired| > tolerance. - ValueError: - If orbit_type is not one of 'cartesian', 'keplerian' or 'cometary'. - - Returns - ------- - None - """ - if orbit_type == "cartesian": - - diff, stats, error = testCartesianOrbits( - orbits_actual, - orbits_desired, - position_tol=position_tol, - velocity_tol=velocity_tol, - magnitude=magnitude, - raise_error=raise_error, - ) - - elif orbit_type == "keplerian": - - diff, stats, error = testKeplerianOrbits( - orbits_actual, - orbits_desired, - position_tol=position_tol, - unitless_tol=unitless_tol, - angle_tol=angle_tol, - raise_error=raise_error, - ) - - elif orbit_type == "cometary": - - diff, stats, error = testCometaryOrbits( - orbits_actual, - orbits_desired, - position_tol=position_tol, - unitless_tol=unitless_tol, - angle_tol=angle_tol, - time_tol=time_tol, - raise_error=raise_error, - ) - - else: - err = "orbit_type should be one of {'cartesian', 'keplerian', 'cometary'}" - raise ValueError(err) - - return diff, stats, error diff --git a/thor/utils/__init__.py b/thor/utils/__init__.py index ca051d6f..4bf18ac1 100644 --- a/thor/utils/__init__.py +++ b/thor/utils/__init__.py @@ -1,11 +1,8 @@ from .ades import * from .astropy import * from .horizons import * -from .io import * from .linkages import * from .logging import * -from .mpc import * from .multiprocessing import * from .observations import * from .patches import * -from .spice import * diff --git a/thor/utils/io.py b/thor/utils/io.py deleted file mode 100644 index 11bc8d4f..00000000 --- a/thor/utils/io.py +++ /dev/null @@ -1,241 +0,0 @@ -import datetime -import gzip -import io -import logging -import os -import shutil -import urllib - -import dateutil -import requests -import yaml -from astropy.time import Time - -logger = logging.getLogger(__name__) - -__all__ = [ - "_readFileLog", - "_writeFileLog", - "_checkUpdate", - "_downloadFile", - "_removeDownloadedFiles", -] - - -def _readFileLog(log_file=None): - """ - Read THOR file log. The file log tracks all supplemental data - files that different components of THOR may need. Examples - include SPICE kernels, the MPC observatory code file, the - MPC orbit catalog etc... - - Parameters - ---------- - log_file : str, optional - Path to log file - - Returns - ------- - None - """ - if log_file is None: - log_file = os.path.join(os.path.dirname(__file__), "..", "data/log.yaml") - if not os.path.isfile(log_file): - with open(log_file, "w") as f: - yaml.dump({}, f) - with open(log_file) as file: - log = yaml.load(file, Loader=yaml.FullLoader) - return log - - -def _writeFileLog(log, log_file=None): - """ - Write THOR file log. The file log tracks all supplemental data - files that different components of THOR may need. Examples - include SPICE kernels, the MPC observatory code file, the - MPC orbit catalog etc... - - Parameters - ---------- - log : dict - Dictionary with file names as keys and dictionaries of properties - as values. - log_file : str, optional - Path to log file - - Returns - ------- - None - """ - if log_file is None: - log_file = os.path.join(os.path.dirname(__file__), "..", "data/log.yaml") - with open(log_file, "w") as f: - yaml.dump(log, f) - return - - -def _checkUpdate(url): - """ - Query url for "Last-modified" argument in header. If "Last-modified" argument - exists in the header this function will return the time, if it does - not it will return None. - - Parameters - ---------- - url : str - URL to query for last modification. - - Returns - ------- - {None, `~astropy.core.time.Time`} - - """ - response = requests.head(url) - last_modified = response.headers.get("Last-Modified") - if last_modified: - last_modified = Time(dateutil.parser.parse(last_modified)) - return last_modified - - -def _downloadFile(to_dir, url, log_file=None): - """ - Download file at given url to the passed directory. - - Parameters - ---------- - to_dir : str - Path to directory where file should be downloaded to. - url : str - URL of file. - log_file : str, optional - Path to THOR file log. The file log tracks all supplemental data - files that different components of THOR may need. Examples - include SPICE kernels, the MPC observatory code file, the - MPC orbit catalog etc... - - Returns - ------- - None - """ - # Extract the file name (remove path) and - # also grab the absolute path - file_name = os.path.basename(urllib.parse.urlparse(url).path) - file_path = os.path.join(os.path.abspath(to_dir), file_name) - logger.info("Checking {}.".format(file_name)) - - # Check if the file is compressed with gzip - compressed = False - if os.path.splitext(file_name)[1] == ".gz": - compressed = True - - # Read file log - if log_file is None: - log_file = os.path.join(os.path.dirname(__file__), "..", "data/log.yaml") - log = _readFileLog(log_file) - - # Has file been logged previously - logged = False - if file_name in log.keys(): - logged = True - else: - log[file_name] = {} - - download = False - file_exists = os.path.isfile(file_path) - if not file_exists: - logger.info("File has not been downloaded previously.") - download = True - - # Reset the log if the file needs to be downloaded - # but the file was previously logged - if logged: - log[file_name] = {} - - else: - # Check when the file was last modified online - last_modified = _checkUpdate(url) - logger.info("Last modified online: {}".format(last_modified.utc.isot)) - - last_downloaded = Time(log[file_name]["downloaded"], format="isot", scale="utc") - logger.info("Last downloaded: {}".format(last_downloaded.utc.isot)) - if last_downloaded < last_modified: - download = True - - if download: - logger.info("Downloading from {}...".format(url)) - - response = urllib.request.urlopen(url) - f = io.BytesIO(response.read()) - with open(file_path, "wb") as f_out: - f_out.write(f.read()) - - logger.info("Download complete.") - - # If the file is compressed with gzip, decompress it - # and update the file path to reflect the change - if compressed: - logger.info("Downloaded file is gzipped. Decompressing...") - log[file_name]["compressed_location"] = file_path - uncompressed_file_path = os.path.splitext(file_path)[0] - with gzip.open(file_path, "r") as f_in: - with open(uncompressed_file_path, "wb") as f_out: - shutil.copyfileobj(f_in, f_out) - file_path = uncompressed_file_path - logger.info("Decompression complete.") - - # Update log and save to file - log[file_name]["url"] = url - log[file_name]["location"] = file_path - downloaded = Time(datetime.datetime.now(datetime.timezone.utc), scale="utc") - log[file_name]["downloaded"] = downloaded.utc.isot - - _writeFileLog(log, log_file) - logger.info("Log updated.") - - else: - logger.info("No download needed.") - - return - - -def _removeDownloadedFiles(file_names=None): - """ - Remove downloaded files. - - Parameters - ---------- - file_names : list, optional - Names of files to remove (should be keys listed - in the THOR file log). Default behaviour is to remove - all downloaded supplemental data files. - - Returns - ------- - None - """ - log_file = os.path.join(os.path.dirname(__file__), "..", "data/log.yaml") - log = _readFileLog(log_file=log_file) - if file_names is None: - file_names = list(log.keys()) - - if len(log) == 0: - logger.info("No files to remove.") - else: - - for file in file_names: - - logger.info("Removing {} ({}).".format(file, log[file]["location"])) - os.remove(log[file]["location"]) - if "compressed_location" in log[file].keys(): - logger.info( - "Removing compressed {} ({}).".format( - file, log[file]["compressed_location"] - ) - ) - os.remove(log[file]["compressed_location"]) - - del log[file] - - _writeFileLog(log, log_file=log_file) - logger.info("Log updated.") - return diff --git a/thor/utils/mpc.py b/thor/utils/mpc.py deleted file mode 100644 index 461e01c7..00000000 --- a/thor/utils/mpc.py +++ /dev/null @@ -1,720 +0,0 @@ -import os - -import numpy as np -import pandas as pd -from astropy.time import Time - -from .io import _downloadFile, _readFileLog - -__all__ = [ - "_unpackMPCDate", - "_lookupMPC", - "convertMPCPackedDates", - "packMPCDesignation", - "unpackMPCDesignation", - "getMPCObservatoryCodes", - "readMPCObservatoryCodes", - "getMPCDesignationFiles", - "readMPCDesignationFiles", - "getMPCOrbitCatalog", - "readMPCOrbitCatalog", - "getMPCCometCatalog", - "readMPCCometCatalog", -] - -BASE62 = "0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz" -BASE62_MAP = {BASE62[i]: i for i in range(len(BASE62))} - - -def _unpackMPCDate(epoch_pf): - # Taken from Lynne Jones' SSO TOOLS. - # See https://minorplanetcenter.net/iau/info/PackedDates.html - # for MPC documentation on packed dates. - # Examples: - # 1998 Jan. 18.73 = J981I73 - # 2001 Oct. 22.138303 = K01AM138303 - epoch_pf = str(epoch_pf) - year = _lookupMPC(epoch_pf[0]) * 100 + int(epoch_pf[1:3]) - month = _lookupMPC(epoch_pf[3]) - day = _lookupMPC(epoch_pf[4]) - isot_string = "{:d}-{:02d}-{:02d}".format(year, month, day) - - if len(epoch_pf) > 5: - fractional_day = float("." + epoch_pf[5:]) - hours = int((24 * fractional_day)) - minutes = int(60 * ((24 * fractional_day) - hours)) - seconds = 3600 * (24 * fractional_day - hours - minutes / 60) - isot_string += "T{:02d}:{:02d}:{:09.6f}".format(hours, minutes, seconds) - - return isot_string - - -def _lookupMPC(x): - # Convert the single character dates into integers. - try: - x = int(x) - except ValueError: - x = ord(x) - 55 - if x < 0 or x > 31: - raise ValueError - return x - - -def convertMPCPackedDates(pf_tt): - """ - Convert MPC packed form dates (in the TT time scale) to - MJDs in TT. See: https://minorplanetcenter.net/iau/info/PackedDates.html - for details on the packed date format. - - Parameters - ---------- - pf_tt : `~numpy.ndarray` (N) - MPC-style packed form epochs in the TT time scale. - - Returns - ------- - mjd_tt : `~numpy.ndarray` (N) - Epochs in TT MJDs. - """ - pf_tt = np.asarray(pf_tt) - isot_tt = np.empty(len(pf_tt), dtype="= 100000) & (number <= 619999): - ind = int(np.floor(number / 10000)) - designation_pf = "{}{:04}".format(BASE62[ind], number % 10000) - else: - x = number - 620000 - number_pf = [] - while x: - number_pf.append(BASE62[int(x % 62)]) - x = int(x / 62) - - number_pf.reverse() - designation_pf = "~{}".format("".join(number_pf).zfill(4)) - - is_packed = True - - except: - is_numbered = False - - # If its not numbered, maybe its a provisional designation - while is_provisional and not is_packed: - try: - year = BASE62[int(designation[0:2])] + designation[2:4] - letter1 = designation[5] - letter2 = designation[6] - cycle = designation[7:] - - cycle_pf = "00" - if len(cycle) > 0: - cycle = int(cycle) - if cycle <= 99: - cycle_pf = str(cycle).zfill(2) - else: - cycle_pf = BASE62[int(cycle / 10)] + str(cycle % 10) - - designation_pf = "{}{}{}{}".format(year, letter1, cycle_pf, letter2) - is_packed = True - - except: - is_provisional = False - - # If its a survey designation, deal with it - while is_survey and not is_packed: - try: - number = designation[0:4] - survey = designation[5:] - - if survey == "P-L": - survey_pf = "PLS" - - if survey[0:2] == "T-": - survey_pf = "T{}S".format(survey[2]) - - designation_pf = "{}{}".format(survey_pf, number.zfill(4)) - is_packed = True - - except: - is_survey = False - - # If at this point its not yet packed then something went wrong - if not is_numbered and not is_provisional and not is_survey: - err = ( - "Unpacked designation '{}' could not be packed.\n" - "It could not be recognized as any of the following:\n" - " - a numbered object (e.g. '3202', '203289', '3140113')\n" - " - a provisional designation (e.g. '1998 SV127', '2008 AA360')\n" - " - a survey designation (e.g. '2040 P-L', '3138 T-1')" - ) - raise ValueError(err.format(designation)) - - return designation_pf - - -def unpackMPCDesignation(designation_pf): - """ - Unpack a packed MPC designation. For example, provisional - designation J98SG2S will be unpacked to 1998 SS162. Permanent - designation 00323 will be unpacked to 323. - - TODO: add support for comet and natural satellite designations - - Parameters - ---------- - designation_pf : str - MPC packed form designation. - - Returns - ------- - designation : str - MPC unpacked designation. - - Raises - ------ - ValueError : If designation_pf cannot be unpacked. - """ - is_numbered = True - is_provisional = True - is_survey = True - is_unpacked = False - - while is_numbered and not is_unpacked: - try: - # Numbered objects (1 - 99999) - if designation_pf.isdecimal(): - number = int(designation_pf) - - # Numbered objects (620000+) - elif designation_pf[0] == "~": - number = 620000 - number_pf = designation_pf[1:] - for i, c in enumerate(number_pf): - power = len(number_pf) - (i + 1) - number += BASE62_MAP[c] * (62**power) - - # Numbered objects (100000 - 619999) - else: - number = BASE62_MAP[designation_pf[0]] * 10000 + int(designation_pf[1:]) - - designation = str(number) - is_unpacked = True - - except: - is_numbered = False - - while is_provisional and not is_unpacked: - try: - year = str(BASE62_MAP[designation_pf[0]] * 100 + int(designation_pf[1:3])) - letter1 = designation_pf[3] - letter2 = designation_pf[6] - cycle1 = designation_pf[4] - cycle2 = designation_pf[5] - - number = int(BASE62_MAP[cycle1]) * 10 + BASE62_MAP[cycle2] - if number == 0: - number = "" - - designation = "{} {}{}{}".format(year, letter1, letter2, number) - is_unpacked = True - - except: - is_provisional = False - - while is_survey and not is_unpacked: - try: - number = int(designation_pf[3:8]) - survey_pf = designation_pf[0:3] - - if survey_pf == "PLS": - survey = "P-L" - - if survey_pf[0] == "T" and survey_pf[2] == "S": - survey = "T-{}".format(survey_pf[1]) - - designation = "{} {}".format(number, survey) - is_unpacked = True - - except: - is_survey = False - - if not is_numbered and not is_provisional and not is_survey: - err = ( - "Packed form designation '{}' could not be unpacked.\n" - "It could not be recognized as any of the following:\n" - " - a numbered object (e.g. '03202', 'K3289', '~AZaz')\n" - " - a provisional designation (e.g. 'J98SC7V', 'K08Aa0A')\n" - " - a survey designation (e.g. 'PLS2040', 'T1S3138')" - ) - raise ValueError(err.format(designation_pf)) - - return designation - - -def getMPCObservatoryCodes(): - """ - Downloads the JSON-formatted MPC observatory codes file. Checks if a newer version of the file exists online, if so, - replaces the previously downloaded file if available. - - Parameters - ---------- - None - - Returns - ------- - None - """ - directory = os.path.join(os.path.dirname(__file__), "..", "data") - url = "https://minorplanetcenter.net/Extended_Files/obscodes_extended.json.gz" - _downloadFile(directory, url) - return - - -def readMPCObservatoryCodes(observatoryCodes=None): - """ - Reads the JSON-formatted MPC observatory codes file. - - Parameters - ---------- - observatoryCodes : str, optional - Path to file - - Returns - ------- - observatories : `~pandas.DataFrame` - DataFrame indexed on observatory code. - - See Also - -------- - `~thor.utils.mpc.getMPCObservatoryCodes` : Downloads the MPC observatory codes file. - """ - if observatoryCodes is None: - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data", "log.yaml") - ) - observatoryCodes = log["obscodes_extended.json.gz"]["location"] - - observatories = pd.read_json(observatoryCodes).T - observatories.rename( - columns={"Longitude": "longitude_deg", "Name": "name"}, inplace=True - ) - observatories.index.name = "code" - return observatories - - -def getMPCDesignationFiles(): - """ - Downloads the JSON-formatted MPC designation files (both the unpacked and packed versions). - Checks if a newer version of the files exist online, if so, - replaces the previously downloaded files if available. - - Parameters - ---------- - None - - Returns - ------- - None - """ - directory = os.path.join(os.path.dirname(__file__), "..", "data") - _downloadFile( - directory, "https://www.minorplanetcenter.net/Extended_Files/mpc_ids.json.gz" - ) - _downloadFile( - directory, - "https://www.minorplanetcenter.net/Extended_Files/mpc_ids_packed.json.gz", - ) - return - - -def readMPCDesignationFiles(mpcDesignationsFile=None, mpcPackedDesignationsFile=None): - """ - Reads the JSON-formatted MPC designation files (both the unpacked and packed forms). - - Parameters - ---------- - mpcDesignationsFile : str, optional - Path to file - mpcPackedDesignationsFile : str, optional - Path to file - - Returns - ------- - designations : `~pandas.DataFrame` - DataFrame of MPC designations - designations_pf : `~pandas.DataFrame` - DataFrame of MPC packed form designations - - See Also - -------- - `~thor.utils.mpc.getMPCDesignationFiles` : Downloads the JSON-formatted MPC designation files. - """ - if mpcDesignationsFile is None: - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data", "log.yaml") - ) - mpcDesignationsFile = log["mpc_ids.json.gz"]["location"] - - if mpcPackedDesignationsFile is None: - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data", "log.yaml") - ) - mpcPackedDesignationsFile = log["mpc_ids_packed.json.gz"]["location"] - - designations = pd.read_json(mpcDesignationsFile, orient="index") - designations = pd.DataFrame(designations.stack(), columns=["other_designations"]) - designations.reset_index(level=1, inplace=True, drop=True) - designations.index.name = "designation" - designations.reset_index(inplace=True) - - designations_pf = pd.read_json(mpcPackedDesignationsFile, orient="index") - designations_pf = pd.DataFrame( - designations_pf.stack(), columns=["other_designations_pf"] - ) - designations_pf.reset_index(level=1, inplace=True, drop=True) - designations_pf.index.name = "designation_pf" - designations_pf.reset_index(inplace=True) - - return designations, designations_pf - - -def getMPCOrbitCatalog(): - """ - Downloads the JSON-formatted extended MPC orbit catalog. Checks if a newer version of the file exists online, if so, - replaces the previously downloaded file if available. - - Parameters - ---------- - None - - Returns - ------- - None - """ - directory = os.path.join(os.path.dirname(__file__), "..", "data") - url = "https://www.minorplanetcenter.net/Extended_Files/mpcorb_extended.json.gz" - _downloadFile(directory, url) - return - - -def readMPCOrbitCatalog(mpcOrbitCatalog=None): - """ - Reads the JSON-formatted extended MPC orbit catalog. - - Parameters - ---------- - mpcOrbitCatalog : str, optional - Path to file - - Returns - ------- - mpcorb : `~pandas.DataFrame` - DataFrame of MPC minor planet orbits. - - See Also - -------- - `~thor.utils.mpc.getMPCOrbitCatalog` : Downloads the extended MPC orbit catalog. - """ - if mpcOrbitCatalog is None: - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data", "log.yaml") - ) - mpcOrbitCatalog = log["mpcorb_extended.json.gz"]["location"] - mpcorb = pd.read_json(mpcOrbitCatalog) - - # Rename columns, include units where possible - mpcorb.rename( - columns={ - "Number": "number", - "Name": "name", - "Principal_desig": "provisional_designation", - "Other_desigs": "other_provisional_designations", - "Epoch": "jd_tt", - "a": "a_au", - "e": "e", - "i": "i_deg", - "Node": "ascNode_deg", - "Peri": "argPeri_deg", - "M": "meanAnom_deg", - "n": "mean_motion_deg_p_day", - "H": "H_mag", - "G": "G", - "Tp": "tPeri_jd_tt", - "Orbital_period": "period_yr", - "Perihelion_dist": "perihelion_dist_au", - "Aphelion_dist": "aphelion_dist_au", - "Semilatus_rectum": "p_au", - "Synodic_period": "synodic_period_yr", - "Orbit_type": "orbit_type", - "Num_obs": "num_obs", - "Last_obs": "last_obs", - "rms": "rms_arcsec", - "U": "uncertainty_param", - "Arc_years": "arc_yr", - "Arc_length": "arc_days", - "Num_opps": "num_oppos", - "Perturbers": "perturbers1", - "Perturbers_2": "perturbers2", - "Hex_flags": "hex_flags", - "NEO_flag": "neo_flag", - "One_km_NEO_flag": "1km_neo_flag", - "PHA_flag": "pha_flag", - "Critical_list_numbered_object_flag": "critical_list_flag", - "One_opposition_object_flag": "1_oppo_flag", - "Ref": "reference", - "Computer": "computer", - }, - inplace=True, - ) - - # Add MJDs from JDs - mpcorb["mjd_tt"] = Time(mpcorb["jd_tt"].values, format="jd", scale="tt").tt.mjd - mpcorb["tPeri_mjd_tt"] = Time( - mpcorb["tPeri_jd_tt"].values, format="jd", scale="tt" - ).tt.mjd - - # Drop redundant columns - mpcorb.drop(columns=["jd_tt", "tPeri_jd_tt"], inplace=True) - - # Create a designation column, if an asteroid is numbered use that as a designation if not use the provisional designation - mpcorb.loc[~mpcorb["number"].isna(), "designation"] = ( - mpcorb[~mpcorb["number"].isna()]["number"] - .str.replace("[()]", "", regex=True) - .values - ) - mpcorb.loc[mpcorb["designation"].isna(), "designation"] = mpcorb[ - mpcorb["designation"].isna() - ]["provisional_designation"].values - - # Arrange columns - columns = [ - "designation", - "number", - "name", - "provisional_designation", - "other_provisional_designations", - "mjd_tt", - "a_au", - "e", - "i_deg", - "ascNode_deg", - "argPeri_deg", - "meanAnom_deg", - "mean_motion_deg_p_day", - "H_mag", - "G", - "uncertainty_param", - "tPeri_mjd_tt", - "p_au", - "period_yr", - "perihelion_dist_au", - "aphelion_dist_au", - "synodic_period_yr", - "num_obs", - "last_obs", - "rms_arcsec", - "num_oppos", - "arc_yr", - "arc_days", - "orbit_type", - "neo_flag", - "1km_neo_flag", - "pha_flag", - "1_oppo_flag", - "critical_list_flag", - "hex_flags", - "perturbers1", - "perturbers2", - "reference", - "computer", - ] - mpcorb = mpcorb[columns] - - return mpcorb - - -def getMPCCometCatalog(): - """ - Downloads the JSON-formatted MPC comet orbit catalog. Checks if a newer version of the file exists online, if so, - replaces the previously downloaded file if available. - - Parameters - ---------- - None - - Returns - ------- - None - """ - directory = os.path.join(os.path.dirname(__file__), "..", "data") - url = "https://www.minorplanetcenter.net/Extended_Files/cometels.json.gz" - _downloadFile(directory, url) - return - - -def readMPCCometCatalog(mpcCometCatalog=None): - """ - Reads the JSON-formatted MPC comet catalog. - - Parameters - ---------- - mpcCometCatalog : str, optional - Path to file - - Returns - ------- - mpcorb_comets : `~pandas.DataFrame` - DataFrame of MPC comet orbits. - - See Also - -------- - `~thor.utils.mpc.getMPCCometCatalog` : Downloads the MPC comet catalog. - """ - if mpcCometCatalog is None: - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data", "log.yaml") - ) - mpcCometCatalog = log["cometels.json.gz"]["location"] - mpcorb_comets = pd.read_json(mpcCometCatalog) - - mpcorb_comets.rename( - columns={ - "Orbit_type": "orbit_type", - "Provisional_packed_desig": "provisional_designation_pf", - "Year_of_perihelion": "tPeri_yr", - "Month_of_perihelion": "tPeri_month", - "Day_of_perihelion": "tPeri_day", - "Perihelion_dist": "q_au", - "e": "e", - "Peri": "argPeri_deg", - "Node": "ascNode_deg", - "i": "i_deg", - "Epoch_year": "epoch_yr", - "Epoch_month": "epoch_month", - "Epoch_day": "epoch_day", - "H": "H_mag", - "G": "G", - "Designation_and_name": "designation_name", - "Ref": "reference", - "Comet_num": "comet_number", - }, - inplace=True, - ) - - # Update time of perihelion passage to be an MJD - yr = mpcorb_comets["tPeri_yr"].values - month = mpcorb_comets["tPeri_month"].values - day = mpcorb_comets["tPeri_day"].values - yr_month = ["{}-{:02d}-01T00:00:00".format(y, m) for y, m in zip(yr, month)] - t_peri = Time(yr_month, format="isot", scale="tt") - t_peri += day - mpcorb_comets["tPeri_mjd_tt"] = t_peri.tt.mjd - - # Update orbit epoch to be an MJD - mask = ~mpcorb_comets["epoch_yr"].isna() - yr = mpcorb_comets[mask]["epoch_yr"].values.astype(int) - month = mpcorb_comets[mask]["epoch_month"].values.astype(int) - day = mpcorb_comets[mask]["epoch_day"].values - yr_month = ["{:d}-{:02d}-01T00:00:00".format(y, m) for y, m in zip(yr, month)] - epoch = Time(yr_month, format="isot", scale="tt") - epoch += day - mpcorb_comets.loc[mask, "mjd_tt"] = epoch.tt.mjd - - # Remove redundant columns - mpcorb_comets.drop( - columns=[ - "epoch_yr", - "epoch_month", - "epoch_day", - "tPeri_yr", - "tPeri_month", - "tPeri_day", - ], - inplace=True, - ) - - # Convert comet number to strings - mpcorb_comets.loc[~mpcorb_comets["comet_number"].isna(), "comet_number"] = ( - mpcorb_comets[~mpcorb_comets["comet_number"].isna()]["comet_number"] - .apply(lambda x: str(int(x))) - .values - ) - - # Split designation_name into designation - mpcorb_comets["designation"] = ( - mpcorb_comets["designation_name"].str.split(" [()]", expand=True)[0].values - ) - - # Remove name from numbered comets - mpcorb_comets.loc[~mpcorb_comets["comet_number"].isna(), "designation"] = ( - mpcorb_comets[~mpcorb_comets["comet_number"].isna()]["designation_name"] - .str.split("/", expand=True)[0] - .values - ) - - # Arrange columns - columns = [ - "designation", - "designation_name", - "comet_number", - "provisional_designation_pf", - "mjd_tt", - "q_au", - "e", - "i_deg", - "ascNode_deg", - "argPeri_deg", - "tPeri_mjd_tt", - "H_mag", - "G", - "orbit_type", - "reference", - ] - mpcorb_comets = mpcorb_comets[columns] - - return mpcorb_comets diff --git a/thor/utils/spice.py b/thor/utils/spice.py deleted file mode 100644 index 3e3badfd..00000000 --- a/thor/utils/spice.py +++ /dev/null @@ -1,173 +0,0 @@ -import logging -import os - -import spiceypy as sp - -from .io import _downloadFile, _readFileLog - -logger = logging.getLogger(__name__) - -__all__ = [ - "KERNEL_URLS", - "KERNELS_DE430", - "KERNELS_DE440", - "getSPICEKernels", - "setupSPICE", - "useDE430", - "useDE440", - "useDefaultDEXXX", -] - -KERNEL_URLS = { - # Internal Name : URL - "latest_leapseconds.tls": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/lsk/latest_leapseconds.tls", - "pck00010.tpc": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck/pck00010.tpc", - "earth_latest_high_prec.bpc": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck/earth_latest_high_prec.bpc", - "earth_720101_230601.bpc": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck/earth_720101_230601.bpc", - "earth_200101_990825_predict.bpc": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck/earth_200101_990825_predict.bpc", - "earth_assoc_itrf93.tf": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/fk/planets/earth_assoc_itrf93.tf", - "de430.bsp": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/spk/planets/de430.bsp", - "de440.bsp": "https://naif.jpl.nasa.gov/pub/naif/generic_kernels/spk/planets/de440.bsp", -} - -BASEKERNELS = [ - "latest_leapseconds.tls", - "pck00010.tpc", - "earth_200101_990825_predict.bpc", - "earth_720101_230601.bpc", - "earth_latest_high_prec.bpc", -] -KERNELS_DE430 = BASEKERNELS + ["de430.bsp"] -KERNELS_DE440 = BASEKERNELS + ["de440.bsp"] - - -def getSPICEKernels(kernels=KERNELS_DE430): - """ - Download SPICE kernels. If any already exist, check if they have been updated. If so, replace the - outdated file with the latest version. - - SPICE kernels used by THOR: - "latest_leapseconds.tls": latest_leapseconds.tls downloaded from https://naif.jpl.nasa.gov/pub/naif/generic_kernels/lsk, - "earth_latest_high_prec.bpc": earth_latest_high_prec.bpc downloaded from https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck, - "earth_720101_230601.bpc": earth_720101_230601.bpc downloaded from https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck, - "earth_200101_990825_predict.bpc": earth_070425_370426_predict.bpc downloaded from https://naif.jpl.nasa.gov/pub/naif/generic_kernels/pck/ - "de430.bsp": de430.bsp downloaded from https://naif.jpl.nasa.gov/pub/naif/generic_kernels/spk/planets/ - - Only the leapsecond and Earth planetary constants kernels are checked for updates since these files are rather small (< 10 MB). The - planetary ephemerides file is over 1.5 GB and is not checked for an update (these files are not updated regularly and are often released as - different version with different physical assumptions) - - Parameters - ---------- - kernels : list, optional - Names of the kernels to download. By default, all kernels required by THOR are downloaded. - Possible options are: - "latest_leapseconds.tls" - "earth_latest_high_prec.bpc" - "earth_720101_230601.bpc" - "earth_200101_990825_predict.bpc" - "de430.bsp" or "de440.bsp" - - Returns - ------- - None - """ - for kernel in kernels: - logger.info("Checking for {} kernel...".format(kernel)) - url = KERNEL_URLS[kernel] - _downloadFile(os.path.join(os.path.dirname(__file__), "..", "data"), url) - return - - -def setupSPICE(kernels=KERNELS_DE430, force=False): - """ - Loads the leapsecond, the Earth planetary constants and the planetary ephemerides kernels into SPICE. - - Parameters - ---------- - kernels : list, optional - Names of the kernels to load. By default, all kernels required by THOR are loaded. - Possible options are: - "latest_leapseconds.tls" - "earth_latest_high_prec.bpc" - "earth_720101_230601.bpc" - "earth_200101_990825_predict.bpc" - "de430.bsp" or "de440.bsp" - force : bool, optional - Force spiceypy to set up kernels regardless of if SPICE is already set up. - - Returns - ------- - None - """ - pid = os.getpid() - var_name = f"THOR_SPICE_pid{pid}" - - is_setup = var_name in os.environ.keys() - is_ephemeris_correct = False - if is_setup: - is_ephemeris_correct = os.environ[var_name] in kernels - - if (is_setup or is_ephemeris_correct) and not force: - logger.debug("SPICE is already enabled.") - else: - logger.debug("Enabling SPICE...") - log = _readFileLog( - os.path.join(os.path.dirname(__file__), "..", "data/log.yaml") - ) - - ephemeris_file = "" - for kernel in kernels: - file_name = os.path.basename(KERNEL_URLS[kernel]) - - # Check if the current file is an ephemeris file - if os.path.splitext(file_name)[1] == ".bsp": - ephemeris_file = file_name - - if file_name not in log.keys(): - err = "{} not found. Please run thor.utils.getSPICEKernels to download SPICE kernels." - raise FileNotFoundError(err.format(file_name)) - sp.furnsh(log[file_name]["location"]) - - if ephemeris_file == "": - err = ( - "SPICE has not recieved a planetary ephemeris file.\n" - "Please provide either de430.bsp, de440.bsp, or similar." - ) - raise ValueError(err) - - os.environ[var_name] = ephemeris_file - logger.debug("SPICE enabled.") - return - - -def useDE430(func): - """ - Decorator: Configures SPICE (via spiceypy) to - use the DE430 planetary ephemerides. - """ - getSPICEKernels(KERNELS_DE430) - setupSPICE(KERNELS_DE430, force=True) - - def wrap(*args, **kwargs): - return func(*args, **kwargs) - - return wrap - - -def useDE440(func): - """ - Decorator: Configures SPICE (via spiceypy) to - use the DE440 planetary ephemerides. - """ - getSPICEKernels(KERNELS_DE440) - setupSPICE(KERNELS_DE440, force=True) - - def wrap(*args, **kwargs): - return func(*args, **kwargs) - - return wrap - - -# Set default to DE430 -useDefaultDEXXX = useDE430 diff --git a/thor/utils/tests/test_mpc.py b/thor/utils/tests/test_mpc.py deleted file mode 100644 index 7319284c..00000000 --- a/thor/utils/tests/test_mpc.py +++ /dev/null @@ -1,85 +0,0 @@ -import numpy as np -from astropy.time import Time - -from ..mpc import convertMPCPackedDates, packMPCDesignation, unpackMPCDesignation - -DESIGNATIONS_UP2P = { - # Packed : Unpacked - # Taken from: https://www.minorplanetcenter.net/iau/info/PackedDes.html - # Provisional Minor Planet Designations - "1995 XA": "J95X00A", - "1995 XL1": "J95X01L", - "1995 FB13": "J95F13B", - "1998 SQ108": "J98SA8Q", - "1998 SV127": "J98SC7V", - "1998 SS162": "J98SG2S", - "2099 AZ193": "K99AJ3Z", - "2008 AA360": "K08Aa0A", - "2007 TA418": "K07Tf8A", - # Provisional Minor Planet Designations (Surveys) - "2040 P-L": "PLS2040", - "3138 T-1": "T1S3138", - "1010 T-2": "T2S1010", - "4101 T-3": "T3S4101", - # Permanent Minor Planet Designations - "3202": "03202", - "50000": "50000", - "100345": "A0345", - "360017": "a0017", - "203289": "K3289", - "620000": "~0000", - "620061": "~000z", - "3140113": "~AZaz", - "15396335": "~zzzz", -} -DESIGNATIONS_P2UP = {v: k for k, v in DESIGNATIONS_UP2P.items()} - - -def test_convertMPCPackedDates(): - # Use a few modified examples from https://minorplanetcenter.net/iau/info/PackedDates.html - # and test conversion from packed form to MJDs - isot_tt = np.array( - [ - "1996-01-01", - "1996-01-10", - "1996-09-30", - "1996-10-01", - "2001-10-22", - "2001-10-22T00:00:00.0000", - "2001-10-22T12:00:00.0000", - "1996-09-30T18:00:00.0000", - "1996-09-30T18:45:00.0000", - ] - ) - - pf_tt = np.array( - [ - "J9611", - "J961A", - "J969U", - "J96A1", - "K01AM", - "K01AM", - "K01AM5", - "J969U75", - "J969U78125", - ] - ) - - mjd_tt = convertMPCPackedDates(pf_tt) - mjd = Time(isot_tt, format="isot", scale="tt") - - np.testing.assert_equal(mjd_tt, mjd.tt.mjd) - return - - -def test_unpackMPCDesignation(): - # Test unpacking of packed form designations - for designation_pf, designation in DESIGNATIONS_P2UP.items(): - assert unpackMPCDesignation(designation_pf) == designation - - -def test_packMPCDesignation(): - # Test packing of unpacked designations - for designation, designation_pf in DESIGNATIONS_UP2P.items(): - assert packMPCDesignation(designation) == designation_pf diff --git a/thor/utils/tests/test_spice.py b/thor/utils/tests/test_spice.py deleted file mode 100644 index 1907a661..00000000 --- a/thor/utils/tests/test_spice.py +++ /dev/null @@ -1,3 +0,0 @@ -import os - -from ..spice import getSPICEKernels, setupSPICE