From 6caf9bbb5f0619de90479144d90aee0fe0e5923f Mon Sep 17 00:00:00 2001 From: igres26 Date: Thu, 18 May 2023 17:59:54 +0400 Subject: [PATCH 01/28] initial commit for bell test code --- extras/bell/bell_functions.py | 471 ++++++++++++++++++++++++++++++++++ extras/bell/bell_main.py | 77 ++++++ 2 files changed, 548 insertions(+) create mode 100644 extras/bell/bell_functions.py create mode 100644 extras/bell/bell_main.py diff --git a/extras/bell/bell_functions.py b/extras/bell/bell_functions.py new file mode 100644 index 000000000..76d95409f --- /dev/null +++ b/extras/bell/bell_functions.py @@ -0,0 +1,471 @@ +import json +import numpy as np +from qibo.models import Circuit +from collections import defaultdict +from qibo import gates +from qibolab.pulses import PulseSequence +import matplotlib.pyplot as plt +import time + + +def calculate_frequencies(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} + + +def calculate_probabilities(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return {f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts)} + + +class ReadoutErrorMitigation(): + def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): + """Platform should be left None to default to simulation. nqubits should be the total + number of qubits in the chip, while qubits are the qubits that are targetted. + """ + self.platform = platform + self.nqubits = nqubits + self.qubits = qubits + self.calibration_matrix = None + self.rerr = readout_error_model + + def get_calibration_matrix(self, nshots=1024): + """ Self explanatory. Prepare states and measure in order to get the readout + matrix for error correction. + """ + nqubits = self.nqubits + qubits = self.qubits + + nq = len(qubits) + + matrix = np.zeros((2**nq, 2**nq)) + + platform = self.platform + + if nq != 2: + raise ValueError('Only 2 qubits supported for now.') + + for i in range(2**nq): + state = format(i, f"0{nq}b") + if platform: + sequence = PulseSequence() + for q, bit in enumerate(state): + if bit == "1": + sequence.add(platform.create_RX_pulse(qubits[q], start=0, relative_phase=0)) + measurement_start = sequence.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence.add(MZ_pulse) + results = platform.execute_pulse_sequence(sequence, nshots=nshots) + freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) + else: + c = Circuit(nqubits) + for q, bit in enumerate(state): + if bit == "1": + c.add(gates.X(qubits[q])) + for qubit in qubits: + c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) + results = c(nshots=nshots) + freqs = results.frequencies() + + column = np.zeros(2**nq) + for key in freqs.keys(): + f = freqs[key] + column[int(key, 2)] = f/nshots + matrix[:, i] = column + + self.calibration_matrix = np.linalg.inv(matrix) + + return self.calibration_matrix + + def apply_readout_mitigation(self, frequencies, calibration_matrix=None): + """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. + + Args: + state (qibo.states.CircuitResult): Input state to be updated. + calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. + + Returns: + qibo.states.CircuitResult : The input state with the updated frequencies. + """ + qubits = self.qubits + nqubits = self.nqubits + nq = len(qubits) + + if calibration_matrix == None: + if self.calibration_matrix is None: + raise ValueError('Readout Mitigation Matrix has not been calibrated yet!') + else: + calibration_matrix = self.calibration_matrix + + freq = np.zeros(2**nq) + + for k, v in frequencies.items(): + freq[int(k, 2)] = v + + freq = freq.reshape(-1, 1) + new_freq = {} + for i, val in enumerate(calibration_matrix @ freq): + new_freq[format(i,f"0{nq}b")] = float(val) + + return new_freq + + +class BellExperiment(): + + def __init__(self, platform, nqubits, readout_error_model=(0.0, 0.0)): + """Platform should be left None for simulation + """ + self.platform = platform + self.nqubits = nqubits + self.rerr = readout_error_model + + def create_bell_sequence(self, qubits, theta=np.pi/4, bell_state=0): + """Creates the pulse sequence to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + """ + platform = self.platform + + virtual_z_phases = defaultdict(int) + + sequence = PulseSequence() + sequence.add(platform.create_RX90_pulse(qubits[0], start=0, relative_phase=np.pi/2)) + sequence.add(platform.create_RX90_pulse(qubits[1], start=0, relative_phase=np.pi/2)) + + (cz_sequence, cz_virtual_z_phases) = platform.create_CZ_pulse_sequence(qubits, sequence.finish) + sequence.add(cz_sequence) + for qubit in cz_virtual_z_phases: + virtual_z_phases[qubit] += cz_virtual_z_phases[qubit] + + t = sequence.finish + + sequence.add(platform.create_RX90_pulse(qubits[1], start=t, relative_phase=virtual_z_phases[qubits[1]]-np.pi/2)) + + if bell_state == 0: + virtual_z_phases[qubits[0]] += np.pi + elif bell_state == 1: + virtual_z_phases[qubits[0]] += 0 + elif bell_state == 2: + virtual_z_phases[qubits[0]] += 0 + sequence.add(platform.create_RX_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) + elif bell_state == 3: + virtual_z_phases[qubits[0]] += np.pi + sequence.add(platform.create_RX_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) + + t = sequence.finish + sequence.add(platform.create_RX90_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) + virtual_z_phases[qubits[0]] += theta + sequence.add(platform.create_RX90_pulse(qubits[0], start=sequence.finish, relative_phase=virtual_z_phases[qubits[0]]+np.pi)) + + return sequence, virtual_z_phases + + def create_chsh_sequences(self, qubits, theta=np.pi/4, bell_state=0): + """Creates the pulse sequences needed for the 4 measurement settings for chsh. + """ + + platform = self.platform + + sequence00, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) + measurement_start = sequence00.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence00.add(MZ_pulse) + + sequence01, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) + sequence01.add(platform.create_RX90_pulse(qubits[1], start=sequence01.finish, relative_phase=virtual_z_phases[qubits[1]]+np.pi/2)) + measurement_start = sequence01.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence01.add(MZ_pulse) + + sequence10, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) + sequence10.add(platform.create_RX90_pulse(qubits[0], start=sequence10.finish, relative_phase=virtual_z_phases[qubits[0]]+np.pi/2)) + measurement_start = sequence10.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence10.add(MZ_pulse) + + sequence11, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) + t = sequence11.finish + sequence11.add(platform.create_RX90_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]]+np.pi/2)) + sequence11.add(platform.create_RX90_pulse(qubits[1], start=t, relative_phase=virtual_z_phases[qubits[1]]+np.pi/2)) + measurement_start = sequence11.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence11.add(MZ_pulse) + + chsh_sequences = [sequence00, sequence01, sequence10, sequence11] + + return chsh_sequences + + def create_bell_circuit(self, qubits, theta=np.pi/4, bell_state=0, native=True): + """Creates the circuit to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + Native defaults to only using GPI2 and GPI gates. + """ + nqubits = self.nqubits + + c = Circuit(nqubits) + p = 0 + if native: + c.add(gates.GPI2(qubits[0], np.pi/2)) + c.add(gates.GPI2(qubits[1], np.pi/2)) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.GPI2(qubits[1], -np.pi/2)) + if bell_state == 0: + p += np.pi + elif bell_state == 1: + p += 0 + elif bell_state == 2: + p += 0 + c.add(gates.GPI(qubits[0], p)) + elif bell_state == 3: + p += np.pi + c.add(gates.GPI(qubits[0], p)) + + c.add(gates.GPI2(qubits[0], p)) + p += theta + c.add(gates.GPI2(qubits[0], p+np.pi)) + + else: + c.add(gates.H(qubits[0])) + c.add(gates.H(qubits[1])) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.H(qubits[1])) + + if bell_state == 1: + c.add(gates.Z(qubits[0])) + elif bell_state == 2: + c.add(gates.Z(qubits[0])) + c.add(gates.X(qubits[0])) + elif bell_state == 3: + c.add(gates.X(qubits[0])) + + c.add(gates.RY(qubits[0], theta)) + return c, p + + def create_chsh_circuits(self, qubits, theta=np.pi/4, bell_state=0, native=True, rerr=None): + """Creates the circuits needed for the 4 measurement settings for chsh. + Native defaults to only using GPI2 and GPI gates. + rerr adds a readout bitflip error to the simulation. + """ + if not rerr: + rerr = self.rerr + + c00, p = self.create_bell_circuit(qubits, theta, bell_state, native) + for qubit in qubits: + c00.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c01, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c01.add(gates.GPI2(qubits[1], np.pi/2)) + else: + c01.add(gates.H(qubits[1])) + for qubit in qubits: + c01.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c10, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c10.add(gates.GPI2(qubits[0], p+np.pi/2)) + else: + c10.add(gates.H(qubits[0])) + for qubit in qubits: + c10.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c11, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c11.add(gates.GPI2(qubits[0], p+np.pi/2)) + c11.add(gates.GPI2(qubits[1], np.pi/2)) + else: + c11.add(gates.H(qubits[0])) + c11.add(gates.H(qubits[1])) + for qubit in qubits: + c11.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + chsh_circuits = [c00, c01, c10, c11] + + return chsh_circuits + + def compute_chsh(self, frequencies, basis): + """Computes the chsh inequality out of the frequencies of the 4 circuits executed. + """ + chsh = 0 + aux = 0 + for freq in frequencies: + for outcome in freq: + if aux == 1+2*(basis%2): #This value sets where the minus sign is in the CHSH inequality + chsh -= (-1)**(int(outcome[0])+int(outcome[1]))*freq[outcome] + else: + chsh += (-1)**(int(outcome[0])+int(outcome[1]))*freq[outcome] + aux += 1 + nshots = sum(freq[x] for x in freq) + return chsh/nshots + + def plot(self, thetas, chsh_values, mitigated_chsh_values=None, exact_chsh_values=None, title='test'): + """Standard plot for the chsh results. It can plot the mitigated and exact expected values as well. + """ + + fig = plt.figure(figsize=(12,8)) + plt.rcParams.update({'font.size':22}) + plt.plot(thetas, chsh_values, 'o-', label='bare') + if mitigated_chsh_values: + plt.plot(thetas, mitigated_chsh_values, 'o-', label='mitigated') + if exact_chsh_values: + plt.plot(thetas, exact_chsh_values, 'o-', label='exact') + plt.grid(which='major', axis='both') + plt.rcParams.update({'font.size':16}) + plt.legend() + plt.axhline(y=2, color='r', linestyle='-') + plt.axhline(y=-2, color='r', linestyle='-') + plt.axhline(y=np.sqrt(2)*2, color='k', linestyle='-.') + plt.axhline(y=-np.sqrt(2)*2, color='k', linestyle='-.') + plt.xlabel('Theta') + plt.ylabel('CHSH value') + plt.title(f'Bell basis = {title}') + fig.savefig(f'bell_sweep_{title}.png', dpi=300, bbox_inches='tight') + + def execute_sequence(self, sequence, qubits, nshots): + platform = self.platform + qubits = self.qubits + results = platform.execute_pulse_sequence(sequence, nshots=nshots) + frequencies = calculate_frequencies(results[qubits[0]], results[qubits[1]]) + return frequencies + + def execute_circuit(self, circuit, nshots): + result = circuit(nshots=nshots) + frequencies = result.frequencies() + return frequencies + + def execute(self, qubits, bell_basis, thetas, nshots=1024, pulses=False, native=True, readout_mitigation=None, exact=False): + """Executes the Bell experiment, with the given bell basis and thetas. + pulses decides if to execute in the experiment directly in pulses. + native uses the native interactions but using qibo gates. + readout_mitigation allows to pass a ReadoutErrorMitigation object. + exact also computes the exact simulation to compare with noisy results. + + """ + chsh_values_basis = [] + if readout_mitigation: + mitigated_chsh_values_basis = [] + if exact: + exact_chsh_values_basis = [] + + if pulses: + platform.connect() + platform.setup() + platform.start() + + for basis in bell_basis: + chsh_values = [] + if readout_mitigation: + mitigated_chsh_values = [] + if exact: + exact_chsh_values = [] + for theta in thetas: + chsh_frequencies = [] + if readout_mitigation: + mitigated_chsh_frequencies = [] + if exact: + exact_chsh_frequencies = [] + if pulses: + chsh_sequences = self.create_chsh_sequences(qubits, theta, basis) + for sequence in chsh_sequences: + frequencies = self.execute_sequence(sequence, qubits, nshots) + chsh_frequencies.append(frequencies) + else: + chsh_circuits = self.create_chsh_circuits(qubits, theta, basis, native) + for circuit in chsh_circuits: + frequencies = self.execute_circuit(circuit, nshots) + chsh_frequencies.append(frequencies) + if exact: + exact_chsh_circuits = self.create_chsh_circuits(qubits, theta, basis, native, rerr=(0.0, 0.0)) + for circuit in exact_chsh_circuits: + frequencies = self.execute_circuit(circuit, nshots) + exact_chsh_frequencies.append(frequencies) + + if readout_mitigation: + for frequency in chsh_frequencies: + mitigated_frequency = readout_mitigation.apply_readout_mitigation(frequency) + mitigated_chsh_frequencies.append(mitigated_frequency) + + chsh_bare = self.compute_chsh(chsh_frequencies, basis) + chsh_values.append(chsh_bare) + if readout_mitigation: + chsh_mitigated = self.compute_chsh(mitigated_chsh_frequencies, basis) + mitigated_chsh_values.append(chsh_mitigated) + if exact: + chsh_exact = self.compute_chsh(exact_chsh_frequencies, basis) + exact_chsh_values.append(chsh_exact) + + chsh_values_basis.append(chsh_values) + if readout_mitigation: + mitigated_chsh_values_basis.append(mitigated_chsh_values) + if exact: + exact_chsh_values_basis.append(exact_chsh_values) + + if pulses: + platform.stop() + platform.disconnect() + + timestr = time.strftime("%Y%m%d-%H%M") + + if readout_mitigation: + data = {'chsh_bare': chsh_values_basis, + 'chsh_mitigated': mitigated_chsh_values_basis} + with open(f"{timestr}_chsh.json", "w") as file: + json.dump(data, file) + if exact: + for i in range(len(bell_basis)): + self.plot(thetas, chsh_values_basis[i], mitigated_chsh_values_basis[i], exact_chsh_values=exact_chsh_values_basis[i], title=bell_basis[i]) + else: + for i in range(len(bell_basis)): + self.plot(thetas, chsh_values_basis[i], mitigated_chsh_values_basis[i], title=bell_basis[i]) + #return chsh_values_basis, mitigated_chsh_values_basis + else: + data = {'chsh_bare': chsh_values_basis} + with open(f"{timestr}_chsh.json", "w") as file: + json.dump(data, file) + if exact: + for i in range(len(bell_basis)): + self.plot(thetas, chsh_values_basis[i], exact_chsh_values=exact_chsh_values_basis[i], title=bell_basis[i]) + else: + for i in range(len(bell_basis)): + self.plot(thetas, chsh_values_basis[i], title=bell_basis[i]) + #return chsh_values_basis + + + + + + + + + + + + + + + + + + + + + + + diff --git a/extras/bell/bell_main.py b/extras/bell/bell_main.py new file mode 100644 index 000000000..426cbe1f5 --- /dev/null +++ b/extras/bell/bell_main.py @@ -0,0 +1,77 @@ +import json +import numpy as np +from qibo.config import log +from qibo import set_backend + +from qibolab import Platform +from qibolab.backends import QibolabBackend +from qibolab.paths import qibolab_folder +import time +import shutil + +from bell_functions import * + + +nqubits = 5 +qubits = [2, 3] +nshots = 10000 +runcard = "qibolab/src/qibolab/runcards/qw5q_gold_qblox.yml" +timestr = time.strftime("%Y%m%d-%H%M") +shutil.copy(runcard, f"{timestr}_runcard.yml") +ntheta = 20 + +bell_basis = [0, 1, 2, 3] + +thetas = np.linspace(0, 2*np.pi, ntheta) + +platform = Platform("qblox", runcard) + +readout_mitigation = ReadoutErrorMitigation(platform, nqubits, qubits) + +calibration_matrix = readout_mitigation.get_calibration_matrix(nshots) + +bell = BellExperiment(platform, nqubits) + +bell.execute(qubits, + bell_basis, + thetas, + nshots, + pulses=True, + native=True, + readout_mitigation=readout_mitigation, + exact=True) + +""" +Simulation version: + +set_backend('numpy') + +nqubits = 5 +qubits = [2, 3] +nshots = 10000 +ntheta = 20 + +rerr = (0.05, 0.25) + +bell_basis = [0, 1, 2, 3] + +thetas = np.linspace(0, 2*np.pi, ntheta) + +readout_mitigation = ReadoutErrorMitigation(None, nqubits, qubits, rerr) + +calibration_matrix = readout_mitigation.get_calibration_matrix(nshots) + +bell = BellExperiment(None, nqubits, rerr) + +bell.execute(qubits, + bell_basis, + thetas, + nshots, + pulses=False, + native=True, + readout_mitigation=readout_mitigation, + exact=True) + +""" + + From fa571d6b0c1fe022575a33a3b26aa417ff31c411 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Thu, 18 May 2023 14:05:05 +0000 Subject: [PATCH 02/28] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- extras/bell/bell_functions.py | 1012 ++++++++++++++++++--------------- extras/bell/bell_main.py | 36 +- 2 files changed, 568 insertions(+), 480 deletions(-) diff --git a/extras/bell/bell_functions.py b/extras/bell/bell_functions.py index 76d95409f..e644be531 100644 --- a/extras/bell/bell_functions.py +++ b/extras/bell/bell_functions.py @@ -1,471 +1,561 @@ import json -import numpy as np -from qibo.models import Circuit +import time from collections import defaultdict + +import matplotlib.pyplot as plt +import numpy as np from qibo import gates +from qibo.models import Circuit from qibolab.pulses import PulseSequence -import matplotlib.pyplot as plt -import time def calculate_frequencies(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} def calculate_probabilities(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return {f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts)} - - -class ReadoutErrorMitigation(): - def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): - """Platform should be left None to default to simulation. nqubits should be the total - number of qubits in the chip, while qubits are the qubits that are targetted. - """ - self.platform = platform - self.nqubits = nqubits - self.qubits = qubits - self.calibration_matrix = None - self.rerr = readout_error_model - - def get_calibration_matrix(self, nshots=1024): - """ Self explanatory. Prepare states and measure in order to get the readout - matrix for error correction. - """ - nqubits = self.nqubits - qubits = self.qubits - - nq = len(qubits) - - matrix = np.zeros((2**nq, 2**nq)) - - platform = self.platform - - if nq != 2: - raise ValueError('Only 2 qubits supported for now.') - - for i in range(2**nq): - state = format(i, f"0{nq}b") - if platform: - sequence = PulseSequence() - for q, bit in enumerate(state): - if bit == "1": - sequence.add(platform.create_RX_pulse(qubits[q], start=0, relative_phase=0)) - measurement_start = sequence.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence.add(MZ_pulse) - results = platform.execute_pulse_sequence(sequence, nshots=nshots) - freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) - else: - c = Circuit(nqubits) - for q, bit in enumerate(state): - if bit == "1": - c.add(gates.X(qubits[q])) - for qubit in qubits: - c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) - results = c(nshots=nshots) - freqs = results.frequencies() - - column = np.zeros(2**nq) - for key in freqs.keys(): - f = freqs[key] - column[int(key, 2)] = f/nshots - matrix[:, i] = column - - self.calibration_matrix = np.linalg.inv(matrix) - - return self.calibration_matrix - - def apply_readout_mitigation(self, frequencies, calibration_matrix=None): - """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. - - Args: - state (qibo.states.CircuitResult): Input state to be updated. - calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. - - Returns: - qibo.states.CircuitResult : The input state with the updated frequencies. - """ - qubits = self.qubits - nqubits = self.nqubits - nq = len(qubits) - - if calibration_matrix == None: - if self.calibration_matrix is None: - raise ValueError('Readout Mitigation Matrix has not been calibrated yet!') - else: - calibration_matrix = self.calibration_matrix - - freq = np.zeros(2**nq) - - for k, v in frequencies.items(): - freq[int(k, 2)] = v - - freq = freq.reshape(-1, 1) - new_freq = {} - for i, val in enumerate(calibration_matrix @ freq): - new_freq[format(i,f"0{nq}b")] = float(val) - - return new_freq - - -class BellExperiment(): - - def __init__(self, platform, nqubits, readout_error_model=(0.0, 0.0)): - """Platform should be left None for simulation - """ - self.platform = platform - self.nqubits = nqubits - self.rerr = readout_error_model - - def create_bell_sequence(self, qubits, theta=np.pi/4, bell_state=0): - """Creates the pulse sequence to generate the bell states and with a theta-measurement - bell_state chooses the initial bell state for the test: - 0 -> |00>+|11> - 1 -> |00>-|11> - 2 -> |10>-|01> - 3 -> |10>+|01> - """ - platform = self.platform - - virtual_z_phases = defaultdict(int) - - sequence = PulseSequence() - sequence.add(platform.create_RX90_pulse(qubits[0], start=0, relative_phase=np.pi/2)) - sequence.add(platform.create_RX90_pulse(qubits[1], start=0, relative_phase=np.pi/2)) - - (cz_sequence, cz_virtual_z_phases) = platform.create_CZ_pulse_sequence(qubits, sequence.finish) - sequence.add(cz_sequence) - for qubit in cz_virtual_z_phases: - virtual_z_phases[qubit] += cz_virtual_z_phases[qubit] - - t = sequence.finish - - sequence.add(platform.create_RX90_pulse(qubits[1], start=t, relative_phase=virtual_z_phases[qubits[1]]-np.pi/2)) - - if bell_state == 0: - virtual_z_phases[qubits[0]] += np.pi - elif bell_state == 1: - virtual_z_phases[qubits[0]] += 0 - elif bell_state == 2: - virtual_z_phases[qubits[0]] += 0 - sequence.add(platform.create_RX_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) - elif bell_state == 3: - virtual_z_phases[qubits[0]] += np.pi - sequence.add(platform.create_RX_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) - - t = sequence.finish - sequence.add(platform.create_RX90_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]])) - virtual_z_phases[qubits[0]] += theta - sequence.add(platform.create_RX90_pulse(qubits[0], start=sequence.finish, relative_phase=virtual_z_phases[qubits[0]]+np.pi)) - - return sequence, virtual_z_phases - - def create_chsh_sequences(self, qubits, theta=np.pi/4, bell_state=0): - """Creates the pulse sequences needed for the 4 measurement settings for chsh. - """ - - platform = self.platform - - sequence00, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) - measurement_start = sequence00.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence00.add(MZ_pulse) - - sequence01, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) - sequence01.add(platform.create_RX90_pulse(qubits[1], start=sequence01.finish, relative_phase=virtual_z_phases[qubits[1]]+np.pi/2)) - measurement_start = sequence01.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence01.add(MZ_pulse) - - sequence10, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) - sequence10.add(platform.create_RX90_pulse(qubits[0], start=sequence10.finish, relative_phase=virtual_z_phases[qubits[0]]+np.pi/2)) - measurement_start = sequence10.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence10.add(MZ_pulse) - - sequence11, virtual_z_phases = self.create_bell_sequence(qubits, theta, bell_state) - t = sequence11.finish - sequence11.add(platform.create_RX90_pulse(qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]]+np.pi/2)) - sequence11.add(platform.create_RX90_pulse(qubits[1], start=t, relative_phase=virtual_z_phases[qubits[1]]+np.pi/2)) - measurement_start = sequence11.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence11.add(MZ_pulse) - - chsh_sequences = [sequence00, sequence01, sequence10, sequence11] - - return chsh_sequences - - def create_bell_circuit(self, qubits, theta=np.pi/4, bell_state=0, native=True): - """Creates the circuit to generate the bell states and with a theta-measurement - bell_state chooses the initial bell state for the test: - 0 -> |00>+|11> - 1 -> |00>-|11> - 2 -> |10>-|01> - 3 -> |10>+|01> - Native defaults to only using GPI2 and GPI gates. - """ - nqubits = self.nqubits - - c = Circuit(nqubits) - p = 0 - if native: - c.add(gates.GPI2(qubits[0], np.pi/2)) - c.add(gates.GPI2(qubits[1], np.pi/2)) - c.add(gates.CZ(qubits[0], qubits[1])) - c.add(gates.GPI2(qubits[1], -np.pi/2)) - if bell_state == 0: - p += np.pi - elif bell_state == 1: - p += 0 - elif bell_state == 2: - p += 0 - c.add(gates.GPI(qubits[0], p)) - elif bell_state == 3: - p += np.pi - c.add(gates.GPI(qubits[0], p)) - - c.add(gates.GPI2(qubits[0], p)) - p += theta - c.add(gates.GPI2(qubits[0], p+np.pi)) - - else: - c.add(gates.H(qubits[0])) - c.add(gates.H(qubits[1])) - c.add(gates.CZ(qubits[0], qubits[1])) - c.add(gates.H(qubits[1])) - - if bell_state == 1: - c.add(gates.Z(qubits[0])) - elif bell_state == 2: - c.add(gates.Z(qubits[0])) - c.add(gates.X(qubits[0])) - elif bell_state == 3: - c.add(gates.X(qubits[0])) - - c.add(gates.RY(qubits[0], theta)) - return c, p - - def create_chsh_circuits(self, qubits, theta=np.pi/4, bell_state=0, native=True, rerr=None): - """Creates the circuits needed for the 4 measurement settings for chsh. - Native defaults to only using GPI2 and GPI gates. - rerr adds a readout bitflip error to the simulation. - """ - if not rerr: - rerr = self.rerr - - c00, p = self.create_bell_circuit(qubits, theta, bell_state, native) - for qubit in qubits: - c00.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c01, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c01.add(gates.GPI2(qubits[1], np.pi/2)) - else: - c01.add(gates.H(qubits[1])) - for qubit in qubits: - c01.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c10, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c10.add(gates.GPI2(qubits[0], p+np.pi/2)) - else: - c10.add(gates.H(qubits[0])) - for qubit in qubits: - c10.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c11, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c11.add(gates.GPI2(qubits[0], p+np.pi/2)) - c11.add(gates.GPI2(qubits[1], np.pi/2)) - else: - c11.add(gates.H(qubits[0])) - c11.add(gates.H(qubits[1])) - for qubit in qubits: - c11.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - chsh_circuits = [c00, c01, c10, c11] - - return chsh_circuits - - def compute_chsh(self, frequencies, basis): - """Computes the chsh inequality out of the frequencies of the 4 circuits executed. - """ - chsh = 0 - aux = 0 - for freq in frequencies: - for outcome in freq: - if aux == 1+2*(basis%2): #This value sets where the minus sign is in the CHSH inequality - chsh -= (-1)**(int(outcome[0])+int(outcome[1]))*freq[outcome] - else: - chsh += (-1)**(int(outcome[0])+int(outcome[1]))*freq[outcome] - aux += 1 - nshots = sum(freq[x] for x in freq) - return chsh/nshots - - def plot(self, thetas, chsh_values, mitigated_chsh_values=None, exact_chsh_values=None, title='test'): - """Standard plot for the chsh results. It can plot the mitigated and exact expected values as well. - """ - - fig = plt.figure(figsize=(12,8)) - plt.rcParams.update({'font.size':22}) - plt.plot(thetas, chsh_values, 'o-', label='bare') - if mitigated_chsh_values: - plt.plot(thetas, mitigated_chsh_values, 'o-', label='mitigated') - if exact_chsh_values: - plt.plot(thetas, exact_chsh_values, 'o-', label='exact') - plt.grid(which='major', axis='both') - plt.rcParams.update({'font.size':16}) - plt.legend() - plt.axhline(y=2, color='r', linestyle='-') - plt.axhline(y=-2, color='r', linestyle='-') - plt.axhline(y=np.sqrt(2)*2, color='k', linestyle='-.') - plt.axhline(y=-np.sqrt(2)*2, color='k', linestyle='-.') - plt.xlabel('Theta') - plt.ylabel('CHSH value') - plt.title(f'Bell basis = {title}') - fig.savefig(f'bell_sweep_{title}.png', dpi=300, bbox_inches='tight') - - def execute_sequence(self, sequence, qubits, nshots): - platform = self.platform - qubits = self.qubits - results = platform.execute_pulse_sequence(sequence, nshots=nshots) - frequencies = calculate_frequencies(results[qubits[0]], results[qubits[1]]) - return frequencies - - def execute_circuit(self, circuit, nshots): - result = circuit(nshots=nshots) - frequencies = result.frequencies() - return frequencies - - def execute(self, qubits, bell_basis, thetas, nshots=1024, pulses=False, native=True, readout_mitigation=None, exact=False): - """Executes the Bell experiment, with the given bell basis and thetas. - pulses decides if to execute in the experiment directly in pulses. - native uses the native interactions but using qibo gates. - readout_mitigation allows to pass a ReadoutErrorMitigation object. - exact also computes the exact simulation to compare with noisy results. - - """ - chsh_values_basis = [] - if readout_mitigation: - mitigated_chsh_values_basis = [] - if exact: - exact_chsh_values_basis = [] - - if pulses: - platform.connect() - platform.setup() - platform.start() - - for basis in bell_basis: - chsh_values = [] - if readout_mitigation: - mitigated_chsh_values = [] - if exact: - exact_chsh_values = [] - for theta in thetas: - chsh_frequencies = [] - if readout_mitigation: - mitigated_chsh_frequencies = [] - if exact: - exact_chsh_frequencies = [] - if pulses: - chsh_sequences = self.create_chsh_sequences(qubits, theta, basis) - for sequence in chsh_sequences: - frequencies = self.execute_sequence(sequence, qubits, nshots) - chsh_frequencies.append(frequencies) - else: - chsh_circuits = self.create_chsh_circuits(qubits, theta, basis, native) - for circuit in chsh_circuits: - frequencies = self.execute_circuit(circuit, nshots) - chsh_frequencies.append(frequencies) - if exact: - exact_chsh_circuits = self.create_chsh_circuits(qubits, theta, basis, native, rerr=(0.0, 0.0)) - for circuit in exact_chsh_circuits: - frequencies = self.execute_circuit(circuit, nshots) - exact_chsh_frequencies.append(frequencies) - - if readout_mitigation: - for frequency in chsh_frequencies: - mitigated_frequency = readout_mitigation.apply_readout_mitigation(frequency) - mitigated_chsh_frequencies.append(mitigated_frequency) - - chsh_bare = self.compute_chsh(chsh_frequencies, basis) - chsh_values.append(chsh_bare) - if readout_mitigation: - chsh_mitigated = self.compute_chsh(mitigated_chsh_frequencies, basis) - mitigated_chsh_values.append(chsh_mitigated) - if exact: - chsh_exact = self.compute_chsh(exact_chsh_frequencies, basis) - exact_chsh_values.append(chsh_exact) - - chsh_values_basis.append(chsh_values) - if readout_mitigation: - mitigated_chsh_values_basis.append(mitigated_chsh_values) - if exact: - exact_chsh_values_basis.append(exact_chsh_values) - - if pulses: - platform.stop() - platform.disconnect() - - timestr = time.strftime("%Y%m%d-%H%M") - - if readout_mitigation: - data = {'chsh_bare': chsh_values_basis, - 'chsh_mitigated': mitigated_chsh_values_basis} - with open(f"{timestr}_chsh.json", "w") as file: - json.dump(data, file) - if exact: - for i in range(len(bell_basis)): - self.plot(thetas, chsh_values_basis[i], mitigated_chsh_values_basis[i], exact_chsh_values=exact_chsh_values_basis[i], title=bell_basis[i]) - else: - for i in range(len(bell_basis)): - self.plot(thetas, chsh_values_basis[i], mitigated_chsh_values_basis[i], title=bell_basis[i]) - #return chsh_values_basis, mitigated_chsh_values_basis - else: - data = {'chsh_bare': chsh_values_basis} - with open(f"{timestr}_chsh.json", "w") as file: - json.dump(data, file) - if exact: - for i in range(len(bell_basis)): - self.plot(thetas, chsh_values_basis[i], exact_chsh_values=exact_chsh_values_basis[i], title=bell_basis[i]) - else: - for i in range(len(bell_basis)): - self.plot(thetas, chsh_values_basis[i], title=bell_basis[i]) - #return chsh_values_basis - - - - - - - - - - - - - - - - - - - - - - - + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return { + f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) + } + + +class ReadoutErrorMitigation: + def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): + """Platform should be left None to default to simulation. nqubits should be the total + number of qubits in the chip, while qubits are the qubits that are targetted. + """ + self.platform = platform + self.nqubits = nqubits + self.qubits = qubits + self.calibration_matrix = None + self.rerr = readout_error_model + + def get_calibration_matrix(self, nshots=1024): + """Self explanatory. Prepare states and measure in order to get the readout + matrix for error correction. + """ + nqubits = self.nqubits + qubits = self.qubits + + nq = len(qubits) + + matrix = np.zeros((2**nq, 2**nq)) + + platform = self.platform + + if nq != 2: + raise ValueError("Only 2 qubits supported for now.") + + for i in range(2**nq): + state = format(i, f"0{nq}b") + if platform: + sequence = PulseSequence() + for q, bit in enumerate(state): + if bit == "1": + sequence.add( + platform.create_RX_pulse( + qubits[q], start=0, relative_phase=0 + ) + ) + measurement_start = sequence.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence.add(MZ_pulse) + results = platform.execute_pulse_sequence(sequence, nshots=nshots) + freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) + else: + c = Circuit(nqubits) + for q, bit in enumerate(state): + if bit == "1": + c.add(gates.X(qubits[q])) + for qubit in qubits: + c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) + results = c(nshots=nshots) + freqs = results.frequencies() + + column = np.zeros(2**nq) + for key in freqs.keys(): + f = freqs[key] + column[int(key, 2)] = f / nshots + matrix[:, i] = column + + self.calibration_matrix = np.linalg.inv(matrix) + + return self.calibration_matrix + + def apply_readout_mitigation(self, frequencies, calibration_matrix=None): + """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. + + Args: + state (qibo.states.CircuitResult): Input state to be updated. + calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. + + Returns: + qibo.states.CircuitResult : The input state with the updated frequencies. + """ + qubits = self.qubits + nqubits = self.nqubits + nq = len(qubits) + + if calibration_matrix == None: + if self.calibration_matrix is None: + raise ValueError( + "Readout Mitigation Matrix has not been calibrated yet!" + ) + else: + calibration_matrix = self.calibration_matrix + + freq = np.zeros(2**nq) + + for k, v in frequencies.items(): + freq[int(k, 2)] = v + + freq = freq.reshape(-1, 1) + new_freq = {} + for i, val in enumerate(calibration_matrix @ freq): + new_freq[format(i, f"0{nq}b")] = float(val) + + return new_freq + + +class BellExperiment: + def __init__(self, platform, nqubits, readout_error_model=(0.0, 0.0)): + """Platform should be left None for simulation""" + self.platform = platform + self.nqubits = nqubits + self.rerr = readout_error_model + + def create_bell_sequence(self, qubits, theta=np.pi / 4, bell_state=0): + """Creates the pulse sequence to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + """ + platform = self.platform + + virtual_z_phases = defaultdict(int) + + sequence = PulseSequence() + sequence.add( + platform.create_RX90_pulse(qubits[0], start=0, relative_phase=np.pi / 2) + ) + sequence.add( + platform.create_RX90_pulse(qubits[1], start=0, relative_phase=np.pi / 2) + ) + + (cz_sequence, cz_virtual_z_phases) = platform.create_CZ_pulse_sequence( + qubits, sequence.finish + ) + sequence.add(cz_sequence) + for qubit in cz_virtual_z_phases: + virtual_z_phases[qubit] += cz_virtual_z_phases[qubit] + + t = sequence.finish + + sequence.add( + platform.create_RX90_pulse( + qubits[1], + start=t, + relative_phase=virtual_z_phases[qubits[1]] - np.pi / 2, + ) + ) + + if bell_state == 0: + virtual_z_phases[qubits[0]] += np.pi + elif bell_state == 1: + virtual_z_phases[qubits[0]] += 0 + elif bell_state == 2: + virtual_z_phases[qubits[0]] += 0 + sequence.add( + platform.create_RX_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + elif bell_state == 3: + virtual_z_phases[qubits[0]] += np.pi + sequence.add( + platform.create_RX_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + + t = sequence.finish + sequence.add( + platform.create_RX90_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + virtual_z_phases[qubits[0]] += theta + sequence.add( + platform.create_RX90_pulse( + qubits[0], + start=sequence.finish, + relative_phase=virtual_z_phases[qubits[0]] + np.pi, + ) + ) + + return sequence, virtual_z_phases + + def create_chsh_sequences(self, qubits, theta=np.pi / 4, bell_state=0): + """Creates the pulse sequences needed for the 4 measurement settings for chsh.""" + + platform = self.platform + + sequence00, virtual_z_phases = self.create_bell_sequence( + qubits, theta, bell_state + ) + measurement_start = sequence00.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence00.add(MZ_pulse) + + sequence01, virtual_z_phases = self.create_bell_sequence( + qubits, theta, bell_state + ) + sequence01.add( + platform.create_RX90_pulse( + qubits[1], + start=sequence01.finish, + relative_phase=virtual_z_phases[qubits[1]] + np.pi / 2, + ) + ) + measurement_start = sequence01.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence01.add(MZ_pulse) + + sequence10, virtual_z_phases = self.create_bell_sequence( + qubits, theta, bell_state + ) + sequence10.add( + platform.create_RX90_pulse( + qubits[0], + start=sequence10.finish, + relative_phase=virtual_z_phases[qubits[0]] + np.pi / 2, + ) + ) + measurement_start = sequence10.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence10.add(MZ_pulse) + + sequence11, virtual_z_phases = self.create_bell_sequence( + qubits, theta, bell_state + ) + t = sequence11.finish + sequence11.add( + platform.create_RX90_pulse( + qubits[0], + start=t, + relative_phase=virtual_z_phases[qubits[0]] + np.pi / 2, + ) + ) + sequence11.add( + platform.create_RX90_pulse( + qubits[1], + start=t, + relative_phase=virtual_z_phases[qubits[1]] + np.pi / 2, + ) + ) + measurement_start = sequence11.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence11.add(MZ_pulse) + + chsh_sequences = [sequence00, sequence01, sequence10, sequence11] + + return chsh_sequences + + def create_bell_circuit(self, qubits, theta=np.pi / 4, bell_state=0, native=True): + """Creates the circuit to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + Native defaults to only using GPI2 and GPI gates. + """ + nqubits = self.nqubits + + c = Circuit(nqubits) + p = 0 + if native: + c.add(gates.GPI2(qubits[0], np.pi / 2)) + c.add(gates.GPI2(qubits[1], np.pi / 2)) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.GPI2(qubits[1], -np.pi / 2)) + if bell_state == 0: + p += np.pi + elif bell_state == 1: + p += 0 + elif bell_state == 2: + p += 0 + c.add(gates.GPI(qubits[0], p)) + elif bell_state == 3: + p += np.pi + c.add(gates.GPI(qubits[0], p)) + + c.add(gates.GPI2(qubits[0], p)) + p += theta + c.add(gates.GPI2(qubits[0], p + np.pi)) + + else: + c.add(gates.H(qubits[0])) + c.add(gates.H(qubits[1])) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.H(qubits[1])) + + if bell_state == 1: + c.add(gates.Z(qubits[0])) + elif bell_state == 2: + c.add(gates.Z(qubits[0])) + c.add(gates.X(qubits[0])) + elif bell_state == 3: + c.add(gates.X(qubits[0])) + + c.add(gates.RY(qubits[0], theta)) + return c, p + + def create_chsh_circuits( + self, qubits, theta=np.pi / 4, bell_state=0, native=True, rerr=None + ): + """Creates the circuits needed for the 4 measurement settings for chsh. + Native defaults to only using GPI2 and GPI gates. + rerr adds a readout bitflip error to the simulation. + """ + if not rerr: + rerr = self.rerr + + c00, p = self.create_bell_circuit(qubits, theta, bell_state, native) + for qubit in qubits: + c00.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c01, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c01.add(gates.GPI2(qubits[1], np.pi / 2)) + else: + c01.add(gates.H(qubits[1])) + for qubit in qubits: + c01.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c10, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c10.add(gates.GPI2(qubits[0], p + np.pi / 2)) + else: + c10.add(gates.H(qubits[0])) + for qubit in qubits: + c10.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + c11, p = self.create_bell_circuit(qubits, theta, bell_state, native) + if native: + c11.add(gates.GPI2(qubits[0], p + np.pi / 2)) + c11.add(gates.GPI2(qubits[1], np.pi / 2)) + else: + c11.add(gates.H(qubits[0])) + c11.add(gates.H(qubits[1])) + for qubit in qubits: + c11.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + + chsh_circuits = [c00, c01, c10, c11] + + return chsh_circuits + + def compute_chsh(self, frequencies, basis): + """Computes the chsh inequality out of the frequencies of the 4 circuits executed.""" + chsh = 0 + aux = 0 + for freq in frequencies: + for outcome in freq: + if aux == 1 + 2 * ( + basis % 2 + ): # This value sets where the minus sign is in the CHSH inequality + chsh -= (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome] + else: + chsh += (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome] + aux += 1 + nshots = sum(freq[x] for x in freq) + return chsh / nshots + + def plot( + self, + thetas, + chsh_values, + mitigated_chsh_values=None, + exact_chsh_values=None, + title="test", + ): + """Standard plot for the chsh results. It can plot the mitigated and exact expected values as well.""" + + fig = plt.figure(figsize=(12, 8)) + plt.rcParams.update({"font.size": 22}) + plt.plot(thetas, chsh_values, "o-", label="bare") + if mitigated_chsh_values: + plt.plot(thetas, mitigated_chsh_values, "o-", label="mitigated") + if exact_chsh_values: + plt.plot(thetas, exact_chsh_values, "o-", label="exact") + plt.grid(which="major", axis="both") + plt.rcParams.update({"font.size": 16}) + plt.legend() + plt.axhline(y=2, color="r", linestyle="-") + plt.axhline(y=-2, color="r", linestyle="-") + plt.axhline(y=np.sqrt(2) * 2, color="k", linestyle="-.") + plt.axhline(y=-np.sqrt(2) * 2, color="k", linestyle="-.") + plt.xlabel("Theta") + plt.ylabel("CHSH value") + plt.title(f"Bell basis = {title}") + fig.savefig(f"bell_sweep_{title}.png", dpi=300, bbox_inches="tight") + + def execute_sequence(self, sequence, qubits, nshots): + platform = self.platform + qubits = self.qubits + results = platform.execute_pulse_sequence(sequence, nshots=nshots) + frequencies = calculate_frequencies(results[qubits[0]], results[qubits[1]]) + return frequencies + + def execute_circuit(self, circuit, nshots): + result = circuit(nshots=nshots) + frequencies = result.frequencies() + return frequencies + + def execute( + self, + qubits, + bell_basis, + thetas, + nshots=1024, + pulses=False, + native=True, + readout_mitigation=None, + exact=False, + ): + """Executes the Bell experiment, with the given bell basis and thetas. + pulses decides if to execute in the experiment directly in pulses. + native uses the native interactions but using qibo gates. + readout_mitigation allows to pass a ReadoutErrorMitigation object. + exact also computes the exact simulation to compare with noisy results. + + """ + chsh_values_basis = [] + if readout_mitigation: + mitigated_chsh_values_basis = [] + if exact: + exact_chsh_values_basis = [] + + if pulses: + platform.connect() + platform.setup() + platform.start() + + for basis in bell_basis: + chsh_values = [] + if readout_mitigation: + mitigated_chsh_values = [] + if exact: + exact_chsh_values = [] + for theta in thetas: + chsh_frequencies = [] + if readout_mitigation: + mitigated_chsh_frequencies = [] + if exact: + exact_chsh_frequencies = [] + if pulses: + chsh_sequences = self.create_chsh_sequences(qubits, theta, basis) + for sequence in chsh_sequences: + frequencies = self.execute_sequence(sequence, qubits, nshots) + chsh_frequencies.append(frequencies) + else: + chsh_circuits = self.create_chsh_circuits( + qubits, theta, basis, native + ) + for circuit in chsh_circuits: + frequencies = self.execute_circuit(circuit, nshots) + chsh_frequencies.append(frequencies) + if exact: + exact_chsh_circuits = self.create_chsh_circuits( + qubits, theta, basis, native, rerr=(0.0, 0.0) + ) + for circuit in exact_chsh_circuits: + frequencies = self.execute_circuit(circuit, nshots) + exact_chsh_frequencies.append(frequencies) + + if readout_mitigation: + for frequency in chsh_frequencies: + mitigated_frequency = ( + readout_mitigation.apply_readout_mitigation(frequency) + ) + mitigated_chsh_frequencies.append(mitigated_frequency) + + chsh_bare = self.compute_chsh(chsh_frequencies, basis) + chsh_values.append(chsh_bare) + if readout_mitigation: + chsh_mitigated = self.compute_chsh( + mitigated_chsh_frequencies, basis + ) + mitigated_chsh_values.append(chsh_mitigated) + if exact: + chsh_exact = self.compute_chsh(exact_chsh_frequencies, basis) + exact_chsh_values.append(chsh_exact) + + chsh_values_basis.append(chsh_values) + if readout_mitigation: + mitigated_chsh_values_basis.append(mitigated_chsh_values) + if exact: + exact_chsh_values_basis.append(exact_chsh_values) + + if pulses: + platform.stop() + platform.disconnect() + + timestr = time.strftime("%Y%m%d-%H%M") + + if readout_mitigation: + data = { + "chsh_bare": chsh_values_basis, + "chsh_mitigated": mitigated_chsh_values_basis, + } + with open(f"{timestr}_chsh.json", "w") as file: + json.dump(data, file) + if exact: + for i in range(len(bell_basis)): + self.plot( + thetas, + chsh_values_basis[i], + mitigated_chsh_values_basis[i], + exact_chsh_values=exact_chsh_values_basis[i], + title=bell_basis[i], + ) + else: + for i in range(len(bell_basis)): + self.plot( + thetas, + chsh_values_basis[i], + mitigated_chsh_values_basis[i], + title=bell_basis[i], + ) + # return chsh_values_basis, mitigated_chsh_values_basis + else: + data = {"chsh_bare": chsh_values_basis} + with open(f"{timestr}_chsh.json", "w") as file: + json.dump(data, file) + if exact: + for i in range(len(bell_basis)): + self.plot( + thetas, + chsh_values_basis[i], + exact_chsh_values=exact_chsh_values_basis[i], + title=bell_basis[i], + ) + else: + for i in range(len(bell_basis)): + self.plot(thetas, chsh_values_basis[i], title=bell_basis[i]) + # return chsh_values_basis diff --git a/extras/bell/bell_main.py b/extras/bell/bell_main.py index 426cbe1f5..c37760d76 100644 --- a/extras/bell/bell_main.py +++ b/extras/bell/bell_main.py @@ -1,16 +1,14 @@ import json +import shutil +import time + import numpy as np -from qibo.config import log +from bell_functions import * from qibo import set_backend - +from qibo.config import log from qibolab import Platform from qibolab.backends import QibolabBackend from qibolab.paths import qibolab_folder -import time -import shutil - -from bell_functions import * - nqubits = 5 qubits = [2, 3] @@ -22,7 +20,7 @@ bell_basis = [0, 1, 2, 3] -thetas = np.linspace(0, 2*np.pi, ntheta) +thetas = np.linspace(0, 2 * np.pi, ntheta) platform = Platform("qblox", runcard) @@ -32,14 +30,16 @@ bell = BellExperiment(platform, nqubits) -bell.execute(qubits, - bell_basis, - thetas, - nshots, - pulses=True, - native=True, - readout_mitigation=readout_mitigation, - exact=True) +bell.execute( + qubits, + bell_basis, + thetas, + nshots, + pulses=True, + native=True, + readout_mitigation=readout_mitigation, + exact=True, +) """ Simulation version: @@ -63,7 +63,7 @@ bell = BellExperiment(None, nqubits, rerr) -bell.execute(qubits, +bell.execute(qubits, bell_basis, thetas, nshots, @@ -73,5 +73,3 @@ exact=True) """ - - From 9dc2ef553f9e58ce3e0f4d194b13df7270fedc03 Mon Sep 17 00:00:00 2001 From: igres26 Date: Thu, 18 May 2023 18:06:04 +0400 Subject: [PATCH 03/28] small fix for platform execution --- extras/bell/bell_functions.py | 1 + 1 file changed, 1 insertion(+) diff --git a/extras/bell/bell_functions.py b/extras/bell/bell_functions.py index 76d95409f..7fd7a7dd0 100644 --- a/extras/bell/bell_functions.py +++ b/extras/bell/bell_functions.py @@ -365,6 +365,7 @@ def execute(self, qubits, bell_basis, thetas, nshots=1024, pulses=False, native= exact_chsh_values_basis = [] if pulses: + platform = self.platform platform.connect() platform.setup() platform.start() From 234cb34ab8fbf74f73c625977779a9da16a74e60 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Thu, 18 May 2023 14:11:31 +0000 Subject: [PATCH 04/28] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- extras/bell/bell_main.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/extras/bell/bell_main.py b/extras/bell/bell_main.py index 3a044e042..9e0a6b4b0 100644 --- a/extras/bell/bell_main.py +++ b/extras/bell/bell_main.py @@ -3,7 +3,7 @@ import time import numpy as np -from bell_functions import ReadoutErrorMitigation, BellExperiment +from bell_functions import BellExperiment, ReadoutErrorMitigation from qibo import set_backend from qibo.config import log from qibolab import Platform From b59f355efae22762af423efb7bc631059d8a17aa Mon Sep 17 00:00:00 2001 From: igres26 Date: Fri, 19 May 2023 14:33:29 +0400 Subject: [PATCH 05/28] rearranging files and allowing for diverse entanglement tests --- .../bell_functions.py | 261 +++--------------- .../{bell => entanglement_tests}/bell_main.py | 5 +- .../entanglement_tests/readout_mitigation.py | 104 +++++++ extras/entanglement_tests/utils.py | 19 ++ 4 files changed, 171 insertions(+), 218 deletions(-) rename extras/{bell => entanglement_tests}/bell_functions.py (60%) rename extras/{bell => entanglement_tests}/bell_main.py (93%) create mode 100644 extras/entanglement_tests/readout_mitigation.py create mode 100644 extras/entanglement_tests/utils.py diff --git a/extras/bell/bell_functions.py b/extras/entanglement_tests/bell_functions.py similarity index 60% rename from extras/bell/bell_functions.py rename to extras/entanglement_tests/bell_functions.py index c8ed7bd06..ffc0f3d89 100644 --- a/extras/bell/bell_functions.py +++ b/extras/entanglement_tests/bell_functions.py @@ -7,123 +7,7 @@ from qibo import gates from qibo.models import Circuit from qibolab.pulses import PulseSequence - - -def calculate_frequencies(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} - - -def calculate_probabilities(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return { - f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) - } - - -class ReadoutErrorMitigation: - def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): - """Platform should be left None to default to simulation. nqubits should be the total - number of qubits in the chip, while qubits are the qubits that are targetted. - """ - self.platform = platform - self.nqubits = nqubits - self.qubits = qubits - self.calibration_matrix = None - self.rerr = readout_error_model - - def get_calibration_matrix(self, nshots=1024): - """Self explanatory. Prepare states and measure in order to get the readout - matrix for error correction. - """ - nqubits = self.nqubits - qubits = self.qubits - - nq = len(qubits) - - matrix = np.zeros((2**nq, 2**nq)) - - platform = self.platform - - if nq != 2: - raise ValueError("Only 2 qubits supported for now.") - - for i in range(2**nq): - state = format(i, f"0{nq}b") - if platform: - sequence = PulseSequence() - for q, bit in enumerate(state): - if bit == "1": - sequence.add( - platform.create_RX_pulse( - qubits[q], start=0, relative_phase=0 - ) - ) - measurement_start = sequence.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence.add(MZ_pulse) - results = platform.execute_pulse_sequence(sequence, nshots=nshots) - freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) - else: - c = Circuit(nqubits) - for q, bit in enumerate(state): - if bit == "1": - c.add(gates.X(qubits[q])) - for qubit in qubits: - c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) - results = c(nshots=nshots) - freqs = results.frequencies() - - column = np.zeros(2**nq) - for key in freqs.keys(): - f = freqs[key] - column[int(key, 2)] = f / nshots - matrix[:, i] = column - - self.calibration_matrix = np.linalg.inv(matrix) - - return self.calibration_matrix - - def apply_readout_mitigation(self, frequencies, calibration_matrix=None): - """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. - - Args: - state (qibo.states.CircuitResult): Input state to be updated. - calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. - - Returns: - qibo.states.CircuitResult : The input state with the updated frequencies. - """ - qubits = self.qubits - nqubits = self.nqubits - nq = len(qubits) - - if calibration_matrix == None: - if self.calibration_matrix is None: - raise ValueError( - "Readout Mitigation Matrix has not been calibrated yet!" - ) - else: - calibration_matrix = self.calibration_matrix - - freq = np.zeros(2**nq) - - for k, v in frequencies.items(): - freq[int(k, 2)] = v - - freq = freq.reshape(-1, 1) - new_freq = {} - for i, val in enumerate(calibration_matrix @ freq): - new_freq[format(i, f"0{nq}b")] = float(val) - - return new_freq +from utils import calculate_frequencies class BellExperiment: @@ -211,68 +95,29 @@ def create_chsh_sequences(self, qubits, theta=np.pi / 4, bell_state=0): platform = self.platform - sequence00, virtual_z_phases = self.create_bell_sequence( - qubits, theta, bell_state - ) - measurement_start = sequence00.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence00.add(MZ_pulse) - - sequence01, virtual_z_phases = self.create_bell_sequence( - qubits, theta, bell_state - ) - sequence01.add( - platform.create_RX90_pulse( - qubits[1], - start=sequence01.finish, - relative_phase=virtual_z_phases[qubits[1]] + np.pi / 2, - ) - ) - measurement_start = sequence01.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence01.add(MZ_pulse) + readout_basis = [['Z','Z'], ['Z','X'], ['X','Z'], ['X','X']] - sequence10, virtual_z_phases = self.create_bell_sequence( - qubits, theta, bell_state - ) - sequence10.add( - platform.create_RX90_pulse( - qubits[0], - start=sequence10.finish, - relative_phase=virtual_z_phases[qubits[0]] + np.pi / 2, - ) - ) - measurement_start = sequence10.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence10.add(MZ_pulse) + chsh_sequences = [] - sequence11, virtual_z_phases = self.create_bell_sequence( - qubits, theta, bell_state - ) - t = sequence11.finish - sequence11.add( - platform.create_RX90_pulse( - qubits[0], - start=t, - relative_phase=virtual_z_phases[qubits[0]] + np.pi / 2, + for basis in readout_basis: + sequence, virtual_z_phases = self.create_bell_sequence( + qubits, theta, bell_state ) - ) - sequence11.add( - platform.create_RX90_pulse( - qubits[1], - start=t, - relative_phase=virtual_z_phases[qubits[1]] + np.pi / 2, - ) - ) - measurement_start = sequence11.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence11.add(MZ_pulse) - - chsh_sequences = [sequence00, sequence01, sequence10, sequence11] + t = sequence.finish + for i, base in enumerate(basis): + if base == 'X': + sequence.add( + platform.create_RX90_pulse( + qubits[i], + start=t, + relative_phase=virtual_z_phases[qubits[i]] + np.pi / 2, + ) + ) + measurement_start = sequence.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence.add(MZ_pulse) + chsh_sequences.append(sequence) return chsh_sequences @@ -288,26 +133,26 @@ def create_bell_circuit(self, qubits, theta=np.pi / 4, bell_state=0, native=True nqubits = self.nqubits c = Circuit(nqubits) - p = 0 + p = [0, 0] if native: c.add(gates.GPI2(qubits[0], np.pi / 2)) c.add(gates.GPI2(qubits[1], np.pi / 2)) c.add(gates.CZ(qubits[0], qubits[1])) c.add(gates.GPI2(qubits[1], -np.pi / 2)) if bell_state == 0: - p += np.pi + p[0] += np.pi elif bell_state == 1: - p += 0 + p[0] += 0 elif bell_state == 2: - p += 0 - c.add(gates.GPI(qubits[0], p)) + p[0] += 0 + c.add(gates.GPI(qubits[0], p[0])) elif bell_state == 3: - p += np.pi - c.add(gates.GPI(qubits[0], p)) + p[0] += np.pi + c.add(gates.GPI(qubits[0], p[0])) - c.add(gates.GPI2(qubits[0], p)) + c.add(gates.GPI2(qubits[0], p[0])) p += theta - c.add(gates.GPI2(qubits[0], p + np.pi)) + c.add(gates.GPI2(qubits[0], p[0] + np.pi)) else: c.add(gates.H(qubits[0])) @@ -336,37 +181,21 @@ def create_chsh_circuits( if not rerr: rerr = self.rerr - c00, p = self.create_bell_circuit(qubits, theta, bell_state, native) - for qubit in qubits: - c00.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c01, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c01.add(gates.GPI2(qubits[1], np.pi / 2)) - else: - c01.add(gates.H(qubits[1])) - for qubit in qubits: - c01.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c10, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c10.add(gates.GPI2(qubits[0], p + np.pi / 2)) - else: - c10.add(gates.H(qubits[0])) - for qubit in qubits: - c10.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - c11, p = self.create_bell_circuit(qubits, theta, bell_state, native) - if native: - c11.add(gates.GPI2(qubits[0], p + np.pi / 2)) - c11.add(gates.GPI2(qubits[1], np.pi / 2)) - else: - c11.add(gates.H(qubits[0])) - c11.add(gates.H(qubits[1])) - for qubit in qubits: - c11.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - - chsh_circuits = [c00, c01, c10, c11] + readout_basis = [['Z','Z'], ['Z','X'], ['X','Z'], ['X','X']] + + chsh_circuits = [] + + for basis in readout_basis: + c, p = self.create_bell_circuit(qubits, theta, bell_state, native) + for i, base in enumerate(basis): + if base == 'X': + if native: + c.add(gates.GPI2(qubits[i], p[i] + np.pi / 2)) + else: + c.add(gates.H(qubits[i])) + for qubit in qubits: + c.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + chsh_circuits.add(c) return chsh_circuits diff --git a/extras/bell/bell_main.py b/extras/entanglement_tests/bell_main.py similarity index 93% rename from extras/bell/bell_main.py rename to extras/entanglement_tests/bell_main.py index 9e0a6b4b0..6e9cc8fac 100644 --- a/extras/bell/bell_main.py +++ b/extras/entanglement_tests/bell_main.py @@ -1,14 +1,15 @@ -import json import shutil import time import numpy as np -from bell_functions import BellExperiment, ReadoutErrorMitigation from qibo import set_backend from qibo.config import log from qibolab import Platform from qibolab.backends import QibolabBackend from qibolab.paths import qibolab_folder +from readout_mitigation import ReadoutErrorMitigation +from bell_functions import BellExperiment + nqubits = 5 qubits = [2, 3] diff --git a/extras/entanglement_tests/readout_mitigation.py b/extras/entanglement_tests/readout_mitigation.py new file mode 100644 index 000000000..cba549352 --- /dev/null +++ b/extras/entanglement_tests/readout_mitigation.py @@ -0,0 +1,104 @@ +import numpy as np +from qibo import gates +from qibo.models import Circuit +from qibolab.pulses import PulseSequence +from utils import calculate_frequencies + + +class ReadoutErrorMitigation: + def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): + """Platform should be left None to default to simulation. nqubits should be the total + number of qubits in the chip, while qubits are the qubits that are targetted. + """ + self.platform = platform + self.nqubits = nqubits + self.qubits = qubits + self.calibration_matrix = None + self.rerr = readout_error_model + + def get_calibration_matrix(self, nshots=1024): + """Self explanatory. Prepare states and measure in order to get the readout + matrix for error correction. + """ + nqubits = self.nqubits + qubits = self.qubits + + nq = len(qubits) + + matrix = np.zeros((2**nq, 2**nq)) + + platform = self.platform + + if nq != 2: + raise ValueError("Only 2 qubits supported for now.") + + for i in range(2**nq): + state = format(i, f"0{nq}b") + if platform: + sequence = PulseSequence() + for q, bit in enumerate(state): + if bit == "1": + sequence.add( + platform.create_RX_pulse( + qubits[q], start=0, relative_phase=0 + ) + ) + measurement_start = sequence.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence.add(MZ_pulse) + results = platform.execute_pulse_sequence(sequence, nshots=nshots) + freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) + else: + c = Circuit(nqubits) + for q, bit in enumerate(state): + if bit == "1": + c.add(gates.X(qubits[q])) + for qubit in qubits: + c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) + results = c(nshots=nshots) + freqs = results.frequencies() + + column = np.zeros(2**nq) + for key in freqs.keys(): + f = freqs[key] + column[int(key, 2)] = f / nshots + matrix[:, i] = column + + self.calibration_matrix = np.linalg.inv(matrix) + + return self.calibration_matrix + + def apply_readout_mitigation(self, frequencies, calibration_matrix=None): + """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. + + Args: + state (qibo.states.CircuitResult): Input state to be updated. + calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. + + Returns: + qibo.states.CircuitResult : The input state with the updated frequencies. + """ + qubits = self.qubits + nqubits = self.nqubits + nq = len(qubits) + + if calibration_matrix == None: + if self.calibration_matrix is None: + raise ValueError( + "Readout Mitigation Matrix has not been calibrated yet!" + ) + else: + calibration_matrix = self.calibration_matrix + + freq = np.zeros(2**nq) + + for k, v in frequencies.items(): + freq[int(k, 2)] = v + + freq = freq.reshape(-1, 1) + new_freq = {} + for i, val in enumerate(calibration_matrix @ freq): + new_freq[format(i, f"0{nq}b")] = float(val) + + return new_freq diff --git a/extras/entanglement_tests/utils.py b/extras/entanglement_tests/utils.py new file mode 100644 index 000000000..aec7d88ad --- /dev/null +++ b/extras/entanglement_tests/utils.py @@ -0,0 +1,19 @@ +import numpy as np + + +def calculate_frequencies(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} + + +def calculate_probabilities(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return { + f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) + } \ No newline at end of file From e3330ae0eb5530dafe6eea9e1c08b0bc1a99e5ef Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Fri, 19 May 2023 10:33:46 +0000 Subject: [PATCH 06/28] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- extras/entanglement_tests/bell_functions.py | 8 ++++---- extras/entanglement_tests/bell_main.py | 3 +-- extras/entanglement_tests/utils.py | 2 +- 3 files changed, 6 insertions(+), 7 deletions(-) diff --git a/extras/entanglement_tests/bell_functions.py b/extras/entanglement_tests/bell_functions.py index ffc0f3d89..9c5eee0f1 100644 --- a/extras/entanglement_tests/bell_functions.py +++ b/extras/entanglement_tests/bell_functions.py @@ -95,7 +95,7 @@ def create_chsh_sequences(self, qubits, theta=np.pi / 4, bell_state=0): platform = self.platform - readout_basis = [['Z','Z'], ['Z','X'], ['X','Z'], ['X','X']] + readout_basis = [["Z", "Z"], ["Z", "X"], ["X", "Z"], ["X", "X"]] chsh_sequences = [] @@ -105,7 +105,7 @@ def create_chsh_sequences(self, qubits, theta=np.pi / 4, bell_state=0): ) t = sequence.finish for i, base in enumerate(basis): - if base == 'X': + if base == "X": sequence.add( platform.create_RX90_pulse( qubits[i], @@ -181,14 +181,14 @@ def create_chsh_circuits( if not rerr: rerr = self.rerr - readout_basis = [['Z','Z'], ['Z','X'], ['X','Z'], ['X','X']] + readout_basis = [["Z", "Z"], ["Z", "X"], ["X", "Z"], ["X", "X"]] chsh_circuits = [] for basis in readout_basis: c, p = self.create_bell_circuit(qubits, theta, bell_state, native) for i, base in enumerate(basis): - if base == 'X': + if base == "X": if native: c.add(gates.GPI2(qubits[i], p[i] + np.pi / 2)) else: diff --git a/extras/entanglement_tests/bell_main.py b/extras/entanglement_tests/bell_main.py index 6e9cc8fac..c0dd8873e 100644 --- a/extras/entanglement_tests/bell_main.py +++ b/extras/entanglement_tests/bell_main.py @@ -2,14 +2,13 @@ import time import numpy as np +from bell_functions import BellExperiment from qibo import set_backend from qibo.config import log from qibolab import Platform from qibolab.backends import QibolabBackend from qibolab.paths import qibolab_folder from readout_mitigation import ReadoutErrorMitigation -from bell_functions import BellExperiment - nqubits = 5 qubits = [2, 3] diff --git a/extras/entanglement_tests/utils.py b/extras/entanglement_tests/utils.py index aec7d88ad..9016db054 100644 --- a/extras/entanglement_tests/utils.py +++ b/extras/entanglement_tests/utils.py @@ -16,4 +16,4 @@ def calculate_probabilities(result1, result2): nshots = np.sum(counts) return { f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) - } \ No newline at end of file + } From e4d31441c253ba9a38315882f616b9174f38eb2b Mon Sep 17 00:00:00 2001 From: igres26 Date: Wed, 24 May 2023 17:44:51 +0400 Subject: [PATCH 07/28] fix platform connection --- extras/entanglement_tests/bell_functions.py | 11 ----------- extras/entanglement_tests/bell_main.py | 7 +++++++ 2 files changed, 7 insertions(+), 11 deletions(-) diff --git a/extras/entanglement_tests/bell_functions.py b/extras/entanglement_tests/bell_functions.py index 9c5eee0f1..f0f1acb02 100644 --- a/extras/entanglement_tests/bell_functions.py +++ b/extras/entanglement_tests/bell_functions.py @@ -246,7 +246,6 @@ def plot( def execute_sequence(self, sequence, qubits, nshots): platform = self.platform - qubits = self.qubits results = platform.execute_pulse_sequence(sequence, nshots=nshots) frequencies = calculate_frequencies(results[qubits[0]], results[qubits[1]]) return frequencies @@ -280,12 +279,6 @@ def execute( if exact: exact_chsh_values_basis = [] - if pulses: - platform = self.platform - platform.connect() - platform.setup() - platform.start() - for basis in bell_basis: chsh_values = [] if readout_mitigation: @@ -342,10 +335,6 @@ def execute( if exact: exact_chsh_values_basis.append(exact_chsh_values) - if pulses: - platform.stop() - platform.disconnect() - timestr = time.strftime("%Y%m%d-%H%M") if readout_mitigation: diff --git a/extras/entanglement_tests/bell_main.py b/extras/entanglement_tests/bell_main.py index c0dd8873e..f922a561a 100644 --- a/extras/entanglement_tests/bell_main.py +++ b/extras/entanglement_tests/bell_main.py @@ -24,6 +24,10 @@ platform = Platform("qblox", runcard) +platform.connect() +platform.setup() +platform.start() + readout_mitigation = ReadoutErrorMitigation(platform, nqubits, qubits) calibration_matrix = readout_mitigation.get_calibration_matrix(nshots) @@ -41,6 +45,9 @@ exact=True, ) +platform.stop() +platform.disconnect() + """ Simulation version: From 03d702a7d263958215aff6a1fb88b58c2c575ede Mon Sep 17 00:00:00 2001 From: Sergi Date: Thu, 25 May 2023 12:36:26 +0400 Subject: [PATCH 08/28] working examples --- extras/entanglement_tests/bell_functions.py | 10 ++++++---- extras/entanglement_tests/bell_main.py | 3 ++- 2 files changed, 8 insertions(+), 5 deletions(-) diff --git a/extras/entanglement_tests/bell_functions.py b/extras/entanglement_tests/bell_functions.py index f0f1acb02..fdfa43098 100644 --- a/extras/entanglement_tests/bell_functions.py +++ b/extras/entanglement_tests/bell_functions.py @@ -145,13 +145,15 @@ def create_bell_circuit(self, qubits, theta=np.pi / 4, bell_state=0, native=True p[0] += 0 elif bell_state == 2: p[0] += 0 - c.add(gates.GPI(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) elif bell_state == 3: p[0] += np.pi - c.add(gates.GPI(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) c.add(gates.GPI2(qubits[0], p[0])) - p += theta + p[0] += theta c.add(gates.GPI2(qubits[0], p[0] + np.pi)) else: @@ -195,7 +197,7 @@ def create_chsh_circuits( c.add(gates.H(qubits[i])) for qubit in qubits: c.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - chsh_circuits.add(c) + chsh_circuits.append(c) return chsh_circuits diff --git a/extras/entanglement_tests/bell_main.py b/extras/entanglement_tests/bell_main.py index f922a561a..c907a7193 100644 --- a/extras/entanglement_tests/bell_main.py +++ b/extras/entanglement_tests/bell_main.py @@ -13,7 +13,7 @@ nqubits = 5 qubits = [2, 3] nshots = 10000 -runcard = "qibolab/src/qibolab/runcards/qw5q_gold_qblox.yml" +runcard = "../../../qibolab/src/qibolab/runcards/qw5q_gold_qblox.yml" timestr = time.strftime("%Y%m%d-%H%M") shutil.copy(runcard, f"{timestr}_runcard.yml") ntheta = 20 @@ -23,6 +23,7 @@ thetas = np.linspace(0, 2 * np.pi, ntheta) platform = Platform("qblox", runcard) +# platform = None platform.connect() platform.setup() From 2dc444125f8d6daf5b1d7775eb4676f5b0f320e0 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Mon, 31 Jul 2023 21:48:21 +0400 Subject: [PATCH 09/28] Bell protocol running on dummy --- extras/classification/.gitignore | 1 - .../calibrate_qubit_states/data.csv | 24002 ---------------- .../calibrate_qubit_states/parameters.csv | 5 - extras/entanglement_tests/bell_functions.py | 382 - extras/entanglement_tests/bell_main.py | 83 - .../entanglement_tests/readout_mitigation.py | 104 - extras/entanglement_tests/utils.py | 19 - .../protocols/characterization/__init__.py | 3 + .../characterization/chsh/__init__.py | 1 + .../characterization/chsh/circuits.py | 104 + .../characterization/chsh/protocol.py | 156 + .../protocols/characterization/chsh/pulses.py | 109 + .../protocols/characterization/chsh/utils.py | 38 + 13 files changed, 411 insertions(+), 24596 deletions(-) delete mode 100644 extras/classification/.gitignore delete mode 100644 extras/classification/calibrate_qubit_states/data.csv delete mode 100644 extras/classification/calibrate_qubit_states/parameters.csv delete mode 100644 extras/entanglement_tests/bell_functions.py delete mode 100644 extras/entanglement_tests/bell_main.py delete mode 100644 extras/entanglement_tests/readout_mitigation.py delete mode 100644 extras/entanglement_tests/utils.py create mode 100644 src/qibocal/protocols/characterization/chsh/__init__.py create mode 100644 src/qibocal/protocols/characterization/chsh/circuits.py create mode 100644 src/qibocal/protocols/characterization/chsh/protocol.py create mode 100644 src/qibocal/protocols/characterization/chsh/pulses.py create mode 100644 src/qibocal/protocols/characterization/chsh/utils.py diff --git a/extras/classification/.gitignore b/extras/classification/.gitignore deleted file mode 100644 index 1d535b97c..000000000 --- a/extras/classification/.gitignore +++ /dev/null @@ -1 +0,0 @@ -_*/ diff --git a/extras/classification/calibrate_qubit_states/data.csv b/extras/classification/calibrate_qubit_states/data.csv deleted file mode 100644 index f2ab59d0e..000000000 --- a/extras/classification/calibrate_qubit_states/data.csv +++ /dev/null @@ -1,24002 +0,0 @@ -,MSR,i,q,phase,qubit,iteration,state -unit,volt,volt,volt,radian,,, -0,0.00036687442512301475,-0.0001046694815158844,-0.0003516264259815216,-1.8601163412152737,1,0,0 -1,0.00037282725437267126,-0.00012055039405822754,-0.0003527998924255371,-1.9000545133331384,1,1,0 -2,0.0003412378228991538,-0.0001637674868106842,-0.00029937177896499634,-2.07136195655167,1,2,0 -3,0.00039789018405448246,-5.1625072956085205e-05,-0.000394526869058609,-1.700910184071522,1,3,0 -4,0.00042914459571346647,-9.756535291671753e-05,-0.000417906790971756,-1.8001502745214042,1,4,0 -5,0.00038682494031792343,-0.0001701563596725464,-0.0003473907709121704,-2.026260812401833,1,5,0 -6,0.0003442873284625098,-0.0001253671944141388,-0.0003206506371498108,-1.9435005972959347,1,6,0 -7,0.00036295917982806503,-0.00013054534792900085,-0.00033866986632347107,-1.938709996211018,1,7,0 -8,0.0003772757764877576,-3.767386078834534e-05,-0.00037539005279541016,-1.6708206508074146,1,8,0 -9,0.0003950526141500084,-0.00012703239917755127,-0.00037407130002975464,-1.898170931013128,1,9,0 -10,0.00032855568840069757,-8.98502767086029e-05,-0.000316031277179718,-1.8477955174297875,1,10,0 -11,0.0003026615097843102,-0.00011821091175079346,-0.0002786219120025635,-1.9720484743691606,1,11,0 -12,0.0005962075994661233,-0.00011329725384712219,-0.0005853436887264252,-1.7619888997172561,1,12,0 -13,0.00047829194966466135,-0.0001853853464126587,-0.0004409030079841614,-1.9688215754694498,1,13,0 -14,0.0003550882325394892,-0.0001233331859111786,-0.0003329813480377197,-1.9255198330987722,1,14,0 -15,0.0003273007893959571,-8.747726678848267e-05,-0.00031539425253868103,-1.841353862055115,1,15,0 -16,0.0003865495006232384,-4.628673195838928e-05,-0.000383768230676651,-1.6908276946586744,1,16,0 -17,0.00032433125299698254,-0.0001057945191860199,-0.00030659139156341553,-1.9030695967601148,1,17,0 -18,0.00036292719112730764,-0.00013744458556175232,-0.00033589452505111694,-1.959199684345113,1,18,0 -19,0.00037861731423549216,-9.185448288917542e-05,-0.0003673061728477478,-1.8158465805948056,1,19,0 -20,0.00036996876889978676,-0.00016874447464942932,-0.0003292448818683624,-2.044409425783082,1,20,0 -21,0.00029919266891461276,-0.00015434622764587402,-0.0002563074231147766,-2.1128258840548693,1,21,0 -22,0.00037598753713942684,-0.0001563839614391327,-0.0003419220447540283,-1.9997599826359607,1,22,0 -23,0.0003687480516607423,-0.00023099780082702637,-0.00028742849826812744,-2.2477713662651997,1,23,0 -24,0.0005194272921288057,-0.00023229792714118958,-0.0004645884037017822,-2.0344503505547804,1,24,0 -25,0.0003288947439906498,-0.0001647360622882843,-0.0002846643328666687,-2.095408947980431,1,25,0 -26,0.00033210143413826365,-0.00018943101167678833,-0.00027277693152427673,-2.1777903891574724,1,26,0 -27,0.0003350831153410639,-0.00014031678438186646,-0.00030428916215896606,-2.002867109750099,1,27,0 -28,0.0005553377245146848,-0.00016173720359802246,-0.0005312636494636536,-1.8663203126054515,1,28,0 -29,0.00035513140381104093,-8.342787623405457e-05,-0.0003451928496360779,-1.8079337694079263,1,29,0 -30,0.00044363245974217343,-0.00013179704546928406,-0.00042360275983810425,-1.8724358639296896,1,30,0 -31,0.0005168878638521544,-0.00010612607002258301,-0.0005058757960796356,-1.7775843277987171,1,31,0 -32,0.0004431652550809454,-0.00016828998923301697,-0.00040996819734573364,-1.9603174456539563,1,32,0 -33,0.00037779142719868305,-0.0001620762050151825,-0.0003412589430809021,-2.01419255753278,1,33,0 -34,0.0003716394439578505,-0.00012579932808876038,-0.0003497004508972168,-1.916116876987319,1,34,0 -35,0.000327459451328556,-0.00010514631867408752,-0.00031011924147605896,-1.897684154950146,1,35,0 -36,0.00034026492663806864,-0.0001697838306427002,-0.00029487907886505127,-2.093212409125612,1,36,0 -37,0.00036038196160866916,-0.00018478184938430786,-0.00030940398573875427,-2.1091682516536836,1,37,0 -38,0.00033876504132723795,-7.514655590057373e-05,-0.0003303252160549164,-1.7944820307789129,1,38,0 -39,0.00047940577647269535,-0.00014037638902664185,-0.00045839324593544006,-1.867964108235948,1,39,0 -40,0.0003395226371217789,-8.62516462802887e-05,-0.0003283843398094177,-1.8276492538312707,1,40,0 -41,0.0004951054728589858,-0.00021976232528686523,-0.0004436597228050232,-2.0307088431308,1,41,0 -42,0.00033743229709556677,-0.00011111423373222351,-0.0003186129033565521,-1.9063514845175868,1,42,0 -43,0.0005068510246019382,-0.00015559792518615723,-0.00048237666487693787,-1.882824458483843,1,43,0 -44,0.0003123742084456975,-0.0001416243612766266,-0.000278424471616745,-2.0413506768187095,1,44,0 -45,0.0003812576585799639,-6.849318742752075e-05,-0.0003750547766685486,-1.7514276420794679,1,45,0 -46,0.0004348515455411127,-9.620562195777893e-05,-0.0004240758717060089,-1.793879920675446,1,46,0 -47,0.000622473021746531,-0.00021777674555778503,-0.0005831345915794373,-1.9282151249846766,1,47,0 -48,0.00037722590501644825,-0.00014212355017662048,-0.0003494285047054291,-1.9570921447591398,1,48,0 -49,0.00032120257689351097,-0.00014944002032279968,-0.0002843216061592102,-2.0547151796246044,1,49,0 -50,0.0003906345108405054,-5.1524490118026733e-05,-0.0003872215747833252,-1.7030812885562614,1,50,0 -51,0.00038061321898881213,-0.00017134100198745728,-0.00033986568450927734,-2.0377530658787455,1,51,0 -52,0.00034842518313679276,-2.9228627681732178e-05,-0.0003471970558166504,-1.6547828445030102,1,52,0 -53,0.00038573319583243287,-8.788704872131348e-05,-0.00037558749318122864,-1.8006593391805583,1,53,0 -54,0.0003358377802311372,-5.8088451623916626e-05,-0.0003307759761810303,-1.744636393738224,1,54,0 -55,0.0006685035089827304,-0.0002643391489982605,-0.000614020973443985,-1.9773205717567774,1,55,0 -56,0.0003187816481608352,-0.00014794990420341492,-0.00028236955404281616,-2.0534264498326933,1,56,0 -57,0.00048214115040535506,-0.0001514926552772522,-0.0004577226936817169,-1.8904187205626668,1,57,0 -58,0.00041860274064548604,-8.796155452728271e-05,-0.0004092566668987274,-1.782505623272831,1,58,0 -59,0.0003685465684467022,-0.0001663416624069214,-0.00032887235283851624,-2.039068384101536,1,59,0 -60,0.0005258178899462922,-0.00031209737062454224,-0.0004231780767440796,-2.206254736357849,1,60,0 -61,0.0003503570620880489,-0.0001552179455757141,-0.0003140978515148163,-2.029769606085755,1,61,0 -62,0.0003755884399752328,-9.5367431640625e-05,-0.0003632791340351105,-1.8275218056496665,1,62,0 -63,0.0003756873539406927,-0.00020313262939453125,-0.0003160350024700165,-2.142060524382381,1,63,0 -64,0.00035930827336943296,-0.00016364455223083496,-0.0003198795020580292,-2.043666439567793,1,64,0 -65,0.00039374259674041987,-0.00013122335076332092,-0.00037123262882232666,-1.9105680971421015,1,65,0 -66,0.0003406379732132099,-0.00014602020382881165,-0.00030775368213653564,-2.013812975483083,1,66,0 -67,0.0003416457139221387,-0.00014133751392364502,-0.00031103938817977905,-1.9973065055902897,1,67,0 -68,0.0004329917532691805,-7.488206028938293e-05,-0.00042646750807762146,-1.7446112888883711,1,68,0 -69,0.0003570610185565835,-0.0001515112817287445,-0.000323321670293808,-2.009016867680583,1,69,0 -70,0.000315459766125084,-0.00011837109923362732,-0.000292409211397171,-1.9554450878098095,1,70,0 -71,0.00027425712835959105,-9.981915354728699e-05,-0.0002554468810558319,-1.943314376058371,1,71,0 -72,0.0003612490032576752,-7.31348991394043e-05,-0.0003537684679031372,-1.774655518082842,1,72,0 -73,0.00038635126910985696,-0.00018724054098129272,-0.00033794716000556946,-2.076745700284669,1,73,0 -74,0.00037294749064436345,-0.00010102987289428711,-0.0003590025007724762,-1.8451197326809996,1,74,0 -75,0.0006383785658513881,-0.00016450509428977966,-0.0006168186664581299,-1.831429166510785,1,75,0 -76,0.0004940794173527635,-0.00024941563606262207,-0.0004265047609806061,-2.0999567803562202,1,76,0 -77,0.0005225842898415841,-0.00017519667744636536,-0.0004923418164253235,-1.9126674984666148,1,77,0 -78,0.0004544917186590552,-0.00020751729607582092,-0.0004043504595756531,-2.044957168860038,1,78,0 -79,0.00035569927101377225,-0.00014284998178482056,-0.0003257542848587036,-1.9840631266445246,1,79,0 -80,0.00041367868336751015,-2.8312206268310547e-07,-0.0004136785864830017,-1.5714807277470584,1,80,0 -81,0.00039005970108670356,-0.00010376423597335815,-0.00037600472569465637,-1.8400596959746778,1,81,0 -82,0.00037645512766498117,-2.6982277631759644e-05,-0.00037548691034317017,-1.6425324559470782,1,82,0 -83,0.0002953075929161849,-0.00011491402983665466,-0.00027203187346458435,-1.9704869183099192,1,83,0 -84,0.000373900215066842,-9.101629257202148e-05,-0.00036265328526496887,-1.8166908290965784,1,84,0 -85,0.0003595318623968564,-0.00012834742665290833,-0.0003358423709869385,-1.9358343861243061,1,85,0 -86,0.00044311224633242913,-0.00012219324707984924,-0.00042593106627464294,-1.8501780377434973,1,86,0 -87,0.0003401402400466858,-0.00012269988656044006,-0.0003172382712364197,-1.9398502611548003,1,87,0 -88,0.00037805622210729066,-8.687376976013184e-05,-0.00036793947219848633,-1.8026588565091468,1,88,0 -89,0.0003909972472527924,-0.00011628866195678711,-0.0003733038902282715,-1.87278089258398,1,89,0 -90,0.00037005344633096466,-0.0001978948712348938,-0.00031269341707229614,-2.135036304788035,1,90,0 -91,0.0004242137258323999,-0.00015716999769210815,-0.00039402395486831665,-1.9503405855863196,1,91,0 -92,0.00036998460857945805,-0.00016387924551963806,-0.0003317110240459442,-2.029666349969928,1,92,0 -93,0.0003530499201907086,-0.00012011080980300903,-0.00033199042081832886,-1.9179356222099406,1,93,0 -94,0.00037421243610065967,-0.00012807920575141907,-0.00035161152482032776,-1.9201210152185326,1,94,0 -95,0.0003257874473243241,-6.541237235069275e-05,-0.0003191530704498291,-1.7729528050173065,1,95,0 -96,0.00023674964230678298,-7.559731602668762e-05,-0.00022435560822486877,-1.8958011191367057,1,96,0 -97,0.00035264889902238,-0.00011058151721954346,-0.000334862619638443,-1.8897508396923648,1,97,0 -98,0.00031726272681279,-0.00013437867164611816,-0.00028739869594573975,-2.0081640569677006,1,98,0 -99,0.00036479754419245665,-0.00010387226939201355,-0.00034969672560691833,-1.8595309922300312,1,99,0 -100,0.00031605363219277383,-0.00012821704149246216,-0.0002888776361942291,-1.988520403297352,1,100,0 -101,0.0003765468296368511,-0.00018667429685592651,-0.0003270171582698822,-2.089498226232635,1,101,0 -102,0.0003477723762679984,-8.57226550579071e-05,-0.0003370419144630432,-1.8198538746734962,1,102,0 -103,0.00036503896886375955,-0.00010994821786880493,-0.0003480874001979828,-1.8767428064304357,1,103,0 -104,0.00034029446074476503,-4.9386173486709595e-05,-0.0003366917371749878,-1.7164384271106121,1,104,0 -105,0.000401959319074744,-0.0001171603798866272,-0.00038450583815574646,-1.866562903732307,1,105,0 -106,0.0004232616686839641,-0.00014304742217063904,-0.00039835646748542786,-1.9155496328249604,1,106,0 -107,0.00039421776362237327,-0.00017394870519638062,-0.00035376474261283875,-2.0277877920200282,1,107,0 -108,0.0004006011673478459,-0.00011455640196800232,-0.00038387253880500793,-1.8608057225704995,1,108,0 -109,0.00044020361729583154,-1.671910285949707e-05,-0.0004398860037326813,-1.6087858488973006,1,109,0 -110,0.0005161612087292143,-0.000202227383852005,-0.00047489628195762634,-1.9733738815346498,1,110,0 -111,0.00035089036159684803,-0.00012519583106040955,-0.00032779574394226074,-1.9356308650237661,1,111,0 -112,0.0004159100539740402,-0.00013003498315811157,-0.00039505958557128906,-1.8887797272233993,1,112,0 -113,0.00028305890378196397,-0.00010946765542030334,-0.0002610348165035248,-1.9678804701530757,1,113,0 -114,0.00035548824274455996,-7.95125961303711e-05,-0.0003464818000793457,-1.7963761383662569,1,114,0 -115,0.0003511028080224873,-0.00010681524872779846,-0.0003344602882862091,-1.879924068351688,1,115,0 -116,0.00038868950979058844,-0.0001670457422733307,-0.0003509633243083954,-2.0150305225171197,1,116,0 -117,0.000507078087448335,-0.00019733980298042297,-0.000467102974653244,-1.9705271946977907,1,117,0 -118,0.0003598603620007274,-0.00014691799879074097,-0.0003285035490989685,-1.9913477735430876,1,118,0 -119,0.0004119441751343783,-0.00017495453357696533,-0.00037294626235961914,-2.009431757383384,1,119,0 -120,0.0003735646105643373,-4.532933235168457e-05,-0.00037080422043800354,-1.692438776786336,1,120,0 -121,0.0003385183364385564,-0.0001468956470489502,-0.00030498579144477844,-2.0196544447133076,1,121,0 -122,0.00032252908257499426,-0.00011801719665527344,-0.00030016154050827026,-1.9454086855502533,1,122,0 -123,0.0004956835889708376,-0.00014013424515724182,-0.00047546252608299255,-1.8574135472331899,1,123,0 -124,0.00033013372967755344,-0.0001314990222454071,-0.00030281394720077515,-1.980481386184178,1,124,0 -125,0.0002721899754631236,-0.00011453405022621155,-0.0002469196915626526,-2.0051092060889033,1,125,0 -126,0.0003136783272468782,-0.0001031234860420227,-0.00029624253511428833,-1.9057818885403928,1,126,0 -127,0.0003303761292424559,-0.000183984637260437,-0.0002744048833847046,-2.161438436841017,1,127,0 -128,0.0004128722792762256,-0.00020337477326393127,-0.0003593079745769501,-2.085854180170148,1,128,0 -129,0.0003303248342661111,-9.864196181297302e-05,-0.0003152526915073395,-1.874043817471729,1,129,0 -130,0.00034332917774870797,-0.00011414662003517151,-0.0003237985074520111,-1.9097175831485873,1,130,0 -131,0.0004138075688511669,-0.00016126781702041626,-0.0003810897469520569,-1.9711205313988134,1,131,0 -132,0.00037948076472051474,-0.00011704117059707642,-0.00036098062992095947,-1.8843326848767483,1,132,0 -133,0.00036350649799523835,-5.976855754852295e-05,-0.00035855919122695923,-1.7359685913403804,1,133,0 -134,0.0004069037591235485,-6.816163659095764e-05,-0.00040115416049957275,-1.7391027252647315,1,134,0 -135,0.00037119746039290504,-8.057057857513428e-05,-0.000362347811460495,-1.7895937207647599,1,135,0 -136,0.0003891663457947248,-0.00011145696043968201,-0.000372864305973053,-1.861262892771043,1,136,0 -137,0.00035736881037648407,-0.00013786181807518005,-0.0003297068178653717,-1.9668375510880411,1,137,0 -138,0.0003218004136505264,-0.00013806670904159546,-0.00029067695140838623,-2.0142310695024594,1,138,0 -139,0.0002951247702055896,-9.261444211006165e-05,-0.0002802163362503052,-1.8900041856602237,1,139,0 -140,0.0004107727219388226,-0.00010373443365097046,-0.00039745867252349854,-1.826095467103852,1,140,0 -141,0.0003119688370047941,-0.0001475699245929718,-0.00027485936880111694,-2.0635205088193747,1,141,0 -142,0.00038710166786162526,-9.745359420776367e-05,-0.0003746338188648224,-1.8252863972208957,1,142,0 -143,0.0003497262798582725,-0.00010797008872032166,-0.0003326423466205597,-1.8846511205717706,1,143,0 -144,0.00034350414545157067,-0.00014592334628105164,-0.0003109686076641083,-2.0095462334033214,1,144,0 -145,0.0005373768846613406,-0.0003186911344528198,-0.00043267756700515747,-2.205637422585481,1,145,0 -146,0.0003321194321359385,-0.00012139230966567993,-0.0003091394901275635,-1.944974834559796,1,146,0 -147,0.0003128894311367413,-0.00010875239968299866,-0.0002933815121650696,-1.9257794478181216,1,147,0 -148,0.0003559831124369268,-0.00011794641613960266,-0.00033587589859962463,-1.908504804159031,1,148,0 -149,0.00037553633718768694,-0.0002202354371547699,-0.0003041774034500122,-2.1974724580352416,1,149,0 -150,0.0003331493218515746,-0.00010833144187927246,-0.0003150440752506256,-1.9019918718552058,1,150,0 -151,0.0003110938455602778,-9.891390800476074e-05,-0.00029494985938072205,-1.894368317621342,1,151,0 -152,0.00032212303576846973,-0.0001476481556892395,-0.00028629228472709656,-2.0469448362753537,1,152,0 -153,0.0003559170020506028,-0.00011805444955825806,-0.00033576786518096924,-1.9088917639557879,1,153,0 -154,0.00040301437186134227,-9.191781282424927e-05,-0.00039239227771759033,-1.8008972306928361,1,154,0 -155,0.00038771157981300463,-0.00010836124420166016,-0.00037226080894470215,-1.8540585146178803,1,155,0 -156,0.0003697164185542985,-0.00013874098658561707,-0.0003426969051361084,-1.9554770957844316,1,156,0 -157,0.00037586122069144874,-0.00013764947652816772,-0.0003497488796710968,-1.9457443936893293,1,157,0 -158,0.0005698669646016574,-0.00018226727843284607,-0.0005399323999881744,-1.8963588435931586,1,158,0 -159,0.00034018798092022616,-0.0001316256821155548,-0.00031369179487228394,-1.968085889242653,1,159,0 -160,0.0004267870017225555,-7.844343781471252e-05,-0.00041951611638069153,-1.7556472202963054,1,160,0 -161,0.0003807769841137971,-0.0001590922474861145,-0.00034594908356666565,-2.0018292989123094,1,161,0 -162,0.0004536001670507495,-0.00012662261724472046,-0.0004355683922767639,-1.8537054333861063,1,162,0 -163,0.00036928269361539355,-0.00010531395673751831,-0.0003539472818374634,-1.859995967617065,1,163,0 -164,0.00045017527538995713,-2.847611904144287e-05,-0.0004492737352848053,-1.63409421319842,1,164,0 -165,0.00031263099447654386,-0.00013008713722229004,-0.0002842806279659271,-1.999953347938717,1,165,0 -166,0.0004007871253211147,-6.919354200363159e-05,-0.00039476901292800903,-1.7443098002312167,1,166,0 -167,0.0003361266368977559,-0.00011970102787017822,-0.00031409040093421936,-1.934907457384927,1,167,0 -168,0.0003585783104552022,-0.00016449764370918274,-0.00031862035393714905,-2.047383761360744,1,168,0 -169,0.0003541359427104859,-0.00012686848640441895,-0.00033063068985939026,-1.9371869689607384,1,169,0 -170,0.0003551574015394864,-7.646530866622925e-05,-0.00034682825207710266,-1.7877951204834182,1,170,0 -171,0.00033825660481350803,-0.00012339279055595398,-0.0003149472177028656,-1.9442040974778583,1,171,0 -172,0.0003992114561937659,-9.10833477973938e-05,-0.00038868188858032227,-1.8009818437500418,1,172,0 -173,0.0003308863785337601,-0.00013513118028640747,-0.0003020353615283966,-1.9914875319549952,1,173,0 -174,0.00041013404787837643,-0.00014252588152885437,-0.0003845728933811188,-1.9257111349193732,1,174,0 -175,0.0005087793650853942,-9.869784116744995e-05,-0.0004991143941879272,-1.7660235772774586,1,175,0 -176,0.00040092340721524863,-0.00015334412455558777,-0.00037043914198875427,-1.963272362819563,1,176,0 -177,0.0003514013819372892,-0.0001055002212524414,-0.00033519044518470764,-1.875727065406837,1,177,0 -178,0.00035479365565507765,-8.42660665512085e-05,-0.0003446415066719055,-1.8105951933234739,1,178,0 -179,0.0004340834915868156,-3.937631845474243e-05,-0.0004322938621044159,-1.6616325872773785,1,179,0 -180,0.0006339417594717813,-7.837265729904175e-05,-0.000629078596830368,-1.6947409637340078,1,180,0 -181,0.0003786364870018055,-0.00011148303747177124,-0.00036185234785079956,-1.869658382856054,1,181,0 -182,0.00039441601055821123,-0.00011050328612327576,-0.00037861987948417664,-1.854766870076065,1,182,0 -183,0.000351689742776311,-7.294490933418274e-05,-0.00034404173493385315,-1.7797256976785376,1,183,0 -184,0.00033561320779968725,-0.00014860928058624268,-0.00030091777443885803,-2.029514614998657,1,184,0 -185,0.0003582090179874586,-0.00012224912643432617,-0.0003367029130458832,-1.9190733176581796,1,185,0 -186,0.0003710577219453429,-9.849295020103455e-05,-0.00035774707794189453,-1.8394548823523085,1,186,0 -187,0.0003759252785943629,-9.994953870773315e-06,-0.00037579238414764404,-1.597387068062761,1,187,0 -188,0.00036342636946926185,-0.00010611861944198608,-0.0003475882112979889,-1.8671082241736596,1,188,0 -189,0.0006560766034239575,-0.0001523047685623169,-0.0006381534039974213,-1.8050784652533305,1,189,0 -190,0.00031587450105337924,-8.816644549369812e-05,-0.00030332058668136597,-1.8536724238287858,1,190,0 -191,0.0003822400797771068,-9.520724415779114e-05,-0.0003701932728290558,-1.8225235146990484,1,191,0 -192,0.0004969461184149975,-7.61374831199646e-05,-0.0004910789430141449,-1.72461288889058,1,192,0 -193,0.0006428935080554079,-5.928799510002136e-05,-0.0006401538848876953,-1.6631480999770207,1,193,0 -194,0.00039108313039660245,-3.143027424812317e-05,-0.00038981810212135315,-1.6512503394017217,1,194,0 -195,0.0004516847665897134,-0.00017411261796951294,-0.000416778028011322,-1.966517515899229,1,195,0 -196,0.00039994159918400977,-6.826594471931458e-05,-0.00039407238364219666,-1.7423260098457873,1,196,0 -197,0.00043122778897885426,-0.00011537224054336548,-0.0004155077040195465,-1.8416391316607343,1,197,0 -198,0.0004013724468350705,-0.00014033913612365723,-0.00037603825330734253,-1.927991856496748,1,198,0 -199,0.0003793076400921692,-0.00010659918189048767,-0.0003640204668045044,-1.8556699923998363,1,199,0 -200,0.0003506555293382962,-7.49342143535614e-05,-0.00034255534410476685,-1.7861546751413535,1,200,0 -201,0.0005821999358897311,-0.0002033822238445282,-0.0005455203354358673,-1.9276565400931809,1,201,0 -202,0.0004463562212449807,-0.00012255460023880005,-0.0004292018711566925,-1.8489354881670066,1,202,0 -203,0.0004097574543685981,-0.0001042783260345459,-0.0003962665796279907,-1.8281144888532048,1,203,0 -204,0.0003568755386974616,-8.777901530265808e-05,-0.00034591183066368103,-1.8193118362539813,1,204,0 -205,0.00033142044403289966,-0.00014241039752960205,-0.00029926374554634094,-2.0149536089621463,1,205,0 -206,0.00035537468395647017,-3.227218985557556e-05,-0.0003539063036441803,-1.661733339551103,1,206,0 -207,0.00031327870494163627,-0.0001246817409992218,-0.00028739869594573975,-1.9801209531679476,1,207,0 -208,0.0003296889774281486,-0.00017268583178520203,-0.00028084591031074524,-2.1220834056434614,1,208,0 -209,0.0004715011423310104,-8.131936192512512e-05,-0.0004644356667995453,-1.7441320773248419,1,209,0 -210,0.0002684430721436212,-8.267536759376526e-05,-0.00025539472699165344,-1.8838664827107188,1,210,0 -211,0.0003828187822308886,-0.00014487653970718384,-0.0003543458878993988,-1.958914031962768,1,211,0 -212,0.0003453110529302035,-7.084384560585022e-05,-0.00033796578645706177,-1.7774230056252391,1,212,0 -213,0.00029087091636734007,-6.484612822532654e-05,-0.0002835504710674286,-1.7956234307859384,1,213,0 -214,0.00037633636709873814,-0.00013174116611480713,-0.00035252422094345093,-1.9284339147774103,1,214,0 -215,0.00033337150183245456,-0.0001875162124633789,-0.000275634229183197,-2.168183669787812,1,215,0 -216,0.0003883680199717305,-0.00010325014591217041,-0.00037439167499542236,-1.8398885699496537,1,216,0 -217,0.00039787825089837066,-0.00014257431030273438,-0.0003714561462402344,-1.9372818110401966,1,217,0 -218,0.00035467057489025375,-0.00012088939547538757,-0.0003334321081638336,-1.9186170085514558,1,218,0 -219,0.000468637714197361,-0.0002339966595172882,-0.0004060380160808563,-2.093601404989971,1,219,0 -220,0.0003332134411681196,-0.0001675821840763092,-0.00028800591826438904,-2.0977787343589793,1,220,0 -221,0.00038029160507364814,-0.00010389834642410278,-0.00036582350730895996,-1.8475216713224951,1,221,0 -222,0.00043995844616314127,-0.0002165958285331726,-0.0003829486668109894,-2.0855376874937286,1,222,0 -223,0.00040499740676306294,-8.662045001983643e-05,-0.0003956258296966553,-1.7863404823796158,1,223,0 -224,0.0003412145522817616,-0.00019846856594085693,-0.00027755647897720337,-2.1915560155200184,1,224,0 -225,0.0003562746268496662,-0.0001835860311985016,-0.0003053322434425354,-2.11214651308376,1,225,0 -226,0.00041313192798653875,-0.00018317252397537231,-0.00037030503153800964,-2.0301572568876685,1,226,0 -227,0.00045644422759842656,-0.00036566704511642456,-0.0002731829881668091,-2.4999621720993543,1,227,0 -228,0.0003716531660206936,-0.00013230741024017334,-0.0003473050892353058,-1.934777067475996,1,228,0 -229,0.00043229415130123457,-0.00013520941138267517,-0.00041060522198677063,-1.8889061536501108,1,229,0 -230,0.00038614999541850486,-0.000112973153591156,-0.0003692544996738434,-1.8677022129593561,1,230,0 -231,0.0003758699212627122,-0.00022536516189575195,-0.0003008134663105011,-2.213776110875853,1,231,0 -232,0.0003289663845034992,-9.639561176300049e-05,-0.0003145262598991394,-1.8681862698639873,1,232,0 -233,0.00031281679511447675,-0.00010344386100769043,-0.0002952180802822113,-1.9078257768225824,1,233,0 -234,0.00033807988153053246,-6.43022358417511e-05,-0.0003319084644317627,-1.7621605080621763,1,234,0 -235,0.00047980759919158194,-0.00016508251428604126,-0.0004505142569541931,-1.9220336112897642,1,235,0 -236,0.00035915587973706054,-7.363781332969666e-05,-0.00035152584314346313,-1.7772909221077489,1,236,0 -237,0.0006001692726013098,-0.0001328699290752411,-0.0005852766335010529,-1.794033295482932,1,237,0 -238,0.0003871109598408392,-0.0001750066876411438,-0.00034529343247413635,-2.0398967213609254,1,238,0 -239,0.00041015501610295013,-0.00013321638107299805,-0.0003879182040691376,-1.9015915084997994,1,239,0 -240,0.0005847017727523114,-0.00011457130312919617,-0.0005733668804168701,-1.768020704049597,1,240,0 -241,0.0005133098313168694,-0.00020137056708335876,-0.0004721619188785553,-1.9739251691669863,1,241,0 -242,0.0003795408772133168,-5.225464701652527e-05,-0.00037592649459838867,-1.7089136125831075,1,242,0 -243,0.0003555195471189571,-0.00014241039752960205,-0.00032575055956840515,-1.9829349712256674,1,243,0 -244,0.0003449126223000334,-7.156282663345337e-05,-0.0003374069929122925,-1.7797955770611782,1,244,0 -245,0.00042374583976387747,-0.0001316666603088379,-0.0004027709364891052,-1.8867476367836513,1,245,0 -246,0.00031362166704615815,-0.0001572631299495697,-0.0002713426947593689,-2.096061181404744,1,246,0 -247,0.00029172629449293825,-0.0001321732997894287,-0.0002600662410259247,-2.041005731258122,1,247,0 -248,0.00040947337151234437,-0.00011534616351127625,-0.00039289146661758423,-1.8563554022828395,1,248,0 -249,0.00032080185754405986,-0.0001403801143169403,-0.00028845667839050293,-2.023714499764315,1,249,0 -250,0.0003322189444359291,-0.0001345500349998474,-0.00030375272035598755,-1.9877796429775214,1,250,0 -251,0.0003583389150757969,-0.00014772266149520874,-0.00032647326588630676,-1.995710804820792,1,251,0 -252,0.00041452613394574753,-0.0001942552626132965,-0.0003661923110485077,-2.0585243801066535,1,252,0 -253,0.00030681927155653995,-8.98316502571106e-05,-0.00029337406158447266,-1.8679330413973616,1,253,0 -254,0.0004932096584156163,-0.0002391412854194641,-0.0004313550889492035,-2.077007875395672,1,254,0 -255,0.0005129309781778094,-0.00015342608094215393,-0.0004894472658634186,-1.87456287824163,1,255,0 -256,0.0004035385929546379,-0.00021658465266227722,-0.00034049153327941895,-2.137333668661849,1,256,0 -257,0.00032850986591931915,-0.00016046315431594849,-0.00028665363788604736,-2.0811176348265352,1,257,0 -258,0.0003531633944544108,-0.0001606382429599762,-0.000314515084028244,-2.0430060570235913,1,258,0 -259,0.0003804072605988654,-0.00012612342834472656,-0.00035889074206352234,-1.9087406877618767,1,259,0 -260,0.0004353827613399552,7.014721632003784e-06,-0.0004353262484073639,-1.5546840095980947,1,260,0 -261,0.0003924455655702849,-0.0001767575740814209,-0.0003503859043121338,-2.038009891134073,1,261,0 -262,0.0002644565011461494,-0.00012961775064468384,-0.00023051351308822632,-2.0830338527056322,1,262,0 -263,0.0003794417145430503,-9.149685502052307e-05,-0.0003682449460029602,-1.8143319997884118,1,263,0 -264,0.00026815981120594006,-9.33520495891571e-05,-0.0002513863146305084,-1.9263622602622765,1,264,0 -265,0.0003234408567784354,-0.00018173828721046448,-0.00026755407452583313,-2.1674655312286633,1,265,0 -266,0.00038470432333350204,-0.00014564022421836853,-0.00035607069730758667,-1.9590547514602723,1,266,0 -267,0.0003204626455521505,-0.0001767389476299286,-0.00026731938123703003,-2.154971892023621,1,267,0 -268,0.000411574314053415,-0.00016931816935539246,-0.0003751330077648163,-1.9947765240469155,1,268,0 -269,0.0003725886284010915,-0.00014217570424079895,-0.00034439563751220703,-1.9623110417260623,1,269,0 -270,0.000490987678372947,-0.00018636509776115417,-0.0004542432725429535,-1.9601297875992587,1,270,0 -271,0.0002891595302969534,-0.0001972988247871399,-0.0002113915979862213,-2.321725389192837,1,271,0 -272,0.0003347660486912133,-0.00013496726751327515,-0.00030635297298431396,-1.9857733716086015,1,272,0 -273,0.00035877636422328526,-5.530938506126404e-05,-0.00035448744893074036,-1.72557474764028,1,273,0 -274,0.00033108046356217235,-0.00011365488171577454,-0.00031096115708351135,-1.9212082979524199,1,274,0 -275,0.00034588481887728366,-0.0002125278115272522,-0.0002728886902332306,-2.2324808923857846,1,275,0 -276,0.00036896855105112943,-0.0001576356589794159,-0.0003335997462272644,-2.012226875194574,1,276,0 -277,0.00046404451990127366,-0.00019970163702964783,-0.0004188753664493561,-2.0156769958475724,1,277,0 -278,0.0005044019539844817,-0.00016581639647483826,-0.0004763677716255188,-1.9057639667001236,1,278,0 -279,0.0004364037542172336,-6.179139018058777e-05,-0.0004320070147514343,-1.7128660139471525,1,279,0 -280,0.0003909048543761058,-9.17874276638031e-05,-0.00037997588515281677,-1.807816948345202,1,280,0 -281,0.0003343001416521286,-0.00010298192501068115,-0.00031804293394088745,-1.8839414114747381,1,281,0 -282,0.00038743408968000114,-0.00018118321895599365,-0.00034245848655700684,-2.057425626095851,1,282,0 -283,0.0003593209324255782,-0.00018577277660369873,-0.000307571142911911,-2.114151352461324,1,283,0 -284,0.0003863852954690296,-0.00014080852270126343,-0.0003598146140575409,-1.9438117647487447,1,284,0 -285,0.00030116992613283953,-0.00014866888523101807,-0.00026191771030426025,-2.0870642125075847,1,285,0 -286,0.00042426265579274325,-0.00015379488468170166,-0.000395406037569046,-1.9417444460336897,1,286,0 -287,0.00048238042330956825,-1.7881393432617188e-07,-0.00048238039016723633,-1.5711670174982932,1,287,0 -288,0.0003445119406965007,-0.00016038119792938232,-0.0003049038350582123,-2.055031509641936,1,288,0 -289,0.00033964272427865834,-9.843707084655762e-05,-0.00032506510615348816,-1.8648406754592362,1,289,0 -290,0.00034378332369703306,-9.790807962417603e-05,-0.00032954663038253784,-1.8595898265296187,1,290,0 -291,0.00038810878609000913,-0.00012359768152236938,-0.0003679022192955017,-1.8949023034227386,1,291,0 -292,0.000328610141256064,-0.00012950971722602844,-0.00030201300978660583,-1.975899488026221,1,292,0 -293,0.0003756686501347109,-0.00012324005365371704,-0.00035487860441207886,-1.9050404293430907,1,293,0 -294,0.0004225688064352867,-0.0001730881631374359,-0.00038549304008483887,-1.9928222012939127,1,294,0 -295,0.0003571057191625217,-0.00013663992285728455,-0.0003299303352832794,-1.963439276388368,1,295,0 -296,0.00043301360265329223,-0.00013730302453041077,-0.0004106685519218445,-1.8934528283660923,1,296,0 -297,0.00043352636415885373,-0.00011411309242248535,-0.0004182383418083191,-1.8371553950415391,1,297,0 -298,0.0003592169365673868,-0.00010883808135986328,-0.00034233182668685913,-1.8786218126353158,1,298,0 -299,0.00037485313803753434,-0.0001458488404750824,-0.0003453157842159271,-1.9704318579685973,1,299,0 -300,0.0004587909103137064,-0.0001562647521495819,-0.00043135881423950195,-1.9183526240737094,1,300,0 -301,0.00033393837547258503,-0.00018284842371940613,-0.0002794302999973297,-2.150231503910784,1,301,0 -302,0.0003500090123246399,-9.826570749282837e-05,-0.00033593177795410156,-1.8553737912436723,1,302,0 -303,0.0003316085058432858,-0.00012681633234024048,-0.00030640140175819397,-1.9632187983688605,1,303,0 -304,0.00039831779788048486,-9.619072079658508e-05,-0.0003865286707878113,-1.814699802007995,1,304,0 -305,0.0005611330295622596,-0.00020707771182060242,-0.0005215257406234741,-1.948766816035584,1,305,0 -306,0.00035067073287196404,-0.0002245008945465088,-0.0002693869173526764,-2.2655604463698404,1,306,0 -307,0.0006334472062584515,-0.00014726072549819946,-0.0006160922348499298,-1.8054180981836225,1,307,0 -308,0.0003359248931855232,-0.00013380497694015503,-0.00030812621116638184,-1.9804788408834288,1,308,0 -309,0.0003898960034967931,-0.0001295134425163269,-0.0003677569329738617,-1.9094041909904016,1,309,0 -310,0.0003979118634819094,-0.00011663511395454407,-0.0003804340958595276,-1.868282746526685,1,310,0 -311,0.0004168372808152079,-0.00022371113300323486,-0.00035171955823898315,-2.137302091050588,1,311,0 -312,0.00031294852127148996,-0.00013428181409835815,-0.00028267502784729004,-2.0142769206374598,1,312,0 -313,0.0003782651512251815,-0.00016263872385025024,-0.00034151598811149597,-2.0152443288441995,1,313,0 -314,0.0003423398970946204,-0.00012586265802383423,-0.0003183633089065552,-1.9472814837255823,1,314,0 -315,0.0003656185412635801,-0.00013751909136772156,-0.00033877044916152954,-1.9564093726017162,1,315,0 -316,0.0004121588074559138,-0.0001286640763282776,-0.0003915615379810333,-1.8882738304407087,1,316,0 -317,0.0004008741317265813,-0.00012675300240516663,-0.0003803074359893799,-1.8925086783698382,1,317,0 -318,0.00027834788772431986,-0.0001719146966934204,-0.00021891295909881592,-2.2365160009149,1,318,0 -319,0.00035671992659510075,-0.0001267269253730774,-0.00033345073461532593,-1.9339843376153447,1,319,0 -320,0.0004068529243729365,-6.513670086860657e-05,-0.00040160492062568665,-1.7315871594011965,1,320,0 -321,0.00040884720580189587,-0.00010380148887634277,-0.00039545074105262756,-1.8274944119858207,1,321,0 -322,0.00040275011700917135,-0.00012033432722091675,-0.0003843531012535095,-1.874212014071021,1,322,0 -323,0.0004149626098300498,-0.00010512396693229675,-0.0004014261066913605,-1.8269210355422238,1,323,0 -324,0.0004010938389637869,-0.00012618303298950195,-0.0003807283937931061,-1.890828695056498,1,324,0 -325,0.00045938243658594414,-6.389245390892029e-05,-0.0004549175500869751,-1.7103320470613963,1,325,0 -326,0.00036261868761521904,-0.00012954697012901306,-0.0003386884927749634,-1.9361225219058136,1,326,0 -327,0.0004004390780617704,-0.0001105964183807373,-0.0003848634660243988,-1.8506217598670185,1,327,0 -328,0.00032403832716088824,-0.00011404603719711304,-0.0003033056855201721,-1.9304523741151796,1,328,0 -329,0.0003500200157248999,-0.00016587600111961365,-0.0003082193434238434,-2.0645156769330297,1,329,0 -330,0.00043308643200213345,-6.410852074623108e-05,-0.00042831525206565857,-1.7193694051008361,1,330,0 -331,0.00032148251982845453,-0.00010632351040840149,-0.00030339136719703674,-1.9078719977373382,1,331,0 -332,0.00035708770155906677,-0.00011912360787391663,-0.0003366321325302124,-1.9109135699790094,1,332,0 -333,0.00033847716298230295,-0.0001638568937778473,-0.00029617175459861755,-2.0761309798203484,1,333,0 -334,0.000351924856341469,-9.964779019355774e-05,-0.0003375224769115448,-1.857874054953061,1,334,0 -335,0.0004753653669619322,-6.425008177757263e-05,-0.00047100335359573364,-1.706370629744638,1,335,0 -336,0.0004995312092270783,-0.0001989416778087616,-0.00045820698142051697,-1.9804119229808848,1,336,0 -337,0.00028226249945208925,-0.00018509849905967712,-0.00021309778094291687,-2.2859947553964757,1,337,0 -338,0.00045651411865765324,-9.478628635406494e-05,-0.0004465654492378235,-1.7799484438768611,1,338,0 -339,0.0003619765130161573,-6.720423698425293e-05,-0.00035568326711654663,-1.7575389178313503,1,339,0 -340,0.00037172345943150696,-0.0001298077404499054,-0.0003483220934867859,-1.9275190286049433,1,340,0 -341,0.0003863627505753258,-0.00010409951210021973,-0.00037207454442977905,-1.8436022487372397,1,341,0 -342,0.00033592344552118485,-9.414553642272949e-05,-0.0003224611282348633,-1.8548601375151756,1,342,0 -343,0.0003749339254064923,-0.00012015923857688904,-0.0003551580011844635,-1.8970336640006558,1,343,0 -344,0.0003713040508755569,-5.3297728300094604e-05,-0.00036745890974998474,-1.7148358906778782,1,344,0 -345,0.00038999362393760323,-7.429346442222595e-05,-0.00038285180926322937,-1.7624669371075385,1,345,0 -346,0.0003833405861784489,-0.00014914944767951965,-0.0003531351685523987,-1.9704270118248566,1,346,0 -347,0.00031846835890664635,-0.0001173950731754303,-0.0002960413694381714,-1.9483246474327462,1,347,0 -348,0.0003772338934378937,-0.00016378983855247498,-0.0003398209810256958,-2.0199312692244296,1,348,0 -349,0.0004696444225293924,-4.331022500991821e-05,-0.000467643141746521,-1.6631467238331836,1,349,0 -350,0.00032089647076053324,-0.00011742115020751953,-0.0002986416220664978,-1.9454131908708254,1,350,0 -351,0.0004141082950858016,-0.00011461228132247925,-0.0003979317843914032,-1.8512263107145892,1,351,0 -352,0.00033477559761133476,-0.00012262538075447083,-0.00031150877475738525,-1.9458164736308663,1,352,0 -353,0.000368686066643623,-0.0001746751368045807,-0.0003246814012527466,-2.064371571088322,1,353,0 -354,0.0003619892881807856,-6.984174251556396e-05,-0.0003551878035068512,-1.7649525690913572,1,354,0 -355,0.00040753601986721135,-7.50124454498291e-05,-0.0004005730152130127,-1.755915173486977,1,355,0 -356,0.0003204749937195187,-0.00011414662003517151,-0.00029945746064186096,-1.9349723645341141,1,356,0 -357,0.00037782514351450067,-0.0001292973756790161,-0.0003550127148628235,-1.9200693899604122,1,357,0 -358,0.0004396328398691133,-0.00012205168604850769,-0.00042235106229782104,-1.8521140969976502,1,358,0 -359,0.0002923938341859305,-0.00011550635099411011,-0.0002686120569705963,-1.9769043338961736,1,359,0 -360,0.0003611203073773126,-0.00012118741869926453,-0.00034017860889434814,-1.9130250299257483,1,360,0 -361,0.00037485701863796685,-0.00012780353426933289,-0.0003523975610733032,-1.9187123351040996,1,361,0 -362,0.0005124602364828942,-0.00013856962323188782,-0.000493369996547699,-1.8446055720297132,1,362,0 -363,0.0003234449969076205,-9.839609265327454e-05,-0.00030811503529548645,-1.8799082302215306,1,363,0 -364,0.00034836920381652676,-0.00010860711336135864,-0.0003310069441795349,-1.887839696869873,1,364,0 -365,0.0004116969763315572,-0.00017109140753746033,-0.00037446245551109314,-1.9993723790247726,1,365,0 -366,0.00041372488316932394,-8.090957999229431e-05,-0.0004057362675666809,-1.767628570093939,1,366,0 -367,0.00044065495043773097,-8.795782923698425e-05,-0.0004317872226238251,-1.7717531983653334,1,367,0 -368,0.00034792476063057615,-0.00011523440480232239,-0.0003282874822616577,-1.9083766487332647,1,368,0 -369,0.0003518653703636205,-0.000189855694770813,-0.00029624998569488525,-2.140721604607033,1,369,0 -370,0.00032217605472219913,-0.00013465061783790588,-0.00029268860816955566,-2.001974145319461,1,370,0 -371,0.0003213136158156004,-4.4733285903930664e-05,-0.000318184494972229,-1.710470040601587,1,371,0 -372,0.00039791045661223675,-6.75693154335022e-05,-0.000392131507396698,-1.7414335517035606,1,372,0 -373,0.000712863224781278,-0.00012214109301567078,-0.0007023215293884277,-1.7429846789759964,1,373,0 -374,0.0004016739185267067,-9.338557720184326e-05,-0.00039066746830940247,-1.8054344248695093,1,374,0 -375,0.0005598507930078427,-6.052479147911072e-05,-0.0005565695464611053,-1.679116818622743,1,375,0 -376,0.0003530599738693237,-0.00014494359493255615,-0.00032193586230278015,-1.9938374024412766,1,376,0 -377,0.00030090675749715987,-5.8591365814208984e-05,-0.00029514729976654053,-1.766764245748857,1,377,0 -378,0.0003363569816765375,-1.7773360013961792e-05,-0.00033588707447052,-1.6236617119737529,1,378,0 -379,0.0002951550982851907,-0.00010640919208526611,-0.0002753064036369324,-1.9396212003925632,1,379,0 -380,0.00041371329383915143,-0.00014469027519226074,-0.00038758665323257446,-1.9280852137696294,1,380,0 -381,0.00039115329095037,-0.00018404796719551086,-0.00034514814615249634,-2.060683624645219,1,381,0 -382,0.0003723127715296108,-0.00016994401812553406,-0.0003312639892101288,-2.044803129359019,1,382,0 -383,0.00037226208288458786,-0.00011221691966056824,-0.00035494565963745117,-1.8770051735074267,1,383,0 -384,0.00041882701688444196,-0.0001451447606086731,-0.0003928728401660919,-1.9246876615806003,1,384,0 -385,0.00046213322682589134,-0.00012430548667907715,-0.00044510141015052795,-1.8431321742025042,1,385,0 -386,0.00041880204064890755,-0.00010586902499198914,-0.0004051998257637024,-1.8263592992647286,1,386,0 -387,0.00034794244502417984,-0.0001448802649974823,-0.0003163442015647888,-2.0002690485776693,1,387,0 -388,0.0003842104611304449,-0.0001113303005695343,-0.000367727130651474,-1.8647764148731392,1,388,0 -389,0.00038792102048441636,-0.00011897832155227661,-0.0003692246973514557,-1.8825282961598842,1,389,0 -390,0.0003442479312692172,-0.0001614093780517578,-0.0003040619194507599,-2.0588134146464707,1,390,0 -391,0.00037167827020011225,-0.00016584992408752441,-0.0003326237201690674,-2.0333323071791103,1,391,0 -392,0.0003244517747263922,-7.578730583190918e-05,-0.0003154762089252472,-1.8065601367401705,1,392,0 -393,0.00024662564366787973,-0.00012814998626708984,-0.0002107173204421997,-2.1171947206420993,1,393,0 -394,0.00041476002420871535,-0.00018047913908958435,-0.00037343427538871765,-2.02099132817936,1,394,0 -395,0.00045537728738332983,-3.082677721977234e-05,-0.0004543326795101166,-1.638543162902353,1,395,0 -396,0.0003313931243620037,-8.849799633026123e-05,-0.0003193579614162445,-1.8411251971823084,1,396,0 -397,0.0003024963190507567,-0.0001789294183254242,-0.00024390220642089844,-2.2037259061041485,1,397,0 -398,0.0003277121194285345,-4.5593827962875366e-05,-0.0003245249390602112,-1.7103768030889706,1,398,0 -399,0.00033894413364846793,-7.709115743637085e-05,-0.0003300607204437256,-1.8002494628548684,1,399,0 -400,0.0003588705843510287,-0.0001447051763534546,-0.00032840296626091003,-1.9858333859368646,1,400,0 -401,0.000349367990733201,-0.00013253092765808105,-0.00032325461506843567,-1.9598843825570889,1,401,0 -402,0.000290986809704861,-0.000128917396068573,-0.00026087090373039246,-2.0297777610279124,1,402,0 -403,0.0003997530278482604,-0.0001821480691432953,-0.0003558434545993805,-2.043900302950798,1,403,0 -404,0.00037430461786871935,-0.00016815215349197388,-0.00033440813422203064,-2.036709456773711,1,404,0 -405,0.0003857821540388381,-9.088218212127686e-05,-0.0003749243915081024,-1.808610641159139,1,405,0 -406,0.00042129311394692383,-0.00012282654643058777,-0.0004029907286167145,-1.866639537257571,1,406,0 -407,0.00035369268590121876,-0.0001247003674507141,-0.0003309808671474457,-1.9311091594084029,1,407,0 -408,0.00022351741151263306,-0.00021545961499214172,5.947425961494446e-05,2.8722650493812063,1,408,0 -409,0.0003304534324548177,-0.00012344121932983398,-0.00030653178691864014,-1.9536305594949401,1,409,0 -410,0.00037360336544630036,-7.916614413261414e-05,-0.00036511942744255066,-1.7843139069784486,1,410,0 -411,0.00031941959562373055,-5.677342414855957e-06,-0.0003193691372871399,-1.5885711955231416,1,411,0 -412,0.000380567655600834,-0.00014530867338180542,-0.000351734459400177,-1.9625619581152662,1,412,0 -413,0.0004223325953480946,-9.457394480705261e-05,-0.0004116073250770569,-1.7966437896766192,1,413,0 -414,0.0003814410694544523,-9.900704026222229e-05,-0.00036836788058280945,-1.8333634192987949,1,414,0 -415,0.0004194126328217087,-0.00010407343506813049,-0.0004062950611114502,-1.8215570032001296,1,415,0 -416,0.000360701463918356,-0.00012051314115524292,-0.00033997371792793274,-1.9114547092147252,1,416,0 -417,0.0003854529649409891,-0.00016195327043533325,-0.0003497786819934845,-2.004421825174267,1,417,0 -418,0.0003335771444103332,-0.00010474398732185364,-0.0003167055547237396,-1.8902019380743795,1,418,0 -419,0.0004337072205445073,-5.989149212837219e-05,-0.0004295520484447479,-1.7093310124156211,1,419,0 -420,0.00038610358162600387,-0.0001451149582862854,-0.00035779550671577454,-1.9561043898909012,1,420,0 -421,0.0003058295158058966,-5.50001859664917e-05,-0.0003008432686328888,-1.7516194783527046,1,421,0 -422,0.0003359436557423389,-0.0001699402928352356,-0.0002897903323173523,-2.101174399960414,1,422,0 -423,0.00029897107330898636,-6.988644599914551e-05,-0.0002906881272792816,-1.8067358144464187,1,423,0 -424,0.0004139967517179722,-8.203089237213135e-05,-0.0004057884216308594,-1.770260143322239,1,424,0 -425,0.00033881316914237994,-8.407235145568848e-05,-0.00032821670174598694,-1.8215537771844754,1,425,0 -426,0.0003751893542875834,-0.00013566017150878906,-0.00034980475902557373,-1.9407560499826284,1,426,0 -427,0.00037671957696376043,-0.00020621344447135925,-0.0003152675926685333,-2.1500415396512462,1,427,0 -428,0.0003159015817105559,-6.339699029922485e-05,-0.00030947476625442505,-1.772854331929514,1,428,0 -429,0.0004204013144247892,-9.319186210632324e-05,-0.0004099421203136444,-1.7943267372838505,1,429,0 -430,0.0003478644795784175,-2.2821128368377686e-05,-0.00034711509943008423,-1.636446978597061,1,430,0 -431,0.0003610596880321869,-0.00011628493666648865,-0.00034182146191596985,-1.8987069541441142,1,431,0 -432,0.0004112101018348314,-0.00010932236909866333,-0.00039641186594963074,-1.839887329384591,1,432,0 -433,0.0003315685601416283,-0.00013962015509605408,-0.00030073896050453186,-2.0054428852701793,1,433,0 -434,0.0004090501248678617,-0.00012741237878799438,-0.0003887005150318146,-1.8875501627507159,1,434,0 -435,0.00045054903021478,-0.00016414746642112732,-0.00041958317160606384,-1.9437070503225493,1,435,0 -436,0.00037406080767782735,-0.00011847168207168579,-0.0003548040986061096,-1.893063371029969,1,436,0 -437,0.0003878412868949527,-0.0001748204231262207,-0.0003462061285972595,-2.038404464237902,1,437,0 -438,0.0004021214748279024,-0.00015718862414360046,-0.00037012621760368347,-1.9724037330496225,1,438,0 -439,0.000385046105877982,-0.0001788884401321411,-0.00034096837043762207,-2.0539674982016654,1,439,0 -440,0.00044894163507639795,-0.000120602548122406,-0.0004324391484260559,-1.8427745597713734,1,440,0 -441,0.00039516543226303694,-9.2335045337677e-05,-0.0003842264413833618,-1.8066383136847552,1,441,0 -442,0.0005998395595023114,-0.00016694888472557068,-0.0005761384963989258,-1.8528435519048199,1,442,0 -443,0.00033369373917851265,-0.000153467059135437,-0.00029630959033966064,-2.048683321643818,1,443,0 -444,0.0005477663645518853,-0.00018662214279174805,-0.0005149953067302704,-1.918454061493196,1,444,0 -445,0.00036522791139914797,-0.00013386830687522888,-0.0003398098051548004,-1.9460769273069538,1,445,0 -446,0.0003600692531891404,-7.61859118938446e-05,-0.00035191699862480164,-1.783994591473772,1,446,0 -447,0.00039246241539199294,-0.00022825226187705994,-0.0003192611038684845,-2.1914783587473745,1,447,0 -448,0.00032701683283781826,-9.6835196018219e-05,-0.00031235069036483765,-1.8714209296078919,1,448,0 -449,0.0004262901325630547,-0.00011694803833961487,-0.0004099346697330475,-1.8486986616968597,1,449,0 -450,0.00035697074810735457,-0.0001223236322402954,-0.00033535808324813843,-1.9205552168534568,1,450,0 -451,0.0005206332876958946,-0.0002235211431980133,-0.00047020986676216125,-2.014542133224163,1,451,0 -452,0.00038291688829182076,-0.00015558674931526184,-0.00034988299012184143,-1.9892192045006698,1,452,0 -453,0.0004658800690015005,-0.00013872236013412476,-0.00044474750757217407,-1.8731459833352613,1,453,0 -454,0.0004249892969054557,-0.0001971311867237091,-0.00037650391459465027,-2.053132139451001,1,454,0 -455,0.00038990941214431897,-0.000125933438539505,-0.00036901235580444336,-1.8996742301137681,1,455,0 -456,0.0003694143196952479,-8.213147521018982e-05,-0.0003601685166358948,-1.7949988225380995,1,456,0 -457,0.0003426603758293583,-0.00016196072101593018,-0.0003019683063030243,-2.063099377735227,1,457,0 -458,0.00032803915800894227,-0.00010811910033226013,-0.00030970945954322815,-1.9066677811169621,1,458,0 -459,0.0005829180654134327,-0.0002140738070011139,-0.0005421862006187439,-1.9468417537207394,1,459,0 -460,0.0003872223684280423,-1.952424645423889e-05,-0.0003867298364639282,-1.621238993053636,1,460,0 -461,0.00038002113553729496,-0.00012849271297454834,-0.00035763904452323914,-1.9157147563510237,1,461,0 -462,0.00038223643807563983,0.00015913322567939758,-0.0003475360572338104,-1.1414006210623593,1,462,0 -463,0.000344198514115607,-0.00020897015929222107,-0.0002735033631324768,-2.2232287653243517,1,463,0 -464,0.00039254678122358096,-5.792826414108276e-06,-0.0003925040364265442,-1.5855538970069332,1,464,0 -465,0.00041209838982831374,-0.00013258680701255798,-0.0003901869058609009,-1.898358525512657,1,465,0 -466,0.0004496582212816798,-0.00019659101963043213,-0.00040440633893013,-2.023280426628921,1,466,0 -467,0.00037609476438538837,-0.00011563301086425781,-0.0003578774631023407,-1.8833158729770074,1,467,0 -468,0.00042427655426608476,-9.864196181297302e-05,-0.0004126504063606262,-1.8054379990217926,1,468,0 -469,0.000355014819943865,-0.00019257888197898865,-0.0002982430160045624,-2.1441507248453098,1,469,0 -470,0.0003227703563948357,-0.00015348568558692932,-0.0002839416265487671,-2.0663581535121964,1,470,0 -471,0.00032583511736550757,-0.0001473948359489441,-0.0002905912697315216,-2.040206337756357,1,471,0 -472,0.0003636424856957208,-0.0001538880169391632,-0.00032947584986686707,-2.0077539714064825,1,472,0 -473,0.0004016288527214476,-0.00010491535067558289,-0.00038768351078033447,-1.8350869991663283,1,473,0 -474,0.00030841180167173884,-0.00012288615107536316,-0.0002828724682331085,-1.9806207288421709,1,474,0 -475,0.00037550853530155556,-9.475275874137878e-05,-0.0003633573651313782,-1.8258856450081546,1,475,0 -476,0.00036086345844420816,-0.00010396912693977356,-0.0003455616533756256,-1.86305107470344,1,476,0 -477,0.00041107244955334074,-0.0001538097858428955,-0.00038121268153190613,-1.95429479737609,1,477,0 -478,0.0003641636737904837,-0.00011442974209785461,-0.000345718115568161,-1.8904377120075433,1,478,0 -479,0.0004812038279036708,-5.367770791053772e-05,-0.00047820061445236206,-1.6825777644972673,1,479,0 -480,0.00040866824822740786,-0.00013416260480880737,-0.000386018306016922,-1.905291342895677,1,480,0 -481,0.00036052238940099284,-0.00020495057106018066,-0.0002966001629829407,-2.175456126255556,1,481,0 -482,0.0004123428752577027,-0.00018948689103126526,-0.00036622583866119385,-2.048270378776678,1,482,0 -483,0.00035528230222879056,-0.00022369995713233948,-0.00027601420879364014,-2.251886093739793,1,483,0 -484,0.00032178611321371066,-0.00011056289076805115,-0.00030219554901123047,-1.9215346168394698,1,484,0 -485,0.00037030317870710434,-8.080527186393738e-05,-0.0003613792359828949,-1.7907801353235238,1,485,0 -486,0.0003073822091500897,-0.00012425705790519714,-0.00028114765882492065,-1.9869471959849536,1,486,0 -487,0.0003195277480987361,-0.00013723224401474,-0.0002885572612285614,-2.0147182983648095,1,487,0 -488,0.0003274739338386912,-0.00014830008149147034,-0.0002919696271419525,-2.040767652496629,1,488,0 -489,0.0004389072707685645,-0.00012186169624328613,-0.0004216507077217102,-1.8521412379269284,1,489,0 -490,0.00035114667269391217,-0.00012186169624328613,-0.0003293231129646301,-1.9252086819735257,1,490,0 -491,0.0006640868012169347,-0.00010964274406433105,-0.0006549730896949768,-1.7366588023434546,1,491,0 -492,0.00040593465035922036,-0.00014943629503250122,-0.0003774277865886688,-1.947792170495504,1,492,0 -493,0.0004917710687163221,-0.00017997249960899353,-0.0004576556384563446,-1.9454691307880094,1,493,0 -494,0.0003755403427656928,-0.00015242770314216614,-0.0003432147204875946,-1.9887477039521817,1,494,0 -495,0.0004041580483124656,-8.169189095497131e-05,-0.00039581581950187683,-1.774327200417697,1,495,0 -496,0.00035095935923285025,-8.693337440490723e-05,-0.00034002214670181274,-1.821104057569841,1,496,0 -497,0.0004093209443277234,-8.609890937805176e-05,-0.0004001632332801819,-1.7827249064690749,1,497,0 -498,0.00037625263957392473,-0.00014607608318328857,-0.0003467388451099396,-1.969516643994962,1,498,0 -499,0.00040586934403007244,-0.00014200061559677124,-0.0003802180290222168,-1.9282263108095898,1,499,0 -500,0.00035672646715204,-7.539242506027222e-05,-0.00034866854548454285,-1.7837473663130199,1,500,0 -501,0.00032362083216690775,-0.00016685202717781067,-0.0002772919833660126,-2.112479295167721,1,501,0 -502,0.0003637089175752078,-0.000140264630317688,-0.0003355741500854492,-1.9667093949374062,1,502,0 -503,0.00032709892144447834,-0.0001355484127998352,-0.00029769167304039,-1.9980751222932243,1,503,0 -504,0.00033000750660496024,-0.00010954216122627258,-0.0003112964332103729,-1.9091540642106415,1,504,0 -505,0.00033762453097505284,-0.00014529377222061157,-0.00030476227402687073,-2.0156671476403885,1,505,0 -506,0.00037669504324619273,-0.00013516098260879517,-0.00035161152482032776,-1.937786265953459,1,506,0 -507,0.00035234997217546487,-0.00011748075485229492,-0.00033218786120414734,-1.910725845362695,1,507,0 -508,0.00047222531600944225,-6.271898746490479e-05,-0.0004680417478084564,-1.7040057479030948,1,508,0 -509,0.0003587856888067083,-4.780665040016174e-05,-0.0003555864095687866,-1.7044394943000236,1,509,0 -510,0.00034869053204413436,-4.965439438819885e-05,-0.00034513697028160095,-1.7136845302333832,1,510,0 -511,0.00036690491683156817,-9.959936141967773e-05,-0.00035312771797180176,-1.8457041637573852,1,511,0 -512,0.0003437739526209209,-0.00016519054770469666,-0.00030148401856422424,-2.072044839610609,1,512,0 -513,0.0003175059381736894,-0.00011047720909118652,-0.0002976655960083008,-1.9261833241784205,1,513,0 -514,0.0005198722858789413,-0.00019998103380203247,-0.000479869544506073,-1.965650284870964,1,514,0 -515,0.00036580023534032096,-0.00012212246656417847,-0.00034481287002563477,-1.9111814653254475,1,515,0 -516,0.00036544391345030467,-0.00019015371799468994,-0.00031207501888275146,-2.118040991368431,1,516,0 -517,0.00041380010672520883,-0.00014074519276618958,-0.0003891289234161377,-1.9178498247222235,1,517,0 -518,0.0003598223416368087,-7.551535964012146e-05,-0.00035180896520614624,-1.782236745390326,1,518,0 -519,0.00036740654929805563,-0.00014448165893554688,-0.0003378055989742279,-1.9749571901035219,1,519,0 -520,0.00036234228003223376,-6.310641765594482e-05,-0.00035680457949638367,-1.7458514774663958,1,520,0 -521,0.00029663696797870367,-0.00012625008821487427,-0.0002684295177459717,-2.0104263529989117,1,521,0 -522,0.000374866800418289,-0.00012878328561782837,-0.00035205110907554626,-1.9214844405089473,1,522,0 -523,0.000299659223278956,-0.00011023133993148804,-0.0002786479890346527,-1.9474982552455538,1,523,0 -524,0.0004133985130910493,-0.0001087673008441925,-0.000398833304643631,-1.837035730343568,1,524,0 -525,0.0005331531722653959,-9.640678763389587e-05,-0.0005243644118309021,-1.7526203308065498,1,525,0 -526,0.0003723576141839472,-0.00010227039456367493,-0.00035803765058517456,-1.849028648138843,1,526,0 -527,0.0003929821771693335,-7.479637861251831e-05,-0.00038579851388931274,-1.7622948165657133,1,527,0 -528,0.00029421475169914455,-0.00011659786105155945,-0.00027012452483177185,-1.978281735584065,1,528,0 -529,0.0003716560766978615,-8.068978786468506e-05,-0.00036279112100601196,-1.789647922260086,1,529,0 -530,0.00033829330484416145,-0.00016080960631370544,-0.00029762834310531616,-2.0661644644665964,1,530,0 -531,0.0004579027443821418,-0.0001702830195426941,-0.0004250630736351013,-1.951825417741787,1,531,0 -532,0.0003924700613494958,-0.00010626018047332764,-0.0003778114914894104,-1.8449654911762288,1,532,0 -533,0.0005829638654773918,-0.00021420791745185852,-0.0005421824753284454,-1.947058074969975,1,533,0 -534,0.00036131635374301457,-0.00016601383686065674,-0.00032091885805130005,-2.0481941297686794,1,534,0 -535,0.0003634830475944843,-0.00012601912021636963,-0.0003409385681152344,-1.9248455923012113,1,535,0 -536,0.0004574110799804456,-9.916722774505615e-05,-0.00044653192162513733,-1.789332766762059,1,536,0 -537,0.0003827154466251948,-0.0001129545271396637,-0.00036566704511642456,-1.8703980691364428,1,537,0 -538,0.0005222099005361661,-0.00027178600430488586,-0.0004459097981452942,-2.1181783663093685,1,538,0 -539,0.00033714033887249445,-4.254281520843506e-05,-0.00033444538712501526,-1.6973208929037118,1,539,0 -540,0.0003818475255697015,-0.0001619085669517517,-0.00034582242369651794,-2.008668845335965,1,540,0 -541,0.00025477704116599306,-4.4308602809906006e-05,-0.00025089457631111145,-1.7455964252446787,1,541,0 -542,0.0003957930187404181,-0.000133465975522995,-0.00037261098623275757,-1.9147497085295846,1,542,0 -543,0.0004591046045970785,-0.00013300403952598572,-0.0004394166171550751,-1.8647129755280993,1,543,0 -544,0.00036202267252632254,-8.121132850646973e-05,-0.00035279616713523865,-1.7970483344303083,1,544,0 -545,0.0003442332468177902,-8.130446076393127e-05,-0.00033449381589889526,-1.8092393925957448,1,545,0 -546,0.00029538667790279127,-0.0001350194215774536,-0.00026272237300872803,-2.0455212526920836,1,546,0 -547,0.0005392214557852021,-0.00023630261421203613,-0.00048468634486198425,-2.0244240638701556,1,547,0 -548,0.00041794776911523217,-8.230656385421753e-05,-0.00040976330637931824,-1.7690222058734721,1,548,0 -549,0.00041350918391942575,-0.00014317035675048828,-0.0003879331052303314,-1.9243486500410765,1,549,0 -550,0.0002725786301251142,-9.959191083908081e-05,-0.00025373324751853943,-1.9448260151947674,1,550,0 -551,0.00025831097196934977,-0.0001215524971485138,-0.0002279244363307953,-2.0607290512791687,1,551,0 -552,0.00033937944882023207,-9.0036541223526e-05,-0.00032721832394599915,-1.8393088595830303,1,552,0 -553,0.000521760812720959,-0.00022689253091812134,-0.000469844788312912,-2.02067832773123,1,553,0 -554,0.00040295281141388653,-7.680058479309082e-05,-0.0003955662250518799,-1.7625640269418108,1,554,0 -555,0.0003298179785539227,-5.013495683670044e-05,-0.00032598525285720825,-1.7233958481495484,1,555,0 -556,0.0004032182608627298,-0.00013452023267745972,-0.0003801174461841583,-1.910933510970885,1,556,0 -557,0.0004312357007308579,-7.12275505065918e-05,-0.00042531266808509827,-1.7367275255584906,1,557,0 -558,0.0004242379647811186,-5.854293704032898e-05,-0.00042017921805381775,-1.7092336087020341,1,558,0 -559,0.00036689117124255594,-0.00018922612071037292,-0.0003143288195133209,-2.1126855179640516,1,559,0 -560,0.0003461532391362609,-0.00018582865595817566,-0.00029204413294792175,-2.1374826232420348,1,560,0 -561,0.00045177877119129817,-0.00025576353073120117,-0.0003724098205566406,-2.1725944395026064,1,561,0 -562,0.0003532191526342396,-0.00015326961874961853,-0.000318232923746109,-2.0196379251180057,1,562,0 -563,0.0003080593830109158,-0.00016153231263160706,-0.0002623125910758972,-2.122753146480652,1,563,0 -564,0.00029292745791970786,-9.03196632862091e-05,-0.00027865543961524963,-1.8842381376765007,1,564,0 -565,0.0003974043207771119,-0.00014404579997062683,-0.0003703795373439789,-1.9417094572671723,1,565,0 -566,0.0003986949303007942,-7.720664143562317e-05,-0.00039114803075790405,-1.765675926660273,1,566,0 -567,0.00036051108384034866,-0.00012240558862686157,-0.00033909454941749573,-1.9172172123878246,1,567,0 -568,0.00033918696044898743,-0.00017439574003219604,-0.00029091909527778625,-2.1108221611518583,1,568,0 -569,0.0003707778469695538,-0.00016076117753982544,-0.00033411383628845215,-2.0192561404027902,1,569,0 -570,0.00040078905497266366,-0.0001612529158592224,-0.00036691874265670776,-1.9848662431812434,1,570,0 -571,0.00028936981364740747,-0.00012658163905143738,-0.00026021525263786316,-2.0235450749763504,1,571,0 -572,0.00032143785102151546,-3.889203071594238e-06,-0.0003214143216609955,-1.582896015611913,1,572,0 -573,0.00039659403189271336,-6.662309169769287e-05,-0.0003909580409526825,-1.7395847715715411,1,573,0 -574,0.0003523944360939546,-0.00015406310558319092,-0.0003169327974319458,-2.0232675189779297,1,574,0 -575,0.0004381235901560904,-0.00015074759721755981,-0.0004113726317882538,-1.922050324576453,1,575,0 -576,0.000489144775561854,-0.00011227652430534363,-0.0004760846495628357,-1.8023976514692062,1,576,0 -577,0.0005059301227199809,-0.0002099648118019104,-0.000460304319858551,-1.9987474087824335,1,577,0 -578,0.0003798702093055077,-7.982179522514343e-05,-0.00037138909101486206,-1.782503359831762,1,578,0 -579,0.0003414034648930137,-0.00010841712355613708,-0.0003237314522266388,-1.893954718608456,1,579,0 -580,0.0003045296639878683,-0.0001715049147605896,-0.0002516433596611023,-2.1690250214858326,1,580,0 -581,0.0003074160026097549,-9.015202522277832e-07,-0.0003074146807193756,-1.5737289052448058,1,581,0 -582,0.00036333756992465606,-8.336082100868225e-05,-0.00035364553332328796,-1.8022891462174975,1,582,0 -583,0.000589627101790129,-0.00019777938723564148,-0.0005554668605327606,-1.9128593473399846,1,583,0 -584,0.00033630196798159555,-0.00011897832155227661,-0.00031455233693122864,-1.9324102041945344,1,584,0 -585,0.0003760996966635073,-0.000186920166015625,-0.0003263615071773529,-2.0909302127414002,1,585,0 -586,0.0004193811972006324,-8.309260010719299e-05,-0.0004110671579837799,-1.7702475254405026,1,586,0 -587,0.00043602200300786115,-0.00014021247625350952,-0.00041286274790763855,-1.8981855484351329,1,587,0 -588,0.0003144217227193258,-0.00015253946185112,-0.0002749413251876831,-2.0773228904138272,1,588,0 -589,0.00036643716665440664,-9.609758853912354e-05,-0.0003536120057106018,-1.8361478206981128,1,589,0 -590,0.00040559816660344037,-0.00011250004172325134,-0.0003896839916706085,-1.851850090764824,1,590,0 -591,0.0003846510874784771,-0.0001452714204788208,-0.0003561638295650482,-1.9580756527283154,1,591,0 -592,0.0003616043317342405,-0.00011864304542541504,-0.00034158676862716675,-1.9050898000906487,1,592,0 -593,0.0003720775804704271,-7.797405123710632e-05,-0.000363815575838089,-1.7819253231811465,1,593,0 -594,0.00046636545436311527,-0.00021873041987419128,-0.00041189044713974,-2.058966707234012,1,594,0 -595,0.00035758937831747366,-0.00018006935715675354,-0.000308942049741745,-2.098516077820023,1,595,0 -596,0.0005015556581430501,-0.00017995387315750122,-0.0004681609570980072,-1.9377691210760928,1,596,0 -597,0.00039253514093672085,-7.415562868118286e-05,-0.00038546696305274963,-1.7608530777155256,1,597,0 -598,0.0003944140657715944,-7.132813334465027e-05,-0.00038791075348854065,-1.752642705669571,1,598,0 -599,0.0003758309004442678,-7.943809032440186e-05,-0.00036733970046043396,-1.7837692399347038,1,599,0 -600,0.0005152138555755571,-0.00018439069390296936,-0.00048108771443367004,-1.9368052444440609,1,600,0 -601,0.00030174389452713063,-0.00015365704894065857,-0.00025968998670578003,-2.105086208371261,1,601,0 -602,0.00038436306831766823,-8.035078644752502e-05,-0.00037587061524391174,-1.7813988882591618,1,602,0 -603,0.0003269532590099869,-4.1875988245010376e-05,-0.0003242604434490204,-1.6992285474183193,1,603,0 -604,0.0003306014454170667,-0.00016427412629127502,-0.00028689950704574585,-2.0908131776352183,1,604,0 -605,0.00040762771063653587,-0.00014052540063858032,-0.00038263946771621704,-1.9227576576557246,1,605,0 -606,0.00034788783148434997,-0.00011547282338142395,-0.00032816454768180847,-1.9091403389254995,1,606,0 -607,0.000455412145353282,-6.209686398506165e-05,-0.000451158732175827,-1.7075755317303873,1,607,0 -608,0.0005286840166389998,-0.00018408149480819702,-0.0004956014454364777,-1.9264339096328573,1,608,0 -609,0.0003885139087463336,-0.0001925341784954071,-0.000337451696395874,-2.089282371205549,1,609,0 -610,0.00036228241981557733,-3.255531191825867e-05,-0.00036081671714782715,-1.6607794030242329,1,610,0 -611,0.00040923091713332107,-0.00012448802590370178,-0.00038983672857284546,-1.8798947947462727,1,611,0 -612,0.00031830757238136354,-0.0001248680055141449,-0.0002927929162979126,-1.9739131825219383,1,612,0 -613,0.00037765110520188286,-0.000122852623462677,-0.00035711005330085754,-1.902132906539306,1,613,0 -614,0.00043017382153927135,-7.865950465202332e-05,-0.0004229210317134857,-1.75468612613902,1,614,0 -615,0.00042821122219886663,-5.39831817150116e-05,-0.00042479485273361206,-1.6971993777315455,1,615,0 -616,0.0002588250776522627,-0.00012564659118652344,-0.00022628158330917358,-2.0776739504077333,1,616,0 -617,0.0003480186901591639,-9.31769609451294e-05,-0.0003353133797645569,-1.8418382929910213,1,617,0 -618,0.0004886468116830915,-0.00014620646834373474,-0.0004662610590457916,-1.8746576316701689,1,618,0 -619,0.00039934834620799977,-7.387623190879822e-05,-0.0003924556076526642,-1.7568600043984428,1,619,0 -620,0.00040686877629972183,-4.693120718002319e-05,-0.0004041530191898346,-1.686400934243753,1,620,0 -621,0.00039450071259436486,-0.0001271367073059082,-0.00037345290184020996,-1.8989253512705138,1,621,0 -622,0.0004314184396164335,-0.00011588260531425476,-0.00041556358337402344,-1.8427443457537014,1,622,0 -623,0.0003601563013667003,-0.0001274198293685913,-0.00033686310052871704,-1.932416799282638,1,623,0 -624,0.00031092480034135034,-0.00010941177606582642,-0.00029103830456733704,-1.9303873471780322,1,624,0 -625,0.0003614760911503513,-0.00012085586786270142,-0.0003406740725040436,-1.9117010270766412,1,625,0 -626,0.0003617509296439978,-0.00010148808360099792,-0.0003472231328487396,-1.8551601182170634,1,626,0 -627,0.0003250135515852986,-0.00017963722348213196,-0.00027085840702056885,-2.156405160635198,1,627,0 -628,0.0004030751404737033,-0.00019852444529533386,-0.0003507956862449646,-2.085784615756635,1,628,0 -629,0.0002372170757126386,-9.967014193534851e-05,-0.00021526217460632324,-2.0044226749677025,1,629,0 -630,0.00033761117685916374,-0.00013930723071098328,-0.00030753016471862793,-1.9961316386615686,1,630,0 -631,0.0003937407202651523,-0.00021828338503837585,-0.00032769516110420227,-2.1584184378197917,1,631,0 -632,0.0003810107312191041,-9.246915578842163e-05,-0.00036961957812309265,-1.8159386141253002,1,632,0 -633,0.0003751970415266898,-0.0001589469611644745,-0.00033986568450927734,-2.0082518466915067,1,633,0 -634,0.0003497024498340529,-0.00016922131180763245,-0.00030603259801864624,-2.0759030595900283,1,634,0 -635,0.0005235138266579491,-0.0002968907356262207,-0.0004311874508857727,-2.1737909973221243,1,635,0 -636,0.0003904520462914407,-0.0001422390341758728,-0.00036362186074256897,-1.9436700893619523,1,636,0 -637,0.00044341479485694084,-4.5534223318099976e-05,-0.00044107064604759216,-1.6736675752303314,1,637,0 -638,0.00034782554852420827,-0.00011293590068817139,-0.00032898038625717163,-1.9014815655012054,1,638,0 -639,0.00033641874218531256,-6.163865327835083e-05,-0.0003307238221168518,-1.7550572659826489,1,639,0 -640,0.00037662979249238635,-0.00014223530888557434,-0.0003487393260002136,-1.9580564290625375,1,640,0 -641,0.0003775032333752892,-0.00011413171887397766,-0.00035983696579933167,-1.8779356669815526,1,641,0 -642,0.0004041524980595388,-0.000125199556350708,-0.00038427114486694336,-1.8857610795121518,1,642,0 -643,0.00038923846085299994,-0.0001239292323589325,-0.00036898255348205566,-1.8948258570621153,1,643,0 -644,0.0002806851072935443,-0.00010722875595092773,-0.00025939568877220154,-1.962782938853925,1,644,0 -645,0.0003699992324676638,-0.00015495717525482178,-0.0003359876573085785,-2.002924226502613,1,645,0 -646,0.00032967689169916876,-0.0001352652907371521,-0.0003006495535373688,-1.9935755449331904,1,646,0 -647,0.00034612594411672016,-0.00015296414494514465,-0.00031049177050590515,-2.0285476358091508,1,647,0 -648,0.0003364109366865288,-5.4288655519485474e-05,-0.00033200159668922424,-1.7328811087106528,1,648,0 -649,0.00034805120809340887,-0.00016730651259422302,-0.00030520185828208923,-2.0722435644932937,1,649,0 -650,0.0003990129330637536,-0.00012390688061714172,-0.0003792867064476013,-1.8865505491315013,1,650,0 -651,0.0003547901053556497,-0.00015247240662574768,-0.0003203563392162323,-2.0150164562606485,1,651,0 -652,0.0005259161188639348,-0.0002411976456642151,-0.00046734511852264404,-2.0472422231987184,1,652,0 -653,0.0001950819993361094,0.0001855790615081787,-6.01448118686676e-05,-0.3134110232287177,1,653,0 -654,0.00039955303851580077,-2.9321759939193726e-05,-0.00039847567677497864,-1.644248760227929,1,654,0 -655,0.00033785691426890574,-9.128078818321228e-05,-0.00032529234886169434,-1.8443720241266959,1,655,0 -656,0.0003375559449315858,-0.00010480359196662903,-0.0003208741545677185,-1.8864918484860416,1,656,0 -657,0.0003801196396511886,-0.00010775402188301086,-0.0003645271062850952,-1.8582110704330927,1,657,0 -658,0.0003250918894514586,-8.893758058547974e-05,-0.0003126896917819977,-1.8479060104917593,1,658,0 -659,0.0005373213944955563,-0.00021880120038986206,-0.0004907548427581787,-1.990190616982393,1,659,0 -660,0.0002899591396318719,-0.00010666996240615845,-0.00026962533593177795,-1.9475236722420166,1,660,0 -661,0.0005759387292651889,-0.00019489973783493042,-0.0005419589579105377,-1.9160162116897022,1,661,0 -662,0.0005144654383978031,-0.00022285804152488708,-0.0004636906087398529,-2.0188184364385715,1,662,0 -663,0.0003403644779287397,-8.339434862136841e-05,-0.0003299899399280548,-1.8183313274288844,1,663,0 -664,0.00040139088025931054,-0.00016991794109344482,-0.00036365166306495667,-2.0079062346353194,1,664,0 -665,0.00034089393628123797,-0.0001630634069442749,-0.0002993643283843994,-2.0695604524649176,1,665,0 -666,0.0003792571760406438,-0.00011203065514564514,-0.00036233291029930115,-1.8706652184761734,1,666,0 -667,0.0004479679409030546,-0.000163983553647995,-0.00041687488555908203,-1.945568917420181,1,667,0 -668,0.0003671613273777531,-0.00011955201625823975,-0.00034715235233306885,-1.9024549174575713,1,668,0 -669,0.000367577899779268,-7.282570004463196e-05,-0.000360291451215744,-1.7702390928227203,1,669,0 -670,0.0003237781409997287,-7.263943552970886e-05,-0.0003155246376991272,-1.797071705441082,1,670,0 -671,0.0003888637935397189,-0.00012633949518203735,-0.0003677681088447571,-1.9016959230496633,1,671,0 -672,0.0003959737502291416,-8.863955736160278e-05,-0.00038592517375946045,-1.796561419496462,1,672,0 -673,0.0003949377041844026,8.959323167800903e-06,-0.00039483606815338135,-1.5481089720459853,1,673,0 -674,0.0003592248759810063,-0.0001652352511882782,-0.000318966805934906,-2.0487658429628133,1,674,0 -675,0.00036308887209317596,-0.00017417222261428833,-0.0003185868263244629,-2.071104363034901,1,675,0 -676,0.0003949583101239918,-0.00018852576613426208,-0.0003470592200756073,-2.0684109368558374,1,676,0 -677,0.0003303921453523558,-0.0001433826982975006,-0.00029765814542770386,-2.0196991485572915,1,677,0 -678,0.00036361246169485517,-0.0001604706048965454,-0.00032628700137138367,-2.0278690019047185,1,678,0 -679,0.0003710966189982036,-7.869303226470947e-05,-0.00036265701055526733,-1.7844740140496034,1,679,0 -680,0.000299932181891748,-4.990771412849426e-05,-0.00029575079679489136,-1.7379705784326076,1,680,0 -681,0.00034615787357747277,-0.0001247413456439972,-0.0003229007124900818,-1.9394497935112807,1,681,0 -682,0.0003461531055514994,-0.0001350603997707367,-0.00031871721148490906,-1.971618327028471,1,682,0 -683,0.00036866129127345284,-0.00014884769916534424,-0.0003372766077518463,-1.9864105132953778,1,683,0 -684,0.0003400610481980602,-0.00016965344548225403,-0.0002947188913822174,-2.093115178729302,1,684,0 -685,0.0002968016921074932,-6.697699427604675e-05,-0.0002891458570957184,-1.7984192900082558,1,685,0 -686,0.0003778515863534775,-0.00011087208986282349,-0.00036121904850006104,-1.868606643114227,1,686,0 -687,0.000358007494115433,-0.00014072656631469727,-0.0003291890025138855,-1.974778140521026,1,687,0 -688,0.0005588790625708997,-0.00015827640891075134,-0.0005359984934329987,-1.857928864625353,1,688,0 -689,0.0005764432146987782,-0.00020942091941833496,-0.0005370564758777618,-1.9426021264656144,1,689,0 -690,0.0006216975250872934,-6.353110074996948e-05,-0.0006184428930282593,-1.6731647522367514,1,690,0 -691,0.00033631463823759856,-0.00010233372449874878,-0.0003203675150871277,-1.8799785325598404,1,691,0 -692,0.000368094695327448,-0.00015367195010185242,-0.0003344826400279999,-2.0014659718693024,1,692,0 -693,0.0004083880160988895,-9.828060865402222e-05,-0.0003963857889175415,-1.813836930675423,1,693,0 -694,0.00033769909092802705,-0.0001719444990158081,-0.00029064714908599854,-2.1050104610588773,1,694,0 -695,0.00044427149776263497,-0.00022368133068084717,-0.0003838539123535156,-2.0984168849538483,1,695,0 -696,0.000323814653081403,-0.00014751404523849487,-0.0002882629632949829,-2.043787246365037,1,696,0 -697,0.0003959000158306358,-0.00013281404972076416,-0.0003729574382305145,-1.912904369328188,1,697,0 -698,0.0003192640714245697,-0.00016482174396514893,-0.00027342885732650757,-2.113268965727257,1,698,0 -699,0.00028327163009958067,-0.00011957809329032898,-0.0002567954361438751,-2.0065924627493,1,699,0 -700,0.0002931637277203943,-0.0001168176531791687,-0.00026888400316238403,-1.9806470259122864,1,700,0 -701,0.00041346899124139355,-0.00016212090849876404,-0.00038035959005355835,-1.9737088687720699,1,701,0 -702,0.0003117369107353347,-0.00018728524446487427,-0.0002492070198059082,-2.2152725646988554,1,702,0 -703,0.0003588550642329764,-0.00014888867735862732,-0.0003265105187892914,-1.9986283363640012,1,703,0 -704,0.00035080392432670937,-0.00013215094804763794,-0.0003249607980251312,-1.957037176241689,1,704,0 -705,0.0005323024669686755,-0.00021626800298690796,-0.00048638880252838135,-1.9891840908269274,1,705,0 -706,0.0003716421612373237,-6.084144115447998e-05,-0.00036662817001342773,-1.7352462890365243,1,706,0 -707,0.0003575748131099343,-8.957833051681519e-05,-0.00034617260098457336,-1.8240098838477268,1,707,0 -708,0.0003318331268163918,-9.203702211380005e-05,-0.00031881406903266907,-1.8518408634747126,1,708,0 -709,0.000526654222554309,-0.00021420419216156006,-0.00048112496733665466,-1.9896641684829424,1,709,0 -710,0.00037298622390367236,-0.00013226643204689026,-0.00034874677658081055,-1.9332983797358323,1,710,0 -711,0.00039775429231520075,-0.00019711628556251526,-0.000345475971698761,-2.0892907354305037,1,711,0 -712,0.00027500227041896033,-0.00010647252202033997,-0.00025355443358421326,-1.9683561254457096,1,712,0 -713,0.00036160446293070263,-0.00013001635670661926,-0.00033742189407348633,-1.9385862879855165,1,713,0 -714,0.00030099564316307784,-0.00011993199586868286,-0.00027607008814811707,-1.9806236280145775,1,714,0 -715,0.0003057705233441204,-0.00010415539145469666,-0.00028748437762260437,-1.9183859216268506,1,715,0 -716,0.0002764770096031719,-0.00016441568732261658,-0.00022227689623832703,-2.207665414614957,1,716,0 -717,0.0003584558960128254,-5.924329161643982e-05,-0.0003535263240337372,-1.7368317332786491,1,717,0 -718,0.0002970435027093951,-0.0001461431384086609,-0.0002586059272289276,-2.0851731131343345,1,718,0 -719,0.0003337160532900532,-8.971989154815674e-05,-0.00032142922282218933,-1.842996228438818,1,719,0 -720,0.00024389719132131385,-4.4893473386764526e-05,-0.0002397298812866211,-1.7559190906639868,1,720,0 -721,0.00035695662244502203,-8.743256330490112e-05,-0.0003460831940174103,-1.8182530016262406,1,721,0 -722,0.0003555761462755608,-0.00012064725160598755,-0.0003344826400279999,-1.916969773204127,1,722,0 -723,0.00035474057883668543,-0.00013465434312820435,-0.0003281906247138977,-1.9601444375270192,1,723,0 -724,0.0003254902805916694,-8.255615830421448e-05,-0.00031484663486480713,-1.8272339928160128,1,724,0 -725,0.00031464502638508304,-0.00019433721899986267,-0.0002474561333656311,-2.236534150580195,1,725,0 -726,0.0003649458177468786,-0.00018700212240219116,-0.000313393771648407,-2.1087859619542426,1,726,0 -727,0.00041608252640718777,-0.00012759491801261902,-0.0003960356116294861,-1.8824758984849108,1,727,0 -728,0.0003977168449691498,-8.91275703907013e-05,-0.0003876015543937683,-1.7968137785618024,1,728,0 -729,0.0003349370342688634,-5.567818880081177e-05,-0.0003302767872810364,-1.7378064231028563,1,729,0 -730,0.00032814559418987575,-9.238347411155701e-05,-0.00031487271189689636,-1.8561866056536684,1,730,0 -731,0.0002863270743118065,-0.00010823830962181091,-0.0002650804817676544,-1.9584565701954173,1,731,0 -732,0.0004028998635367457,-0.0001010894775390625,-0.00039001181721687317,-1.824411085844912,1,732,0 -733,0.00033062587376391184,-0.0001652240753173828,-0.00028638169169425964,-2.094084783947874,1,733,0 -734,0.0004132703648500223,-7.2479248046875e-05,-0.00040686503052711487,-1.7470877973390142,1,734,0 -735,0.0004041333557688527,-0.0001448020339012146,-0.0003773011267185211,-1.937245476540143,1,735,0 -736,0.0003779618237562737,-0.00016283243894577026,-0.00034108757972717285,-2.016194408011325,1,736,0 -737,0.00042403701237960965,-0.0001535266637802124,-0.00039526820182800293,-1.9412727601666386,1,737,0 -738,0.00032559980251712755,-0.0001063905656337738,-0.0003077276051044464,-1.9036617960989928,1,738,0 -739,0.00042702008302117843,-9.339675307273865e-05,-0.000416681170463562,-1.791296252540003,1,739,0 -740,0.0003147283051956539,-0.00014410540461540222,-0.00027979910373687744,-2.0463968443021923,1,740,0 -741,0.0003132102420480506,-0.00012231990694999695,-0.00028833746910095215,-1.9720101949296749,1,741,0 -742,0.0003484097564826897,-0.00016036257147789001,-0.0003093108534812927,-2.049095672675718,1,742,0 -743,0.0003094028307642888,-0.00011464208364486694,-0.00028738006949424744,-1.9503726026468373,1,743,0 -744,0.000473394646859179,-0.00016297399997711182,-0.00044445693492889404,-1.9222539272040147,1,744,0 -745,0.00025832027685812413,-0.00013128668069839478,-0.00022247061133384705,-2.103927192999588,1,745,0 -746,0.00035814324490084765,-0.00013360753655433655,-0.0003322884440422058,-1.9530971082240893,1,746,0 -747,0.0003592318927500292,-0.0001467280089855194,-0.0003279000520706177,-1.9915508490946687,1,747,0 -748,0.00046011415944416525,-0.0001306384801864624,-0.00044117867946624756,-1.858682716028209,1,748,0 -749,0.00043383796228495583,-8.61920416355133e-05,-0.000425189733505249,-1.7708004284794052,1,749,0 -750,0.00034142498763611504,-8.356571197509766e-05,-0.00033104047179222107,-1.8180640481756007,1,750,0 -751,0.0003503619450672526,-5.491822957992554e-05,-0.0003460310399532318,-1.7281925304468764,1,751,0 -752,0.0006572964804772755,-0.00019960850477218628,-0.0006262548267841339,-1.8793501545496198,1,752,0 -753,0.000352330436327133,-0.00010718777775764465,-0.00033563002943992615,-1.8799212388151938,1,753,0 -754,0.0003373908543385886,-8.20159912109375e-05,-0.0003272704780101776,-1.8163453931591327,1,754,0 -755,0.0003841540009729224,-0.00015406683087348938,-0.00035190582275390625,-1.9834644140493902,1,755,0 -756,0.00043388089947018506,-7.819384336471558e-05,-0.0004267767071723938,-1.7520060318193427,1,756,0 -757,0.00033858747053279047,-0.00013393163681030273,-0.00031097233295440674,-1.9774737532331368,1,757,0 -758,0.0005121147564247444,-0.00020383670926094055,-0.00046980008482933044,-1.980164035690735,1,758,0 -759,0.0003509380869722804,-0.00017646700143814087,-0.00030334293842315674,-2.097681833252638,1,759,0 -760,0.0005338054281724324,-0.00020195916295051575,-0.0004941262304782867,-1.9587970784605693,1,760,0 -761,0.00045144427342816396,-7.534399628639221e-05,-0.00044511258602142334,-1.7384764417382503,1,761,0 -762,0.0003384723604586724,-0.00011379644274711609,-0.0003187693655490875,-1.91368182058766,1,762,0 -763,0.0003150866146661293,-7.64504075050354e-05,-0.00030567124485969543,-1.8158753529488314,1,763,0 -764,0.00039473422455913815,-0.0001695975661277771,-0.00035644322633743286,-2.014901487508525,1,764,0 -765,0.0003703694724637462,-7.821619510650635e-05,-0.0003620162606239319,-1.7835826923731088,1,765,0 -766,0.000368767750509125,-0.00010303407907485962,-0.000354081392288208,-1.8539665366968414,1,766,0 -767,0.0003614500487117706,-0.00012134388089179993,-0.00034047290682792664,-1.9131595606398506,1,767,0 -768,0.00036272105555544955,-0.00014065951108932495,-0.00033433735370635986,-1.9690288272900047,1,768,0 -769,0.00032679901418116775,-0.00011560693383216858,-0.00030566751956939697,-1.932379475057078,1,769,0 -770,0.0003883598676224688,-0.00020069628953933716,-0.00033248215913772583,-2.113880855500274,1,770,0 -771,0.00034991084858838846,-0.00010807439684867859,-0.00033280253410339355,-1.8847933238450463,1,771,0 -772,0.00039343036921737825,-0.00013329088687896729,-0.0003701634705066681,-1.9164285249425503,1,772,0 -773,0.0003121816280806597,-0.00010656565427780151,-0.0002934299409389496,-1.9191574863973508,1,773,0 -774,0.0003527486178498031,-0.00015455856919288635,-0.00031708553433418274,-2.024341456468177,1,774,0 -775,0.00040241068007542275,-0.0001245848834514618,-0.00038263946771621704,-1.8855648379388308,1,775,0 -776,0.0003833430170606352,-0.00013913214206695557,-0.0003572031855583191,-1.9422219863677717,1,776,0 -777,0.000595132147472051,-9.932368993759155e-05,-0.0005867853760719299,-1.7384744663917773,1,777,0 -778,0.00028392987864041383,-0.0001363791525363922,-0.0002490319311618805,-2.0718236874837594,1,778,0 -779,0.00030252938788639597,-9.008124470710754e-05,-0.00028880685567855835,-1.8731420130600855,1,779,0 -780,0.000357153318915776,-8.457154035568237e-05,-0.00034699589014053345,-1.8098603540971094,1,780,0 -781,0.00033173032892896775,-0.00015621259808540344,-0.0002926476299762726,-2.0611097061680685,1,781,0 -782,0.0003153720070897804,-0.00020691752433776855,-0.00023800134658813477,-2.286443803757973,1,782,0 -783,0.0003375254393519508,-0.00012461096048355103,-0.00031368061900138855,-1.9489334432020762,1,783,0 -784,0.00035069362546009085,-7.187947630882263e-05,-0.00034324824810028076,-1.7772229851855719,1,784,0 -785,0.00042984819408747833,-7.330998778343201e-05,-0.0004235506057739258,-1.7421826789703438,1,785,0 -786,0.00036916985916185855,-0.00016093626618385315,-0.00033224374055862427,-2.021879889143947,1,786,0 -787,0.000612410059686481,-0.0001653917133808136,-0.0005896538496017456,-1.8442588852666832,1,787,0 -788,0.00037402783796124415,-0.0002049580216407776,-0.0003128722310066223,-2.150738197843273,1,788,0 -789,0.0005503580692404782,-0.0002501159906387329,-0.000490240752696991,-2.0425627635087165,1,789,0 -790,0.0004276088590832458,-0.00012078508734703064,-0.0004101954400539398,-1.8571604525603487,1,790,0 -791,0.0003940456319958589,-9.882822632789612e-05,-0.0003814511001110077,-1.824307053484131,1,791,0 -792,0.0003254622795919898,-0.00014840811491012573,-0.00028965622186660767,-2.044282570750476,1,792,0 -793,0.000259203177557457,-8.443742990493774e-05,-0.00024506449699401855,-1.9026093546005676,1,793,0 -794,0.0003544958990186374,-0.0001882687211036682,-0.00030037015676498413,-2.1306811058796398,1,794,0 -795,0.0003568657596521773,-8.717924356460571e-05,-0.0003460533916950226,-1.8175852336820733,1,795,0 -796,0.00040213386974542156,-0.00014505162835121155,-0.0003750622272491455,-1.9398198118184753,1,796,0 -797,0.00038696676145967584,-8.839741349220276e-05,-0.0003767348825931549,-1.8012679573967671,1,797,0 -798,0.000603236661328769,-0.0001507103443145752,-0.0005841068923473358,-1.8233073951385268,1,798,0 -799,0.00039280531180245796,-0.0001626722514629364,-0.00035753846168518066,-1.997782512632305,1,799,0 -800,0.00041914467138299535,-0.00017547234892845154,-0.0003806464374065399,-2.0027478484591876,1,800,0 -801,0.00046095646357171237,-0.00021533295512199402,-0.00040756911039352417,-2.0568540077796547,1,801,0 -802,0.000439813278338677,-2.874806523323059e-05,-0.00043887272477149963,-1.6362072114944766,1,802,0 -803,0.00036894484950263,-0.00016228854656219482,-0.00033133476972579956,-2.0262525796863495,1,803,0 -804,0.0003552828063340116,-7.141381502151489e-05,-0.00034803152084350586,-1.7731806379540003,1,804,0 -805,0.0004143823089410844,-0.00011138617992401123,-0.00039913132786750793,-1.8429438283250181,1,805,0 -806,0.0003816743573529961,-0.00010573491454124451,-0.00036673620343208313,-1.8514971685059471,1,806,0 -807,0.00035170411972960545,-0.0001329183578491211,-0.000325620174407959,-1.9583521544012412,1,807,0 -808,0.00029492019274456857,-0.00018353015184402466,-0.00023085623979568481,-2.242479560670721,1,808,0 -809,0.00043146414777032473,-0.00011052191257476807,-0.00041706860065460205,-1.8298392196474271,1,809,0 -810,0.00028389783348873574,-0.00012774765491485596,-0.0002535320818424225,-2.037536540046067,1,810,0 -811,0.0003802398771177107,-0.00012209266424179077,-0.0003601051867008209,-1.8976805385239965,1,811,0 -812,0.0006567230129028904,-0.00024809688329696655,-0.0006080567836761475,-1.9581938723314032,1,812,0 -813,0.0005040231220925544,-0.0001642070710659027,-0.0004765242338180542,-1.9026464146108235,1,813,0 -814,0.00031195936514765885,-7.295235991477966e-05,-0.0003033094108104706,-1.8068341143991296,1,814,0 -815,0.00043275183846918307,-0.00015769153833389282,-0.0004029981791973114,-1.94377672919335,1,815,0 -816,0.00044782380954706027,-5.950033664703369e-05,-0.0004438534379005432,-1.704055888178363,1,816,0 -817,0.0003472706947782154,-9.562447667121887e-05,-0.0003338456153869629,-1.8497605403326947,1,817,0 -818,0.0003749684563382228,-0.0001314021646976471,-0.00035119056701660156,-1.9288321092042287,1,818,0 -819,0.00028694369438758536,-9.892135858535767e-05,-0.00026935338973999023,-1.9227595640893111,1,819,0 -820,0.000333518265883425,-2.655014395713806e-05,-0.00033245980739593506,-1.6504869135535736,1,820,0 -821,0.00037586291875973683,-0.00016637519001960754,-0.0003370344638824463,-2.029346575188446,1,821,0 -822,0.0003772547343267013,-0.00014523789286613464,-0.0003481768071651459,-1.9659892722356078,1,822,0 -823,0.0005034871467974698,-0.00020491331815719604,-0.00045990198850631714,-1.9899507069657716,1,823,0 -824,0.00044986073790801275,-0.00010579079389572144,-0.0004372447729110718,-1.8081830363899376,1,824,0 -825,0.00031734499859019426,-0.0001293756067752838,-0.00028977543115615845,-1.9907095902740173,1,825,0 -826,0.00025965581839966696,-9.164586663246155e-05,-0.00024294480681419373,-1.9315198998442116,1,826,0 -827,0.0003292610819366935,-0.00013333559036254883,-0.0003010556101799011,-1.9877248411604145,1,827,0 -828,0.00036766959209418807,-0.0001948624849319458,-0.00031178444623947144,-2.1293891980921136,1,828,0 -829,0.0004201246471206268,-9.20519232749939e-05,-0.0004099160432815552,-1.7916946639033178,1,829,0 -830,0.0004338799905924424,-0.00010157749056816101,-0.00042182207107543945,-1.8071037300487531,1,830,0 -831,0.0003596884988997129,-2.349168062210083e-05,-0.00035892054438591003,-1.636154028409655,1,831,0 -832,0.0003608194988738634,-0.0001237913966178894,-0.000338919460773468,-1.9209945424279158,1,832,0 -833,0.00040769230257007503,-9.410083293914795e-05,-0.00039668381214141846,-1.8037098655823498,1,833,0 -834,0.00032295054956251774,-5.764886736869812e-05,-0.0003177635371685028,-1.7502649886046007,1,834,0 -835,0.00037571985408188003,-0.0002333521842956543,-0.00029446929693222046,-2.24091660477264,1,835,0 -836,0.00036801168977657945,-0.0001167096197605133,-0.0003490149974822998,-1.8935040086197976,1,836,0 -837,0.0006758282602266437,-0.0001144707202911377,-0.0006660632789134979,-1.7409952649439182,1,837,0 -838,0.00040827469261020197,-9.048357605934143e-05,-0.00039812177419662476,-1.7942761634158064,1,838,0 -839,0.00037802613762485265,-6.012246012687683e-05,-0.0003732144832611084,-1.7305176974473842,1,839,0 -840,0.000648272703610081,-0.00028593093156814575,-0.0005818083882331848,-2.027582230632637,1,840,0 -841,0.0003511381915881088,-0.0001427195966243744,-0.0003208257257938385,-1.989359974256729,1,841,0 -842,0.0005891311931079153,-0.00022537633776664734,-0.0005443170666694641,-1.9633587024522416,1,842,0 -843,0.0004544072865728481,-5.179643630981445e-05,-0.0004514455795288086,-1.6850314279721463,1,843,0 -844,0.00046111460331458925,-0.00017108023166656494,-0.0004282034933567047,-1.9508976470189183,1,844,0 -845,0.0003653409848718336,-0.00014113634824752808,-0.00033697858452796936,-1.9674283528998913,1,845,0 -846,0.00035056225850272157,-0.00010346993803977966,-0.00033494457602500916,-1.870413276452011,1,846,0 -847,0.0005334544869309422,-0.00024773553013801575,-0.00047244131565093994,-2.0537517775882383,1,847,0 -848,0.00036079481971038345,-0.00014804676175117493,-0.0003290213644504547,-1.993617768413311,1,848,0 -849,0.00033274362148520795,-0.00011685490608215332,-0.00031154975295066833,-1.9296338251677658,1,849,0 -850,0.000321392432206702,-2.2891908884048462e-05,-0.00032057613134384155,-1.6420839716279392,1,850,0 -851,0.00033538066458256864,-0.00013079121708869934,-0.0003088265657424927,-1.9714044690057047,1,851,0 -852,0.0002763179507048551,-4.0687620639801025e-05,-0.0002733059227466583,-1.718582990063244,1,852,0 -853,0.0003366116508906654,-0.0001368001103401184,-0.0003075599670410156,-1.9893105674599347,1,853,0 -854,0.00032083381605722236,-8.210912346839905e-05,-0.00031014904379844666,-1.8295999023919065,1,854,0 -855,0.000398160357334141,-9.66005027294159e-05,-0.0003862641751766205,-1.8158589512630388,1,855,0 -856,0.0003025259568541467,-0.000109158456325531,-0.00028214603662490845,-1.9399469877548745,1,856,0 -857,0.0003338572526425099,-0.00010620057582855225,-0.00031651556491851807,-1.8945228842654391,1,857,0 -858,0.0005151449225838709,-9.664148092269897e-05,-0.0005059987306594849,-1.7595150994559352,1,858,0 -859,0.00040266919990226713,-8.116662502288818e-05,-0.00039440393447875977,-1.77375839203281,1,859,0 -860,0.00035212624532651737,-0.00011544302105903625,-0.00033266469836235046,-1.9048185027244409,1,860,0 -861,0.0003135361372119979,-0.00010192394256591797,-0.0002965070307254791,-1.9018913501045704,1,861,0 -862,0.0002891992935416074,-0.0001374557614326477,-0.00025444477796554565,-2.06609869964463,1,862,0 -863,0.0003173688163307317,-0.0001463666558265686,-0.000281602144241333,-2.050129829581234,1,863,0 -864,0.0003745859646370244,-0.00019528716802597046,-0.000319652259349823,-2.1192184398040643,1,864,0 -865,0.0003761919268524097,-0.00017033889889717102,-0.0003354176878929138,-2.040697148118196,1,865,0 -866,0.00035752575366489186,-8.304044604301453e-05,-0.00034774839878082275,-1.805201262796924,1,866,0 -867,0.0004529363281112531,-0.00014884024858474731,-0.0004277825355529785,-1.9056297606701416,1,867,0 -868,0.0006390072820164324,-0.00018531084060668945,-0.0006115473806858063,-1.8650210859175675,1,868,0 -869,0.00035359470654116503,-0.0001763179898262024,-0.000306498259305954,-2.0928303969979867,1,869,0 -870,0.00038490285982489857,-0.00011399760842323303,-0.00036763399839401245,-1.8714790960504222,1,870,0 -871,0.0003881136650229298,-0.00010725855827331543,-0.0003729984164237976,-1.8507994224080246,1,871,0 -872,0.00037149693225357004,-0.0001069381833076477,-0.0003557726740837097,-1.862785231279039,1,872,0 -873,0.00038055645958393096,-6.43022358417511e-05,-0.0003750845789909363,-1.7405798384205577,1,873,0 -874,0.000540297156547177,-0.0002322159707546234,-0.0004878491163253784,-2.015059908561345,1,874,0 -875,0.0003149663972547039,-6.579235196113586e-05,-0.00030801817774772644,-1.7812329311180919,1,875,0 -876,0.0003567172115027107,-0.00014628097414970398,-0.0003253445029258728,-1.9933331226155244,1,876,0 -877,0.0004354847941143837,-0.00011239573359489441,-0.0004207305610179901,-1.8318445052767534,1,877,0 -878,0.00035996499353817713,-0.00016344711184501648,-0.0003207176923751831,-2.0421176150032374,1,878,0 -879,0.0003663346617290142,-0.00015114620327949524,-0.0003337003290653229,-1.9960924084689182,1,879,0 -880,0.00040895305266405095,-0.00010708719491958618,-0.0003946833312511444,-1.835742106190942,1,880,0 -881,0.0004001943584345796,-0.00017188489437103271,-0.00036140158772468567,-2.0147392839370193,1,881,0 -882,0.0003674615910586733,-0.00019452348351478577,-0.0003117509186267853,-2.1286552318779237,1,882,0 -883,0.0003739699650784041,-6.629154086112976e-05,-0.0003680475056171417,-1.7490024021695947,1,883,0 -884,0.0003537264658842107,-6.368756294250488e-05,-0.00034794583916664124,-1.751831058570292,1,884,0 -885,0.00037066145397101464,-9.678304195404053e-05,-0.00035780295729637146,-1.8349672070771084,1,885,0 -886,0.0004015775863001058,-4.3682754039764404e-05,-0.0003991946578025818,-1.6797898673571643,1,886,0 -887,0.0003212344026574124,-0.00010460242629051208,-0.0003037266433238983,-1.9024705666850157,1,887,0 -888,0.00027312591567216194,-0.00014204159379005432,-0.00023328512907028198,-2.117716365913279,1,888,0 -889,0.0004928246189399053,-0.0002768374979496002,-0.0004077218472957611,-2.167279397606783,1,889,0 -890,0.00030134822886603024,-6.132200360298157e-05,-0.0002950429916381836,-1.7757197289085913,1,890,0 -891,0.0003325801882328917,-0.00014015287160873413,-0.0003016069531440735,-2.0057967279756497,1,891,0 -892,0.00041473203593107556,-0.00011692196130752563,-0.0003979094326496124,-1.8565927946259515,1,892,0 -893,0.00039130639022299575,-0.00016582012176513672,-0.0003544352948665619,-2.008389134203966,1,893,0 -894,0.00045604507555273245,-0.00012739747762680054,-0.0004378892481327057,-1.8539163557528524,1,894,0 -895,0.0003736737759520056,-0.00010783225297927856,-0.0003577768802642822,-1.8635326768930613,1,895,0 -896,0.00032993923480669277,-7.107481360435486e-05,-0.000322192907333374,-1.7879160730019577,1,896,0 -897,0.0003843293280614005,-0.00014790520071983337,-0.0003547295928001404,-1.9658305162068888,1,897,0 -898,0.00034790157146145304,-0.0001800544559955597,-0.0002976842224597931,-2.114774753098614,1,898,0 -899,0.00033328853556043286,-0.00021729618310928345,-0.00025271251797676086,-2.280984114506994,1,899,0 -900,0.0003766042200275641,-0.0001567751169204712,-0.0003424212336540222,-2.0001532039513794,1,900,0 -901,0.00034749570414830983,-0.00012110546231269836,-0.00032570958137512207,-1.9267764805459855,1,901,0 -902,0.0004910736218222855,-0.00013791769742965698,-0.0004713088274002075,-1.855475268537091,1,902,0 -903,0.0004325928160483558,-8.26716423034668e-05,-0.00042461976408958435,-1.763086434869203,1,903,0 -904,0.0003161953250680007,-0.00018298998475074768,-0.0002578645944595337,-2.187960134111954,1,904,0 -905,0.00035553877753984704,-0.00012482330203056335,-0.0003329068422317505,-1.929522848741846,1,905,0 -906,0.00035121363152893116,-0.000100698322057724,-0.0003364682197570801,-1.8615927488983657,1,906,0 -907,0.0004599422807496322,-0.00016894564032554626,-0.00042778998613357544,-1.9469214374963582,1,907,0 -908,0.00042451323521426734,-0.00013955309987068176,-0.00040091946721076965,-1.9057619953279352,1,908,0 -909,0.0003925248648225891,-6.98678195476532e-05,-0.00038625672459602356,-1.7497457866654171,1,909,0 -910,0.00030929892119521565,-0.0001191943883895874,-0.0002854093909263611,-1.9664046063019505,1,910,0 -911,0.0004108720133373284,-0.00011325255036354065,-0.00039495527744293213,-1.8500512226249717,1,911,0 -912,0.0003489404900258251,-7.541850209236145e-05,-0.0003406926989555359,-1.788651215950368,1,912,0 -913,0.00031277253963420023,-0.0001435801386833191,-0.00027786940336227417,-2.047728757389208,1,913,0 -914,0.00040786314667033154,-7.03074038028717e-05,-0.0004017576575279236,-1.7440415433997487,1,914,0 -915,0.00038486230551814987,-0.00010869279503822327,-0.000369194895029068,-1.8571121525840153,1,915,0 -916,0.00033592387454969196,-6.546452641487122e-05,-0.000329483300447464,-1.766930463819166,1,916,0 -917,0.00034693555715733913,-0.00010180473327636719,-0.0003316625952720642,-1.8686194878607025,1,917,0 -918,0.00038359676754383854,-0.00011878088116645813,-0.000364743173122406,-1.8856216352701909,1,918,0 -919,0.00038605409635129114,-0.00010455027222633362,-0.0003716275095939636,-1.8450386725176786,1,919,0 -920,0.000395931478633408,-0.00013297051191329956,-0.00037293508648872375,-1.9132955823911277,1,920,0 -921,0.0004013543108116771,-0.00011252239346504211,-0.00038525834679603577,-1.8549620792694508,1,921,0 -922,0.00042785485125487754,-8.556991815567017e-05,-0.00041921064257621765,-1.7721517378789653,1,922,0 -923,0.0005581918494585533,-0.0002808496356010437,-0.0004823915660381317,-2.098026722082523,1,923,0 -924,0.00039427112106301657,-0.0001508183777332306,-0.0003642849624156952,-1.9633234266804724,1,924,0 -925,0.0005633884858978664,-0.0002091042697429657,-0.000523146241903305,-1.9510485343656845,1,925,0 -926,0.0004385419962385183,-9.35085117816925e-05,-0.0004284568130970001,-1.7856719360987383,1,926,0 -927,0.0003627942670200346,-0.00011778995394706726,-0.00034314021468162537,-1.9014636189399459,1,927,0 -928,0.00039889830843004156,-9.202584624290466e-05,-0.0003881379961967468,-1.8035933711218404,1,928,0 -929,0.00035552298940466035,-7.714703679084778e-05,-0.0003470517694950104,-1.7895323282578215,1,929,0 -930,0.0004604549217129823,-9.884312748908997e-05,-0.00044972077012062073,-1.7871441953622518,1,930,0 -931,0.0003571261411592414,-0.00011985749006271362,-0.00033641234040260315,-1.913056131910968,1,931,0 -932,0.00031023378106684215,-0.00014478713274002075,-0.0002743750810623169,-2.056355881854149,1,932,0 -933,0.00035952819101529854,-0.0001431778073310852,-0.00032978877425193787,-1.9803915373502283,1,933,0 -934,0.00028207907295743525,-0.00014443323016166687,-0.00024229660630226135,-2.1083439248691525,1,934,0 -935,0.00039041018840416114,-0.00011297687888145447,-0.00037370622158050537,-1.8643753308545985,1,935,0 -936,0.00035155895309121605,-0.00018106400966644287,-0.00030134618282318115,-2.111840972366691,1,936,0 -937,0.00034083941917277267,-8.803233504295349e-05,-0.0003292746841907501,-1.8320386975024154,1,937,0 -938,0.0003789320269224424,-7.408112287521362e-05,-0.0003716200590133667,-1.76756335121529,1,938,0 -939,0.0005564786015959986,-0.00019058212637901306,-0.0005228258669376373,-1.920350317937498,1,939,0 -940,0.0003942203159453435,-6.121769547462463e-05,-0.00038943812251091003,-1.7267153384026401,1,940,0 -941,0.000340551438014175,-0.00012699514627456665,-0.0003159865736961365,-1.9529399487828834,1,941,0 -942,0.0003480286780570631,-0.00011133402585983276,-0.00032974034547805786,-1.8964192097518926,1,942,0 -943,0.0005201602840445098,-0.00016487017273902893,-0.0004933401942253113,-1.8933191657551447,1,943,0 -944,0.0005110548378005832,-0.00011396035552024841,-0.0004981867969036102,-1.7956774336463337,1,944,0 -945,0.0003255832616690936,-0.0001184120774269104,-0.0003032870590686798,-1.9430247508158134,1,945,0 -946,0.00036978358614607194,-0.00019753724336624146,-0.0003126002848148346,-2.1343537726138138,1,946,0 -947,0.00024072716029064576,-3.92720103263855e-05,-0.00023750215768814087,-1.734667865695723,1,947,0 -948,0.00041313438751027236,-0.00012763217091560364,-0.0003929249942302704,-1.8848706491068838,1,948,0 -949,0.00039534841059652337,-0.00012643635272979736,-0.0003745853900909424,-1.8963252157547765,1,949,0 -950,0.00033231651098014403,-7.836148142814636e-05,-0.00032294541597366333,-1.8088418909340456,1,950,0 -951,0.0003908392344800217,-0.00011624768376350403,-0.00037315115332603455,-1.872797018080362,1,951,0 -952,0.0003681355253944294,-0.00013480335474014282,-0.00034256651997566223,-1.9456953949256817,1,952,0 -953,0.0003614712730574061,-7.035583257675171e-05,-0.00035455822944641113,-1.7666841043099377,1,953,0 -954,0.0003557696323471105,-9.256601333618164e-05,-0.00034351646900177,-1.8340103901484597,1,954,0 -955,0.0003535513986556957,-0.00011378899216651917,-0.00033473968505859375,-1.8984745789698885,1,955,0 -956,0.00034761082192282607,-0.00011425092816352844,-0.0003282986581325531,-1.9056964367451947,1,956,0 -957,0.00044056264563678105,-0.00016458705067634583,-0.00040866434574127197,-1.9536658488247862,1,957,0 -958,0.0003416601230779004,-0.00010955333709716797,-0.00032361969351768494,-1.8972120267658583,1,958,0 -959,0.0003400736301453348,-9.276345372200012e-05,-0.00032717734575271606,-1.847072166141853,1,959,0 -960,0.00042287333079061776,-7.505342364311218e-05,-0.00041615962982177734,-1.7492260130504034,1,960,0 -961,0.00033363201431267625,-6.370246410369873e-05,-0.00032749399542808533,-1.7629122387749283,1,961,0 -962,0.0003253722956189293,-9.899213910102844e-05,-0.0003099478781223297,-1.879939646967884,1,962,0 -963,0.00046053056632632883,-9.137392044067383e-05,-0.0004513747990131378,-1.7705318410955913,1,963,0 -964,0.0003563339459279238,-9.95248556137085e-05,-0.00034215301275253296,-1.853863639672678,1,964,0 -965,0.00040583225995981443,-0.0001435801386833191,-0.00037958472967147827,-1.932418367432387,1,965,0 -966,0.00034635446195599526,-0.00010966882109642029,-0.0003285333514213562,-1.8929788407305361,1,966,0 -967,0.00037702225947984594,-0.00016725808382034302,-0.00033789128065109253,-2.030440457436751,1,967,0 -968,0.00037469882906938814,-0.00011040642857551575,-0.0003580637276172638,-1.8698895265826763,1,968,0 -969,0.0003569511111820542,-0.00011696666479110718,-0.00033724308013916016,-1.904646019459544,1,969,0 -970,0.0003657929079855824,-0.0001413188874721527,-0.00033739209175109863,-1.9674519306485878,1,970,0 -971,0.0003409958606433568,-4.87789511680603e-05,-0.00033748894929885864,-1.714337252783899,1,971,0 -972,0.00042065113169935137,-0.00011622533202171326,-0.00040427595376968384,-1.8507369997371803,1,972,0 -973,0.00038982720560622327,-0.0001733936369419098,-0.0003491416573524475,-2.0317429606937543,1,973,0 -974,0.0003682347156521682,-9.674206376075745e-05,-0.00035529956221580505,-1.836634900575607,1,974,0 -975,0.0003360495515410924,-0.00013015419244766235,-0.000309821218252182,-1.9685046527698267,1,975,0 -976,0.0003882745930436614,-0.0001563243567943573,-0.0003554150462150574,-1.9851658514336068,1,976,0 -977,0.00034493556586302743,-8.458271622657776e-05,-0.0003344044089317322,-1.8185358147191697,1,977,0 -978,0.0004742062075740607,-5.521252751350403e-05,-0.00047098100185394287,-1.687492481283113,1,978,0 -979,0.00038772871523424634,-0.00011841952800750732,-0.0003692023456096649,-1.8811742398198956,1,979,0 -980,0.000321461835731738,-7.786601781845093e-05,-0.00031188875436782837,-1.8154545762055272,1,980,0 -981,0.00034345858915205125,-9.71667468547821e-05,-0.00032942742109298706,-1.8576196240874077,1,981,0 -982,0.0003309456275942634,-0.0001213960349559784,-0.0003078766167163849,-1.9463800745170885,1,982,0 -983,0.0005572452716549814,-0.00016707181930541992,-0.0005316101014614105,-1.8752975524447033,1,983,0 -984,0.0002807189291029186,-7.585063576698303e-05,-0.0002702772617340088,-1.8443984888808957,1,984,0 -985,0.00045172225207133803,-0.00020525231957435608,-0.00040239840745925903,-2.0424693450343976,1,985,0 -986,0.00029264500689200174,-0.00012433156371116638,-0.00026492029428482056,-2.0095975383305396,1,986,0 -987,0.0003567750472030806,-0.0002078041434288025,-0.00029001012444496155,-2.1925375826545492,1,987,0 -988,0.00030604367766582177,-0.00023676827549934387,-0.00019391626119613647,-2.4553655463463238,1,988,0 -989,0.0003545142657432361,-6.327778100967407e-05,-0.0003488212823867798,-1.750249438627177,1,989,0 -990,0.00036393597059268003,-8.361414074897766e-05,-0.0003542006015777588,-1.8026167112349927,1,990,0 -991,0.0005678634754425606,-0.0002925954759120941,-0.0004866793751716614,-2.1121035016530776,1,991,0 -992,0.00036161762416743947,-0.00012531504034996033,-0.00033921003341674805,-1.924676547547048,1,992,0 -993,0.00028833828731600667,-0.00015300512313842773,-0.0002443939447402954,-2.130157085556826,1,993,0 -994,0.000537347386550941,-0.00017601624131202698,-0.000507701188325882,-1.9045216477424696,1,994,0 -995,0.00028940810917080613,-0.00010787323117256165,-0.0002685524523258209,-1.9527536098852907,1,995,0 -996,0.00033699758387067556,-0.00010190531611442566,-0.00032122060656547546,-1.8779972919422745,1,996,0 -997,0.0004525996816161944,-0.0001268051564693451,-0.0004344731569290161,-1.8547682228513798,1,997,0 -998,0.00040882278113597143,-0.00017276406288146973,-0.0003705248236656189,-2.007096495303528,1,998,0 -999,0.0003844598387253638,-8.405372500419617e-05,-0.0003751590847969055,-1.7912046663827763,1,999,0 -1000,0.0005598931807404998,-0.0002023056149482727,-0.0005220659077167511,-1.940489068632308,1,1000,0 -1001,0.00039626964575221964,-0.00016839057207107544,-0.00035871192812919617,-2.0096912289856035,1,1001,0 -1002,0.00033536848416258096,-3.188475966453552e-05,-0.00033384934067726135,-1.666013952065603,1,1002,0 -1003,0.00029405031810413826,-0.00011005997657775879,-0.00027267634868621826,-1.9544268997519383,1,1003,0 -1004,0.00039589384325192084,-6.506219506263733e-05,-0.00039051100611686707,-1.7358877665013839,1,1004,0 -1005,0.00044271989336283363,-0.0001137368381023407,-0.0004278607666492462,-1.8306144024268463,1,1005,0 -1006,0.00034474037333041856,-0.0001462213695049286,-0.00031219422817230225,-2.0088185609636864,1,1006,0 -1007,0.00039343925757016966,-4.8335641622543335e-05,-0.0003904588520526886,-1.6939616272657314,1,1007,0 -1008,0.0004772442327718801,-8.636713027954102e-05,-0.0004693642258644104,-1.75276948812043,1,1008,0 -1009,0.0004207089319323505,-0.00015154480934143066,-0.00039246678352355957,-1.9392924940674476,1,1009,0 -1010,0.0003730673525172524,-0.00022289156913757324,-0.00029916316270828247,-2.2111220188765204,1,1010,0 -1011,0.00036461228236882586,-9.543076157569885e-05,-0.0003519020974636078,-1.8356128210259308,1,1011,0 -1012,0.0003824268057941774,-0.00010108202695846558,-0.00036882609128952026,-1.8382923221698915,1,1012,0 -1013,0.0004017438364514387,-0.00014630332589149475,-0.00037415698170661926,-1.9435385077567635,1,1013,0 -1014,0.00044513023395531304,-0.00012696534395217896,-0.0004266388714313507,-1.8600447009482286,1,1014,0 -1015,0.00034071873886139324,-9.418651461601257e-05,-0.00032744184136390686,-1.850878681085803,1,1015,0 -1016,0.00040267000314805554,-5.412474274635315e-05,-0.0003990158438682556,-1.7056190429534412,1,1016,0 -1017,0.0005162577440832156,-1.5426427125930786e-05,-0.0005160272121429443,-1.6006820261518917,1,1017,0 -1018,0.0003186232903734926,-4.6197324991226196e-05,-0.00031525641679763794,-1.7162996179258794,1,1018,0 -1019,0.0003706613539484341,-8.613243699073792e-05,-0.00036051496863365173,-1.8053151560547205,1,1019,0 -1020,0.000282412354580179,-8.993223309516907e-05,-0.00026771053671836853,-1.8948828382324452,1,1020,0 -1021,0.00038628865884213665,-0.00014617294073104858,-0.0003575645387172699,-1.9588671514587304,1,1021,0 -1022,0.00033081279279829326,-0.00012695789337158203,-0.0003054812550544739,-1.964677902245357,1,1022,0 -1023,0.0003552329842298144,-0.00015342235565185547,-0.0003203935921192169,-2.0173860109144632,1,1023,0 -1024,0.00046924971680168515,-0.00019085407257080078,-0.0004286840558052063,-1.9896590601487727,1,1024,0 -1025,0.00039018594378944626,-7.938593626022339e-05,-0.0003820247948169708,-1.7756834842311047,1,1025,0 -1026,0.0004190293374296028,-9.24915075302124e-05,-0.00040869414806365967,-1.7933571440770057,1,1026,0 -1027,0.0003533569543191408,-5.342811346054077e-05,-0.00034929439425468445,-1.722579995416798,1,1027,0 -1028,0.0003963953013982086,-8.504092693328857e-05,-0.00038716569542884827,-1.7870127206988329,1,1028,0 -1029,0.0003266271567053513,-0.00014975294470787048,-0.00029027462005615234,-2.0470836046157856,1,1029,0 -1030,0.0005879640459300886,-0.00023386627435684204,-0.0005394518375396729,-1.9798661601340262,1,1030,0 -1031,0.0006016070800678726,-0.0001996457576751709,-0.0005675144493579865,-1.9090646741627308,1,1031,0 -1032,0.0003777218197867733,-0.00010434910655021667,-0.0003630220890045166,-1.8506959129054583,1,1032,0 -1033,0.00042342445150949043,-0.00017892196774482727,-0.00038376450538635254,-2.007063656429803,1,1033,0 -1034,0.0004290119562215118,-8.906424045562744e-05,-0.00041966512799263,-1.7799204303756613,1,1034,0 -1035,0.00036153990452878496,-0.0001954212784767151,-0.00030417367815971375,-2.141857066889817,1,1035,0 -1036,0.0004043014432208899,-0.00017904862761497498,-0.000362493097782135,-2.0295815037350917,1,1036,0 -1037,0.0003887731113009968,-0.00011532753705978394,-0.00037127360701560974,-1.8719737523253743,1,1037,0 -1038,0.0004179894987870441,-0.000164862722158432,-0.0003841035068035126,-1.9762311117369908,1,1038,0 -1039,0.0003526858968197111,-0.00012562423944473267,-0.00032955408096313477,-1.9349867971766967,1,1039,0 -1040,0.00039198656043769445,-0.0001652166247367859,-0.00035546720027923584,-2.0058790641245947,1,1040,0 -1041,0.0005694868706119123,-0.00011929124593734741,-0.0005568526685237885,-1.781830722860255,1,1041,0 -1042,0.00024908201974089455,-0.0001097656786441803,-0.00022359192371368408,-2.027153338907662,1,1042,0 -1043,0.0006029022426745142,-0.00035386160016059875,-0.0004881322383880615,-2.1980584958347102,1,1043,0 -1044,0.00033616318499642866,-0.00012392178177833557,-0.00031248852610588074,-1.9483373564373023,1,1044,0 -1045,0.00030181003151085497,-0.00012559816241264343,-0.0002744346857070923,-2.0000031794835653,1,1045,0 -1046,0.00031692494699346255,-0.00014181062579154968,-0.00028342753648757935,-2.034717287661092,1,1046,0 -1047,0.00027020885691313255,-9.080767631530762e-05,-0.00025449320673942566,-1.9135318475962246,1,1047,0 -1048,0.0004032355987305311,-9.609758853912354e-05,-0.00039161741733551025,-1.8114280874882525,1,1048,0 -1049,0.00043035049789620964,-0.00017421692609786987,-0.0003935098648071289,-1.987584492010901,1,1049,0 -1050,0.0003153149386936127,-0.00013492628931999207,-0.0002849884331226349,-2.0129749881244483,1,1050,0 -1051,0.00041643310446785983,-0.00016978010535240173,-0.00038025155663490295,-1.9907309849009749,1,1051,0 -1052,0.00036062809361972156,-0.00011625885963439941,-0.0003413744270801544,-1.8990377298323584,1,1052,0 -1053,0.0003119235251281116,-0.00013746321201324463,-0.0002800002694129944,-2.027169355750113,1,1053,0 -1054,0.0003520503768123953,-0.0001453198492527008,-0.0003206580877304077,-1.9963019872066152,1,1054,0 -1055,0.0003820654324816647,-0.00012597069144248962,-0.00036070123314857483,-1.906792425226395,1,1055,0 -1056,0.0003101144800560604,-0.00013896450400352478,-0.00027723610401153564,-2.0354431672365587,1,1056,0 -1057,0.0003591595851406184,-0.00010234490036964417,-0.0003442689776420593,-1.8597574952985674,1,1057,0 -1058,0.0005773453584070754,-0.00022166594862937927,-0.0005330964922904968,-1.9648558382133803,1,1058,0 -1059,0.0003528130968700221,-4.268065094947815e-05,-0.00035022199153900146,-1.692065756196786,1,1059,0 -1060,0.00032893965447154704,-0.0001433826982975006,-0.00029604509472846985,-2.0218272834320117,1,1060,0 -1061,0.00035767213741757896,-0.00012705475091934204,-0.0003343448042869568,-1.9339530728648568,1,1061,0 -1062,0.0003539357926599833,-0.000125102698802948,-0.0003310889005661011,-1.9320652856858893,1,1062,0 -1063,0.0004158189026912854,-0.00013688579201698303,-0.0003926418721675873,-1.9062479918297608,1,1063,0 -1064,0.00032966677229833645,-9.264424443244934e-05,-0.00031638145446777344,-1.8556571721756885,1,1064,0 -1065,0.00035259085333033034,-0.0001086406409740448,-0.00033543631434440613,-1.8840136159907066,1,1065,0 -1066,0.0003649599075742639,-0.00010111555457115173,-0.00035067275166511536,-1.8515286207169943,1,1066,0 -1067,0.0003105594834041847,-0.0001402348279953003,-0.0002770945429801941,-2.039304203949872,1,1067,0 -1068,0.0003933796034031939,-0.00021576881408691406,-0.0003289245069026947,-2.151365880554756,1,1068,0 -1069,0.00038915970486343355,-0.00014939531683921814,-0.00035934150218963623,-1.964803961693244,1,1069,0 -1070,0.00044920495672743727,-9.179487824440002e-05,-0.0004397258162498474,-1.7765956241977252,1,1070,0 -1071,0.0005200482933816857,-0.00023000314831733704,-0.0004664212465286255,-2.028927395515669,1,1071,0 -1072,0.000598300593995194,-0.00015256181359291077,-0.0005785226821899414,-1.8286356675274398,1,1072,0 -1073,0.0003898549040778127,-6.607174873352051e-05,-0.00038421526551246643,-1.7410960996297722,1,1073,0 -1074,0.00032574062952013777,-0.00017293542623519897,-0.00027604401111602783,-2.130457575768444,1,1074,0 -1075,0.0003590463753305645,-0.00016365200281143188,-0.0003195814788341522,-2.044062950127357,1,1075,0 -1076,0.0002669330195419983,0.0002640038728713989,-3.943592309951782e-05,-0.14827992144851856,1,1076,0 -1077,0.0004302572104715349,-0.00012598559260368347,-0.000411398708820343,-1.8679654634658507,1,1077,0 -1078,0.0003194435639822698,-0.00014507398009300232,-0.00028460100293159485,-2.0422096256105653,1,1078,0 -1079,0.0003740420716233558,-0.0001317337155342102,-0.00035007670521736145,-1.9307058637674221,1,1079,0 -1080,0.0003390582072171186,-0.00015055760741233826,-0.0003037974238395691,-2.0309061277907055,1,1080,0 -1081,0.00038799562353900133,-0.00013498961925506592,-0.0003637559711933136,-1.926142907097163,1,1081,0 -1082,0.0003240734850315003,-0.00014232099056243896,-0.0002911500632762909,-2.025462818608922,1,1082,0 -1083,0.00027390252680938195,-0.00013049691915512085,-0.00024081766605377197,-2.0673924866278313,1,1083,0 -1084,0.000473271232127036,-0.00017779693007469177,-0.0004386045038700104,-1.9559230771157052,1,1084,0 -1085,0.00035074470361233344,-0.00012042373418807983,-0.0003294236958026886,-1.9212642080348756,1,1085,0 -1086,0.0003379385852038752,-9.686872363090515e-05,-0.00032375752925872803,-1.8615203497214263,1,1086,0 -1087,0.0003545337820513808,-0.00012439489364624023,-0.0003319941461086273,-1.9292952071448681,1,1087,0 -1088,0.0003124483325935212,-6.618350744247437e-05,-0.00030535832047462463,-1.78423546673086,1,1088,0 -1089,0.00048163830963936157,-0.00020260736346244812,-0.0004369504749774933,-2.004972208776766,1,1089,0 -1090,0.0004390378689120364,-0.00014324486255645752,-0.0004150122404098511,-1.903151210728007,1,1090,0 -1091,0.0003322469123199537,-3.6969780921936035e-05,-0.00033018365502357483,-1.682299241477472,1,1091,0 -1092,0.0004829967570329137,-0.0002880953252315521,-0.0003876686096191406,-2.2098980014099676,1,1092,0 -1093,0.0003829110662667587,-0.00011934340000152588,-0.00036383792757987976,-1.8877505409437747,1,1093,0 -1094,0.0003339346119651891,-0.00013857707381248474,-0.0003038235008716583,-1.9987200720647758,1,1094,0 -1095,0.00040352158096671213,-0.00014362484216690063,-0.0003770962357521057,-1.9347038012684268,1,1095,0 -1096,0.00033345787626703403,-8.96938145160675e-05,-0.000321168452501297,-1.8431311523384488,1,1096,0 -1097,0.000544390858295716,-0.00016122683882713318,-0.000519968569278717,-1.8714661821552503,1,1097,0 -1098,0.0003983880348762049,-9.415298700332642e-05,-0.0003871023654937744,-1.809388459619856,1,1098,0 -1099,0.00037674393407527944,-0.0001605004072189331,-0.00034084543585777283,-2.0108852141169717,1,1099,0 -1100,0.00034693827795833276,-0.00013174116611480713,-0.0003209523856639862,-1.960295428629016,1,1100,0 -1101,0.0004727633396445719,-7.563084363937378e-05,-0.0004666745662689209,-1.7314627857437264,1,1101,0 -1102,0.0006411293175577105,-0.0002225153148174286,-0.0006012767553329468,-1.9252390236805594,1,1102,0 -1103,0.00028357690627957716,-0.0001297183334827423,-0.0002521686255931854,-2.0459062164601813,1,1103,0 -1104,0.0004094600314334608,-9.979680180549622e-05,-0.0003971122205257416,-1.8170040679352117,1,1104,0 -1105,0.0005496615179909521,-0.00022742152214050293,-0.0005004070699214935,-1.9973638032181305,1,1105,0 -1106,0.00038503792558049926,-0.00013824552297592163,-0.000359363853931427,-1.938039623966917,1,1106,0 -1107,0.00045147684416789804,-0.0001942366361618042,-0.0004075579345226288,-2.0155383618806133,1,1107,0 -1108,0.00040228385811913654,-0.00014708936214447021,-0.000374428927898407,-1.9451120889797326,1,1108,0 -1109,0.00036968255137447464,-0.00012689083814620972,-0.0003472231328487396,-1.9211635064623773,1,1109,0 -1110,0.0003781163026871125,-0.00015986338257789612,-0.0003426596522331238,-2.0073169466632064,1,1110,0 -1111,0.0004443189018524607,-0.00017615407705307007,-0.0004079081118106842,-1.9784524985490157,1,1111,0 -1112,0.0004165229762290016,-8.89711081981659e-05,-0.0004069097340106964,-1.7860592826984318,1,1112,0 -1113,0.00046338746709558704,-0.0001834481954574585,-0.00042552873492240906,-1.9778278280303931,1,1113,0 -1114,0.0004011085304842395,-0.00015262886881828308,-0.0003709346055984497,-1.9611522996579942,1,1114,0 -1115,0.00032200010851763397,-0.00012201815843582153,-0.0002979859709739685,-1.959445041655417,1,1115,0 -1116,0.00036939291349226774,-0.00013948604464530945,-0.00034204497933387756,-1.9580089600822734,1,1116,0 -1117,0.00037376189842789286,-0.0001460239291191101,-0.000344056636095047,-1.9721741573852751,1,1117,0 -1118,0.0003081210142408004,-0.00010161846876144409,-0.00029088184237480164,-1.9068885851927315,1,1118,0 -1119,0.00047720711776450556,-0.00016256794333457947,-0.00044866278767585754,-1.9184208440063701,1,1119,0 -1120,0.0003203789027555707,-0.00015263259410858154,-0.00028168410062789917,-2.0673664790771165,1,1120,0 -1121,0.0004094833378836024,-0.00012490898370742798,-0.0003899671137332916,-1.8807772353993522,1,1121,0 -1122,0.00041617019436980155,-6.657838821411133e-05,-0.00041081011295318604,-1.7314654542288044,1,1122,0 -1123,0.00031670103815772656,-9.978190064430237e-05,-0.0003005713224411011,-1.891323091922366,1,1123,0 -1124,0.0003089479070315215,-0.00010297819972038269,-0.00029128044843673706,-1.9106180070472065,1,1124,0 -1125,0.0004310096932025127,-0.0001680031418800354,-0.00039691850543022156,-1.9711995530954176,1,1125,0 -1126,0.0005089735126947674,-0.00020306184887886047,-0.0004667118191719055,-1.9811825263198708,1,1126,0 -1127,0.0003745424030752108,-8.692964911460876e-05,-0.0003643147647380829,-1.8050279036127466,1,1127,0 -1128,0.0003314640189422723,-0.00011615082621574402,-0.0003104470670223236,-1.9288132650501488,1,1128,0 -1129,0.00037489540859321,-0.00010547786951065063,-0.00035975128412246704,-1.8559998833817966,1,1129,0 -1130,0.000519405229701915,-0.00021868199110031128,-0.0004711262881755829,-2.005370124536521,1,1130,0 -1131,0.0003399056103941008,-0.00014714524149894714,-0.00030640512704849243,-2.018504031325517,1,1131,0 -1132,0.00036200187776895966,-0.0002633631229400635,-0.0002483651041984558,-2.385494665102588,1,1132,0 -1133,0.00042573284708853594,-0.00022377818822860718,-0.00036217644810676575,-2.1242524656890236,1,1133,0 -1134,0.00028825316534538396,-8.350983262062073e-05,-0.0002758912742137909,-1.8647201859013165,1,1134,0 -1135,0.00038927285899461916,-9.055435657501221e-05,-0.0003785938024520874,-1.8055715466212783,1,1135,0 -1136,0.00037603549265493083,-4.8704445362091064e-05,-0.00037286803126335144,-1.700682094312891,1,1136,0 -1137,0.00037595815299077643,-0.00012780725955963135,-0.00035356730222702026,-1.9176608647505768,1,1137,0 -1138,0.0006185574411890452,-0.0002664811909198761,-0.000558212399482727,-2.0161872990842618,1,1138,0 -1139,0.00032130394205674213,-0.00010767579078674316,-0.00030272454023361206,-1.91253028549486,1,1139,0 -1140,0.0004021633997524501,-0.00012289360165596008,-0.0003829263150691986,-1.8813451655480704,1,1140,0 -1141,0.0004216410943515085,-0.0001683942973613739,-0.0003865547478199005,-1.9816349270693696,1,1141,0 -1142,0.0003744421360637705,-6.144493818283081e-05,-0.00036936625838279724,-1.7356391488052565,1,1142,0 -1143,0.00036165758742615235,-4.852190613746643e-05,-0.00035838782787323,-1.7053674464377406,1,1143,0 -1144,0.000424776165775756,-9.559467434883118e-05,-0.00041387975215911865,-1.7977877754341942,1,1144,0 -1145,0.00035953376471544775,-0.00013464689254760742,-0.00033336877822875977,-1.9546582927040852,1,1145,0 -1146,0.00039149360553496985,-0.000105246901512146,-0.00037708133459091187,-1.8429788788274413,1,1146,0 -1147,0.0003626103597260454,-9.341537952423096e-05,-0.00035037100315093994,-1.8313537177349006,1,1147,0 -1148,0.00041151434853882495,-0.00015629082918167114,-0.0003806799650192261,-1.960370318095599,1,1148,0 -1149,0.000349582523384655,-9.611248970031738e-05,-0.00033611059188842773,-1.849318478653145,1,1149,0 -1150,0.00045223911240798185,-0.00010668113827705383,-0.00043947622179985046,-1.808936222643857,1,1150,0 -1151,0.0002818161283800658,-7.835030555725098e-05,-0.0002707056701183319,-1.8525277623240721,1,1151,0 -1152,0.0004223403345616527,-9.397417306900024e-05,-0.0004117526113986969,-1.7951827052718574,1,1152,0 -1153,0.00034948946628004455,-0.0001277327537536621,-0.00032531097531318665,-1.9449488827492127,1,1153,0 -1154,0.00033963105122539173,-3.711506724357605e-05,-0.00033759698271751404,-1.6802955606719079,1,1154,0 -1155,0.0003532075749227282,-0.00012946128845214844,-0.00032862648367881775,-1.9460733943150113,1,1155,0 -1156,0.00033317934140399325,-0.00010743364691734314,-0.00031538307666778564,-1.8991128237690944,1,1156,0 -1157,0.00035073668931855486,-0.00016386434435844421,-0.0003101043403148651,-2.0569180937625418,1,1157,0 -1158,0.0003397086428311848,-8.430704474449158e-05,-0.0003290809690952301,-1.8215917385554523,1,1158,0 -1159,0.00031458357881066385,-9.493902325630188e-05,-0.0002999156713485718,-1.8773687832283348,1,1159,0 -1160,0.00039149040094120003,-0.00010129809379577637,-0.00037815794348716736,-1.8325241090577535,1,1160,0 -1161,0.0003751788796097104,-0.00014626234769821167,-0.0003454945981502533,-1.971261730589296,1,1161,0 -1162,0.0005084182020793323,-0.00014702975749969482,-0.0004866942763328552,-1.8641775130850333,1,1162,0 -1163,0.00031518353082347705,-0.00018744543194770813,-0.00025338679552078247,-2.2077116004902875,1,1163,0 -1164,0.0004395190046469557,-0.00014142319560050964,-0.0004161447286605835,-1.8983926360859233,1,1164,0 -1165,0.00028064281695655297,-0.00017521530389785767,-0.00021922588348388672,-2.2450770471493544,1,1165,0 -1166,0.000361607556136878,-0.00011862069368362427,-0.00034159794449806213,-1.905021269371531,1,1166,0 -1167,0.0003405439004961212,-8.61436128616333e-05,-0.00032946839928627014,-1.826533739317988,1,1167,0 -1168,0.0003422878691362811,-0.00011642277240753174,-0.0003218799829483032,-1.917852704163115,1,1168,0 -1169,0.0003925992785697587,-0.00014801323413848877,-0.0003636293113231659,-1.9573605767611948,1,1169,0 -1170,0.00042537678372142623,-0.00016272440552711487,-0.0003930218517780304,-1.963342124325131,1,1170,0 -1171,0.00034808296300405204,-0.00012928247451782227,-0.0003231838345527649,-1.951326552326703,1,1171,0 -1172,0.00035085943370911476,-0.00011369585990905762,-0.000331927090883255,-1.900803275508533,1,1172,0 -1173,0.000411851959564471,-9.589642286300659e-05,-0.0004005320370197296,-1.805795285701707,1,1173,0 -1174,0.0004445332548777314,-0.0001384429633617401,-0.0004224255681037903,-1.8874984935986874,1,1174,0 -1175,0.0003941404922366136,-4.916265606880188e-05,-0.00039106234908103943,-1.6958558958015324,1,1175,0 -1176,0.000384741548595562,-0.00011589750647544861,-0.00036687031388282776,-1.8767835660961856,1,1176,0 -1177,0.0003207085925196469,-0.00011546909809112549,-0.0002992004156112671,-1.9391110271771053,1,1177,0 -1178,0.0003835813475648485,-0.00013963505625724792,-0.0003572627902030945,-1.9433872876636606,1,1178,0 -1179,0.0003577471940468601,-0.00012345239520072937,-0.0003357715904712677,-1.9231233051022638,1,1179,0 -1180,0.0003470643282718098,-9.797513484954834e-07,-0.00034706294536590576,-1.5736192981289883,1,1180,0 -1181,0.00034019275230976495,-8.439645171165466e-05,-0.00032955780625343323,-1.8214984709746171,1,1181,0 -1182,0.00035008255636732606,-0.00010905042290687561,-0.00033266469836235046,-1.8875666080691722,1,1182,0 -1183,0.00037771424749475713,-0.00011067092418670654,-0.0003611370921134949,-1.8681611678296486,1,1183,0 -1184,0.0004703492694280701,-0.00017311051487922668,-0.00043733417987823486,-1.9477037560412997,1,1184,0 -1185,0.0004936097247346144,-0.0001641400158405304,-0.0004655197262763977,-1.9097812450866434,1,1185,0 -1186,0.00032436773013590133,-9.944289922714233e-05,-0.000308748334646225,-1.8823885488923702,1,1186,0 -1187,0.0006271218731520461,-0.00022954866290092468,-0.000583600252866745,-1.9455412564931718,1,1187,0 -1188,0.00034781119181721994,-0.00012100860476493835,-0.00032608211040496826,-1.926142185489162,1,1188,0 -1189,0.0003710795636369412,-0.00015609711408615112,-0.0003366507589817047,-2.0049654132268935,1,1189,0 -1190,0.0003636555580421924,-0.00010477006435394287,-0.00034823641180992126,-1.8630410233274275,1,1190,0 -1191,0.0005127052868887542,-0.00023513659834861755,-0.00045560672879219055,-2.0472372947410338,1,1191,0 -1192,0.0003723006689416235,-0.00014274567365646362,-0.00034384801983833313,-1.964287418440138,1,1192,0 -1193,0.0003881742282723187,-0.0001120641827583313,-0.00037164613604545593,-1.8636604498554763,1,1193,0 -1194,0.00032808073128855046,-7.15106725692749e-05,-0.0003201924264431,-1.7905269126891754,1,1194,0 -1195,0.0003377706225956261,-0.00015741586685180664,-0.0002988465130329132,-2.05561019878911,1,1195,0 -1196,0.0003827547970947707,-4.781782627105713e-05,-0.0003797560930252075,-1.696054314495199,1,1196,0 -1197,0.0004718261890722667,-0.00018090009689331055,-0.00043576955795288086,-1.9642755831369114,1,1197,0 -1198,0.0003149148871878676,-9.84296202659607e-05,-0.00029913708567619324,-1.8886826034627267,1,1198,0 -1199,0.00032042070225373647,-0.0001254938542842865,-0.00029482319951057434,-1.9732241764924177,1,1199,0 -1200,0.0003113590236579529,-0.00011568143963813782,-0.00028907135128974915,-1.951460449784009,1,1200,0 -1201,0.00046405525272271976,-9.301304817199707e-05,-0.00045463815331459045,-1.7725985315785164,1,1201,0 -1202,0.0004425890690026032,-7.48559832572937e-05,-0.00043621286749839783,-1.7407452618052794,1,1202,0 -1203,0.00038726955404376576,-0.00016668438911437988,-0.0003495626151561737,-2.0157424238152206,1,1203,0 -1204,0.00031315573784260545,-8.635222911834717e-05,-0.00030101463198661804,-1.8501646460215448,1,1204,0 -1205,0.0005302288033423775,-0.0001536644995212555,-0.0005074739456176758,-1.8648224516898801,1,1205,0 -1206,0.0003748015754147562,-9.196996688842773e-05,-0.0003633424639701843,-1.8187111664684845,1,1206,0 -1207,0.00037446632878270105,-0.00014502927660942078,-0.0003452412784099579,-1.968493109234902,1,1207,0 -1208,0.00037843949076826636,-0.00012289360165596008,-0.00035792961716651917,-1.9015308004641747,1,1208,0 -1209,0.0004110556233144222,-0.00015052035450935364,-0.0003825053572654724,-1.9456969060147418,1,1209,0 -1210,0.000558181667913006,-0.0001967102289199829,-0.000522371381521225,-1.9309441290714229,1,1210,0 -1211,0.0003504681895194245,-9.799003601074219e-05,-0.00033649057149887085,-1.8541712097850718,1,1211,0 -1212,0.0004558914179751462,-0.00014005973935127258,-0.00043384358286857605,-1.8830684920616765,1,1212,0 -1213,0.00033106204784490666,-8.931010961532593e-05,-0.00031878799200057983,-1.8439489292412155,1,1213,0 -1214,0.0003478877335106683,-5.4154545068740845e-05,-0.0003436468541622162,-1.7270986999156985,1,1214,0 -1215,0.00038054505418381145,-0.00014767050743103027,-0.0003507249057292938,-1.969311174806523,1,1215,0 -1216,0.0004587039702450029,-0.00011754408478736877,-0.0004433877766132355,-1.8299396766239586,1,1216,0 -1217,0.00034132106975439953,-0.00010562688112258911,-0.00032456591725349426,-1.885426554486812,1,1217,0 -1218,0.0003997376261704772,-5.918741226196289e-05,-0.0003953315317630768,-1.7194084049834495,1,1218,0 -1219,0.0003782155542687758,-6.11431896686554e-05,-0.00037324056029319763,-1.7331711872840325,1,1219,0 -1220,0.00035973709826753045,-0.00011467933654785156,-0.00034096837043762207,-1.89524525823198,1,1220,0 -1221,0.0005517430957054536,-0.00019255653023719788,-0.0005170516669750214,-1.9272966210867652,1,1221,0 -1222,0.0006344351999532571,-0.00013082101941108704,-0.0006208010017871857,-1.7784870055600632,1,1222,0 -1223,0.00042442522448614807,-0.00012414529919624329,-0.0004058629274368286,-1.867638729021713,1,1223,0 -1224,0.0003642055623965517,-0.00013101473450660706,-0.00033982470631599426,-1.9387720885937372,1,1224,0 -1225,0.00035895201116746897,-7.908046245574951e-05,-0.0003501325845718384,-1.7929278658268166,1,1225,0 -1226,0.00032546142561358,-0.00012090802192687988,-0.00030216947197914124,-1.9514174810372018,1,1226,0 -1227,0.0003293157642184519,-0.0001290738582611084,-0.0003029666841030121,-1.9735417569431957,1,1227,0 -1228,0.0003895783693739465,-0.00016091391444206238,-0.00035479292273521423,-1.9965928635791772,1,1228,0 -1229,0.00038149533547299973,-0.0001019015908241272,-0.00036763399839401245,-1.8411901532779449,1,1229,0 -1230,0.0003326422700437717,-2.051517367362976e-05,-0.00033200904726982117,-1.632508872390916,1,1230,0 -1231,0.0003915825511464548,-6.926804780960083e-05,-0.00038540735840797424,-1.7486246680024973,1,1231,0 -1232,0.0004321231907567595,-0.00010411441326141357,-0.0004193931818008423,-1.8141273796133985,1,1232,0 -1233,0.00032450125952777925,-0.0001163780689239502,-0.0003029145300388336,-1.9376033829405261,1,1233,0 -1234,0.0005555961432692545,-0.0002585984766483307,-0.0004917457699775696,-2.054931679722846,1,1234,0 -1235,0.00039013450432376606,-9.853020310401917e-05,-0.0003774873912334442,-1.8261157033310187,1,1235,0 -1236,0.00030808121889383663,-8.280202746391296e-05,-0.0002967454493045807,-1.8429089018242308,1,1236,0 -1237,0.00035531120795619504,-0.0001105964183807373,-0.0003376603126525879,-1.8873216031600568,1,1237,0 -1238,0.00041144259458155254,-5.0671398639678955e-05,-0.0004083104431629181,-1.6942652447712465,1,1238,0 -1239,0.0003335200006114092,-0.0001317337155342102,-0.00030640140175819397,-1.9768423609199757,1,1239,0 -1240,0.00031510646600032595,-0.00010538473725318909,-0.0002969615161418915,-1.9118090647549804,1,1240,0 -1241,0.0003813487698564056,-6.524845957756042e-05,-0.00037572532892227173,-1.7427415134569426,1,1241,0 -1242,0.0005290121342001576,-0.0001513846218585968,-0.0005068890750408173,-1.8610181134930253,1,1242,0 -1243,0.000334259093464418,-0.00010225921869277954,-0.000318232923746109,-1.881709346217219,1,1243,0 -1244,0.00033866085709116905,-0.00015777722001075745,-0.00029966235160827637,-2.055431539284096,1,1244,0 -1245,0.0004300864468202597,-9.237602353096008e-05,-0.0004200488328933716,-1.7872677899273803,1,1245,0 -1246,0.00033936951776814917,-0.0001258254051208496,-0.0003151819109916687,-1.9506259568001192,1,1246,0 -1247,0.0003699775815588817,-0.0001660175621509552,-0.0003306381404399872,-2.0361325529006065,1,1247,0 -1248,0.0003501834799879827,-7.227063179016113e-05,-0.00034264475107192993,-1.7786695019220182,1,1248,0 -1249,0.0002790180684561566,-0.00013705343008041382,-0.00024303793907165527,-2.084262189468195,1,1249,0 -1250,0.00040474449457164944,-0.00011720135807991028,-0.00038740411400794983,-1.8645725827281334,1,1250,0 -1251,0.0004044034745778131,-7.374584674835205e-05,-0.00039762258529663086,-1.7541795493897874,1,1251,0 -1252,0.0003307127351871192,-0.00013333559036254883,-0.0003026425838470459,-1.985781608675684,1,1252,0 -1253,0.00036867702253683533,-6.010383367538452e-05,-0.0003637447953224182,-1.7345529461571756,1,1253,0 -1254,0.00042568530262825565,-7.146969437599182e-05,-0.00041964277625083923,-1.7394885326622163,1,1254,0 -1255,0.0003575591409974079,-0.00012002885341644287,-0.0003368109464645386,-1.9131334483606641,1,1255,0 -1256,0.0005573339009031266,-0.00015947222709655762,-0.0005340315401554108,-1.8609861192092965,1,1256,0 -1257,0.0003294194809852558,-0.00015769153833389282,-0.0002892240881919861,-2.069964347793354,1,1257,0 -1258,0.0003845579288319918,-9.325146675109863e-05,-0.00037308037281036377,-1.8157280000903948,1,1258,0 -1259,0.00032718943126011743,-9.379535913467407e-05,-0.00031345710158348083,-1.8615453509659357,1,1259,0 -1260,0.00029939167825722554,-0.00015326589345932007,-0.0002571865916252136,-2.1082197795573103,1,1260,0 -1261,0.000594245223803278,-0.00018864870071411133,-0.0005635060369968414,-1.8938453629223426,1,1261,0 -1262,0.00038926789578386294,-0.0001469925045967102,-0.0003604479134082794,-1.9580130941907397,1,1262,0 -1263,0.0003947055530421531,-0.00015148520469665527,-0.0003644786775112152,-1.9646966301992959,1,1263,0 -1264,0.000566738984487956,-0.00022582337260246277,-0.0005198046565055847,-1.98063458122351,1,1264,0 -1265,0.0003877935745175055,-0.00010959431529045105,-0.00037198513746261597,-1.8573101960995724,1,1265,0 -1266,0.0003158238261012105,-0.00017900392413139343,-0.00026019662618637085,-2.1733934967031145,1,1266,0 -1267,0.00041426010162845983,-0.00011905282735824585,-0.00039678439497947693,-1.8622936041734535,1,1267,0 -1268,0.0005341296619786138,-0.00012916326522827148,-0.0005182772874832153,-1.8150374670501788,1,1268,0 -1269,0.00043436331936116485,-2.8796494007110596e-05,-0.000433407723903656,-1.6371408560571454,1,1269,0 -1270,0.0003745460761973501,-0.00012496858835220337,-0.0003530830144882202,-1.9109727855327787,1,1270,0 -1271,0.000347081591409668,-7.256492972373962e-05,-0.000339411199092865,-1.781421885869748,1,1271,0 -1272,0.00034771366560225494,-7.729977369308472e-05,-0.00033901259303092957,-1.7949781176357884,1,1272,0 -1273,0.00030019064579993543,-9.801983833312988e-05,-0.0002837367355823517,-1.9034213499926105,1,1273,0 -1274,0.00034934538705619036,-0.00016123056411743164,-0.00030991435050964355,-2.0505063515927366,1,1274,0 -1275,0.0003056584300382854,-0.00010597705841064453,-0.0002866983413696289,-1.924865338187481,1,1275,0 -1276,0.0003336275539131664,-0.00017548352479934692,-0.00028374791145324707,-2.1246707123940545,1,1276,0 -1277,0.00046771072236956963,-0.00012156739830970764,-0.00045163556933403015,-1.8337357418860132,1,1277,0 -1278,0.0003276658251786627,-0.00016736984252929688,-0.00028169527649879456,-2.106904811381273,1,1278,0 -1279,0.0003766049443095624,-9.604915976524353e-05,-0.00036415085196495056,-1.8286849440512978,1,1279,0 -1280,0.0003754961190455639,-0.0001435503363609314,-0.0003469735383987427,-1.9630751459077855,1,1280,0 -1281,0.00045790534845221336,-0.0001552775502204895,-0.00043077394366264343,-1.9167606626159936,1,1281,0 -1282,0.00031592750489688106,-9.47415828704834e-05,-0.00030138716101646423,-1.8753673123895584,1,1282,0 -1283,0.000381827916844316,-0.00016555935144424438,-0.0003440678119659424,-2.01927679004922,1,1283,0 -1284,0.0005615930963851678,-0.00014092400670051575,-0.0005436241626739502,-1.8244435492619198,1,1284,0 -1285,0.0003209089288786014,-5.075708031654358e-05,-0.00031686946749687195,-1.7296299495750118,1,1285,0 -1286,0.0003785131976476756,-9.372830390930176e-05,-0.00036672502756118774,-1.8210216667526125,1,1286,0 -1287,0.0003621246119531504,-0.0001655668020248413,-0.0003220587968826294,-2.0456512991387816,1,1287,0 -1288,0.0005378710537629846,-0.00013238564133644104,-0.0005213245749473572,-1.8194806364433398,1,1288,0 -1289,0.0003594049223059388,-9.018927812576294e-05,-0.00034790486097335815,-1.8244481263895074,1,1289,0 -1290,0.0003947451367054971,-0.00018448755145072937,-0.00034898146986961365,-2.0570970059976506,1,1290,0 -1291,0.00037921424736096993,-0.0001330934464931488,-0.0003550909459590912,-1.929404878347696,1,1291,0 -1292,0.00040571075124158363,-0.0001516491174697876,-0.0003763027489185333,-1.953884196976681,1,1292,0 -1293,0.0004906852226592922,-0.00016835331916809082,-0.00046090036630630493,-1.9210098834253009,1,1293,0 -1294,0.00033884447229882276,-0.00013629719614982605,-0.0003102235496044159,-1.9847597958013945,1,1294,0 -1295,0.0003803628686867497,-6.471946835517883e-05,-0.000374816358089447,-1.7417801511747568,1,1295,0 -1296,0.000435341796818179,-0.00014593079686164856,-0.00041015446186065674,-1.9126241347838875,1,1296,0 -1297,0.0003859881926393385,-9.789690375328064e-05,-0.00037336722016334534,-1.8272240225134213,1,1297,0 -1298,0.00035803666110081135,-0.00017411261796951294,-0.00031284987926483154,-2.0786446971420243,1,1298,0 -1299,0.000384803580147963,-7.752329111099243e-05,-0.0003769136965274811,-1.7736466023827329,1,1299,0 -1300,0.00032272024876783443,-0.00015805289149284363,-0.0002813674509525299,-2.082601623233925,1,1300,0 -1301,0.0005387089350010549,-0.00011716410517692566,-0.0005258135497570038,-1.7900390692268413,1,1301,0 -1302,0.0004382239717755658,-9.060651063919067e-05,-0.0004287548363208771,-1.7790569830095515,1,1302,0 -1303,0.0003218858698094284,-0.00013022124767303467,-0.000294368714094162,-1.9872909182065361,1,1303,0 -1304,0.00034921065082421253,-0.00011640787124633789,-0.0003292374312877655,-1.9106463603994481,1,1304,0 -1305,0.0003442795258317839,-6.0576945543289185e-05,-0.00033890828490257263,-1.7476699090204733,1,1305,0 -1306,0.0004198321157379056,-0.00010165944695472717,-0.00040733814239501953,-1.81537039738791,1,1306,0 -1307,0.00036211326098774434,-0.0001315586268901825,-0.00033736974000930786,-1.9426123373281259,1,1307,0 -1308,0.000516453928726505,-0.0001151449978351593,-0.0005034543573856354,-1.7956390914185678,1,1308,0 -1309,0.00037371488186285426,-0.00011873990297317505,-0.00035434961318969727,-1.894129307983701,1,1309,0 -1310,0.0005725090172077396,-0.0002003014087677002,-0.0005363263189792633,-1.9282243285573635,1,1310,0 -1311,0.0003384324507750509,-0.0001052655279636383,-0.0003216452896595001,-1.887081884080726,1,1311,0 -1312,0.00046073342789581975,-0.00016618147492408752,-0.0004297196865081787,-1.9398028309831783,1,1312,0 -1313,0.00034140065280838244,-0.00018110871315002441,-0.00028940290212631226,-2.129971652290261,1,1313,0 -1314,0.0004386010450763485,-0.0001301988959312439,-0.00041883066296577454,-1.8721890098619993,1,1314,0 -1315,0.00027643622155459235,-6.533414125442505e-05,-0.0002686046063899994,-1.8093982173926686,1,1315,0 -1316,0.00037559965204581654,-0.00015590712428092957,-0.00034171342849731445,-1.9988364860334218,1,1316,0 -1317,0.00041413600366850805,-0.00013440847396850586,-0.0003917180001735687,-1.9013338812672542,1,1317,0 -1318,0.00036286553988113646,-0.00012059882283210754,-0.0003422386944293976,-1.9095917917845717,1,1318,0 -1319,0.0004124772816289292,-0.0001560300588607788,-0.00038182735443115234,-1.9587290073889088,1,1319,0 -1320,0.000405473046129202,-0.00015565380454063416,-0.0003744065761566162,-1.9647930796005568,1,1320,0 -1321,0.00042007196192315874,-0.00010844320058822632,-0.0004058331251144409,-1.8319071330448002,1,1321,0 -1322,0.00031365640952013416,-0.00011307373642921448,-0.0002925656735897064,-1.9396022623087665,1,1322,0 -1323,0.0003441548562826926,-0.00012037530541419983,-0.00032241642475128174,-1.9281227224056061,1,1323,0 -1324,0.00032216402168611086,-9.647011756896973e-05,-0.00030738115310668945,-1.8749062992702983,1,1324,0 -1325,0.0004247372955167025,-0.00019155442714691162,-0.00037908926606178284,-2.0386762457229883,1,1325,0 -1326,0.000316777072638725,-9.301304817199707e-05,-0.00030281394720077515,-1.8688110764702524,1,1326,0 -1327,0.00031208831788397134,-7.230788469314575e-05,-0.00030359625816345215,-1.8046113917908848,1,1327,0 -1328,0.00037487045899665277,-0.00017462298274040222,-0.0003317147493362427,-2.0553598807501356,1,1328,0 -1329,0.00028714672210115145,-0.0001112520694732666,-0.0002647191286087036,-1.968649190949202,1,1329,0 -1330,0.00043912804220867156,-0.00010239705443382263,-0.0004270225763320923,-1.8061456381144185,1,1330,0 -1331,0.0004059675733421101,-0.0001712404191493988,-0.00036808475852012634,-2.0062349340873524,1,1331,0 -1332,0.00042547220113335404,-0.00011585652828216553,-0.0004093945026397705,-1.8465799713273032,1,1332,0 -1333,0.00035131697051766505,-9.104609489440918e-05,-0.000339314341545105,-1.8329451442708924,1,1333,0 -1334,0.00040682727919351186,-0.00014336779713630676,-0.0003807283937931061,-1.930935606904983,1,1334,0 -1335,0.0003795786677179769,-0.00012772157788276672,-0.0003574453294277191,-1.9139754094533814,1,1335,0 -1336,0.00035532001765982993,-0.00015940144658088684,-0.0003175586462020874,-2.03600997304753,1,1336,0 -1337,0.0003164473714176973,-9.079650044441223e-05,-0.0003031417727470398,-1.8618111119178704,1,1337,0 -1338,0.0003899551253320263,-6.873160600662231e-05,-0.00038385018706321716,-1.7479770802471313,1,1338,0 -1339,0.00042539156284299504,-8.631125092506409e-05,-0.0004165433347225189,-1.7751132729478063,1,1339,0 -1340,0.000344271309800364,-5.418062210083008e-05,-0.00033998116850852966,-1.7288310102044953,1,1340,0 -1341,0.00037160719558620493,-5.84237277507782e-05,-0.0003669857978820801,-1.7286703675995767,1,1341,0 -1342,0.0003366336209280655,-0.00010450184345245361,-0.0003200024366378784,-1.8864437625907615,1,1342,0 -1343,0.0004335805764523316,-0.00012199953198432922,-0.00041606277227401733,-1.8560249437171958,1,1343,0 -1344,0.0003327039888042241,-6.143003702163696e-05,-0.00032698363065719604,-1.7565005711489525,1,1344,0 -1345,0.00035908370312233065,-0.00011170655488967896,-0.000341266393661499,-1.8871337258366274,1,1345,0 -1346,0.0003265117913580824,-0.00011738762259483337,-0.00030468031764030457,-1.9385501147743056,1,1346,0 -1347,0.0004268105450442826,-4.077702760696411e-05,-0.0004248581826686859,-1.666481209967146,1,1347,0 -1348,0.0004016044768423084,-0.00015036016702651978,-0.0003723949193954468,-1.954544479564715,1,1348,0 -1349,0.0004160248069098206,-0.00010757148265838623,-0.00040187686681747437,-1.8323377644767516,1,1349,0 -1350,0.0004207802453175758,-0.00017387419939041138,-0.00038317590951919556,-1.996781971486165,1,1350,0 -1351,0.000393214220105021,-0.00013865157961845398,-0.00036795809864997864,-1.9311559676201164,1,1351,0 -1352,0.00041448767116737174,-7.599592208862305e-07,-0.00041448697447776794,-1.572629818354579,1,1352,0 -1353,0.00033654344086833475,-5.6412070989608765e-05,-0.000331781804561615,-1.7392133291962284,1,1353,0 -1354,0.0003110724836517093,-0.00019518285989761353,-0.00024221837520599365,-2.249072105308279,1,1354,0 -1355,0.0003989412550094195,-0.00014556199312210083,-0.00037143751978874207,-1.9442903007091403,1,1355,0 -1356,0.0003935816833153525,-6.985291838645935e-05,-0.00038733333349227905,-1.7492216383025936,1,1356,0 -1357,0.00040690590043499246,-0.0001775212585926056,-0.0003661401569843292,-2.022246672365509,1,1357,0 -1358,0.0003969920431286592,-0.00017080456018447876,-0.00035836920142173767,-2.015562495687253,1,1358,0 -1359,0.00032875661600487497,-0.00011028721928596497,-0.0003097057342529297,-1.9128979614681814,1,1359,0 -1360,0.00034657450187777035,-0.000154104083776474,-0.0003104284405708313,-2.0315789309199275,1,1360,0 -1361,0.00028510286439881676,-0.0001321844756603241,-0.00025260820984840393,-2.0528929326684637,1,1361,0 -1362,0.00032377177944073276,-0.00015495344996452332,-0.0002842843532562256,-2.069842773553427,1,1362,0 -1363,0.00037357412503974575,-5.184859037399292e-05,-0.0003699585795402527,-1.7100364536738988,1,1363,0 -1364,0.0005355956873407294,-0.0002281293272972107,-0.0004845820367336273,-2.0107921721581743,1,1364,0 -1365,0.000277129646241324,-0.0001089535653591156,-0.0002548135817050934,-1.9748514674834836,1,1365,0 -1366,0.0003465301744682522,-0.0001126900315284729,-0.00032769516110420227,-1.9020147177475522,1,1366,0 -1367,0.0004267822862265667,-0.0001282431185245514,-0.0004070587456226349,-1.8760009851795898,1,1367,0 -1368,0.0005428553627955949,-0.00016459450125694275,-0.0005173012614250183,-1.8788467298705747,1,1368,0 -1369,0.0006303944089013025,-0.0001760423183441162,-0.0006053149700164795,-1.8538170058522143,1,1369,0 -1370,0.00033011769609069355,-0.00012082979083061218,-0.0003072097897529602,-1.9455253163855517,1,1370,0 -1371,0.0003850843797377276,-0.00016916543245315552,-0.00034593790769577026,-2.0256094636924145,1,1371,0 -1372,0.0004701371126962968,-0.000179976224899292,-0.00043432414531707764,-1.9636394001771884,1,1372,0 -1373,0.0002727243522589618,-0.0001590251922607422,-0.00022156164050102234,-2.1933339638898772,1,1373,0 -1374,0.00026004596805772256,-8.605048060417175e-05,-0.00024539604783058167,-1.908058644499932,1,1374,0 -1375,0.0007003714746163808,-0.00011211633682250977,-0.000691339373588562,-1.731569284482202,1,1375,0 -1376,0.00040815607776046724,-2.7861446142196655e-05,-0.0004072040319442749,-1.639111196187146,1,1376,0 -1377,0.0003953797981999944,-0.00018136575818061829,-0.00035132840275764465,-2.047342340984122,1,1377,0 -1378,0.0003074191573913492,-7.713958621025085e-05,-0.0002975836396217346,-1.824433494718097,1,1378,0 -1379,0.0003194459286971528,-5.7112425565719604e-05,-0.00031429901719093323,-1.7505486501244947,1,1379,0 -1380,0.0003055107115120111,-0.00012183934450149536,-0.0002801641821861267,-1.9810102096218019,1,1380,0 -1381,0.00041179336962657135,-4.386529326438904e-05,-0.00040945038199424744,-1.6775213981686028,1,1381,0 -1382,0.0003453250532101903,-8.704885840415955e-05,-0.00033417344093322754,-1.825623356564664,1,1382,0 -1383,0.0004246292515723907,-0.00018144771456718445,-0.00038390979170799255,-2.012310095503791,1,1383,0 -1384,0.0004033614617606765,-0.00017137452960014343,-0.0003651455044746399,-2.009610070011594,1,1384,0 -1385,0.00037070908641934075,-8.949637413024902e-05,-0.0003597438335418701,-1.8146246014417706,1,1385,0 -1386,0.00031291163952875545,-0.00016104429960250854,-0.0002682879567146301,-2.1114118334331775,1,1386,0 -1387,0.0005432679426695401,-0.00025339797139167786,-0.00048055127263069153,-2.0560500082505175,1,1387,0 -1388,0.0004142152439332935,-0.00017852336168289185,-0.0003737695515155792,-2.016387906725412,1,1388,0 -1389,0.00035413945587409277,-0.00011062994599342346,-0.0003364160656929016,-1.8885051887137676,1,1389,0 -1390,0.00036951005993722384,-6.775185465812683e-05,-0.0003632456064224243,-1.7551954875560718,1,1390,0 -1391,0.0003626102555116439,-3.987923264503479e-05,-0.0003604106605052948,-1.680997469908954,1,1391,0 -1392,0.00035034118524114886,-6.077811121940613e-05,-0.00034502893686294556,-1.7451611558952762,1,1392,0 -1393,0.00030326445845394687,-8.919835090637207e-05,-0.0002898499369621277,-1.869338608867929,1,1393,0 -1394,0.00033737175114670673,-8.767470717430115e-05,-0.00032578036189079285,-1.8336897654937978,1,1394,0 -1395,0.00026194400675302176,-9.213387966156006e-05,-0.0002452060580253601,-1.9302161617156457,1,1395,0 -1396,0.00033639798072221746,-7.61672854423523e-05,-0.0003276616334915161,-1.7991971443175503,1,1396,0 -1397,0.00040974229296118216,-8.765608072280884e-05,-0.00040025636553764343,-1.7863924464658794,1,1397,0 -1398,0.0003648813430847474,-0.00016376376152038574,-0.0003260672092437744,-2.0362337574590255,1,1398,0 -1399,0.0003630030366846128,-0.00015382841229438782,-0.000328797847032547,-2.008395608467218,1,1399,0 -1400,0.0003015899647538224,-7.211416959762573e-05,-0.0002928413450717926,-1.8122488776431336,1,1400,0 -1401,0.00040028015985649006,-6.87427818775177e-05,-0.000394333153963089,-1.74338858745923,1,1401,0 -1402,0.00034999137386432135,-0.00010698661208152771,-0.0003332383930683136,-1.8814526070554853,1,1402,0 -1403,0.00037598174058248185,-0.00010399892926216125,-0.0003613121807575226,-1.8510571758975634,1,1403,0 -1404,0.0003782086400711349,-0.00014781206846237183,-0.00034812837839126587,-1.9723202340827324,1,1404,0 -1405,0.0003249322383678275,-9.606778621673584e-05,-0.00031040608882904053,-1.8709372487392721,1,1405,0 -1406,0.0003519271147955074,-0.00013647601008415222,-0.0003243871033191681,-1.9690358518863675,1,1406,0 -1407,0.00037575855296653635,-7.217004895210266e-05,-0.0003687627613544464,-1.7640621693777276,1,1407,0 -1408,0.00035369906371564427,-9.347125887870789e-05,-0.00034112483263015747,-1.8382409377082447,1,1408,0 -1409,0.0003035249599830082,-0.00010418146848678589,-0.0002850852906703949,-1.9211590896286301,1,1409,0 -1410,0.0003299493678067267,-0.00012716278433799744,-0.0003044605255126953,-1.9664385759031453,1,1410,0 -1411,0.0006803252935505048,-9.553134441375732e-05,-0.0006735846400260925,-1.7116820307617173,1,1411,0 -1412,0.0003895692590055494,-7.278099656105042e-05,-0.0003827102482318878,-1.7587248381526732,1,1412,0 -1413,3.213294554733972e-05,-2.2172927856445312e-05,-2.325698733329773e-05,-2.332336779127299,1,1413,0 -1414,0.00032832069970456496,-0.0001673661172389984,-0.00028245896100997925,-2.1057069324523785,1,1414,0 -1415,0.0004034234498618587,-0.00017654523253440857,-0.00036274269223213196,-2.0237437903600175,1,1415,0 -1416,0.00037673830876974593,-0.00014563649892807007,-0.0003474503755569458,-1.9677081017846823,1,1416,0 -1417,0.0003684764782255351,-0.00013804063200950623,-0.0003416426479816437,-1.9547889989322051,1,1417,0 -1418,0.0003985637213272399,-0.0001304149627685547,-0.00037662312388420105,-1.9041483174856746,1,1418,0 -1419,0.00035709026710525985,-0.0001391097903251648,-0.00032887980341911316,-1.970955317088479,1,1419,0 -1420,0.00033573271786934756,-0.00015886127948760986,-0.00029576942324638367,-2.063690833790485,1,1420,0 -1421,0.00034710219954613175,-0.00011685118079185486,-0.0003268420696258545,-1.9141509199394846,1,1421,0 -1422,0.00039710823398835795,-0.00014980509877204895,-0.0003677681088447571,-1.9576105869913887,1,1422,0 -1423,0.000351040144482521,-0.00015921518206596375,-0.00031285732984542847,-2.04154385778391,1,1423,0 -1424,0.0003529576921003656,-0.0001687370240688324,-0.00031001120805740356,-2.0692476404822986,1,1424,0 -1425,0.0003541756975401654,-8.121505379676819e-05,-0.00034473836421966553,-1.802162231519257,1,1425,0 -1426,0.0004342313043859574,-8.334219455718994e-05,-0.0004261583089828491,-1.76392508076181,1,1426,0 -1427,0.000339898855948895,-7.41221010684967e-05,-0.00033171847462654114,-1.7906338422374581,1,1427,0 -1428,0.0006995093060794847,-0.00014769285917282104,-0.0006837397813796997,-1.7835351870022111,1,1428,0 -1429,0.0002939896432762221,-8.883699774742126e-05,-0.00028024613857269287,-1.8777722370889922,1,1429,0 -1430,0.0003404456961012206,-0.00010021030902862549,-0.0003253631293773651,-1.8695720066143664,1,1430,0 -1431,0.0006482226562318566,-0.00013801828026771545,-0.0006333589553833008,-1.7853568133990814,1,1431,0 -1432,0.00037076440604520293,-0.0001246817409992218,-0.0003491714596748352,-1.913763493772115,1,1432,0 -1433,0.0005022616185977336,-0.00012274086475372314,-0.00048703327775001526,-1.8176728246487148,1,1433,0 -1434,0.0003869325297549642,-0.00016579777002334595,-0.0003496110439300537,-2.0136202522141406,1,1434,0 -1435,0.0004072473965600027,-0.0001551993191242218,-0.00037651509046554565,-1.961775046105638,1,1435,0 -1436,0.0003030162484150602,-4.234910011291504e-05,-0.0003000423312187195,-1.71101385616669,1,1436,0 -1437,0.0005153729859159748,-0.0001709386706352234,-0.0004861988127231598,-1.9088796574532987,1,1437,0 -1438,0.0003270574311972381,-9.504333138465881e-05,-0.0003129430115222931,-1.8656515779504588,1,1438,0 -1439,0.00034485864153250005,-0.00014581531286239624,-0.00031251460313796997,-2.007358227110663,1,1439,0 -1440,0.00039227439810323963,-0.00015317276120185852,-0.0003611333668231964,-1.9719422051052349,1,1440,0 -1441,0.0003888975742669426,-0.00016505643725395203,-0.0003521330654621124,-2.009119063285673,1,1441,0 -1442,0.0004679215431852428,-0.00010971724987030029,-0.000454876571893692,-1.807477763209305,1,1442,0 -1443,0.00036434634460881694,-8.64267349243164e-05,-0.0003539472818374634,-1.8102895868599824,1,1443,0 -1444,0.0003482029298118116,-2.5954097509384155e-05,-0.000347234308719635,-1.6454027939476157,1,1444,0 -1445,0.00034071659223330235,-0.00013305619359016418,-0.00031366199254989624,-1.971991269596509,1,1445,0 -1446,0.0005892752148972355,-0.00019251182675361633,-0.0005569420754909515,-1.9035983199470552,1,1446,0 -1447,0.0004098945824868485,-0.0001322813332080841,-0.0003879629075527191,-1.8993985694054012,1,1447,0 -1448,0.0006027935967164933,-0.0001341216266155243,-0.0005876831710338593,-1.7951744171623023,1,1448,0 -1449,0.00032120749273762593,-9.715184569358826e-05,-0.0003061629831790924,-1.8780669407873047,1,1449,0 -1450,0.0003699089679959732,-0.00017242133617401123,-0.00032726675271987915,-2.0556945204425645,1,1450,0 -1451,0.000374157436606657,-0.0001879669725894928,-0.000323515385389328,-2.0971385516140297,1,1451,0 -1452,0.0004900803689748128,-0.00021577253937721252,-0.00044002383947372437,-2.026706725453349,1,1452,0 -1453,0.00035344971298624896,-0.0001470521092414856,-0.00032140687108039856,-1.9998915033717175,1,1453,0 -1454,0.00033907317523608103,-0.0001047961413860321,-0.00032247230410575867,-1.8850075896728309,1,1454,0 -1455,0.0004193365826884869,-0.0001652836799621582,-0.00038538873195648193,-1.97594474227315,1,1455,0 -1456,0.00039273011276021993,-7.962808012962341e-05,-0.0003845728933811188,-1.7749670927188943,1,1456,0 -1457,0.0003206951205414731,-7.42003321647644e-05,-0.0003119930624961853,-1.8042855175490449,1,1457,0 -1458,0.00042397124071729076,-0.00010813400149345398,-0.00040994957089424133,-1.8286960729009822,1,1458,0 -1459,0.0003590960868361258,-0.00012353062629699707,-0.0003371797502040863,-1.9219745701520203,1,1459,0 -1460,0.00036559310781365264,-0.00014940649271011353,-0.0003336705267429352,-1.9917913428370004,1,1460,0 -1461,0.0003210565654130294,-0.00017194077372550964,-0.00027113407850265503,-2.135951263812716,1,1461,0 -1462,0.00045189939138535573,-0.0001336522400379181,-0.00043168291449546814,-1.871043810329951,1,1462,0 -1463,0.0006532052997553997,-0.00016763433814048767,-0.000631328672170639,-1.8303337170951879,1,1463,0 -1464,0.00039306855134245075,-0.0001256205141544342,-0.00037245452404022217,-1.8960923810941384,1,1464,0 -1465,0.00039980198718933877,-0.00018954649567604065,-0.00035201385617256165,-2.0647389578817705,1,1465,0 -1466,0.00025915660232068245,-6.701052188873291e-05,-0.0002503432333469391,-1.832339487751171,1,1466,0 -1467,0.00041347304242979663,-0.00011714547872543335,-0.0003965310752391815,-1.8580512695259124,1,1467,0 -1468,0.00046817787748520376,-0.00018272921442985535,-0.00043104588985443115,-1.9717523225387337,1,1468,0 -1469,0.0004039652709149532,-0.0001018419861793518,-0.0003909170627593994,-1.8256520513917567,1,1469,0 -1470,0.00032769478707154505,-0.0001030750572681427,-0.0003110617399215698,-1.8907745791599684,1,1470,0 -1471,0.00039437885407009207,-0.00015250220894813538,-0.00036370009183883667,-1.967835588931136,1,1471,0 -1472,0.0006645751805913712,-0.0002702772617340088,-0.0006071329116821289,-1.9896262367466795,1,1472,0 -1473,0.0004954311479088625,-0.000245898962020874,-0.0004300996661186218,-2.0901662777860794,1,1473,0 -1474,0.00031844110178050013,-0.0001498498022556305,-0.00028098002076148987,-2.060736449339507,1,1474,0 -1475,0.0005703748061127255,-0.00014594197273254395,-0.0005513876676559448,-1.8295441917977413,1,1475,0 -1476,0.00037613878810760444,-0.00011098012328147888,-0.0003593936562538147,-1.8703052148869705,1,1476,0 -1477,0.00037592320891062053,-0.0001396387815475464,-0.0003490261733531952,-1.951372631017336,1,1477,0 -1478,0.0003944752873795169,-0.0001553855836391449,-0.0003625825047492981,-1.975671992907818,1,1478,0 -1479,0.0003446879985526996,-0.00011200830340385437,-0.0003259815275669098,-1.9017611312158336,1,1479,0 -1480,0.00037334537715032147,-2.3700296878814697e-05,-0.00037259235978126526,-1.6343199305882152,1,1480,0 -1481,0.00040175389534569486,-0.00013706088066101074,-0.00037765130400657654,-1.9189430696900107,1,1481,0 -1482,0.00038027134401263593,-0.000138748437166214,-0.0003540553152561188,-1.9442862007469097,1,1482,0 -1483,0.0005026646459102738,-0.00016560405492782593,-0.00047460198402404785,-1.9065198240955368,1,1483,0 -1484,0.0003429195409874502,-0.00010570883750915527,-0.00032621994614601135,-1.8841611534700904,1,1484,0 -1485,0.0003645547125791632,-0.00010499358177185059,-0.00034910812973976135,-1.8629392446359998,1,1485,0 -1486,0.00034795947987684015,-0.00016563758254051208,-0.000306006520986557,-2.0669260759495995,1,1486,0 -1487,0.0003541994289987732,-0.00019588693976402283,-0.000295102596282959,-2.156806598943212,1,1487,0 -1488,0.0003072420204559956,-0.00012127310037612915,-0.0002822950482368469,-1.9765542059556938,1,1488,0 -1489,0.00042300336816157667,-7.766112685203552e-05,-0.0004158131778240204,-1.7554382780818492,1,1489,0 -1490,0.00036486806689472524,-0.00010516494512557983,-0.00034938380122184753,-1.8631714045383565,1,1490,0 -1491,0.0003427257175016618,-0.0001443624496459961,-0.0003108382225036621,-2.005584847803673,1,1491,0 -1492,0.00039569969490438475,-9.252876043319702e-05,-0.0003847293555736542,-1.8068173404989174,1,1492,0 -1493,0.00039093735181619147,-0.00014922022819519043,-0.0003613382577896118,-1.9624296363270797,1,1493,0 -1494,0.00041484648566123564,-0.00016493350267410278,-0.0003806501626968384,-1.9796711974232808,1,1494,0 -1495,0.0003813543596688396,-0.00016351789236068726,-0.0003445185720920563,-2.0139404648452035,1,1495,0 -1496,0.0003081966177839158,-8.812174201011658e-05,-0.00029532983899116516,-1.860770028587176,1,1496,0 -1497,0.0002752768904385418,-0.00011998787522315979,-0.0002477504312992096,-2.021812888459596,1,1497,0 -1498,0.0003928127087621948,-9.403377771377563e-05,-0.0003813914954662323,-1.8125295176223828,1,1498,0 -1499,0.0006001167516214855,-0.00025736913084983826,-0.0005421265959739685,-2.014032430928038,1,1499,0 -1500,0.0003703736879404328,-9.57585871219635e-05,-0.0003577806055545807,-1.832312912924844,1,1500,0 -1501,0.00032444042930072746,-0.00011427700519561768,-0.0003036484122276306,-1.9307469327636946,1,1501,0 -1502,0.00035279332073023106,-0.0001428462564945221,-0.00032258033752441406,-1.9876665356546335,1,1502,0 -1503,0.0003403336803492304,-0.00017179548740386963,-0.0002937912940979004,-2.0999297262743952,1,1503,0 -1504,0.0002907134752251555,-0.0001459084451198578,-0.0002514459192752838,-2.096587848956395,1,1504,0 -1505,0.0003337700987998842,-6.854534149169922e-05,-0.0003266558051109314,-1.7776349437357504,1,1505,0 -1506,0.0003610406724742741,-0.0001293756067752838,-0.000337064266204834,-1.9372863987695836,1,1506,0 -1507,0.0004027917255553394,-3.094598650932312e-05,-0.0004016011953353882,-1.6477008648496239,1,1507,0 -1508,0.00037310231638577624,-0.0001058727502822876,-0.00035776570439338684,-1.8585128099180983,1,1508,0 -1509,0.0003621225340995302,-0.00010125711560249329,-0.000347677618265152,-1.8541958122885933,1,1509,0 -1510,0.00039551058557853023,-9.952113032341003e-05,-0.00038278475403785706,-1.825157274976044,1,1510,0 -1511,0.0003523773531293268,-7.637590169906616e-05,-0.00034400075674057007,-1.7892749235984586,1,1511,0 -1512,0.000418687153354247,-4.6372413635253906e-05,-0.00041611120104789734,-1.6817807438295351,1,1512,0 -1513,0.00032778436959012106,-0.00010095164179801941,-0.00031185150146484375,-1.88386738595867,1,1513,0 -1514,0.0003937533511032549,-0.00012393668293952942,-0.00037373974919319153,-1.8909971163930857,1,1514,0 -1515,0.0004070638719258255,-7.090345025062561e-05,-0.00040084123611450195,-1.7458719612917377,1,1515,0 -1516,0.000301502110460434,-0.00014771521091461182,-0.00026283785700798035,-2.0828068534149593,1,1516,0 -1517,0.0004089465187151076,-0.00014424696564674377,-0.0003826618194580078,-1.9312814218365433,1,1517,0 -1518,0.00032278957574424517,-7.670745253562927e-05,-0.00031354278326034546,-1.8107310165189747,1,1518,0 -1519,0.00039424049996871413,-0.00010702386498451233,-0.0003794357180595398,-1.8457147963529652,1,1519,0 -1520,0.0003627268968876814,-0.00012348219752311707,-0.0003410615026950836,-1.9181678045870276,1,1520,0 -1521,0.0003867391585665045,-9.467080235481262e-05,-0.0003749728202819824,-1.81810188736848,1,1521,0 -1522,0.0005250132210076326,-0.00017401203513145447,-0.0004953369498252869,-1.9086291014869516,1,1522,0 -1523,0.0003289890060298118,-0.00019022449851036072,-0.0002684183418750763,-2.1873285045842197,1,1523,0 -1524,0.0003855749679833818,-0.0001009032130241394,-0.0003721378743648529,-1.8355747768267139,1,1524,0 -1525,0.0003366987847750682,-0.00014771893620491028,-0.0003025643527507782,-2.024978185888697,1,1525,0 -1526,0.0003644879296603037,-0.00012523308396339417,-0.000342298299074173,-1.921529425410415,1,1526,0 -1527,0.0003017997009565356,-0.00014591962099075317,-0.00026417896151542664,-2.075443047613216,1,1527,0 -1528,0.0002896381785317766,-0.00015292316675186157,-0.0002459771931171417,-2.1270165834733357,1,1528,0 -1529,0.00033086075294855744,-0.00015750154852867126,-0.00029096752405166626,-2.066937746918419,1,1529,0 -1530,0.00038101323473335274,-0.00018624216318130493,-0.00033239275217056274,-2.081518733181181,1,1530,0 -1531,0.00032195871929138574,-0.00015559792518615723,-0.00028186291456222534,-2.0751998440165784,1,1531,0 -1532,0.0003485021486513827,-0.00013033300638198853,-0.0003232136368751526,-1.9540935863713864,1,1532,0 -1533,0.00045485053148964605,-0.0002252236008644104,-0.0003951750695705414,-2.0888148339267785,1,1533,0 -1534,0.00035836578779200684,-0.0001314207911491394,-0.00033339858055114746,-1.9462799291992348,1,1534,0 -1535,0.0003705356786554159,-6.503239274024963e-05,-0.0003647841513156891,-1.7472192234789616,1,1535,0 -1536,0.0004061666859060148,-8.030980825424194e-05,-0.000398147851228714,-1.7698341398599706,1,1536,0 -1537,0.0003293306667867071,-0.00010438263416290283,-0.00031235069036483765,-1.89331237514342,1,1537,0 -1538,0.0003626979964010812,-0.00014616549015045166,-0.00033194199204444885,-1.98558335860637,1,1538,0 -1539,0.00034183480755046726,-0.00015155598521232605,-0.00030640140175819397,-2.0301404449806166,1,1539,0 -1540,0.0003128823219645091,-8.799135684967041e-05,-0.0003002546727657318,-1.8558701321779625,1,1540,0 -1541,0.0004160038229155292,-7.936730980873108e-05,-0.00040836259722709656,-1.7627581501689855,1,1541,0 -1542,0.0003910931648628988,-4.4967979192733765e-05,-0.00038849934935569763,-1.68603141709731,1,1542,0 -1543,0.00031328059949567054,-0.00012783333659172058,-0.0002860128879547119,-1.9911106171582669,1,1543,0 -1544,0.000376541579418094,-0.00020030513405799866,-0.00031884387135505676,-2.1317101299552754,1,1544,0 -1545,0.00029664003730388094,-0.00011703744530677795,-0.0002725757658481598,-1.9763674944085543,1,1545,0 -1546,0.00038079999402118006,-0.00018937885761260986,-0.0003303699195384979,-2.091301457344142,1,1546,0 -1547,0.00038665931212401785,-3.141164779663086e-05,-0.000385381281375885,-1.6521245169968328,1,1547,0 -1548,0.00043010094393253255,-9.11131501197815e-05,-0.0004203394055366516,-1.784254980309338,1,1548,0 -1549,0.00036730732634918014,-0.00013544410467147827,-0.0003414228558540344,-1.948458838331587,1,1549,0 -1550,0.00040780948264398546,-0.00015028566122055054,-0.00037910789251327515,-1.9482120322716503,1,1550,0 -1551,0.0003665772232347921,-0.00010501593351364136,-0.00035121291875839233,-1.8613439863696881,1,1551,0 -1552,0.00035582457793213046,-0.00017466768622398376,-0.00031000375747680664,-2.0838975311636045,1,1552,0 -1553,0.0003506602837338876,-0.00011179223656654358,-0.00033236294984817505,-1.895264713129255,1,1553,0 -1554,0.000638282523121472,-0.00021655485033988953,-0.000600423663854599,-1.9169449809971386,1,1554,0 -1555,0.0003649894393316144,-0.00010779127478599548,-0.00034870952367782593,-1.8705942045355255,1,1555,0 -1556,0.0004884146814289703,-0.00017420202493667603,-0.00045629218220710754,-1.9354955131920104,1,1556,0 -1557,0.0003626893339198248,-0.00015869736671447754,-0.0003261268138885498,-2.023676647677774,1,1557,0 -1558,0.0003638529256197387,-9.564682841300964e-05,-0.00035105645656585693,-1.8367942499964118,1,1558,0 -1559,0.000381689209912543,-7.495284080505371e-05,-0.00037425756454467773,-1.7684522036130952,1,1559,0 -1560,0.0005971719334407981,-0.0002557598054409027,-0.000539630651473999,-2.013390420700004,1,1560,0 -1561,0.0005035977782202811,-0.000168677419424057,-0.0004745088517665863,-1.9123428929331179,1,1561,0 -1562,0.0005879231057844945,-0.00022531300783157349,-0.0005430355668067932,-1.9640930406663641,1,1562,0 -1563,0.0003864971337688825,-9.33036208152771e-05,-0.00037506595253944397,-1.8146131511383687,1,1563,0 -1564,0.0004104897683808013,-0.00012638792395591736,-0.0003905482590198517,-1.883776535693007,1,1564,0 -1565,0.0003490984518926961,-9.230896830558777e-05,-0.0003366731107234955,-1.838399850421145,1,1565,0 -1566,0.0003435509794900619,-0.00018708407878875732,-0.00028814375400543213,-2.146660596534563,1,1566,0 -1567,0.0002782889906898472,-0.0001364871859550476,-0.00024252012372016907,-2.083403819155079,1,1567,0 -1568,0.00038821660986334904,-0.00010633096098899841,-0.0003733709454536438,-1.8482379031601424,1,1568,0 -1569,0.0003891962901638569,-0.00010954961180686951,-0.0003734603524208069,-1.856128808562414,1,1569,0 -1570,0.000343776793835268,-0.00016064196825027466,-0.0003039352595806122,-2.05701446149711,1,1570,0 -1571,0.00035041345342941635,-0.00014234334230422974,-0.0003201998770236969,-1.989104851720083,1,1571,0 -1572,0.00040985221566562576,-6.376951932907104e-05,-0.00040486082434654236,-1.7270225401812667,1,1572,0 -1573,0.00038248734474095127,-0.00014465674757957458,-0.00035407766699790955,-1.9586475203457494,1,1573,0 -1574,0.00031680986392531376,-0.00011575594544410706,-0.0002949051558971405,-1.9448371779338747,1,1574,0 -1575,0.00036880618227645826,-8.913129568099976e-05,-0.00035787373781204224,-1.8148881482424029,1,1575,0 -1576,0.0003862269331250075,-0.00015937909483909607,-0.00035180896520614624,-1.9961649729312503,1,1576,0 -1577,0.0003334619698116919,-0.0001699700951576233,-0.0002868920564651489,-2.1056481734888752,1,1577,0 -1578,0.00036008603352079825,-9.622052311897278e-05,-0.000346992164850235,-1.8412984878221597,1,1578,0 -1579,0.00034049902243671077,-0.00012347102165222168,-0.0003173239529132843,-1.941871723836193,1,1579,0 -1580,0.0003419626027333336,-9.929388761520386e-05,-0.00032722949981689453,-1.865404320927731,1,1580,0 -1581,0.00039168320441108315,-5.8360397815704346e-05,-0.0003873109817504883,-1.7203522016803687,1,1581,0 -1582,0.0003214988153279759,-9.235739707946777e-05,-0.00030794739723205566,-1.8621732114822087,1,1582,0 -1583,0.00030475124062190665,-9.6883624792099e-05,-0.000288940966129303,-1.894321183234243,1,1583,0 -1584,0.00031514380211096455,-0.00014350563287734985,-0.0002805739641189575,-2.0435790951466974,1,1584,0 -1585,0.000701189026382914,-0.00016876310110092163,-0.0006805770099163055,-1.8138640723002069,1,1585,0 -1586,0.0004135656452638227,-6.785988807678223e-05,-0.00040796026587486267,-1.7356266187161515,1,1586,0 -1587,0.00032010418431257295,-0.0001020580530166626,-0.00030339881777763367,-1.8952886168921512,1,1587,0 -1588,0.0003773400912702926,-0.000174790620803833,-0.00033441558480262756,-2.052418843052377,1,1588,0 -1589,0.00041380962285859804,-0.00012379512190818787,-0.0003948584198951721,-1.8746081257911176,1,1589,0 -1590,0.0003277339794299262,-7.782503962516785e-05,-0.0003183595836162567,-1.810550722745866,1,1590,0 -1591,0.0003094940676419232,-0.00011858344078063965,-0.0002858750522136688,-1.9640032296330494,1,1591,0 -1592,0.000527987591176491,-8.848682045936584e-05,-0.0005205199122428894,-1.7391835624880236,1,1592,0 -1593,0.0003189738632940408,-0.00014349818229675293,-0.00028487294912338257,-2.0374210501589594,1,1593,0 -1594,0.00033474105171281117,-0.00012088939547538757,-0.0003121495246887207,-1.9402896783904928,1,1594,0 -1595,0.00039103355075480867,-0.0001611262559890747,-0.0003562942147254944,-1.9955015974914707,1,1595,0 -1596,0.00028980988835406135,-9.945407509803772e-05,-0.0002722106873989105,-1.921086159744338,1,1596,0 -1597,0.00034547680098840776,-9.559839963912964e-05,-0.0003319866955280304,-1.8511696175985404,1,1597,0 -1598,0.0006372865056323838,-0.0005018897354602814,-0.00039273500442504883,-2.4776061348161353,1,1598,0 -1599,0.000359661775848662,-6.184354424476624e-05,-0.0003543049097061157,-1.7436042970165209,1,1599,0 -1600,0.0004132312037213281,-8.709728717803955e-05,-0.0004039481282234192,-1.7831602673619955,1,1600,0 -1601,0.00037971530648903275,-0.00010849162936210632,-0.00036388635635375977,-1.8605522652483824,1,1601,0 -1602,0.0003740290393931719,-0.00012846291065216064,-0.0003512762486934662,-1.921391728170534,1,1602,0 -1603,0.0003539943071904636,-1.1779367923736572e-05,-0.0003537982702255249,-1.6040780564192136,1,1603,0 -1604,0.0004928156159517861,-0.00024191290140151978,-0.00042935460805892944,-2.083894864913718,1,1604,0 -1605,0.0003592576053348356,-0.00014748796820640564,-0.0003275871276855469,-1.9938374835157238,1,1605,0 -1606,0.00033851028815389634,-0.00012559816241264343,-0.00031434744596481323,-1.9509164694065015,1,1606,0 -1607,0.00036280109753257603,-0.00015460699796676636,-0.00032820925116539,-2.011026937137835,1,1607,0 -1608,0.0004044141409731267,-6.524473428726196e-05,-0.0003991164267063141,-1.7328359909416498,1,1608,0 -1609,0.0003173612810295961,-8.134543895721436e-05,-0.0003067590296268463,-1.8300074350803068,1,1609,0 -1610,0.0003623931096060584,-0.00017666444182395935,-0.0003164149820804596,-2.0800135482380457,1,1610,0 -1611,0.0003837581647355432,-0.0001774914562702179,-0.00034024566411972046,-2.051618871705252,1,1611,0 -1612,0.0005799396445934011,-0.00023145228624343872,-0.0005317516624927521,-1.9813283448746446,1,1612,0 -1613,0.0003375696609528725,-0.00013504177331924438,-0.0003093816339969635,-1.982358129641018,1,1613,0 -1614,0.0003593288030160112,-0.00021769851446151733,-0.0002858750522136688,-2.22162722324424,1,1614,0 -1615,0.0003237324059357312,-9.927898645401001e-05,-0.00030813366174697876,-1.8824887034028954,1,1615,0 -1616,0.00039024722387059175,-8.108466863632202e-05,-0.00038173049688339233,-1.780098849612621,1,1616,0 -1617,0.0003438806082173267,-0.0001669377088546753,-0.00030064210295677185,-2.077677025181126,1,1617,0 -1618,0.00042255570981924187,-0.00012962520122528076,-0.00040218234062194824,-1.8825883617525623,1,1618,0 -1619,0.00041521631893002913,-0.00011767446994781494,-0.00039819255471229553,-1.8581393787026377,1,1619,0 -1620,0.00034429012902163596,-4.999712109565735e-05,-0.0003406405448913574,-1.7165296229682259,1,1620,0 -1621,0.00032592848498161185,-0.0001133941113948822,-0.0003055669367313385,-1.9261383259360731,1,1621,0 -1622,0.0005077326006797054,-0.0002496950328350067,-0.00044209137558937073,-2.084934378754927,1,1622,0 -1623,0.0006233074445973817,-0.00018471479415893555,-0.0005953088402748108,-1.871661054960533,1,1623,0 -1624,0.00037932300243518973,-0.00016682222485542297,-0.0003406703472137451,-2.026160460243797,1,1624,0 -1625,0.00040273421769979707,-0.0001228228211402893,-0.00038354843854904175,-1.8807057758750505,1,1625,0 -1626,0.00043218013787834166,-0.00012584775686264038,-0.00041345134377479553,-1.8662697906116632,1,1626,0 -1627,0.00037554229274065835,-0.00013421475887298584,-0.00035073980689048767,-1.93626729573148,1,1627,0 -1628,0.0005713610371358039,-0.00016002729535102844,-0.0005484931170940399,-1.8546746747727323,1,1628,0 -1629,0.000441935753110153,-0.00013146176934242249,-0.00042193010449409485,-1.8728358859834442,1,1629,0 -1630,0.0003854239421050778,-0.00013022497296333313,-0.0003627575933933258,-1.9154541390165714,1,1630,0 -1631,0.00046702570557448147,-0.00010955706238746643,-0.00045399367809295654,-1.8075876016488357,1,1631,0 -1632,0.0004164280859033122,-9.826943278312683e-05,-0.00040466710925102234,-1.809025064771796,1,1632,0 -1633,0.0005111935158488903,-6.565451622009277e-05,-0.000506959855556488,-1.6995858459975537,1,1633,0 -1634,0.00039757897146699674,-0.00015031173825263977,-0.0003680698573589325,-1.9585044349337701,1,1634,0 -1635,0.0003261064429008054,-0.00013672560453414917,-0.0002960599958896637,-2.0034338845231137,1,1635,0 -1636,0.00032983201696777886,-0.00011100247502326965,-0.0003105923533439636,-1.9140390754517578,1,1636,0 -1637,0.0006418404951775897,-7.817521691322327e-05,-0.0006370618939399719,-1.6928980108755753,1,1637,0 -1638,0.0003825259184264945,-0.0001441650092601776,-0.00035431981086730957,-1.957218093226435,1,1638,0 -1639,0.0003461301123682935,-0.00010880082845687866,-0.00032858550548553467,-1.8905524519087413,1,1639,0 -1640,0.0004376716300052474,-0.0001029670238494873,-0.0004253871738910675,-1.808283325855238,1,1640,0 -1641,0.0003868434615265503,-0.00015703216195106506,-0.00035353749990463257,-1.9887947903136094,1,1641,0 -1642,0.000290131545146342,-0.00011929869651794434,-0.00026446953415870667,-1.9945536082705022,1,1642,0 -1643,0.0003795211223241801,-8.42660665512085e-05,-0.00037004798650741577,-1.794694951815301,1,1643,0 -1644,0.0005651361464971286,-0.00018174201250076294,-0.0005351155996322632,-1.8982043112748603,1,1644,0 -1645,0.00030714064582221994,-0.00012582913041114807,-0.000280182808637619,-1.9928986823196628,1,1645,0 -1646,0.00035270704364005106,-0.0001338459551334381,-0.0003263242542743683,-1.9600326206209238,1,1646,0 -1647,0.0003551546705943454,-7.505342364311218e-05,-0.00034713372588157654,-1.7837277491459362,1,1647,0 -1648,0.0006306643431351498,-0.00010276585817337036,-0.0006222352385520935,-1.7344747683412625,1,1648,0 -1649,0.00030080794759492754,-9.86047089099884e-05,-0.0002841874957084656,-1.9047698132456545,1,1649,0 -1650,0.0003124132136775487,-9.341537952423096e-05,-0.00029812008142471313,-1.8744537110853816,1,1650,0 -1651,0.00031854800394684067,-9.363517165184021e-05,-0.00030447542667388916,-1.8691465123200743,1,1651,0 -1652,0.00034628048960605315,-8.397921919822693e-05,-0.00033594295382499695,-1.81575672551049,1,1652,0 -1653,0.00041906026299223857,-8.630752563476562e-05,-0.00041007623076438904,-1.778235781170438,1,1653,0 -1654,0.00037889408110565757,-2.7120113372802734e-06,-0.00037888437509536743,-1.5779540910101186,1,1654,0 -1655,0.0005760499869896413,-0.0002545267343521118,-0.0005167685449123383,-2.028454338228475,1,1655,0 -1656,0.00038771129054286196,-0.0001482553780078888,-0.00035824626684188843,-1.9631735151002099,1,1656,0 -1657,0.0002796112212338325,-0.00010940060019493103,-0.00025732070207595825,-1.9727963348285131,1,1657,0 -1658,0.0003803771889631811,-0.00020326673984527588,-0.0003215111792087555,-2.1345728066053185,1,1658,0 -1659,0.0003636288180064796,-0.00015101581811904907,-0.00033078715205192566,-1.9990712173979246,1,1659,0 -1660,0.00029851855599293274,-0.00012552738189697266,-0.000270843505859375,-2.0047938818036957,1,1660,0 -1661,0.0003590716639246073,-0.00013612210750579834,-0.0003322698175907135,-1.9596139306169895,1,1661,0 -1662,0.00032052264346362733,-8.474290370941162e-05,-0.0003091171383857727,-1.8383674346730379,1,1662,0 -1663,0.0003878219479063275,-0.0001519136130809784,-0.0003568306565284729,-1.9732853600191411,1,1663,0 -1664,0.0004374999870132113,-0.00015479326248168945,-0.0004092007875442505,-1.932441193861203,1,1664,0 -1665,0.0004938053530738288,-0.00019618123769760132,-0.00045316293835639954,-1.979352283244795,1,1665,0 -1666,0.00037294398234638505,-0.00011800229549407959,-0.00035378336906433105,-1.8927364067436319,1,1666,0 -1667,0.00036620560183467073,-8.174777030944824e-05,-0.00035696476697921753,-1.7959223057357625,1,1667,0 -1668,0.0007365736598536931,-0.00013671070337295532,-0.0007237754762172699,-1.7574823996858766,1,1668,0 -1669,0.00034547235277989133,-9.924545884132385e-05,-0.0003309100866317749,-1.862176691020166,1,1669,0 -1670,0.00029409880813183875,-0.00012118369340896606,-0.00026797130703926086,-1.9955001667830035,1,1670,0 -1671,0.0003714419939622141,-0.00011073797941207886,-0.0003545507788658142,-1.8735292280342304,1,1671,0 -1672,0.00036152862170903024,-9.272247552871704e-05,-0.000349435955286026,-1.830168113319061,1,1672,0 -1673,0.000322394763144371,-8.54097306728363e-05,-0.00031087547540664673,-1.838920211170262,1,1673,0 -1674,0.0003900397298129451,-0.00010958686470985413,-0.0003743283450603485,-1.8555940608659178,1,1674,0 -1675,0.0003346592046399524,-9.257346391677856e-05,-0.0003216005861759186,-1.8510715093361991,1,1675,0 -1676,0.00043708595617187825,-0.00014390423893928528,-0.00041271746158599854,-1.9062902104846713,1,1676,0 -1677,0.00032403597647321205,-7.87489116191864e-05,-0.000314321368932724,-1.8162796756492825,1,1677,0 -1678,0.00036133243191648046,-0.00012987852096557617,-0.00033718347549438477,-1.9384675787349601,1,1678,0 -1679,0.000295399689145877,-0.00010641291737556458,-0.0002755671739578247,-1.9393147070526338,1,1679,0 -1680,0.0003113283721368365,-0.00014622509479522705,-0.00027485191822052,-2.059726002563906,1,1680,0 -1681,0.0004558355088094994,-0.00011714175343513489,-0.0004405267536640167,-1.8306948770096738,1,1681,0 -1682,0.0003985829580947158,-0.00011363998055458069,-0.00038203969597816467,-1.8599174989335991,1,1682,0 -1683,0.0003126539842401466,-0.00012296438217163086,-0.00028745830059051514,-1.9750059806768465,1,1683,0 -1684,0.0006039680568356219,-0.0002462230622768402,-0.0005514994263648987,-1.9907034395282963,1,1684,0 -1685,0.0004096713700782027,-0.00016650184988975525,-0.0003743097186088562,-1.9893373452199687,1,1685,0 -1686,0.00041655295643170537,-2.8312206268310547e-06,-0.0004165433347225189,-1.577593163504879,1,1686,0 -1687,0.0006607445604580095,-0.00015484541654586792,-0.0006423443555831909,-1.807346110585248,1,1687,0 -1688,0.00042572120776371075,-0.00016660615801811218,-0.00039176642894744873,-1.9728948852357837,1,1688,0 -1689,0.00038657929486004525,-8.224323391914368e-05,-0.00037772953510284424,-1.7851808597913867,1,1689,0 -1690,0.0003285299506348614,-8.071586489677429e-05,-0.0003184601664543152,-1.8190257052096372,1,1690,0 -1691,0.00032937073781807085,-7.693469524383545e-05,-0.0003202594816684723,-1.8065551089683758,1,1691,0 -1692,0.00039293377082436423,-9.280815720558167e-05,-0.00038181617856025696,-1.8092423213175524,1,1692,0 -1693,0.00041560437375503883,-0.00014931708574295044,-0.0003878548741340637,-1.9382893591051311,1,1693,0 -1694,0.00039520572934049407,-5.478411912918091e-05,-0.0003913901746273041,-1.7098659431130299,1,1694,0 -1695,0.00037956210701899816,-0.00016250088810920715,-0.0003430172801017761,-2.013215833051203,1,1695,0 -1696,0.00033173969410839896,-0.0001477561891078949,-0.0002970173954963684,-2.032415041867545,1,1696,0 -1697,0.00037518664790295363,-0.00013813376426696777,-0.00034883245825767517,-1.9478400410863548,1,1697,0 -1698,0.0003109938387156324,-0.00015600770711898804,-0.0002690330147743225,-2.0962926657681926,1,1698,0 -1699,0.00040145841051427843,-0.00014773011207580566,-0.00037328898906707764,-1.9476358537896659,1,1699,0 -1700,0.0003752521865067709,-0.00017398223280906677,-0.00033248215913772583,-2.0528963023156033,1,1700,0 -1701,0.0003611036690539618,-0.00014148280024528503,-0.0003322325646877289,-1.9733906927839557,1,1701,0 -1702,0.00039039394356904956,-0.0001845136284828186,-0.0003440380096435547,-2.063074139251385,1,1702,0 -1703,0.0003029370704295339,-6.22086226940155e-05,-0.0002964809536933899,-1.777619312592834,1,1703,0 -1704,0.00032654837421408807,-0.00015776604413986206,-0.000285908579826355,-2.0750249757335824,1,1704,0 -1705,0.00033534127016888635,-0.00010410323739051819,-0.000318773090839386,-1.8864518590936605,1,1705,0 -1706,0.0003898118144395172,-0.00012060627341270447,-0.00037068501114845276,-1.885354282569736,1,1706,0 -1707,0.000261468760058849,-8.310377597808838e-05,-0.00024791061878204346,-1.8942409395479136,1,1707,0 -1708,0.0003677759893896534,-0.00011607632040977478,-0.0003489777445793152,-1.8919030487794504,1,1708,0 -1709,0.0003420381221862561,-7.124990224838257e-05,-0.00033453479409217834,-1.7806428859989707,1,1709,0 -1710,0.00034413900608662066,-0.00017127767205238342,-0.00029848888516426086,-2.091740278206544,1,1710,0 -1711,0.0005832234360931205,-0.0002674013376235962,-0.0005183108150959015,-2.047090170856681,1,1711,0 -1712,0.00036035012471967307,-8.764490485191345e-05,-0.00034952908754348755,-1.8164820562054884,1,1712,0 -1713,0.0004467568246128049,-0.0001946277916431427,-0.00040213391184806824,-2.0215520831363225,1,1713,0 -1714,0.0003404945862919361,-0.0001122206449508667,-0.0003214702010154724,-1.9066563785139579,1,1714,0 -1715,0.0002819222653507847,-0.00012395158410072327,-0.00025321170687675476,-2.0260228956058275,1,1715,0 -1716,0.0003744249067611803,-7.51987099647522e-05,-0.0003667958080768585,-1.7730094949514121,1,1716,0 -1717,0.00036310138214464216,-8.775293827056885e-05,-0.00035233795642852783,-1.814889144768331,1,1717,0 -1718,0.00047276451102452264,-0.0001844540238380432,-0.0004352964460849762,-1.9716021955291063,1,1718,0 -1719,0.0003896908193390931,-0.00014098361134529114,-0.0003632940351963043,-1.940976332760139,1,1719,0 -1720,0.00033731335117171996,-9.689107537269592e-05,-0.00032309815287590027,-1.8621441654193565,1,1720,0 -1721,0.00046056460276253065,-0.0002019256353378296,-0.00041393935680389404,-2.0246481299617027,1,1721,0 -1722,0.0003398766944600673,-0.0001904107630252838,-0.00028153136372566223,-2.165465599575892,1,1722,0 -1723,0.0004297531067807196,-8.599087595939636e-05,-0.0004210621118545532,-1.7722498491822758,1,1723,0 -1724,0.00040532427012023443,-0.00014375895261764526,-0.0003789737820625305,-1.9333642701512728,1,1724,0 -1725,0.0003600130507759594,-0.00010550767183303833,-0.0003442056477069855,-1.8682286521693943,1,1725,0 -1726,0.0005695418581619931,-0.00011418759822845459,-0.000557977706193924,-1.7726546480641094,1,1726,0 -1727,0.0003131122536503978,-5.3573399782180786e-05,-0.00030849501490592957,-1.7427420054354126,1,1727,0 -1728,0.0004033348977107538,-8.597597479820251e-05,-0.00039406493306159973,-1.7856072972655128,1,1728,0 -1729,0.00045897092067636946,-0.00016569718718528748,-0.0004280172288417816,-1.9401565990909801,1,1729,0 -1730,0.0003614535280089625,-6.775557994842529e-05,-0.00035504624247550964,-1.7593649540349694,1,1730,0 -1731,0.00035946111670060365,-0.00011654198169708252,-0.0003400444984436035,-1.9009760414199766,1,1731,0 -1732,0.00033303839824447474,-7.841363549232483e-05,-0.00032367557287216187,-1.8084770970045205,1,1732,0 -1733,0.0003742899990361377,-0.00010391324758529663,-0.00035957619547843933,-1.8521201108679723,1,1733,0 -1734,0.00040551709767209945,-7.618218660354614e-05,-0.00039829686284065247,-1.7597836060586518,1,1734,0 -1735,0.0003991237140213945,-0.00015803053975105286,-0.0003665052354335785,-1.9778916921120948,1,1735,0 -1736,0.0004326258994046205,-8.484348654747009e-05,-0.0004242248833179474,-1.7681885091792275,1,1736,0 -1737,0.00034281014852115277,-0.00017198920249938965,-0.00029654428362846375,-2.0963637639561794,1,1737,0 -1738,0.00043147100339806986,-5.76116144657135e-05,-0.0004276074469089508,-1.70472002297003,1,1738,0 -1739,0.0003237318098330473,-9.188801050186157e-05,-0.0003104172646999359,-1.8585926977070422,1,1739,0 -1740,0.0004700661760755804,-0.00022142007946968079,-0.00041465088725090027,-2.0612659831924476,1,1740,0 -1741,0.0004283869897544587,-7.214024662971497e-05,-0.0004222691059112549,-1.7400022990559159,1,1741,0 -1742,0.0003191705561413633,-0.0001986287534236908,-0.0002498328685760498,-2.242509549303966,1,1742,0 -1743,0.00033639293526965163,-8.216127753257751e-05,-0.0003262050449848175,-1.8175342510964603,1,1743,0 -1744,0.00042302464546855066,-6.462261080741882e-05,-0.0004180595278739929,-1.7241600459951296,1,1744,0 -1745,0.00030542934146562283,-0.00011570751667022705,-0.00028266385197639465,-1.9593341503366075,1,1745,0 -1746,0.00033181179818829047,-0.00010830163955688477,-0.00031363964080810547,-1.9032832748701614,1,1746,0 -1747,0.0003065616684846946,-0.00011732429265975952,-0.00028322264552116394,-1.9635244354205719,1,1747,0 -1748,0.0004072688724890043,-0.00013810396194458008,-0.00038313865661621094,-1.9167539937980171,1,1748,0 -1749,0.0003421935636343892,-0.0001452118158340454,-0.00030985474586486816,-2.009046635462494,1,1749,0 -1750,0.000413111091494136,-0.00012946873903274536,-0.0003922991454601288,-1.8895669228062955,1,1750,0 -1751,0.00039845531398125986,-6.0655176639556885e-05,-0.0003938116133213043,-1.7236162511298871,1,1751,0 -1752,0.00034807101396110634,-0.00016738846898078918,-0.00030517950654029846,-2.072480903788749,1,1752,0 -1753,0.00033562965606304503,-0.00016158074140548706,-0.00029417499899864197,-2.0730769188273572,1,1753,0 -1754,0.00037948134878695264,-0.00011835619807243347,-0.00036055222153663635,-1.887977272547044,1,1754,0 -1755,0.00034495443178113045,-0.00020695477724075317,-0.0002759769558906555,-2.2142326393723706,1,1755,0 -1756,0.00033033432993166353,-9.237229824066162e-05,-0.0003171563148498535,-1.8542079088525294,1,1756,0 -1757,0.00032222524995900004,-4.2807310819625854e-05,-0.0003193691372871399,-1.70403926235453,1,1757,0 -1758,0.0003641155264194094,-0.0001255534589290619,-0.00034178420901298523,-1.9228408371020094,1,1758,0 -1759,0.00043127753078264633,-0.00015807896852493286,-0.00040126219391822815,-1.9460800570529073,1,1759,0 -1760,0.0003881733675911871,-0.0001499764621257782,-0.00035803020000457764,-1.9674832194058718,1,1760,0 -1761,0.00040978685187779404,-7.405877113342285e-05,-0.0004030391573905945,-1.7525199711729975,1,1761,0 -1762,0.00035201506025775,-1.2043863534927368e-05,-0.00035180896520614624,-1.6050170630498,1,1762,0 -1763,0.0004038001264809684,-0.0001179128885269165,-0.00038620084524154663,-1.867122053579922,1,1763,0 -1764,0.0004188671456233062,-0.00011213123798370361,-0.00040357932448387146,-1.8418026859238854,1,1764,0 -1765,0.00043000273811733767,-8.990243077278137e-05,-0.0004204995930194855,-1.7814243543683836,1,1765,0 -1766,0.0004529213883177389,-0.00016221404075622559,-0.0004228763282299042,-1.9370826052263175,1,1766,0 -1767,0.0005934943910848464,-8.971989154815674e-05,-0.0005866736173629761,-1.7225503866100926,1,1767,0 -1768,0.0003800309902089296,-2.9306858777999878e-05,-0.0003788992762565613,-1.64798999179,1,1768,0 -1769,0.00034189766097801226,-0.0001227930188179016,-0.0003190860152244568,-1.9381547790766198,1,1769,0 -1770,0.0003851132103284913,-2.4124979972839355e-05,-0.000384356826543808,-1.6334812360945252,1,1770,0 -1771,0.0003957065817151167,-0.0001147054135799408,-0.00037871673703193665,-1.8648924703009666,1,1771,0 -1772,0.0003536487924418502,-0.00012150406837463379,-0.000332120805978775,-1.9215148650110894,1,1772,0 -1773,0.00031935759195928886,-4.8074871301651e-05,-0.0003157183527946472,-1.7219069356269419,1,1773,0 -1774,0.00035790455332944333,-0.00012617558240890503,-0.00033492594957351685,-1.931080046889216,1,1774,0 -1775,0.00040206441018171085,-0.000154104083776474,-0.00037135928869247437,-1.9641434679876588,1,1775,0 -1776,0.00036577985955294444,-0.0001687556505203247,-0.0003245249390602112,-2.0503221246156302,1,1776,0 -1777,0.00036914822088786147,-0.00011298432946205139,-0.0003514327108860016,-1.8818560266236164,1,1777,0 -1778,0.0004022194857030032,-0.00010531768202781677,-0.00038818642497062683,-1.83572592410329,1,1778,0 -1779,0.00036343641691780607,-5.288049578666687e-05,-0.0003595687448978424,-1.7168160412073452,1,1779,0 -1780,0.00036210322091846,-9.570270776748657e-05,-0.00034922733902931213,-1.8382710071078965,1,1780,0 -1781,0.00033016180181803405,-0.00010924413800239563,-0.0003115646541118622,-1.9080329214390244,1,1781,0 -1782,0.0003553200000255255,-0.00017056241631507874,-0.00031170621514320374,-2.071479322994214,1,1782,0 -1783,0.0003362991671120114,-0.0001343749463558197,-0.0003082863986492157,-1.9818436896025615,1,1783,0 -1784,0.00045360674148027866,-0.0001110471785068512,-0.0004398040473461151,-1.8181193969841543,1,1784,0 -1785,0.00042927800215316047,-9.083747863769531e-05,-0.0004195570945739746,-1.7840134373478715,1,1785,0 -1786,0.00037391558941188876,-8.296966552734375e-05,-0.00036459416151046753,-1.7945529014322992,1,1786,0 -1787,0.0005039596440058287,-9.990110993385315e-05,-0.000493958592414856,-1.770350489374713,1,1787,0 -1788,0.0003891209590893733,-3.9692968130111694e-05,-0.00038709118962287903,-1.6729808230652186,1,1788,0 -1789,0.00038075904214023075,-0.00010703131556510925,-0.0003654062747955322,-1.8557363210563687,1,1789,0 -1790,0.0003290823547584394,-0.00011893734335899353,-0.000306837260723114,-1.9405880173808088,1,1790,0 -1791,0.0004001977596184153,-0.00013270601630210876,-0.00037755444645881653,-1.9087965180101132,1,1791,0 -1792,0.0003437598974857376,-8.374825119972229e-05,-0.0003334023058414459,-1.816897288507778,1,1792,0 -1793,0.00031931296569835823,-6.833672523498535e-05,-0.0003119148313999176,-1.7864763502327081,1,1793,0 -1794,0.00036768306037875456,-0.00011065974831581116,-0.00035063549876213074,-1.8765007825828275,1,1794,0 -1795,0.00038136270615173696,-7.936358451843262e-05,-0.00037301331758499146,-1.78043373322327,1,1795,0 -1796,0.0003847052193361494,-0.00018769130110740662,-0.0003358125686645508,-2.080459697446241,1,1796,0 -1797,0.00037156134068334315,-0.00014512240886688232,-0.000342048704624176,-1.9720519761075945,1,1797,0 -1798,0.00031251648627120493,-0.00012728571891784668,-0.00028542056679725647,-1.9902842340247333,1,1798,0 -1799,0.0003175061273888136,-0.00012914463877677917,-0.0002900548279285431,-1.9896865946591094,1,1799,0 -1800,0.0003751745204671498,-0.00014152377843856812,-0.0003474578261375427,-1.9575903056681347,1,1800,0 -1801,0.0003303088398700816,-0.00010390952229499817,-0.000313539057970047,-1.8908135705174278,1,1801,0 -1802,0.000372960928671467,-0.00015851855278015137,-0.00033759698271751404,-2.009788301604328,1,1802,0 -1803,0.00036922405650459693,-9.857863187789917e-05,-0.0003558211028575897,-1.841063217420008,1,1803,0 -1804,0.0003209099423511269,-0.00016152486205101013,-0.00027729570865631104,-2.0982490889771945,1,1804,0 -1805,0.0003865477673207282,-7.547438144683838e-05,-0.00037910789251327515,-1.7673111293454469,1,1805,0 -1806,0.0003636052439705564,-0.000145740807056427,-0.0003331191837787628,-1.9832097016489614,1,1806,0 -1807,0.0002655119645754078,-0.00012324005365371704,-0.00023517757654190063,-2.0534824405122687,1,1807,0 -1808,0.0003783784481396017,-9.88207757472992e-05,-0.00036524608731269836,-1.8350295129147376,1,1808,0 -1809,0.0003888645786223416,-0.0001240745186805725,-0.0003685392439365387,-1.8955429975607896,1,1809,0 -1810,0.0005408203612341385,-0.0002507232129573822,-0.00047919154167175293,-2.0528479186622786,1,1810,0 -1811,0.00033736792390380316,-0.0001608133316040039,-0.00029657408595085144,-2.0676596412413732,1,1811,0 -1812,0.00036945056945199707,-0.00012712180614471436,-0.0003468915820121765,-1.922058723353278,1,1812,0 -1813,0.00030311523840313844,-0.00012467056512832642,-0.0002762898802757263,-1.9946735003569438,1,1813,0 -1814,0.00036039093243022904,-0.0001576244831085205,-0.0003240928053855896,-2.0234692853495257,1,1814,0 -1815,0.00036525634084556727,-0.0001776665449142456,-0.0003191344439983368,-2.0787794597145353,1,1815,0 -1816,0.00027276737952304167,-0.00010302290320396423,-0.0002525635063648224,-1.9581020766721937,1,1816,0 -1817,0.00037808890107170185,-0.00013155117630958557,-0.0003544650971889496,-1.9261662027004987,1,1817,0 -1818,0.000320146214811382,-0.00012763962149620056,-0.00029360130429267883,-1.98088608606691,1,1818,0 -1819,0.00037328765383192727,-0.00012342259287834167,-0.0003522932529449463,-1.9077744509224805,1,1819,0 -1820,0.0003508560879250216,-0.00010512769222259521,-0.0003347359597682953,-1.8751031782750778,1,1820,0 -1821,0.0004037021645460875,-0.00014865025877952576,-0.0003753378987312317,-1.9478875664585564,1,1821,0 -1822,0.000362783389433358,2.386420965194702e-05,-0.0003619976341724396,-1.5049679164771976,1,1822,0 -1823,0.0003804551379586108,-0.00015806779265403748,-0.00034606456756591797,-1.9992560543750133,1,1823,0 -1824,0.00039012824221327434,-0.00017638877034187317,-0.00034797564148902893,-2.039948498697317,1,1824,0 -1825,0.00039050678127074064,-0.00011582300066947937,-0.00037293508648872375,-1.8719232856683965,1,1825,0 -1826,0.00038167149613338897,-0.00013149157166481018,-0.0003583058714866638,-1.9225184805100908,1,1826,0 -1827,0.00042015287086674956,-6.568804383277893e-05,-0.00041498616337776184,-1.7277835563047135,1,1827,0 -1828,0.00044138597067479166,-4.065409302711487e-05,-0.0004395097494125366,-1.663032594622087,1,1828,0 -1829,0.0007094647470771307,-0.0002601221203804016,-0.0006600581109523773,-1.9461972797787677,1,1829,0 -1830,0.00029277398271161924,-0.00011406466364860535,-0.0002696402370929718,-1.9709932648293875,1,1830,0 -1831,0.0003290953984855012,-0.00017365440726280212,-0.0002795495092868805,-2.12665387822071,1,1831,0 -1832,0.00028976963548114665,-0.0001180991530418396,-0.0002646110951900482,-1.990579224830716,1,1832,0 -1833,0.0003104816445166237,-5.232915282249451e-05,-0.00030604004859924316,-1.7401465026870073,1,1833,0 -1834,0.0003385943391361301,-0.0001411139965057373,-0.0003077872097492218,-2.00067904343351,1,1834,0 -1835,0.0006349250563216707,-0.00014043599367141724,-0.000619199126958847,-1.7938258794219246,1,1835,0 -1836,0.00035901181269843053,-0.000180169939994812,-0.00031052902340888977,-2.096532173894035,1,1836,0 -1837,0.0004909299008865025,-0.00012791529297828674,-0.0004739724099636078,-1.8343955621665924,1,1837,0 -1838,0.0003806597226239827,-0.00010847300291061401,-0.00036487728357315063,-1.8597615955710245,1,1838,0 -1839,0.0003379893534285072,-0.00018431246280670166,-0.000283312052488327,-2.1475675351817105,1,1839,0 -1840,0.0003309430155103413,-0.0001451447606086731,-0.00029741600155830383,-2.0248135522816657,1,1840,0 -1841,0.0003223244946224313,-0.0001457594335079193,-0.00028748437762260437,-2.0400416733565625,1,1841,0 -1842,0.0004523822328380664,-7.720291614532471e-05,-0.00044574588537216187,-1.7422943573183998,1,1842,0 -1843,0.00036904556789639454,-0.000176161527633667,-0.0003242865204811096,-2.068425465545604,1,1843,0 -1844,0.0003630662076636833,-8.594244718551636e-05,-0.00035274773836135864,-1.8097775006747425,1,1844,0 -1845,0.0006817805198614945,-0.00019458308815956116,-0.0006534233689308167,-1.8602245683126564,1,1845,0 -1846,0.0003164053580957122,-0.0001445561647415161,-0.00028145313262939453,-2.045269807684443,1,1846,0 -1847,0.00032568533312839334,-0.00011947005987167358,-0.00030298158526420593,-1.9463919010852586,1,1847,0 -1848,0.0004833220227915783,-0.00013715773820877075,-0.00046345219016075134,-1.8585315358840742,1,1848,0 -1849,0.00034451351799281847,-8.422881364822388e-06,-0.0003444105386734009,-1.595247386795288,1,1849,0 -1850,0.0003024417105096699,-0.00016595050692558289,-0.0002528466284275055,-2.151607709883758,1,1850,0 -1851,0.00046630425030423216,-0.00026249513030052185,-0.0003854036331176758,-2.1687189672647196,1,1851,0 -1852,0.0003069252175636835,-0.0001625940203666687,-0.0002603195607662201,-2.129103591332494,1,1852,0 -1853,0.0003447725739435247,-0.00010707229375839233,-0.00032772496342658997,-1.8865775882212341,1,1853,0 -1854,0.00038913360136346527,-0.00010875239968299866,-0.00037362799048423767,-1.8540416947743095,1,1854,0 -1855,0.0003892125858063504,-7.906556129455566e-05,-0.0003810971975326538,-1.7753624562618928,1,1855,0 -1856,0.00030657510074845885,-0.000131998211145401,-0.0002767033874988556,-2.0159067060729177,1,1856,0 -1857,0.0004581991133698824,-6.932392716407776e-05,-0.000452924519777298,-1.7226760779420738,1,1857,0 -1858,0.0003316393935969048,-0.0001369975507259369,-0.00030202046036720276,-1.9966429172452715,1,1858,0 -1859,0.0003208502862873209,-0.0001740381121635437,-0.00026954710483551025,-2.1441206245850823,1,1859,0 -1860,0.0003123915518331951,-0.00010398402810096741,-0.00029457733035087585,-1.9101359065931132,1,1860,0 -1861,0.00044590407838531485,-3.607943654060364e-05,-0.0004444420337677002,-1.6517978759774221,1,1861,0 -1862,0.00031012188474860436,-0.00016774237155914307,-0.00026084110140800476,-2.142293313757356,1,1862,0 -1863,0.00037651551912985267,-0.0001363307237625122,-0.00035096704959869385,-1.9413003181640296,1,1863,0 -1864,0.0003962466671477574,-9.810552000999451e-05,-0.00038390979170799255,-1.820985235668032,1,1864,0 -1865,0.00039254021033305754,-0.00017811357975006104,-0.00034980475902557373,-2.041760919791593,1,1865,0 -1866,0.0003703550480047586,-0.000142756849527359,-0.0003417357802391052,-1.9665020145703775,1,1866,0 -1867,0.00035170183020992755,-0.00011163577437400818,-0.0003335140645503998,-1.8937996104155055,1,1867,0 -1868,0.00041378504253209044,-0.00010598823428153992,-0.00039998069405555725,-1.8298265231871955,1,1868,0 -1869,0.0005705590075775291,-0.00021430477499961853,-0.0005287826061248779,-1.9558457353579197,1,1869,0 -1870,0.0003730099692732394,-0.00012681260704994202,-0.00035079196095466614,-1.9176824865513333,1,1870,0 -1871,0.00036965836393354826,-6.891041994094849e-05,-0.000363178551197052,-1.7583097698293093,1,1871,0 -1872,0.0004374664200980458,-0.0001420639455318451,-0.0004137568175792694,-1.901535802533026,1,1872,0 -1873,0.0003069207667854756,-0.00013026222586631775,-0.0002779066562652588,-2.0091136539352568,1,1873,0 -1874,0.0003007189516258471,-0.00010196119546890259,-0.0002829059958457947,-1.9167118342567433,1,1874,0 -1875,0.00045470663359655053,-0.00012093782424926758,-0.0004383288323879242,-1.8400052146037478,1,1875,0 -1876,0.00036892967020683403,-0.0001330636441707611,-0.0003440976142883301,-1.9397876431466252,1,1876,0 -1877,0.00036218061707349493,-0.0001312755048274994,-0.0003375522792339325,-1.9417009299741326,1,1877,0 -1878,0.0004476573257417677,-6.200000643730164e-05,-0.00044334307312965393,-1.7097417808256752,1,1878,0 -1879,0.0003457257082681221,-5.677714943885803e-05,-0.0003410317003726959,-1.7357696311893607,1,1879,0 -1880,0.00038795537205033216,-0.00014565140008926392,-0.00035957619547843933,-1.9556606507522323,1,1880,0 -1881,0.00037849183281615843,-0.0001730024814605713,-0.0003366395831108093,-2.0455099887412853,1,1881,0 -1882,0.00035348322550680586,-0.00011018291115760803,-0.00033587217330932617,-1.8877844887242352,1,1882,0 -1883,0.00037252468512653927,-0.0001180507242679596,-0.00035332515835762024,-1.8932489150774203,1,1883,0 -1884,0.0003226845237271188,-0.00011612102389335632,-0.0003010667860507965,-1.9389134032988422,1,1884,0 -1885,0.00038245935297968745,-0.00011765584349632263,-0.000363912433385849,-1.8834972151092066,1,1885,0 -1886,0.00034352531148332076,-0.00011163949966430664,-0.00032487884163856506,-1.9017888890060874,1,1886,0 -1887,0.0003363316309418313,-6.255507469177246e-05,-0.00033046305179595947,-1.757877957482215,1,1887,0 -1888,0.0004216859079517027,-0.00010447949171066284,-0.00040853768587112427,-1.8211701508757534,1,1888,0 -1889,0.0004609940440645294,-0.0001474432647228241,-0.00043677911162376404,-1.8963544882634582,1,1889,0 -1890,0.0003497790390963379,-0.0001702047884464264,-0.0003055743873119354,-2.078997565024735,1,1890,0 -1891,0.0004242960319436613,-0.00011589378118515015,-0.0004081614315509796,-1.847455802750058,1,1891,0 -1892,0.0004171613371656922,-0.00016228482127189636,-0.00038430094718933105,-1.9703657523399134,1,1892,0 -1893,0.00036354264190172796,-0.00011818483471870422,-0.00034379586577415466,-1.901905425282655,1,1893,0 -1894,0.0005157822351697783,-0.00019854679703712463,-0.0004760362207889557,-1.965942465216843,1,1894,0 -1895,0.00039055087275866783,-0.0001375935971736908,-0.00036551058292388916,-1.9308307658418302,1,1895,0 -1896,0.0003421218649696945,-0.00010694935917854309,-0.0003249756991863251,-1.8887316566362435,1,1896,0 -1897,0.00038853479391869034,-0.0001475512981414795,-0.00035942718386650085,-1.9603368597131847,1,1897,0 -1898,0.00042812571957455295,-0.00021708756685256958,-0.00036900490522384644,-2.1025724530762337,1,1898,0 -1899,0.00034959546683388396,-0.0001411139965057373,-0.0003198496997356415,-1.9862984588485881,1,1899,0 -1900,0.0003125847121958593,-5.345046520233154e-05,-0.0003079809248447418,-1.74263591861266,1,1900,0 -1901,0.00041874655989286054,-1.7784535884857178e-05,-0.00041836872696876526,-1.6132799875241557,1,1901,0 -1902,0.00036448092250582345,-0.00012037158012390137,-0.00034403055906295776,-1.9073698527126013,1,1902,0 -1903,0.000271538854485786,-0.00014736875891685486,-0.0002280697226524353,-2.1444649450037248,1,1903,0 -1904,0.0004549032114316996,-0.00010427087545394897,-0.00044279173016548157,-1.8020679939620892,1,1904,0 -1905,0.00036254269102555875,-9.928271174430847e-05,-0.0003486834466457367,-1.8481912513627794,1,1905,0 -1906,0.0003462456313207346,-0.00012312084436416626,-0.0003236159682273865,-1.9343395993801193,1,1906,0 -1907,0.00039416190531816,-0.0001127980649471283,-0.00037767738103866577,-1.8610255915337468,1,1907,0 -1908,0.0003597890466585352,-0.00011749565601348877,-0.0003400631248950958,-1.9034667306990682,1,1908,0 -1909,0.00038623239772203334,-0.00014122575521469116,-0.00035948678851127625,-1.9451270572455905,1,1909,0 -1910,0.0006929920406012089,-0.00012706220149993896,-0.0006812438368797302,-1.7551925704122808,1,1910,0 -1911,0.0003744638602518747,-9.08970832824707e-05,-0.0003632642328739166,-1.8159849056628408,1,1911,0 -1912,0.00037251860821943365,-0.0001288391649723053,-0.00034952908754348755,-1.9239511762012593,1,1912,0 -1913,0.0003841109971267034,-5.5167824029922485e-05,-0.0003801286220550537,-1.714919443401304,1,1913,0 -1914,0.0003881388962328473,-0.00015317276120185852,-0.0003566369414329529,-1.9764656914404213,1,1914,0 -1915,0.0003456843054091482,-0.00010897964239120483,-0.0003280565142631531,-1.8915245260406426,1,1915,0 -1916,0.0003465383541647224,-0.0001165829598903656,-0.00032633915543556213,-1.9139106576949947,1,1916,0 -1917,0.00036830403535184907,-0.00019482523202896118,-0.00031255558133125305,-2.128193753145211,1,1917,0 -1918,0.0005647612005102799,-0.00019318237900733948,-0.0005306936800479889,-1.9199048988024872,1,1918,0 -1919,0.00033265324831771906,-5.719810724258423e-05,-0.00032769888639450073,-1.7436001984971259,1,1919,0 -1920,0.0003164035121214127,-0.00014355406165122986,-0.0002819634974002838,-2.0417155583760476,1,1920,0 -1921,0.0003933746128239803,-8.333474397659302e-05,-0.00038444623351097107,-1.784259527582804,1,1921,0 -1922,0.0004045409014528141,-6.548315286636353e-05,-0.00039920583367347717,-1.7333819708721323,1,1922,0 -1923,0.000499562349164043,-0.0002070590853691101,-0.00045463070273399353,-1.9981687256339424,1,1923,0 -1924,0.0003733479667273502,-0.0001124255359172821,-0.0003560185432434082,-1.8766716927066411,1,1924,0 -1925,0.0005220654802575838,-0.00020235031843185425,-0.00048125535249710083,-1.9688182668054446,1,1925,0 -1926,0.00040353189503931935,-0.00010838359594345093,-0.00038870424032211304,-1.8427226068136207,1,1926,0 -1927,0.0003358318255498299,-7.911399006843567e-05,-0.0003263801336288452,-1.8086077531919464,1,1927,0 -1928,0.00047500259409025857,-7.59512186050415e-05,-0.00046889111399650574,-1.731382058015346,1,1928,0 -1929,0.00034412013591322117,-0.0001270286738872528,-0.0003198161721229553,-1.948880344900712,1,1929,0 -1930,0.0004369210065605436,-0.00015777722001075745,-0.000407438725233078,-1.9402559226883622,1,1930,0 -1931,0.00039682484196479486,-5.309656262397766e-05,-0.0003932565450668335,-1.7050023589795817,1,1931,0 -1932,0.0003612489955936577,-0.00015983358025550842,-0.0003239661455154419,-2.029121917907609,1,1932,0 -1933,0.000322639609848761,-0.00014873594045639038,-0.00028631091117858887,-2.049914871074318,1,1933,0 -1934,0.0003275982817822661,-0.00011555105447769165,-0.0003065429627895355,-1.931274588405031,1,1934,0 -1935,0.00035898580509659473,-0.00012962520122528076,-0.000334765762090683,-1.9402298812935,1,1935,0 -1936,0.000338208996759757,-0.00014693289995193481,-0.00030462443828582764,-2.020217313483154,1,1936,0 -1937,0.00031872161259185886,-0.0001300238072872162,-0.0002909936010837555,-1.9910084799522096,1,1937,0 -1938,0.0005383090793268505,-0.00011897087097167969,-0.0005249977111816406,-1.793644725658482,1,1938,0 -1939,0.0003047150411591884,-0.00010886415839195251,-0.0002846047282218933,-1.9361348074655473,1,1939,0 -1940,0.00030079351546888594,-0.0001282617449760437,-0.0002720765769481659,-2.011317865496113,1,1940,0 -1941,0.0003888363780535778,-0.00017796829342842102,-0.000345718115568161,-2.0461968085989803,1,1941,0 -1942,0.00031505601626928326,-0.0001255236566066742,-0.0002889707684516907,-1.9805865717460143,1,1942,0 -1943,0.00040038740774797513,-0.00010358542203903198,-0.00038675591349601746,-1.8324859163249794,1,1943,0 -1944,0.00033875784322841144,-7.237493991851807e-05,-0.00033093616366386414,-1.7861040049397656,1,1944,0 -1945,0.0003288040724557665,-5.9913843870162964e-05,-0.0003232993185520172,-1.7540375280705716,1,1945,0 -1946,0.0003970345965040337,-0.00013966858386993408,-0.0003716573119163513,-1.9302676308158198,1,1946,0 -1947,0.00039395218604035504,-5.521252751350403e-05,-0.00039006397128105164,-1.7114095648878596,1,1947,0 -1948,0.0003259060779711054,-0.00022057071328163147,-0.0002399235963821411,-2.3141928823777995,1,1948,0 -1949,0.00033952474083944595,-0.00015131384134292603,-0.0003039427101612091,-2.032711813246827,1,1949,0 -1950,0.00029659645612795544,-0.00013247504830360413,-0.000265367329120636,-2.033814824891164,1,1950,0 -1951,0.0004328226233036473,-6.883963942527771e-05,-0.0004273131489753723,-1.730522786702097,1,1951,0 -1952,0.0003711565765607499,-0.00011949241161346436,-0.00035139545798301697,-1.8985806367676554,1,1952,0 -1953,0.0004357323841795827,-9.33036208152771e-05,-0.00042562559247016907,-1.786597987419958,1,1953,0 -1954,0.0003675304575406849,-4.2319297790527344e-05,-0.0003650858998298645,-1.6861973050462977,1,1954,0 -1955,0.0003416921632257238,-0.00015777349472045898,-0.00030308589339256287,-2.0507539927748595,1,1955,0 -1956,0.00035286459297657533,-0.00017184391617774963,-0.00030819326639175415,-2.0794442318741346,1,1956,0 -1957,0.00050579768568063,-0.00010540708899497986,-0.000494692474603653,-1.7807327597931908,1,1957,0 -1958,0.0003736034435638641,-5.666911602020264e-05,-0.0003692805767059326,-1.7230666054405972,1,1958,0 -1959,0.00038981471917027275,-8.629262447357178e-05,-0.00038014352321624756,-1.7940136924657244,1,1959,0 -1960,0.0003406926726820833,-0.00011274591088294983,-0.00032149627804756165,-1.908086768886539,1,1960,0 -1961,0.0003912188425609465,-0.00010582432150840759,-0.00037663429975509644,-1.8447076854839615,1,1961,0 -1962,0.00037746907267361725,-0.0001389048993587494,-0.0003509819507598877,-1.9476428918580446,1,1962,0 -1963,0.00033366606086902796,-0.0001627802848815918,-0.0002912655472755432,-2.080425856391333,1,1963,0 -1964,0.0002844721827039181,-8.773431181907654e-05,-0.00027060508728027344,-1.8843183355115452,1,1964,0 -1965,0.0004532265448665285,-0.00012722983956336975,-0.0004350021481513977,-1.8553407109687967,1,1965,0 -1966,0.0003978940052479595,-0.00020996108651161194,-0.00033798813819885254,-2.1266644849790226,1,1966,0 -1967,0.00037365420666407573,-0.000229567289352417,-0.0002948157489299774,-2.2324017457763032,1,1967,0 -1968,0.00035784173836518975,-9.008124470710754e-05,-0.0003463178873062134,-1.8252687671045122,1,1968,0 -1969,0.0003589065617183537,-0.00013823062181472778,-0.00033121928572654724,-1.9661599188903667,1,1969,0 -1970,0.00030872690762894764,-0.00015159696340560913,-0.0002689436078071594,-2.084078415126354,1,1970,0 -1971,0.0002784729346025743,-0.00014815852046012878,-0.0002357885241508484,-2.131803441151537,1,1971,0 -1972,0.00034755847334173737,-0.00021460652351379395,-0.0002733878791332245,-2.2363170678408117,1,1972,0 -1973,0.00038428438772578977,-0.00011904537677764893,-0.000365380197763443,-1.885762782989111,1,1973,0 -1974,0.0003611190462814072,-0.00015566125512123108,-0.00032584741711616516,-2.016455169377927,1,1974,0 -1975,0.00031615017272141195,-8.66129994392395e-05,-0.00030405446887016296,-1.8483061285108757,1,1975,0 -1976,0.0004117049592599423,-0.00019699335098266602,-0.000361517071723938,-2.069721315988208,1,1976,0 -1977,0.00036053550763056117,-0.00013381987810134888,-0.00033478066325187683,-1.9510647818158875,1,1977,0 -1978,0.0003590840130000936,-8.556991815567017e-05,-0.0003487393260002136,-1.81141194121064,1,1978,0 -1979,0.000329244426391339,-9.98564064502716e-05,-0.0003137364983558655,-1.878939284844753,1,1979,0 -1980,0.00033871673723541413,-0.00015844032168388367,-0.0002993755042552948,-2.057558333414769,1,1980,0 -1981,0.0003849487037153621,-8.071213960647583e-05,-0.0003763921558856964,-1.7820336260163403,1,1981,0 -1982,0.0003096796126763515,-0.00014008209109306335,-0.0002761855721473694,-2.0401895458306707,1,1982,0 -1983,0.0003162065908833215,-9.825825691223145e-05,-0.00030055269598960876,-1.8867685368575742,1,1983,0 -1984,0.00037271830446171264,-0.00010694190859794617,-0.0003570467233657837,-1.8618108302338734,1,1984,0 -1985,0.00037594226135442377,-0.0001805722713470459,-0.0003297366201877594,-2.071814887009142,1,1985,0 -1986,0.00033830997150255133,-0.0001516677439212799,-0.0003024078905582428,-2.0356701314611967,1,1986,0 -1987,0.00038360648855648746,-0.00018153712153434753,-0.0003379322588443756,-2.0637589971965316,1,1987,0 -1988,0.0004246715572974631,-8.448958396911621e-05,-0.0004161819815635681,-1.771085542442253,1,1988,0 -1989,0.00038118220596763697,-0.00011366233229637146,-0.0003638416528701782,-1.873585581895539,1,1989,0 -1990,0.0004198800528755842,-0.00010209530591964722,-0.00040727853775024414,-1.8164119352519847,1,1990,0 -1991,0.0004247815912053386,-0.00010597333312034607,-0.000411350280046463,-1.8229367010941926,1,1991,0 -1992,0.00038062186527981084,-0.0001091398298740387,-0.00036463886499404907,-1.861619397696739,1,1992,0 -1993,0.0003313369480053042,-8.198246359825134e-05,-0.00032103434205055237,-1.820822463520252,1,1993,0 -1994,0.0003609586484434763,-1.6238540410995483e-05,-0.00036059319972991943,-1.6157987748039897,1,1994,0 -1995,0.0004137885872661353,-0.00010566413402557373,-0.00040007010102272034,-1.8290140577593956,1,1995,0 -1996,0.00026990046711228597,-0.00012951716780662537,-0.0002367943525314331,-2.0713029874132403,1,1996,0 -1997,0.00040691713662303235,-0.00011257082223892212,-0.0003910362720489502,-1.8510954499443308,1,1997,0 -1998,0.000312624262058155,-0.00015334784984588623,-0.0002724304795265198,-2.0834804858941607,1,1998,0 -1999,0.00041887723861550323,-0.00013293325901031494,-0.00039722397923469543,-1.893736516455529,1,1999,0 -2000,0.00043141091770283085,-0.000170145183801651,-0.00039644166827201843,-1.9762028802780802,1,2000,0 -2001,0.00039929069458585444,-0.0001173652708530426,-0.00038165226578712463,-1.8691368066275316,1,2001,0 -2002,0.0003714333285099399,-0.00013349205255508423,-0.00034661591053009033,-1.9384180479517348,1,2002,0 -2003,0.0003910011700428366,-0.00011638551950454712,-0.00037327781319618225,-1.8730372352401026,1,2003,0 -2004,0.0004447324054676865,-0.00010081753134727478,-0.0004331544041633606,-1.7994768226788207,1,2004,0 -2005,0.00038407527050615925,-0.00014905259013175964,-0.0003539733588695526,-1.9693455903242656,1,2005,0 -2006,0.0003764236635536006,-0.00010722875595092773,-0.00036082789301872253,-1.8596586716642283,1,2006,0 -2007,0.0003799595168098963,-0.0001623593270778656,-0.00034352391958236694,-2.0123082691522827,1,2007,0 -2008,0.00033807089762569317,-0.00015042349696159363,-0.0003027617931365967,-2.0319109607227377,1,2008,0 -2009,0.0005415736378855339,-0.00020356476306915283,-0.0005018599331378937,-1.956138699638042,1,2009,0 -2010,0.0005343334270622043,-0.0002831891179084778,-0.000453118234872818,-2.129380122840583,1,2010,0 -2011,0.0003392586551248504,-0.00016918405890464783,-0.0002940632402896881,-2.0928802481459967,1,2011,0 -2012,0.0004946049021496562,-0.00017745420336723328,-0.000461675226688385,-1.9377565622407935,1,2012,0 -2013,0.00043146467341680144,-0.0001430027186870575,-0.0004070773720741272,-1.9086210163653174,1,2013,0 -2014,0.00031236618821611577,-0.00015331804752349854,-0.00027215108275413513,-2.0838360893623293,1,2014,0 -2015,0.00033602932059659474,-0.00011097639799118042,-0.0003171749413013458,-1.9073733095743026,1,2015,0 -2016,0.0004204287625947319,-0.00012572109699249268,-0.0004011914134025574,-1.874473015048742,1,2016,0 -2017,0.00032539810519193943,-8.353590965270996e-05,-0.00031449273228645325,-1.8304223255931702,1,2017,0 -2018,0.00033431929030485537,-8.055567741394043e-05,-0.00032446905970573425,-1.8141453497233966,1,2018,0 -2019,0.0004517051017248765,-0.00014672055840492249,-0.00042721256613731384,-1.9016123619851364,1,2019,0 -2020,0.00038766664911501125,-0.0001733340322971344,-0.0003467574715614319,-2.034340795607064,1,2020,0 -2021,0.0004291506051541841,-5.2619725465774536e-05,-0.00042591243982315063,-1.6937193131470345,1,2021,0 -2022,0.0006473346360441373,-0.000127401202917099,-0.0006346739828586578,-1.7688983977162844,1,2022,0 -2023,0.00035962184875832677,-0.00015597417950630188,-0.00032403692603111267,-2.01941043551531,1,2023,0 -2024,0.0004376341624616549,-0.00020762532949447632,-0.0003852471709251404,-2.0651089799720292,1,2024,0 -2025,0.0003166687285821512,9.658187627792358e-05,-0.00030158087611198425,-1.2608648142083516,1,2025,0 -2026,0.00028148626092219114,-0.00011816248297691345,-0.00025548413395881653,-2.003999948636947,1,2026,0 -2027,0.0003496999893826852,-0.00017082318663597107,-0.0003051385283470154,-2.081148946855063,1,2027,0 -2028,0.0005353820042066957,-0.00013566389679908752,-0.0005179084837436676,-1.8269860128707656,1,2028,0 -2029,0.00043517220669804816,-8.575618267059326e-05,-0.0004266388714313507,-1.7691572264384288,1,2029,0 -2030,0.0003724822674399247,-7.738173007965088e-05,-0.00036435574293136597,-1.7800665270836662,1,2030,0 -2031,0.0005884407853494106,-0.00023202970623970032,-0.0005407631397247314,-1.9761162183760486,1,2031,0 -2032,0.00036378138585008705,-7.187202572822571e-05,-0.00035661086440086365,-1.769674027555916,1,2032,0 -2033,0.0003523937214979559,-0.00010836869478225708,-0.00033531710505485535,-1.883383683161693,1,2033,0 -2034,0.0003279290435950199,-7.757917046546936e-05,-0.00031862035393714905,-1.8096335730628283,1,2034,0 -2035,0.0003805864099775632,-8.971244096755981e-05,-0.0003698617219924927,-1.808757361342211,1,2035,0 -2036,0.0003067897029827788,-5.440413951873779e-05,-0.0003019273281097412,-1.7490728286245176,1,2036,0 -2037,0.0002940288398793833,-0.00010979920625686646,-0.0002727583050727844,-1.9535001509511525,1,2037,0 -2038,0.00031980381947700455,-0.00014462321996688843,-0.0002852343022823334,-2.0400545376996173,1,2038,0 -2039,0.0003509547954723037,-0.0001614801585674286,-0.00031159818172454834,-2.048922948595946,1,2039,0 -2040,0.000536740202480368,-0.00022422894835472107,-0.00048765912652015686,-2.0017755395261934,1,2040,0 -2041,0.00040208999130111986,-0.00018851831555366516,-0.0003551580011844635,-2.0587802456876947,1,2041,0 -2042,0.0004265171277570657,-5.61736524105072e-05,-0.00042280182242393494,-1.7028832349194107,1,2042,0 -2043,0.00039325107144859607,-9.761005640029907e-05,-0.00038094446063041687,-1.821631488797259,1,2043,0 -2044,0.00040041710736350277,-0.00019265711307525635,-0.0003510229289531708,-2.0727522037245127,1,2044,0 -2045,0.0003655646107704986,-0.00014150142669677734,-0.00033706799149513245,-1.9682550119635858,1,2045,0 -2046,0.00029944014218708203,-0.00018156692385673523,-0.00023811310529708862,-2.2222646410834166,1,2046,0 -2047,0.00040457896505524107,-0.00012423843145370483,-0.0003850311040878296,-1.8829204263215695,1,2047,0 -2048,0.00036017136973797716,-9.237229824066162e-05,-0.0003481246531009674,-1.8301621434479216,1,2048,0 -2049,0.00040501598655215615,-0.00012036040425300598,-0.00038671866059303284,-1.8725283766512029,1,2049,0 -2050,0.000337771344647711,-0.00010440126061439514,-0.00032123178243637085,-1.8850308481250573,1,2050,0 -2051,4.10159286776842e-05,-6.429851055145264e-06,-4.0508806705474854e-05,-1.7282103518248468,1,2051,0 -2052,0.0003885337199226263,-0.00015698373317718506,-0.00035540759563446045,-1.9867270377574195,1,2052,0 -2053,0.00036322962227618806,-0.00021303445100784302,-0.00029419735074043274,-2.1975280568154703,1,2053,0 -2054,0.0003182693944614406,-0.00018645823001861572,-0.000257931649684906,-2.196725235088646,1,2054,0 -2055,0.0003644017154632803,-0.00014169886708259583,-0.0003357231616973877,-1.9701831086261568,1,2055,0 -2056,0.0003519080091822361,-0.00010490044951438904,-0.0003359094262123108,-1.873487954186239,1,2056,0 -2057,0.00048624465150208323,-0.00013910606503486633,-0.0004659220576286316,-1.8609322373123702,1,2057,0 -2058,0.0003618876829014265,-0.00011850893497467041,-0.0003419332206249237,-1.9044256217328845,1,2058,0 -2059,0.00038570299337937103,-0.00019393861293792725,-0.00033339858055114746,-2.0976527320908556,1,2059,0 -2060,0.000377368073218019,-0.0001153796911239624,-0.0003592967987060547,-1.8815207168319417,1,2060,0 -2061,0.00033752658877593853,-0.00010246783494949341,-0.0003215968608856201,-1.8792487716208377,1,2061,0 -2062,0.0004190512696769519,-0.00014127418398857117,-0.0003945194184780121,-1.9146616448674725,1,2062,0 -2063,0.0003834922476709589,-6.815791130065918e-05,-0.00037738680839538574,-1.749475131054243,1,2063,0 -2064,0.0003694333639453582,-9.782612323760986e-05,-0.0003562457859516144,-1.8387933124828966,1,2064,0 -2065,0.0003445674429352606,-9.116530418395996e-05,-0.0003322884440422058,-1.8385636498587854,1,2065,0 -2066,0.0004024851288376807,-0.0001938939094543457,-0.0003527030348777771,-2.0734375984597504,1,2066,0 -2067,0.00034210943581104415,-0.00018448755145072937,-0.00028810277581214905,-2.140360087174189,1,2067,0 -2068,0.00033963842856227726,-0.00012043118476867676,-0.0003175698220729828,-1.9332680687973618,1,2068,0 -2069,0.00030157357888613344,-0.00028700754046440125,-9.259209036827087e-05,-2.829522089354612,1,2069,0 -2070,0.0005317294767427825,-0.0001454390585422516,-0.0005114525556564331,-1.8478478221254753,1,2070,0 -2071,0.0003169579252213589,-8.754432201385498e-05,-0.0003046281635761261,-1.8506361574237973,1,2071,0 -2072,0.0004073631931833039,-7.034465670585632e-05,-0.00040124356746673584,-1.7443491657841217,1,2072,0 -2073,0.00038874161533443397,-0.00012497976422309875,-0.00036810338497161865,-1.8981076826997598,1,2073,0 -2074,0.00036212405047895036,-0.00013182684779167175,-0.0003372766077518463,-1.9433958501800805,1,2074,0 -2075,0.0006353602383267396,-0.00013612210750579834,-0.0006206072866916656,-1.7867141010104457,1,2075,0 -2076,0.0003238850770666392,-0.0001665838062763214,-0.0002777613699436188,-2.1110225164058196,1,2076,0 -2077,0.00032597849267897914,-9.21003520488739e-05,-0.0003126971423625946,-1.8572321412884625,1,2077,0 -2078,0.0002869206694443056,-0.00015315040946006775,-0.00024262815713882446,-2.133852015448497,1,2078,0 -2079,0.0004198214673475881,-0.00011670589447021484,-0.0004032738506793976,-1.8524966408796781,1,2079,0 -2080,0.0003831160166444552,-3.746524453163147e-05,-0.00038127973675727844,-1.6687437239942269,1,2080,0 -2081,0.00036070829458700014,-0.00014622509479522705,-0.00032974034547805786,-1.98819434374197,1,2081,0 -2082,0.0004086901208300616,-3.4689903259277344e-05,-0.0004072152078151703,-1.6557792817819876,1,2082,0 -2083,0.0003844634476169997,-6.343796849250793e-05,-0.00037919357419013977,-1.7365582929056251,1,2083,0 -2084,0.0003238830791068398,-9.788572788238525e-05,-0.0003087371587753296,-1.8778228049233343,1,2084,0 -2085,0.00034283633890391487,-3.637373447418213e-05,-0.00034090131521224976,-1.6770928837540742,1,2085,0 -2086,0.00030302841364376193,-0.00014505907893180847,-0.000266052782535553,-2.0699674260473953,1,2086,0 -2087,0.00038475590072846303,-0.00010154768824577332,-0.0003711134195327759,-1.8378882216379158,1,2087,0 -2088,0.0003811187815010485,-0.00013152137398719788,-0.00035770609974861145,-1.9231340582772654,1,2088,0 -2089,0.0006815845107060731,-0.0001574307680130005,-0.0006631538271903992,-1.8038786803432996,1,2089,0 -2090,0.00038174011976825905,-8.122622966766357e-05,-0.0003729984164237976,-1.785214402261469,1,2090,0 -2091,0.00044124792791678624,-0.00011473894119262695,-0.00042606890201568604,-1.8338525145070839,1,2091,0 -2092,0.0003956995029930078,-0.00010283663868904114,-0.0003821030259132385,-1.8337001511333755,1,2092,0 -2093,0.0003311118023076819,-0.00014607608318328857,-0.0002971477806568146,-2.0276965967855523,1,2093,0 -2094,0.00037443342069905195,-0.00018602609634399414,-0.0003249533474445343,-2.090727289840034,1,2094,0 -2095,0.00035391923165666603,-0.00018730014562606812,-0.0003002956509590149,-2.128474045112844,1,2095,0 -2096,0.00041834348318168954,-9.94950532913208e-05,-0.00040633976459503174,-1.8109285012117278,1,2096,0 -2097,0.00040729821664352506,-0.0001684129238128662,-0.0003708489239215851,-1.9970778905853963,1,2097,0 -2098,0.0006581071194607604,-0.00014038756489753723,-0.0006429590284824371,-1.7857684919882515,1,2098,0 -2099,0.0003088251789113143,-0.00015303120017051697,-0.0002682432532310486,-2.08923772901279,1,2099,0 -2100,0.0003656198393911281,-0.00015076249837875366,-0.0003330893814563751,-1.9958258693587176,1,2100,0 -2101,0.00039685496366794403,-0.0001311562955379486,-0.0003745555877685547,-1.907618222659003,1,2101,0 -2102,0.000342931868751666,-0.00010211765766143799,-0.00032737478613853455,-1.8731608222591238,1,2102,0 -2103,0.0003353111442518257,-0.00013413280248641968,-0.00030731409788131714,-1.9823403266320883,1,2103,0 -2104,0.00036198510938126663,-0.0001689903438091278,-0.00032011792063713074,-2.056514238152032,1,2104,0 -2105,0.0003899087207091407,-0.0001144111156463623,-0.0003727450966835022,-1.868609673612942,1,2105,0 -2106,0.00034238285371389305,-0.00014873966574668884,-0.00030838698148727417,-2.020196100763829,1,2106,0 -2107,0.00040214778779478605,-7.759779691696167e-05,-0.00039459019899368286,-1.7649726549780203,1,2107,0 -2108,0.00042488045588909886,-0.00013792887330055237,-0.00040186941623687744,-1.9014166704564148,1,2108,0 -2109,0.000348493947808486,-8.017197251319885e-05,-0.0003391467034816742,-1.8029281584950643,1,2109,0 -2110,0.0004179572549636535,-4.297122359275818e-05,-0.0004157423973083496,-1.6737908061327504,1,2110,0 -2111,0.0004144410439681181,-0.00012444332242012024,-0.00039531663060188293,-1.8757697793310468,1,2111,0 -2112,0.0004251414354982665,-0.0001311860978603363,-0.0004043951630592346,-1.884486137516922,1,2112,0 -2113,0.0003903304334038194,-0.00010943785309791565,-0.00037467479705810547,-1.8549783017409924,1,2113,0 -2114,0.0004197203030931282,-8.349493145942688e-05,-0.0004113316535949707,-1.7710622357549435,1,2114,0 -2115,0.00038625483607743357,-0.0001041516661643982,-0.00037194788455963135,-1.8438206327890962,1,2115,0 -2116,0.00041686579802408246,-0.00012626498937606812,-0.0003972835838794708,-1.8785212514152725,1,2116,0 -2117,0.0002866521797043333,-0.00013878941535949707,-0.0002508126199245453,-2.076214750265985,1,2117,0 -2118,0.00039506203283227217,-0.0001606382429599762,-0.000360928475856781,-1.9895424580650853,1,2118,0 -2119,0.0004197623059683295,-6.67572021484375e-05,-0.00041441991925239563,-1.7305101958162834,1,2119,0 -2120,0.0003808340561990407,-4.884600639343262e-05,-0.00037768855690956116,-1.6994112252987346,1,2120,0 -2121,0.0004023858579897653,-0.00011296197772026062,-0.0003862045705318451,-1.8553514440903882,1,2121,0 -2122,0.000442672856556032,-4.476308822631836e-05,-0.0004404038190841675,-1.672089474598009,1,2122,0 -2123,0.00030654771349723114,-0.0001268051564693451,-0.0002790912985801697,-1.9972618958223445,1,2123,0 -2124,0.0003789666508091367,-9.413063526153564e-05,-0.000367090106010437,-1.8218117095563364,1,2124,0 -2125,0.00037688628193079544,-0.00013520941138267517,-0.00035179778933525085,-1.9377288769888923,1,2125,0 -2126,0.0003291569145549263,-0.00016681477427482605,-0.000283755362033844,-2.102258154291081,1,2126,0 -2127,0.00032297512060696043,-0.00011602044105529785,-0.00030141696333885193,-1.938232672790715,1,2127,0 -2128,0.0002913918934105458,-0.00014522671699523926,-0.0002526231110095978,-2.092536678728463,1,2128,0 -2129,0.00034484452331749515,-4.7557055950164795e-05,-0.00034154951572418213,-1.7091459425938182,1,2129,0 -2130,0.0003791175196816789,-0.00011330842971801758,-0.0003617890179157257,-1.8743089970419569,1,2130,0 -2131,0.0004204814028880034,-7.606297731399536e-05,-0.0004135444760322571,-1.7526927003820654,1,2131,0 -2132,0.00034325809709446,-8.689984679222107e-05,-0.0003320761024951935,-1.8267434858613387,1,2132,0 -2133,0.0003380543601529438,-0.00019884109497070312,-0.00027339160442352295,-2.199618539340298,1,2133,0 -2134,0.0005270925410964067,-0.00022920966148376465,-0.0004746466875076294,-2.0206753339392374,1,2134,0 -2135,0.00034049063761900343,-0.0001478828489780426,-0.0003066994249820709,-2.0200826614462017,1,2135,0 -2136,0.00030491226018692096,-9.329244494438171e-05,-0.0002902895212173462,-1.8817480814554024,1,2136,0 -2137,0.0003529491447516045,-0.0001625940203666687,-0.0003132671117782593,-2.049549240118656,1,2137,0 -2138,0.00034525412098629295,-9.420141577720642e-05,-0.0003321543335914612,-1.8471469970004601,1,2138,0 -2139,0.0004760507581490552,-0.00011232122778892517,-0.00046261027455329895,-1.8089860076302242,1,2139,0 -2140,0.0005332373907251688,-0.00016425177454948425,-0.0005073100328445435,-1.8839153403312583,1,2140,0 -2141,0.00037782725987729716,-0.00011544302105903625,-0.00035975873470306396,-1.8813064946288227,1,2141,0 -2142,0.0003789025535345713,-9.611621499061584e-05,-0.00036650896072387695,-1.827268818857543,1,2142,0 -2143,0.00039447229394056876,-9.8399817943573e-05,-0.00038200244307518005,-1.822905193925201,1,2143,0 -2144,0.0004007126557581602,-9.084120392799377e-05,-0.0003902800381183624,-1.799483542752603,1,2144,0 -2145,0.0003452318883197535,-9.870529174804688e-05,-0.0003308206796646118,-1.8607523906376413,1,2145,0 -2146,0.0003736053334058819,-0.00013694167137145996,-0.00034760311245918274,-1.9460848608221313,1,2146,0 -2147,0.0002769744622669608,-6.443262100219727e-05,-0.000269375741481781,-1.8055775199888875,1,2147,0 -2148,0.0003692581349343402,-0.00011808425188064575,-0.0003498680889606476,-1.8963018603688415,1,2148,0 -2149,0.00027555515085643566,-0.00012127310037612915,-0.00024743378162384033,-2.026511529048628,1,2149,0 -2150,0.0003093006000139981,-0.0001470819115638733,-0.00027209147810935974,-2.0663634638307027,1,2150,0 -2151,0.00036144117280937315,-0.00017716363072395325,-0.0003150440752506256,-2.0830684450112966,1,2151,0 -2152,0.0003465688705233592,-8.437782526016235e-05,-0.00033614039421081543,-1.8167343772878106,1,2152,0 -2153,0.00034346664530689544,-0.00015536323189735413,-0.0003063194453716278,-2.0401821621921363,1,2153,0 -2154,0.0003759178775508392,-8.676573634147644e-05,-0.00036576762795448303,-1.8037067636565787,1,2154,0 -2155,0.0003633267722391162,-0.0001521669328212738,-0.00032992660999298096,-2.0029369896100992,1,2155,0 -2156,0.0003985978844737729,-0.00011285021901130676,-0.0003822892904281616,-1.8578398541780676,1,2156,0 -2157,0.0004148248198569924,-0.0002033337950706482,-0.0003615729510784149,-2.0830786537881694,1,2157,0 -2158,0.00042714807236826825,-6.0908496379852295e-05,-0.0004227831959724426,-1.7138774258394418,1,2158,0 -2159,0.00038509316312717196,-0.00012909621000289917,-0.00036280974745750427,-1.9126496108289832,1,2159,0 -2160,0.0003637167926838783,-0.0001431293785572052,-0.000334370881319046,-1.9752523727120026,1,2160,0 -2161,0.00028176855562625806,-0.00014128535985946655,-0.00024378672242164612,-2.096039536485922,1,2161,0 -2162,0.00038673012673732545,-0.0001487918198108673,-0.00035696104168891907,-1.965726010481806,1,2162,0 -2163,0.0003681015249042739,-0.00010742619633674622,-0.0003520771861076355,-1.8669447778059276,1,2163,0 -2164,0.00040412443560946935,-0.00010003894567489624,-0.0003915466368198395,-1.8209417991599641,1,2164,0 -2165,0.00031605246797155895,-6.979703903198242e-05,-0.0003082491457462311,-1.79347201695933,1,2165,0 -2166,0.0003828691296897127,-0.00013482943177223206,-0.00035834312438964844,-1.9306693579269683,1,2166,0 -2167,0.00034822342527728587,-9.91038978099823e-05,-0.0003338232636451721,-1.8593840091762686,1,2167,0 -2168,0.0002943514923671103,-0.00012569501996040344,-0.00026616454124450684,-2.011994880714393,1,2168,0 -2169,0.000526463007359491,-0.0002093873918056488,-0.00048303231596946716,-1.979832061737899,1,2169,0 -2170,0.0003392270980908624,-3.9536505937576294e-05,-0.0003369152545928955,-1.6876105963377779,1,2170,0 -2171,0.00033211154122018017,-0.0001528821885585785,-0.00029483065009117126,-2.049167567596114,1,2171,0 -2172,0.0002982803390687468,-0.00011356174945831299,-0.00027581676840782166,-1.9613728008995557,1,2172,0 -2173,0.00037843912636749107,-8.546561002731323e-05,-0.00036866217851638794,-1.7985986186865572,1,2173,0 -2174,0.0004103387272950476,-0.00011846795678138733,-0.000392865389585495,-1.863673128961849,1,2174,0 -2175,0.0003697686969423392,-0.00015930458903312683,-0.00033369287848472595,-2.0162000709979475,1,2175,0 -2176,0.00028186666732581833,-0.00016208365559577942,-0.0002306029200553894,-2.183445234558934,1,2176,0 -2177,0.00040504678063896476,-0.00011451542377471924,-0.0003885217010974884,-1.8574264838654697,1,2177,0 -2178,0.00037563450018784255,-0.00018278881907463074,-0.00032816082239151,-2.079005465564822,1,2178,0 -2179,0.00037320394566184783,-8.881464600563049e-05,-0.0003624819219112396,-1.8110807115671268,1,2179,0 -2180,0.0003160592592454324,-7.718056440353394e-05,-0.00030649080872535706,-1.8174873463853962,1,2180,0 -2181,0.0004212057743982712,-9.455159306526184e-05,-0.00041045621037483215,-1.7972040568279755,1,2181,0 -2182,0.00033054808918434953,-0.00013399869203567505,-0.00030216947197914124,-1.9881944722406115,1,2182,0 -2183,0.00033816480241847483,-0.00010029599070549011,-0.0003229491412639618,-1.8719153750897044,1,2183,0 -2184,0.0003381053558313567,-4.971399903297424e-05,-0.0003344304859638214,-1.7183683745465834,1,2184,0 -2185,0.00035004935781560354,-0.00012363120913505554,-0.00032749027013778687,-1.931766681874377,1,2185,0 -2186,0.00035001921892680954,-8.643046021461487e-05,-0.00033918023109436035,-1.8203078234354937,1,2186,0 -2187,0.0003908451817375184,-2.8874725103378296e-05,-0.00038977712392807007,-1.6447413492893734,1,2187,0 -2188,0.0003406709194825116,-0.00011843442916870117,-0.00031942129135131836,-1.9258605040968928,1,2188,0 -2189,0.00037726283560247047,-0.0001292191445827484,-0.0003544427454471588,-1.9203915641902443,1,2189,0 -2190,0.00037400830545488697,-8.963793516159058e-05,-0.0003631077706813812,-1.812820506869653,1,2190,0 -2191,0.0003510161797622954,-0.0001756139099597931,-0.00030392780900001526,-2.0947432424294683,1,2191,0 -2192,0.0004457874157510944,-0.00011645257472991943,-0.0004303082823753357,-1.8350914599674535,1,2192,0 -2193,0.00039176491072328196,-0.0001430995762348175,-0.000364694744348526,-1.9447180779566413,1,2193,0 -2194,0.0003571048373666945,-0.00014872103929519653,-0.00032466277480125427,-2.000347997723102,1,2194,0 -2195,0.0005832612065870644,-0.0002335086464881897,-0.0005344785749912262,-1.9826951279764453,1,2195,0 -2196,0.0004150179868754635,-0.00011353194713592529,-0.00039918720722198486,-1.8478876672339923,1,2196,0 -2197,0.00030380804002337234,-9.537488222122192e-05,-0.000288449227809906,-1.890127268399137,1,2197,0 -2198,0.0003800711439716758,-0.00010722875595092773,-0.00036463141441345215,-1.8568079428600908,1,2198,0 -2199,0.000500457648705142,-0.00023048743605613708,-0.00044422224164009094,-2.049414800950971,1,2199,0 -2200,0.00035103516854444763,-6.316974759101868e-05,-0.00034530460834503174,-1.751734754298259,1,2200,0 -2201,0.0003014889670803174,-0.00013600289821624756,-0.00026907026767730713,-2.0387983655140762,1,2201,0 -2202,0.000389835727635191,-0.00010174140334129333,-0.0003763251006603241,-1.834839086765437,1,2202,0 -2203,0.00033871599792144503,-0.00012291967868804932,-0.00031562522053718567,-1.9421733725815085,1,2203,0 -2204,0.000404671414126912,-8.584186434745789e-05,-0.00039546191692352295,-1.7845476396427247,1,2204,0 -2205,0.00034639657023661114,-0.00010517984628677368,-0.0003300420939922333,-1.8793070139582937,1,2205,0 -2206,0.00035328784849600884,-3.931298851966858e-05,-0.00035109370946884155,-1.6823047681757226,1,2206,0 -2207,0.0003493622682556473,-0.00011740624904632568,-0.0003290437161922455,-1.9135254656306335,1,2207,0 -2208,0.0003591200465053123,-0.00010187923908233643,-0.00034436583518981934,-1.8584377263111798,1,2208,0 -2209,0.00033473632294814406,-0.00013747811317443848,-0.00030520185828208923,-1.9940242362541885,1,2209,0 -2210,0.0004141254741549788,-0.00011416897177696228,-0.0003980770707130432,-1.8501005573143001,1,2210,0 -2211,0.0003805279224849091,-0.00012152642011642456,-0.00036060065031051636,-1.8958532069100171,1,2211,0 -2212,0.0003574929586708919,-0.00014681369066238403,-0.00032595545053482056,-1.9939914022743537,1,2212,0 -2213,0.0003704431144203631,-6.826594471931458e-05,-0.0003640986979007721,-1.7561374814951598,1,2213,0 -2214,0.0003467941104784709,-0.0001430995762348175,-0.0003158934414386749,-1.9961418514055396,1,2214,0 -2215,0.00027865970206956015,-0.00015395134687423706,-0.00023227185010910034,-2.156121908016809,1,2215,0 -2216,0.0002792098792169554,-0.00014119595289230347,-0.00024087727069854736,-2.100987491260432,1,2216,0 -2217,0.00033988780419102034,-0.00011857226490974426,-0.0003185346722602844,-1.9271476107388228,1,2217,0 -2218,0.0003488749572730432,-9.409338235855103e-05,-0.0003359466791152954,-1.8438831771817057,1,2218,0 -2219,0.00038644559687718,-4.315003752708435e-05,-0.00038402900099754333,-1.6826884227783616,1,2219,0 -2220,0.0003827320515083302,-0.0001383945345878601,-0.00035683438181877136,-1.9407759207624444,1,2220,0 -2221,0.0004588202071999058,-0.00012264400720596313,-0.0004421249032020569,-1.8413894003855598,1,2221,0 -2222,0.000359378030519645,-9.588152170181274e-05,-0.00034635141491889954,-1.8408659181801523,1,2222,0 -2223,0.00042650186933090026,-9.917467832565308e-05,-0.00041481107473373413,-1.8054749868241216,1,2223,0 -2224,0.0004443159775428451,-0.00010614097118377686,-0.0004314519464969635,-1.812015043430046,1,2224,0 -2225,0.0003233118735259767,-0.00018272176384925842,-0.0002667270600795746,-2.1714191075483886,1,2225,0 -2226,0.00038537644759685405,-0.00015589967370033264,-0.00035243481397628784,-1.987270645891884,1,2226,0 -2227,0.00036667015214925233,-0.00018315762281417847,-0.0003176480531692505,-2.0938363649550995,1,2227,0 -2228,0.000276536893487414,-0.00015455111861228943,-0.00022931769490242004,-2.163831673817893,1,2228,0 -2229,0.0004089470515184341,-0.00010408088564872742,-0.00039548054337501526,-1.8281367335166423,1,2229,0 -2230,0.00039918780632870347,-0.00014648213982582092,-0.00037134066224098206,-1.946524966526836,1,2230,0 -2231,0.0003938392161267332,-0.00014390796422958374,-0.00036660581827163696,-1.9448563931726217,1,2231,0 -2232,0.0003780211811417305,-0.0001395009458065033,-0.00035133957862854004,-1.9487608668842265,1,2232,0 -2233,0.00046877644216170174,-0.00011548399925231934,-0.0004543289542198181,-1.8197107330070221,1,2233,0 -2234,0.0003730413824414494,-9.417533874511719e-05,-0.0003609582781791687,-1.8260106469421977,1,2234,0 -2235,0.00037275634911828075,-0.00012310221791267395,-0.0003518424928188324,-1.9073631403053921,1,2235,0 -2236,0.00036465047221208926,-0.0001331903040409088,-0.00033945590257644653,-1.9447027344788221,1,2236,0 -2237,0.0003453524515319542,-2.7045607566833496e-06,-0.00034534186124801636,-1.578627712934699,1,2237,0 -2238,0.000373969347336855,-0.00012397393584251404,-0.0003528222441673279,-1.9086981377004322,1,2238,0 -2239,0.0003431827004450863,-9.023398160934448e-05,-0.0003311075270175934,-1.836857012440322,1,2239,0 -2240,0.00027822513204266,-9.589642286300659e-05,-0.00026117637753486633,-1.9226857175563246,1,2240,0 -2241,0.00034126725619719483,-0.000131215900182724,-0.0003150328993797302,-1.9654581332912413,1,2241,0 -2242,0.0004849413116113507,-8.721277117729187e-05,-0.0004770345985889435,-1.7516220642491658,1,2242,0 -2243,0.000426618012678709,-0.00016030669212341309,-0.00039535388350486755,-1.9560148543912783,1,2243,0 -2244,0.0003276841929231938,-0.00010231882333755493,-0.0003113001585006714,-1.8883550435649574,1,2244,0 -2245,0.0006913957193794557,-0.00012833252549171448,-0.0006793811917304993,-1.757492716875748,1,2245,0 -2246,0.000372345151540712,-0.00011235103011131287,-0.0003549903631210327,-1.877312405608151,1,2246,0 -2247,0.00035071959974125404,-6.604939699172974e-05,-0.00034444406628608704,-1.760253048983517,1,2247,0 -2248,0.00030985953389365515,-0.00011033937335014343,-0.00028954818844795227,-1.9348817472719704,1,2248,0 -2249,0.00038260069669566316,-6.14561140537262e-05,-0.00037763267755508423,-1.73212249198534,1,2249,0 -2250,0.00041092157943009073,-7.87191092967987e-05,-0.0004033111035823822,-1.7635550302906975,1,2250,0 -2251,0.0003360891383311045,-0.0001414567232131958,-0.0003048703074455261,-2.0052231036523,1,2251,0 -2252,0.00042980905644070586,-8.095428347587585e-05,-0.00042211636900901794,-1.7602775341240517,1,2252,0 -2253,0.00033134303594560744,-0.0001043081283569336,-0.0003144964575767517,-1.8910465232266627,1,2253,0 -2254,0.00042294829234241485,-4.4152140617370605e-05,-0.00042063742876052856,-1.675378208204976,1,2254,0 -2255,0.0003415459190553753,-8.451193571090698e-05,-0.00033092498779296875,-1.8208329605128795,1,2255,0 -2256,0.0003179651944474321,-0.00013031065464019775,-0.0002900362014770508,-1.9930604905038267,1,2256,0 -2257,0.0003834034022534839,-0.00017163902521133423,-0.00034283846616744995,-2.0349566804994796,1,2257,0 -2258,0.0004299493686285677,-0.00015265494585037231,-0.00040193647146224976,-1.9337674173534931,1,2258,0 -2259,0.0003529749883824585,-0.00010862201452255249,-0.00033584609627723694,-1.8836057042588161,1,2259,0 -2260,0.0003275316952376408,-0.00010577589273452759,-0.00030998140573501587,-1.8996396750904265,1,2260,0 -2261,0.00033864097297758107,-0.00013769790530204773,-0.0003093816339969635,-1.989546741082202,1,2261,0 -2262,0.0003381910149099102,-0.00014168769121170044,-0.00030707940459251404,-2.003093316687706,1,2262,0 -2263,0.0003065231899133733,-7.458031177520752e-05,-0.0002973116934299469,-1.8165737965526207,1,2263,0 -2264,0.00030647249078251973,-0.00010896101593971252,-0.00028644874691963196,-1.9342803530003136,1,2264,0 -2265,0.0003231595708177222,-0.00017444416880607605,-0.00027203187346458435,-2.1410055071416068,1,2265,0 -2266,0.0004190712771300452,-7.255002856254578e-05,-0.00041274353861808777,-1.7447939427566521,1,2266,0 -2267,0.0003273197521428473,-6.676465272903442e-05,-0.00032043829560279846,-1.7762116786776379,1,2267,0 -2268,0.0003423218442194745,-7.742643356323242e-05,-0.00033345073461532593,-1.7989508219805268,1,2268,0 -2269,0.00042575394843321696,-0.00010878220200538635,-0.00041162222623825073,-1.8291661843500935,1,2269,0 -2270,0.0003800745311278204,-0.00012676045298576355,-0.00035831332206726074,-1.9108256384282172,1,2270,0 -2271,0.0004188705797779783,-2.8833746910095215e-05,-0.0004178769886493683,-1.6396876945125205,1,2271,0 -2272,0.0003976863254730109,-7.880851626396179e-05,-0.00038979947566986084,-1.7702843450346912,1,2272,0 -2273,0.0003316770551128011,-0.00015942007303237915,-0.00029085204005241394,-2.072190394593332,1,2273,0 -2274,0.0004106086008636578,-0.00011569634079933167,-0.0003939718008041382,-1.8564325390872485,1,2274,0 -2275,0.0003956621944706359,-3.526732325553894e-05,-0.0003940872848033905,-1.6600497139905557,1,2275,0 -2276,0.00046395296075323706,-0.0001324191689491272,-0.0004446543753147125,-1.8602358165417558,1,2276,0 -2277,0.0003615791377731676,-8.722767233848572e-05,-0.00035089999437332153,-1.814440627871972,1,2277,0 -2278,0.00035094791453617964,-0.00014251098036766052,-0.0003207102417945862,-1.988950600437269,1,2278,0 -2279,0.00040561884178134337,-0.0001622512936592102,-0.00037175416946411133,-1.982323278837505,1,2279,0 -2280,0.0003614152171503166,-8.84123146533966e-05,-0.0003504343330860138,-1.8179324380317567,1,2280,0 -2281,0.0003413961059007578,-9.175390005111694e-05,-0.0003288350999355316,-1.842902620267726,1,2281,0 -2282,0.00036975041272095763,-8.159875869750977e-05,-0.0003606341779232025,-1.7933141353348476,1,2282,0 -2283,0.00028929962692012884,-9.689480066299438e-05,-0.00027259066700935364,-1.9123260787759884,1,2283,0 -2284,0.0006277027188001644,-0.00016078725457191467,-0.0006067603826522827,-1.8298355173492586,1,2284,0 -2285,0.00040115678920004045,-8.025020360946655e-05,-0.00039304792881011963,-1.7722021951148748,1,2285,0 -2286,0.0003941156673437655,-9.507685899734497e-05,-0.0003824755549430847,-1.814440746487205,1,2286,0 -2287,0.00036847147130462227,-0.00015968456864356995,-0.000332072377204895,-2.019025410507306,1,2287,0 -2288,0.0003424845636701379,-0.0001247897744178772,-0.00031894072890281677,-1.9437483756288714,1,2288,0 -2289,0.0003792177604852086,-0.00022793933749198914,-0.00030306726694107056,-2.2156452363426586,1,2289,0 -2290,0.000301890308755586,-0.00015153735876083374,-0.0002611018717288971,-2.0966617105316128,1,2290,0 -2291,0.0006121712420335047,-0.00015646964311599731,-0.0005918368697166443,-1.829262353273934,1,2291,0 -2292,0.0003693497587703864,-6.435438990592957e-05,-0.00036370009183883667,-1.7459271783839805,1,2292,0 -2293,0.0004480969151347659,-0.00013601407408714294,-0.00042695552110671997,-1.8791991261875463,1,2293,0 -2294,0.00046897029230534923,-9.131059050559998e-05,-0.0004599951207637787,-1.7667524245400328,1,2294,0 -2295,0.00037233079482510356,-0.00012165680527687073,-0.00035189464688301086,-1.9036526136753367,1,2295,0 -2296,0.00035680618278843124,-0.0001613423228263855,-0.0003182440996170044,-2.040009654405057,1,2296,0 -2297,0.00040120820250715537,-0.00010509416460990906,-0.0003871992230415344,-1.8358325299842906,1,2297,0 -2298,0.0003523355317123101,-0.00010927021503448486,-0.00033496320247650146,-1.886127282339299,1,2298,0 -2299,0.00045922691027183493,-0.00012448802590370178,-0.00044203177094459534,-1.8453129916325859,1,2299,0 -2300,0.00043560479718252764,-8.91275703907013e-05,-0.00042638927698135376,-1.7768580064997053,1,2300,0 -2301,0.00030902014440447977,-6.321072578430176e-05,-0.0003024861216545105,-1.7768024578864692,1,2301,0 -2302,0.00029267782455276,-0.0002024434506893158,-0.00021136924624443054,-2.3346281831026174,1,2302,0 -2303,0.0006414956010282412,-0.00023215636610984802,-0.0005980134010314941,-1.9411000767326694,1,2303,0 -2304,0.00035731970654899773,-5.863606929779053e-05,-0.0003524757921695709,-1.7356416321612822,1,2304,0 -2305,0.00034289133888844325,-6.750226020812988e-05,-0.0003361813724040985,-1.7689525372059924,1,2305,0 -2306,0.0003260529373344272,-8.374452590942383e-05,-0.0003151148557662964,-1.830550874419031,1,2306,0 -2307,0.0002969441914827861,-0.00016257166862487793,-0.00024848803877830505,-2.1501488498048498,1,2307,0 -2308,0.00030186792252831946,-0.00015116482973098755,-0.00026129186153411865,-2.095278442269686,1,2308,0 -2309,0.00033063359089974595,-7.204711437225342e-05,-0.00032268837094306946,-1.7904649435930857,1,2309,0 -2310,0.0003608177535475155,-9.822845458984375e-05,-0.00034718960523605347,-1.8465148779090141,1,2310,0 -2311,0.00035719015789673655,-9.049847722053528e-05,-0.0003455355763435364,-1.826950591972608,1,2311,0 -2312,0.0003211945083188467,-7.921084761619568e-05,-0.00031127408146858215,-1.819980416181949,1,2312,0 -2313,0.0003893491105993282,-6.349384784698486e-05,-0.00038413703441619873,-1.7346048345019065,1,2313,0 -2314,0.0002860795002818532,-0.00017686188220977783,-0.00022485852241516113,-2.2372804565130706,1,2314,0 -2315,0.00040274639586799176,-0.00015922263264656067,-0.0003699362277984619,-1.9772366616101316,1,2315,0 -2316,0.00043022174394568636,-0.00010954961180686951,-0.00041604042053222656,-1.828266805363152,1,2316,0 -2317,0.000365659195917859,-0.00011208280920982361,-0.0003480575978755951,-1.882333949350898,1,2317,0 -2318,0.0003310617234965362,-0.00016053766012191772,-0.0002895332872867584,-2.0770652860099097,1,2318,0 -2319,0.0003497774190077718,-7.305294275283813e-05,-0.0003420636057853699,-1.7812008452600836,1,2319,0 -2320,0.00032869150257642556,-9.947270154953003e-05,-0.00031327828764915466,-1.8782496981691248,1,2320,0 -2321,0.00034290519408207497,-9.779632091522217e-05,-0.00032866373658180237,-1.8600106832569352,1,2321,0 -2322,0.0004058250401383439,-2.2180378437042236e-05,-0.0004052184522151947,-1.6254786008785966,1,2322,0 -2323,0.0002963311788375821,-0.0001109391450881958,-0.00027478113770484924,-1.9545195756094182,1,2323,0 -2324,0.0004883914484275162,-0.0001372024416923523,-0.00046872347593307495,-1.855556404670948,1,2324,0 -2325,0.0003246093138025511,-0.00016121938824653625,-0.00028174370527267456,-2.0905388669697476,1,2325,0 -2326,0.0003183919989749545,-0.0001517757773399353,-0.00027988851070404053,-2.0676871843522053,1,2326,0 -2327,0.0003588551489061937,-0.00010358542203903198,-0.00034357979893684387,-1.8636183278207934,1,2327,0 -2328,0.0003387871827729172,-0.00016561150550842285,-0.0002955496311187744,-2.0815517468224325,1,2328,0 -2329,0.000281510992764339,-0.00011535361409187317,-0.00025679171085357666,-1.9929937734541654,1,2329,0 -2330,0.00034601598469959354,-8.12336802482605e-05,-0.00033634528517723083,-1.8077768108050418,1,2330,0 -2331,0.0003335201631402707,-7.499381899833679e-05,-0.00032497942447662354,-1.7975909888602906,1,2331,0 -2332,0.00033923260255093414,-0.00012020021677017212,-0.00031722337007522583,-1.9329935867415704,1,2332,0 -2333,0.000334542493466471,-8.494406938552856e-05,-0.00032357871532440186,-1.8275181204511994,1,2333,0 -2334,0.0004098512520802267,-0.0001139231026172638,-0.00039369985461235046,-1.8524682479475825,1,2334,0 -2335,0.00037988607581025067,-0.00017940998077392578,-0.0003348514437675476,-2.0626641590970465,1,2335,0 -2336,0.0004275602674648441,-6.931647658348083e-05,-0.0004219040274620056,-1.733635986080875,1,2336,0 -2337,0.0003181834756972902,-0.00011787936091423035,-0.0002955421805381775,-1.950317827411395,1,2337,0 -2338,0.0006438830510799753,-0.00029603391885757446,-0.0005717948079109192,-2.0485251795211927,1,2338,0 -2339,0.0003463808458979844,-9.362399578094482e-05,-0.00033348798751831055,-1.84449270676718,1,2339,0 -2340,0.000344536356479328,-5.6628137826919556e-05,-0.0003398507833480835,-1.7359058978954736,1,2340,0 -2341,0.00034345813587724234,-8.673593401908875e-05,-0.00033232569694519043,-1.8260978149026057,1,2341,0 -2342,0.00033902662794343914,-0.00013927370309829712,-0.0003090985119342804,-1.994132733774035,1,2342,0 -2343,0.00036589648008004163,-1.2665987014770508e-06,-0.00036589428782463074,-1.574257964990485,1,2343,0 -2344,0.0003156619042815973,-0.0001456327736377716,-0.0002800598740577698,-2.0503202258105224,1,2344,0 -2345,0.0002815121434642025,-8.427724242210388e-05,-0.00026860088109970093,-1.8748321742968523,1,2345,0 -2346,0.00034352427597612455,-8.67694616317749e-05,-0.0003323853015899658,-1.8261484328760766,1,2346,0 -2347,0.0004076687420360296,-0.0001217089593410492,-0.00038907676935195923,-1.8739679332006451,1,2347,0 -2348,0.0004147883965805835,-0.00015679746866226196,-0.000384010374546051,-1.9584508001090477,1,2348,0 -2349,0.0003634281158430452,-0.00014071166515350342,-0.00033508241176605225,-1.9683661019897556,1,2349,0 -2350,0.000373302924554214,-0.00013424456119537354,-0.0003483295440673828,-1.9386493739966446,1,2350,0 -2351,0.0003314969182917661,-0.00012486055493354797,-0.0003070831298828125,-1.9569809276668224,1,2351,0 -2352,0.0003764367653420823,-0.00012752413749694824,-0.000354178249835968,-1.9164018154191367,1,2352,0 -2353,0.0003393980618442338,-0.00014309585094451904,-0.0003077574074268341,-2.00602369348008,1,2353,0 -2354,0.00035049665868477355,-4.719197750091553e-05,-0.0003473050892353058,-1.7058496606934184,1,2354,0 -2355,0.0003239728913117789,-9.873136878013611e-05,-0.0003085620701313019,-1.8804743014436027,1,2355,0 -2356,0.0004082970957977358,-0.00015833228826522827,-0.00037634745240211487,-1.9690257861289713,1,2356,0 -2357,0.0003423704500816128,-9.531527757644653e-05,-0.0003288350999355316,-1.8529221793725617,1,2357,0 -2358,0.00034765964624568484,-0.00012678653001785278,-0.00032371655106544495,-1.9440916491834503,1,2358,0 -2359,0.00033606147585681654,-0.0001270100474357605,-0.00031113624572753906,-1.958363279719478,1,2359,0 -2360,0.00026007503616641233,-7.670372724533081e-05,-0.00024850666522979736,-1.8701777684409018,1,2360,0 -2361,0.0003625263918630862,-0.00014550983905792236,-0.0003320425748825073,-1.983816347895158,1,2361,0 -2362,0.000594455310452012,-0.0002552792429924011,-0.0005368515849113464,-2.0146621321285707,1,2362,0 -2363,0.000408518115450274,-0.0001248382031917572,-0.00038897618651390076,-1.8813521568546352,1,2363,0 -2364,0.0005207012122656454,-0.00021951273083686829,-0.0004721693694591522,-2.0059738489530234,1,2364,0 -2365,0.00029733501066982697,-0.0001324489712715149,-0.0002662055194377899,-2.032477243275543,1,2365,0 -2366,0.0003367339859647154,-0.00017827004194259644,-0.0002856738865375519,-2.1287002450063417,1,2366,0 -2367,0.00039821655947308,-7.958337664604187e-05,-0.0003901831805706024,-1.7720006372023995,1,2367,0 -2368,0.00033953815197840183,-0.00016747787594795227,-0.00029535964131355286,-2.086620564859952,1,2368,0 -2369,0.0003897423571730657,-0.0001481175422668457,-0.0003605000674724579,-1.9606354704320739,1,2369,0 -2370,0.0003851372173836275,-0.0001223944127559662,-0.0003651715815067291,-1.8941986094175285,1,2370,0 -2371,0.000635420203087127,-9.964406490325928e-05,-0.0006275586783885956,-1.7282622786129553,1,2371,0 -2372,0.0003424995227737104,-0.0001258067786693573,-0.0003185570240020752,-1.946921816486003,1,2372,0 -2373,0.0003917012029704705,-0.0001955181360244751,-0.00033941492438316345,-2.093415300563889,1,2373,0 -2374,0.0003703911743328833,-0.0001935027539730072,-0.0003158263862133026,-2.1204923892431577,1,2374,0 -2375,0.00041255729738097236,-8.594989776611328e-05,-0.0004035048186779022,-1.7806680610803975,1,2375,0 -2376,0.0003899308328048869,-0.00011620670557022095,-0.00037221238017082214,-1.8734127594555572,1,2376,0 -2377,0.00047059343053865567,-6.616860628128052e-05,-0.00046591833233833313,-1.7118705390275746,1,2377,0 -2378,0.0004109047708405237,-0.00018881261348724365,-0.00036495551466941833,-2.048233620346014,1,2378,0 -2379,0.0003649582113852647,-0.00012372806668281555,-0.00034334510564804077,-1.9166711461713728,1,2379,0 -2380,0.00032182108726273157,-3.672018647193909e-05,-0.0003197193145751953,-1.6851466153070174,1,2380,0 -2381,0.0004047384405055336,-0.00016616284847259521,-0.0003690570592880249,-1.9938466608427332,1,2381,0 -2382,0.00037097056520447256,-0.0001664869487285614,-0.00033151358366012573,-2.0362043787588324,1,2382,0 -2383,0.00034352985616458164,-8.890405297279358e-05,-0.00033182650804519653,-1.8325715562170641,1,2383,0 -2384,0.00033338309777593836,-8.767098188400269e-05,-0.0003216490149497986,-1.836899409499656,1,2384,0 -2385,0.00031944401707728127,-0.00020414963364601135,-0.0002456977963447571,-2.264095215815219,1,2385,0 -2386,0.00040082741799216077,-0.00013307854533195496,-0.00037809088826179504,-1.90922953862949,1,2386,0 -2387,0.0003992718472801995,-0.0001383274793624878,-0.0003745444118976593,-1.9245797278280548,1,2387,0 -2388,0.0004043223734011484,-7.456168532371521e-05,-0.00039738789200782776,-1.756269360768832,1,2388,0 -2389,0.0003390673295594709,-0.00015881657600402832,-0.0002995729446411133,-2.0582667390599405,1,2389,0 -2390,0.0002955393290343159,-0.00014790892601013184,-0.00025586411356925964,-2.09493929593617,1,2390,0 -2391,0.0003577381811559134,-0.00013586878776550293,-0.0003309324383735657,-1.9603758894071672,1,2391,0 -2392,0.0003613359764664958,-0.00013270601630210876,-0.0003360845148563385,-1.946863019562404,1,2392,0 -2393,0.00035008180141450114,-0.00012322887778282166,-0.00032767653465270996,-1.9305035817686418,1,2393,0 -2394,0.0003401855069510968,-0.00012183934450149536,-0.0003176182508468628,-1.937088022954818,1,2394,0 -2395,0.0005486793946096025,-0.00021994858980178833,-0.0005026645958423615,-1.9832615848116517,1,2395,0 -2396,0.0003767610464072301,-9.194761514663696e-05,-0.0003653690218925476,-1.8173337640852938,1,2396,0 -2397,0.0003529959208017525,-0.00016221404075622559,-0.0003135167062282562,-2.0482680921484073,1,2397,0 -2398,0.00033165658383006697,-4.2941421270370483e-05,-0.0003288649022579193,-1.7006363943494869,1,2398,0 -2399,0.00042048256208773743,-0.0001648440957069397,-0.00038682296872138977,-1.9736395101262034,1,2399,0 -2400,0.0003428567146455628,-0.00015792623162269592,-0.00030431896448135376,-2.0494885063395603,1,2400,0 -2401,0.0003821335130219442,-4.903972148895264e-05,-0.0003789737820625305,-1.6994825913242118,1,2401,0 -2402,0.0004100766731463921,-0.00014024972915649414,-0.00038534775376319885,-1.9198498418987668,1,2402,0 -2403,0.0004640319854489276,-8.794665336608887e-05,-0.0004556216299533844,-1.7614768586198115,1,2403,0 -2404,0.0003838626114802513,-0.00015391036868095398,-0.0003516562283039093,-1.983351804086163,1,2404,0 -2405,0.0003445263441738009,-4.897266626358032e-05,-0.00034102797508239746,-1.7134243195306003,1,2405,0 -2406,0.0003666579311935048,-0.00016969069838523865,-0.00032502785325050354,-2.0519518831508075,1,2406,0 -2407,0.0003808794538701419,-0.000147257000207901,-0.00035126134753227234,-1.9677640433626997,1,2407,0 -2408,0.00041211752220025145,-7.787346839904785e-05,-0.00040469318628311157,-1.7608986466502543,1,2408,0 -2409,0.0003568399670658933,-5.4251402616500854e-05,-0.0003526918590068817,-1.723421050082305,1,2409,0 -2410,0.00034925137972608605,-0.00011074915528297424,-0.00033122673630714417,-1.8934710953461378,1,2410,0 -2411,0.00034992645735240955,-0.00014963746070861816,-0.0003163181245326996,-2.0126606301826153,1,2411,0 -2412,0.0003664112009213461,-0.00015030056238174438,-0.0003341659903526306,-1.9934657505717313,1,2412,0 -2413,0.00034509608988943973,-0.0001341700553894043,-0.00031794607639312744,-1.9701146921566852,1,2413,0 -2414,0.0003569418688421767,-0.00012538209557533264,-0.0003341957926750183,-1.9297209088044212,1,2414,0 -2415,0.0003720534742054878,-0.0002027265727519989,-0.00031197071075439453,-2.1470489781508166,1,2415,0 -2416,0.0003417335610944917,-0.00015537068247795105,-0.0003043711185455322,-2.0427805293432493,1,2416,0 -2417,0.0003143681647425412,-5.6590884923934937e-05,-0.000309232622385025,-1.7517977029350058,1,2417,0 -2418,0.0003876955532095353,-0.00013614818453788757,-0.0003630034625530243,-1.9296198544573009,1,2418,0 -2419,0.00037012773786245494,-0.0001431293785572052,-0.00034133344888687134,-1.9678497231720073,1,2419,0 -2420,0.00037306434748354405,-0.00012400001287460327,-0.0003518536686897278,-1.9096247694744557,1,2420,0 -2421,0.0005003579028371004,-0.0002408735454082489,-0.0004385635256767273,-2.0730504523118563,1,2421,0 -2422,0.00039052969740344394,-0.00012147054076194763,-0.0003711581230163574,-1.887083938218807,1,2422,0 -2423,0.00035843950403149216,-0.00010008364915847778,-0.0003441832959651947,-1.8537785285353932,1,2423,0 -2424,0.00032835440860097125,-8.529797196388245e-05,-0.0003170818090438843,-1.8335845944698508,1,2424,0 -2425,0.00030467562189908715,-0.0001318715512752533,-0.000274658203125,-2.0184216816979537,1,2425,0 -2426,0.0004579245856680971,-0.00019010528922080994,-0.00041659921407699585,-1.9988989566199644,1,2426,0 -2427,0.0004042984258227358,-0.00018938258290290833,-0.00035719946026802063,-2.0583010448900474,1,2427,0 -2428,0.0003743379601104681,-0.00010569393634796143,-0.00035910680890083313,-1.857038152811016,1,2428,0 -2429,0.00032156626452128586,-0.000123489648103714,-0.000296909362077713,-1.96494849855562,1,2429,0 -2430,0.0003151569283957349,-0.0001305714249610901,-0.000286836177110672,-1.9979765400804712,1,2430,0 -2431,0.00031954981221087763,-8.983537554740906e-05,-0.0003066621720790863,-1.855768820142803,1,2431,0 -2432,0.0003315670458049005,-5.741044878959656e-05,-0.0003265589475631714,-1.744822232124291,1,2432,0 -2433,0.00045576486241880965,-0.00010269880294799805,-0.00044404342770576477,-1.7980810027857963,1,2433,0 -2434,0.000380039407695312,-7.734447717666626e-05,-0.00037208572030067444,-1.775745086448204,1,2434,0 -2435,0.0003728980695354791,-9.035691618919373e-05,-0.00036178529262542725,-1.8155423861446904,1,2435,0 -2436,0.000396469369151554,-5.0690025091171265e-05,-0.0003932155668735504,-1.6990008135916066,1,2436,0 -2437,0.00030800218718985236,-6.674602627754211e-05,-0.00030068308115005493,-1.7892356922147608,1,2437,0 -2438,0.00042399268790136607,-9.02228057384491e-05,-0.00041428208351135254,-1.785229180939759,1,2438,0 -2439,0.00032666958696257693,-0.00010123103857040405,-0.00031058862805366516,-1.8858717306905957,1,2439,0 -2440,0.0005187071286304177,-0.00023704767227172852,-0.0004613734781742096,-2.0454125640843355,1,2440,0 -2441,0.00034797288678370083,-9.864941239356995e-05,-0.0003336966037750244,-1.8582355178408096,1,2441,0 -2442,0.0004259910461978391,-0.00013171136379241943,-0.00040511786937713623,-1.8851355124679166,1,2442,0 -2443,0.00039338121958980456,-7.967278361320496e-05,-0.00038522854447364807,-1.774740437989088,1,2443,0 -2444,0.00035986475140900744,-0.00012456253170967102,-0.0003376193344593048,-1.9242468349363693,1,2444,0 -2445,0.0003875148030772644,-4.534795880317688e-05,-0.0003848522901535034,-1.6880875959500083,1,2445,0 -2446,0.0003810406530629517,-0.00014098361134529114,-0.00035399943590164185,-1.9498013071195737,1,2446,0 -2447,0.0003658456218339775,-0.00011976063251495361,-0.0003456883132457733,-1.9042971043950414,1,2447,0 -2448,0.00054825479880371,-9.319931268692017e-05,-0.0005402751266956329,-1.7416185865281748,1,2448,0 -2449,0.0003490191837764215,-0.00017032772302627563,-0.000304635614156723,-2.0806141286412374,1,2449,0 -2450,0.000324766321859163,-0.0001203492283821106,-0.0003016442060470581,-1.9504208624072679,1,2450,0 -2451,0.00033818327227080284,-0.00010145455598831177,-0.0003226064145565033,-1.8754876612673521,1,2451,0 -2452,0.00035103032831690313,-0.00012450292706489563,-0.00032820925116539,-1.9333665681420393,1,2452,0 -2453,0.00030916653716283883,-7.089227437973022e-05,-0.0003009289503097534,-1.8021560745566823,1,2453,0 -2454,0.0002967204153753269,-8.308514952659607e-05,-0.0002848505973815918,-1.8546024886915509,1,2454,0 -2455,0.00046901270797294935,-4.5146793127059937e-05,-0.00046683475375175476,-1.6672048145419902,1,2455,0 -2456,0.00036397822171291706,-0.00020160898566246033,-0.0003030411899089813,-2.1578423025071416,1,2456,0 -2457,0.000352126479942495,-0.000136449933052063,-0.00032461434602737427,-1.968717329275288,1,2457,0 -2458,0.0003742201269050156,-0.00014157220721244812,-0.00034640729427337646,-1.9587691145014614,1,2458,0 -2459,0.0004237869180818882,-0.0001569986343383789,-0.00039363279938697815,-1.9503069695718855,1,2459,0 -2460,0.0003445116065936314,-0.00012386590242385864,-0.0003214739263057709,-1.9385718289086724,1,2460,0 -2461,0.0003794647293484656,-9.398534893989563e-05,-0.0003676414489746094,-1.8210799420492414,1,2461,0 -2462,0.00033842455650019926,-6.49578869342804e-05,-0.0003321319818496704,-1.763936887141333,1,2462,0 -2463,0.0003667167860934931,-0.00012483075261116028,-0.00034481659531593323,-1.9181396364988614,1,2463,0 -2464,0.00037744535687182134,-9.841471910476685e-05,-0.0003643892705440521,-1.8345839131589623,1,2464,0 -2465,0.0003566925560652437,-5.0693750381469727e-05,-0.00035307183861732483,-1.7134008653995532,1,2465,0 -2466,0.0003674670818898376,-0.00019579380750656128,-0.00031096115708351135,-2.132725832476732,1,2466,0 -2467,0.00038481821227041136,-0.00014632195234298706,-0.00035591423511505127,-1.9608483784110766,1,2467,0 -2468,0.00034682502027737953,-0.0001413188874721527,-0.0003167279064655304,-1.9904722399374684,1,2468,0 -2469,0.00036187554506836365,-4.14140522480011e-05,-0.00035949796438217163,-1.6854904277092253,1,2469,0 -2470,0.0005891754407536328,-0.00022559985518455505,-0.0005442723631858826,-1.9637382439015454,1,2470,0 -2471,0.0003432911697850808,-0.00014816969633102417,-0.00030966848134994507,-2.017078941317114,1,2471,0 -2472,0.00032993238583753554,-0.00013192743062973022,-0.0003024078905582428,-1.9821626304929116,1,2472,0 -2473,0.00028928374409583805,-0.00011424347758293152,-0.0002657696604728699,-1.9767753724356214,1,2473,0 -2474,0.00036477832310589063,-0.00013622641563415527,-0.00033838674426078796,-1.9535215047287868,1,2474,0 -2475,0.00039338394473438976,-0.00010286644101142883,-0.00037969648838043213,-1.8353631657933074,1,2475,0 -2476,0.0003256936631375268,-0.00014457479119300842,-0.00029184669256210327,-2.0307404953144754,1,2476,0 -2477,0.0003284633722111824,-0.00012865662574768066,-0.00030221790075302124,-1.9732666372248562,1,2477,0 -2478,0.00036704596386454756,-0.00020001456141471863,-0.00030776113271713257,-2.1471026189300977,1,2478,0 -2479,0.00035348846702539313,-0.00014645978808403015,-0.00032171979546546936,-1.9979994618298165,1,2479,0 -2480,0.0004088879448365686,-7.926300168037415e-05,-0.000401131808757782,-1.7658815883789405,1,2480,0 -2481,0.0003455898572797852,-0.00012082606554031372,-0.0003237798810005188,-1.927964705264971,1,2481,0 -2482,0.00035360615972490877,-8.421763777732849e-05,-0.0003434307873249054,-1.811275361405022,1,2482,0 -2483,0.0003243817811633121,-0.0001139417290687561,-0.00030371174216270447,-1.929710819294824,1,2483,0 -2484,0.0003201875928824375,-4.786252975463867e-05,-0.0003165900707244873,-1.720841475981855,1,2484,0 -2485,0.0003149155959828373,-0.00010805949568748474,-0.0002957955002784729,-1.9210519924846867,1,2485,0 -2486,0.00040844325818124416,-0.00010956823825836182,-0.0003934726119041443,-1.8423807926574576,1,2486,0 -2487,0.00043863898822564973,-0.00013256818056106567,-0.00041812658309936523,-1.8778234980911008,1,2487,0 -2488,0.00035905555665779256,-0.0001543201506137848,-0.000324200838804245,-2.015061643672044,1,2488,0 -2489,0.00038691887061836666,-0.00018073618412017822,-0.0003421120345592499,-2.056823116153211,1,2489,0 -2490,0.0003823271307272677,-9.800493717193604e-05,-0.00036955252289772034,-1.8300279338289753,1,2490,0 -2491,0.00041000027192372653,-0.00012518465518951416,-0.000390421599149704,-1.8810794214813233,1,2491,0 -2492,0.0003792726208354061,-9.032338857650757e-05,-0.0003683604300022125,-1.8112558792510538,1,2492,0 -2493,0.00041404883470222284,-0.0001679845154285431,-0.00037844106554985046,-1.9885538426630645,1,2493,0 -2494,0.0003652424129371795,-0.00015597790479660034,-0.00033026188611984253,-2.0120275578414706,1,2494,0 -2495,0.00039053451076985984,-8.304044604301453e-05,-0.00038160383701324463,-1.7850649145236541,1,2495,0 -2496,0.0002762388028470825,-8.816644549369812e-05,-0.00026179105043411255,-1.895647229910034,1,2496,0 -2497,0.000324843086726129,-0.0001331716775894165,-0.00029629096388816833,-1.9932031782381043,1,2497,0 -2498,0.0004183745798513102,-0.00011605769395828247,-0.00040195509791374207,-1.851884624867048,1,2498,0 -2499,0.00044272922978724473,-0.00018528476357460022,-0.00040209293365478516,-2.0025958478080153,1,2499,0 -2500,0.00038365410006162596,-0.00013420358300209045,-0.00035941600799560547,-1.9281577709707283,1,2500,0 -2501,0.0003631962560206044,-0.00011968612670898438,-0.00034290924668312073,-1.9066080742657463,1,2501,0 -2502,0.0004108382865978833,-9.322166442871094e-05,-0.0004001222550868988,-1.7996959449870118,1,2502,0 -2503,0.0003560310894677967,-0.00018258392810821533,-0.00030564889311790466,-2.109276019244658,1,2503,0 -2504,0.0003484845318668161,-0.00014621764421463013,-0.0003163255751132965,-2.0037804931244465,1,2504,0 -2505,0.00038544496790057726,-0.00012384355068206787,-0.0003650076687335968,-1.8978985097213912,1,2505,0 -2506,0.0004709055170707961,-0.00019520893692970276,-0.0004285387694835663,-1.99823304332261,1,2506,0 -2507,0.00038837466193372553,-0.00017165392637252808,-0.0003483816981315613,-2.0286013673425014,1,2507,0 -2508,0.0003512819003868724,-5.950033664703369e-05,-0.0003462061285972595,-1.7409974738742962,1,2508,0 -2509,0.0005326042657772758,-0.00021246075630187988,-0.0004883930087089539,-1.9811233512976052,1,2509,0 -2510,0.00037342608601878557,-0.00017375126481056213,-0.00033054128289222717,-2.0547580545434516,1,2510,0 -2511,0.00041389021670593687,-0.00014656037092208862,-0.0003870725631713867,-1.9327526323411628,1,2511,0 -2512,0.0004111344483962415,-9.908527135848999e-05,-0.0003990158438682556,-1.8141971010330884,1,2512,0 -2513,0.00040537614111185396,-0.0001027323305606842,-0.0003921426832675934,-1.8270152300616307,1,2513,0 -2514,0.00038629724571385043,-9.38810408115387e-05,-0.00037471577525138855,-1.816282534042708,1,2514,0 -2515,0.0002799980312411921,-7.330253720283508e-05,-0.00027023255825042725,-1.8356796023613655,1,2515,0 -2516,0.0005135122512175305,-0.00018843263387680054,-0.0004776902496814728,-1.9465230596055767,1,2516,0 -2517,0.0003034116491354679,-6.4067542552948e-05,-0.000296570360660553,-1.7835549902496184,1,2517,0 -2518,0.0003980696348619432,-0.00013994425535202026,-0.0003726594150066376,-1.9300303159731889,1,2518,0 -2519,0.0002865404648874199,-0.0001337788999080658,-0.0002533942461013794,-2.056551283760365,1,2519,0 -2520,0.0003681559079421096,-0.00016557052731513977,-0.00032882392406463623,-2.0372586499900307,1,2520,0 -2521,0.00038470594607869157,-9.944289922714233e-05,-0.0003716312348842621,-1.832255775109593,1,2521,0 -2522,0.00036834452867360695,-0.00012189149856567383,-0.00034759193658828735,-1.9080715775800958,1,2522,0 -2523,0.0003276592376004791,-0.00011311471462249756,-0.0003075152635574341,-1.9232701393375975,1,2523,0 -2524,0.00035300636887467923,-1.7113983631134033e-05,-0.00035259127616882324,-1.6192960035361446,1,2524,0 -2525,0.00033541076480897013,-2.2295862436294556e-05,-0.000334668904542923,-1.6373186847578471,1,2525,0 -2526,0.00030283867540284416,-0.00012020021677017212,-0.0002779625356197357,-1.978946040862249,1,2526,0 -2527,0.0003601696215020831,-0.0001068115234375,-0.0003439672291278839,-1.8718838122910528,1,2527,0 -2528,0.0003984326500568699,-4.5944005250930786e-05,-0.00039577484130859375,-1.6863652631240036,1,2528,0 -2529,0.00032939942088991333,-2.0742416381835938e-05,-0.00032874569296836853,-1.6338084264102772,1,2529,0 -2530,0.0004192430880525761,-8.254125714302063e-05,-0.0004110373556613922,-1.768972589188303,1,2530,0 -2531,0.0003826218347805741,-9.115412831306458e-05,-0.00037160515785217285,-1.8113450262446755,1,2531,0 -2532,0.00042301880651698687,-0.00011642277240753174,-0.00040668249130249023,-1.849613719338691,1,2532,0 -2533,0.00037020024019935547,-0.00019108131527900696,-0.00031707435846328735,-2.1131538726812225,1,2533,0 -2534,0.00032315915924147607,-4.805251955986023e-05,-0.0003195665776729584,-1.7200459503271335,1,2534,0 -2535,0.00041790491047315415,-0.00010120868682861328,-0.0004054643213748932,-1.8154096098129697,1,2535,0 -2536,0.00038726436976583954,-0.000141240656375885,-0.00036058947443962097,-1.9441217297059814,1,2536,0 -2537,0.0003496980729965546,-0.00019584596157073975,-0.0002897121012210846,-2.165234041882325,1,2537,0 -2538,0.00033088191819872023,-0.00019828230142593384,-0.00026489049196243286,-2.213365217584043,1,2538,0 -2539,0.0003018777991699177,-9.507313370704651e-05,-0.00028651580214500427,-1.8911888544443718,1,2539,0 -2540,0.00035428154322453623,-0.00014784559607505798,-0.0003219582140445709,-2.001280698744414,1,2540,0 -2541,0.00040971709520430384,-0.0001319386065006256,-0.00038789212703704834,-1.898662582039064,1,2541,0 -2542,0.0005221582526357497,-0.00013475120067596436,-0.0005044713616371155,-1.8318160059840434,1,2542,0 -2543,0.0003276263304659036,-0.00019877776503562927,-0.0002604350447654724,-2.222725384140242,1,2543,0 -2544,0.0004350567650808821,-0.0001230388879776001,-0.00041729584336280823,-1.8575199345012448,1,2544,0 -2545,0.0003748721776195234,-0.00010536983609199524,-0.00035975873470306396,-1.8557177456468716,1,2545,0 -2546,0.00035899800346395023,-0.00012118741869926453,-0.0003379248082637787,-1.9151318595080782,1,2546,0 -2547,0.0003004745713295281,-5.197897553443909e-05,-0.0002959445118904114,-1.744660552828084,1,2547,0 -2548,0.00042386903235872014,-0.00015431642532348633,-0.0003947801887989044,-1.9434264221821447,1,2548,0 -2549,0.00037477637426959535,-3.758817911148071e-05,-0.00037288665771484375,-1.6712601920159202,1,2549,0 -2550,0.00031532880601230207,-6.750598549842834e-05,-0.00030801817774772644,-1.7865475053267164,1,2550,0 -2551,0.00042820266683699944,-0.0001009628176689148,-0.00041612982749938965,-1.8088203124036555,1,2551,0 -2552,0.0003165623602542368,-0.00014101341366767883,-0.0002834200859069824,-2.0324756519571046,1,2552,0 -2553,0.0003561999957788928,-0.00018714740872383118,-0.0003030747175216675,-2.123981258990393,1,2553,0 -2554,0.0004039206507735762,-9.046867489814758e-05,-0.0003936588764190674,-1.7966889064971323,1,2554,0 -2555,0.00026797865207814483,-5.606561899185181e-05,-0.0002620480954647064,-1.7815702276666114,1,2555,0 -2556,0.00041219955607257224,-8.963793516159058e-05,-0.0004023350775241852,-1.7900102995868443,1,2556,0 -2557,0.0002778527034563236,-0.0001017451286315918,-0.00025855377316474915,-1.9457008563626919,1,2557,0 -2558,0.0004085344746783766,-0.00013069435954093933,-0.0003870651125907898,-1.8964310679044167,1,2558,0 -2559,0.00040439131372755683,-0.00020372122526168823,-0.0003493279218673706,-2.0987567218580385,1,2559,0 -2560,0.000309183664010467,-7.272884249687195e-05,-0.0003005079925060272,-1.8082500947681492,1,2560,0 -2561,0.00038240545656744807,-8.655712008476257e-05,-0.0003724806010723114,-1.7991241586565987,1,2561,0 -2562,0.0003597369097195436,-0.0001497305929660797,-0.0003270953893661499,-2.000083203492571,1,2562,0 -2563,0.00038600060919710097,-0.00011197105050086975,-0.00036940351128578186,-1.865106741017147,1,2563,0 -2564,0.0004265993269555008,-0.00014419853687286377,-0.0004014894366264343,-1.915607179602899,1,2564,0 -2565,0.0003624863028135995,-0.00014595314860343933,-0.00033180415630340576,-1.9852004797845404,1,2565,0 -2566,0.0003316005083954768,-0.00013298168778419495,-0.0003037676215171814,-1.9834370599643656,1,2566,0 -2567,0.00031176190275342944,-8.42660665512085e-05,-0.0003001578152179718,-1.8444903632242446,1,2567,0 -2568,0.0003821883786091334,-0.00011606141924858093,-0.0003641396760940552,-1.8793447715643528,1,2568,0 -2569,0.00031461216909948347,-0.00011426582932472229,-0.00029312819242477417,-1.9424920008057829,1,2569,0 -2570,0.0005378513992934195,-0.0002463683485984802,-0.0004781074821949005,-2.0466081603307567,1,2570,0 -2571,0.0003449801484729543,-0.0001247413456439972,-0.0003216378390789032,-1.9407689674142345,1,2571,0 -2572,0.0003367232260084157,-0.00010700523853302002,-0.0003192685544490814,-1.894187697959046,1,2572,0 -2573,0.0003899518672040063,-0.00015767663717269897,-0.00035665184259414673,-1.9870632333639255,1,2573,0 -2574,0.0004072551245470698,-0.00017623230814933777,-0.0003671497106552124,-2.0183172915337506,1,2574,0 -2575,0.0003202285762229796,-5.51566481590271e-05,-0.00031544268131256104,-1.7439010465793205,1,2575,0 -2576,0.0003628847580517941,-0.00012648850679397583,-0.0003401264548301697,-1.9268347437302018,1,2576,0 -2577,0.00038655253757280124,-0.000172346830368042,-0.0003460049629211426,-2.0329268525200397,1,2577,0 -2578,0.0003760243307818622,-0.00014131516218185425,-0.000348459929227829,-1.956071204253723,1,2578,0 -2579,0.0003287949632026197,-0.0001067817211151123,-0.00031097233295440674,-1.901561585466379,1,2579,0 -2580,0.00035033921698424196,-0.00016876310110092163,-0.0003070123493671417,-2.073405211714809,1,2580,0 -2581,0.00044801310230200566,-0.00015792623162269592,-0.0004192553460597992,-1.9310414155477562,1,2581,0 -2582,0.0003109881059295908,-1.500546932220459e-05,-0.0003106258809566498,-1.6190660118743578,1,2582,0 -2583,0.0003643433511579386,-5.188211798667908e-05,-0.00036063045263290405,-1.7136809904126808,1,2583,0 -2584,0.00043207623159627643,-0.00016359984874725342,-0.000399906188249588,-1.9591190349242784,1,2584,0 -2585,0.00033962414082432514,-0.00018319487571716309,-0.00028597936034202576,-2.140526370699084,1,2585,0 -2586,0.0005246862464114382,-0.00023689866065979004,-0.0004681609570980072,-2.039248080029316,1,2586,0 -2587,0.0003560180638021844,-3.518536686897278e-05,-0.00035427510738372803,-1.669788209766968,1,2587,0 -2588,0.00043503151766194353,-0.0001154579222202301,-0.0004194304347038269,-1.8394164326608584,1,2588,0 -2589,0.00035004011115685654,-8.283928036689758e-05,-0.000340096652507782,-1.8097195108208863,1,2589,0 -2590,0.0004246962213853225,-0.00011336430907249451,-0.0004092864692211151,-1.841002718597459,1,2590,0 -2591,0.000384154715120875,-7.472559809684753e-05,-0.00037681683897972107,-1.7665639359934011,1,2591,0 -2592,0.00035238222467370487,-0.00016472861170768738,-0.00031150877475738525,-2.057224552969692,1,2592,0 -2593,0.00039364017952807476,-0.0001049526035785675,-0.00037939101457595825,-1.8406813853832182,1,2593,0 -2594,0.00037053648680334094,-0.00012787804007530212,-0.0003477707505226135,-1.9231586161053367,1,2594,0 -2595,0.0005257207523009326,-0.00013936683535575867,-0.000506911426782608,-1.8391005334890376,1,2595,0 -2596,0.00031715882600657423,-0.00011770054697990417,-0.00029451027512550354,-1.950999524899156,1,2596,0 -2597,0.0003311273458733276,-0.00011068955063819885,-0.0003120787441730499,-1.9116384723096274,1,2597,0 -2598,0.0003067445910444642,-0.00018447265028953552,-0.00024507567286491394,-2.2160341142322926,1,2598,0 -2599,0.0003672280015363059,-0.00016517192125320435,-0.0003279857337474823,-2.0373156660061924,1,2599,0 -2600,0.00032536257102480214,-0.0001834183931350708,-0.00026873499155044556,-2.1696976813553097,1,2600,0 -2601,0.00034124399405320984,-0.000127304345369339,-0.0003166086971759796,-1.9531008292410588,1,2601,0 -2602,0.0003287000466875488,-0.00018458813428878784,-0.0002719759941101074,-2.1670785314139014,1,2602,0 -2603,0.00037501297518176426,-0.00017533078789710999,-0.00033150240778923035,-2.057293774665679,1,2603,0 -2604,0.00035677124927307194,-0.00013585388660430908,-0.0003298930823802948,-1.961443695111423,1,2604,0 -2605,0.0003498757255498712,-0.00016602128744125366,-0.00030797719955444336,-2.0652093196380075,1,2605,0 -2606,0.000375687987511864,-8.935481309890747e-05,-0.00036490708589553833,-1.810940995992553,1,2606,0 -2607,0.0004709784227283538,-0.000264924019575119,-0.0003894045948982239,-2.1681992940429526,1,2607,0 -2608,0.0003505693734230881,-8.132681250572205e-05,-0.0003410056233406067,-1.8049141163623024,1,2608,0 -2609,0.0003339441988307197,-6.295740604400635e-05,-0.0003279559314250946,-1.7604580803295593,1,2609,0 -2610,0.00030032285446683426,-8.940696716308594e-05,-0.00028670579195022583,-1.8730818132710554,1,2610,0 -2611,0.00036449871567838596,-0.00013007596135139465,-0.00034049898386001587,-1.9357035259073871,1,2611,0 -2612,0.0003800164384305082,-0.00011416152119636536,-0.0003624632954597473,-1.8759209666750742,1,2612,0 -2613,0.00041635096757306156,-0.00016630813479423523,-0.0003816932439804077,-1.9817046133747511,1,2613,0 -2614,0.0003936590899837061,-8.304417133331299e-05,-0.00038480013608932495,-1.7833476970970032,1,2614,0 -2615,0.00037564997726114173,-0.00010335445404052734,-0.0003611519932746887,-1.849526438975258,1,2615,0 -2616,0.0003622017137221472,-0.000137966126203537,-0.00033489614725112915,-1.9615762365599374,1,2616,0 -2617,0.0004154467152451157,-0.00013693049550056458,-0.00039223209023475647,-1.9066743046027097,1,2617,0 -2618,0.0003322551238309167,-7.846951484680176e-05,-0.00032285600900650024,-1.8092213266262522,1,2618,0 -2619,0.0005789119470356017,-0.00021650269627571106,-0.0005369037389755249,-1.9540952984636593,1,2619,0 -2620,0.00038187055230328235,-0.00018256530165672302,-0.00033540278673171997,-2.0692656071236475,1,2620,0 -2621,0.0003278478542372595,-0.00011605024337768555,-0.0003066211938858032,-1.9326151842414072,1,2621,0 -2622,0.0005355212115295822,-0.00018974393606185913,-0.0005007795989513397,-1.9329792445118603,1,2622,0 -2623,0.0004165079636191635,-0.00018800050020217896,-0.00037166476249694824,-2.0390998649044683,1,2623,0 -2624,0.0003748454838968474,-0.00012933090329170227,-0.00035182759165763855,-1.923061293189801,1,2624,0 -2625,0.00040373250556355317,-9.669363498687744e-05,-0.0003919824957847595,-1.8126463914875661,1,2625,0 -2626,0.00029044435495854086,-4.7788023948669434e-05,-0.0002864859998226166,-1.7360820638781194,1,2626,0 -2627,0.0003645476966201959,-0.00014188885688781738,-0.0003358013927936554,-1.9705798114665498,1,2627,0 -2628,0.0002998107541105623,-7.368996739387512e-05,-0.0002906136214733124,-1.8191291549969957,1,2628,0 -2629,0.0003506297996624419,-0.00010932981967926025,-0.0003331489861011505,-1.8878935641980688,1,2629,0 -2630,0.00034909977125984506,-7.99521803855896e-05,-0.0003398209810256958,-1.8018711072801508,1,2630,0 -2631,0.0006165478179793476,-0.00015357136726379395,-0.0005971156060695648,-1.8225292675179279,1,2631,0 -2632,0.00030162439048821464,-7.461756467819214e-05,-0.00029224902391433716,-1.820777494398186,1,2632,0 -2633,0.00037464588512527006,-0.00010839477181434631,-0.0003586225211620331,-1.8643189093492836,1,2633,0 -2634,0.0003751697237852772,-6.345286965370178e-05,-0.00036976486444473267,-1.7407443326690786,1,2634,0 -2635,0.00033250036270349403,-0.00011602044105529785,-0.0003116019070148468,-1.9272289227727655,1,2635,0 -2636,0.0003837441688075907,-8.550286293029785e-05,-0.00037409737706184387,-1.7954945164522507,1,2636,0 -2637,0.0003626004972674694,-0.00020348653197288513,-0.0003001205623149872,-2.166615033443629,1,2637,0 -2638,0.0003125775539151852,-0.00016471371054649353,-0.000265657901763916,-2.125807855554192,1,2638,0 -2639,0.0007258188571205484,-0.00029375776648521423,-0.0006637163460254669,-1.9874755055509414,1,2639,0 -2640,0.0004266546394212339,-8.29845666885376e-05,-0.00041850656270980835,-1.766544588370775,1,2640,0 -2641,0.0003568757298460283,-9.605288505554199e-05,-0.0003437064588069916,-1.8433060477902794,1,2641,0 -2642,0.00035852813570732406,-0.0001439303159713745,-0.0003283694386482239,-1.9838933510063137,1,2642,0 -2643,0.0005394593420534976,-0.00020853430032730103,-0.000497523695230484,-1.9676968431830817,1,2643,0 -2644,0.0005952522090867216,-8.669495582580566e-05,-0.0005889050662517548,-1.7169602822633416,1,2644,0 -2645,0.0004064581394252546,-0.0001528412103652954,-0.0003766268491744995,-1.9563064405099455,1,2645,0 -2646,0.0003187622139772413,-2.5212764739990234e-05,-0.0003177635371685028,-1.649974871390457,1,2646,0 -2647,0.00044853849664139235,-0.00021926313638687134,-0.00039129331707954407,-2.0815547985658083,1,2647,0 -2648,0.0006731458316561009,-0.00011640414595603943,-0.0006630048155784607,-1.744595573480093,1,2648,0 -2649,0.00033584173962253203,-7.14324414730072e-05,-0.00032815709710121155,-1.7851303474491274,1,2649,0 -2650,0.00036116929023724786,-4.992261528968811e-05,-0.000357702374458313,-1.709465285175696,1,2650,0 -2651,0.00035219326770692097,-0.00011772662401199341,-0.00033193454146385193,-1.9116238243376287,1,2651,0 -2652,0.0003387845934213095,-0.00013400614261627197,-0.00031115487217903137,-1.9774626072764527,1,2652,0 -2653,0.00035603895981608683,-7.314234972000122e-05,-0.00034844502806663513,-1.7777030186697043,1,2653,0 -2654,0.00035638386135242617,-0.000132828950881958,-0.0003307051956653595,-1.9527274559892576,1,2654,0 -2655,0.0003785091560308994,-0.0001910291612148285,-0.00032676756381988525,-2.0998172555680106,1,2655,0 -2656,0.0003203471123890074,-0.00015662238001823425,-0.000279448926448822,-2.0816413926590833,1,2656,0 -2657,0.0003477038198647065,-9.35681164264679e-05,-0.00033487752079963684,-1.8432578069895125,1,2657,0 -2658,0.0003918476885901403,-8.324161171913147e-05,-0.00038290396332740784,-1.7848610494898203,1,2658,0 -2659,0.0003875876538735746,-0.0001096874475479126,-0.00037174299359321594,-1.8577172471969898,1,2659,0 -2660,0.00041086513410277994,-0.00019774958491325378,-0.000360146164894104,-2.0729340572967203,1,2660,0 -2661,0.0003700964945515591,-0.00010232999920845032,-0.0003556683659553528,-1.8509418031646285,1,2661,0 -2662,0.0003209113876861521,-0.00013347715139389038,-0.0002918355166912079,-1.9997631845914887,1,2662,0 -2663,0.00031429841158616946,-0.00014961138367652893,-0.00027640536427497864,-2.0669164079648477,1,2663,0 -2664,0.00033201292771781405,-2.2232532501220703e-05,-0.00033126771450042725,-1.6378093237587779,1,2664,0 -2665,0.0003784816202577857,-0.00011165812611579895,-0.00036163628101348877,-1.8702685697939903,1,2665,0 -2666,0.00031958090582061635,-0.00011203065514564514,-0.00029930099844932556,-1.9289598723602324,1,2666,0 -2667,0.0003176736473657805,-6.130337715148926e-05,-0.0003117024898529053,-1.7649905434452466,1,2667,0 -2668,0.00041869266025418533,-0.00011908635497093201,-0.00040140002965927124,-1.859202170325827,1,2668,0 -2669,0.0004903053382158968,-0.00016702711582183838,-0.00046097859740257263,-1.9184144711677842,1,2669,0 -2670,0.00038823020861401104,-0.0001724734902381897,-0.00034781545400619507,-2.0311396522372043,1,2670,0 -2671,0.0004659513780201162,-8.255615830421448e-05,-0.00045857951045036316,-1.7489142870620045,1,2671,0 -2672,0.0003739375148524028,-0.00011243671178817749,-0.0003566332161426544,-1.876205202699313,1,2672,0 -2673,0.0003323390710436959,-0.0001933164894580841,-0.00027032941579818726,-2.1915943991028892,1,2673,0 -2674,0.0003747166392146432,-0.00010414794087409973,-0.000359952449798584,-1.8524430445114113,1,2674,0 -2675,0.0003297657181125961,-0.00010557100176811218,-0.00031241029500961304,-1.8966729629832346,1,2675,0 -2676,0.0003806933198238288,-1.817941665649414e-05,-0.0003802590072154999,-1.6185679376250766,1,2676,0 -2677,0.00037672119076331953,-0.0001109391450881958,-0.00036001577973365784,-1.8697140294814545,1,2677,0 -2678,0.00040329706654694005,-7.68415629863739e-05,-0.0003959089517593384,-1.7625018028212907,1,2678,0 -2679,0.00032144278321369433,-0.00014030560851097107,-0.0002892054617404938,-2.0224867388397443,1,2679,0 -2680,0.0003122405073755681,-0.00018898770213127136,-0.0002485513687133789,-2.220892849567029,1,2680,0 -2681,0.0003598716032808829,-0.00014714524149894714,-0.0003284141421318054,-1.9920256356729193,1,2681,0 -2682,0.00037052295041613704,-0.00021328777074813843,-0.00030297785997390747,-2.184182740001531,1,2682,0 -2683,0.0003299065686398916,-0.00018708035349845886,-0.0002717338502407074,-2.1737414233283183,1,2683,0 -2684,0.0003704315589360509,-0.0001365356147289276,-0.0003443509340286255,-1.948283003739791,1,2684,0 -2685,0.0003508729812414972,-6.483122706413269e-05,-0.0003448314964771271,-1.756635390718897,1,2685,0 -2686,0.00036103230036284105,-0.0001588575541973114,-0.00032420456409454346,-2.026405308587304,1,2686,0 -2687,0.0003553945004339649,-0.00018190965056419373,-0.00030530989170074463,-2.1081364135664886,1,2687,0 -2688,0.0003903821727014109,-0.0001222565770149231,-0.00037074461579322815,-1.889327033606275,1,2688,0 -2689,0.00030941262149197145,-0.00013101473450660706,-0.00028030574321746826,-2.0080250097643586,1,2689,0 -2690,0.0004364736825711002,-0.00014079362154006958,-0.0004131421446800232,-1.8992404384443238,1,2690,0 -2691,0.0003032265389238617,-0.00013444200158119202,-0.0002717934548854828,-2.0301529183814244,1,2691,0 -2692,0.0003338010035555546,-0.00012513995170593262,-0.00030945613980293274,-1.9550786248174845,1,2692,0 -2693,0.00041274298960014387,-0.00016219168901443481,-0.00037954002618789673,-1.9746451974649806,1,2693,0 -2694,0.00032655087610735083,-0.00015524029731750488,-0.00028729066252708435,-2.0662080431421566,1,2694,0 -2695,0.0004501520553172412,-0.00010994821786880493,-0.0004365183413028717,-1.8175392618487165,1,2695,0 -2696,0.0004549167726063036,-0.00012286007404327393,-0.00043801218271255493,-1.8442636600780404,1,2696,0 -2697,0.000395363671489451,-0.00020223110914230347,-0.00033972784876823425,-2.107733479988078,1,2697,0 -2698,0.000618943044046405,-0.00018268823623657227,-0.0005913674831390381,-1.870421005306212,1,2698,0 -2699,0.0003698369429765927,-0.00010164827108383179,-0.00035559386014938354,-1.8492260446024569,1,2699,0 -2700,0.0003384390484863336,-9.395554661750793e-05,-0.00032513588666915894,-1.8521063125458885,1,2700,0 -2701,0.0003394919904759963,-5.1427632570266724e-05,-0.0003355741500854492,-1.722865836292138,1,2701,0 -2702,0.00033731393917444736,-4.468485713005066e-05,-0.0003343410789966583,-1.703659486733876,1,2702,0 -2703,0.00033505305977935,-0.00013011693954467773,-0.0003087557852268219,-1.9696337393658923,1,2703,0 -2704,0.0003445914151034942,-4.971027374267578e-05,-0.0003409869968891144,-1.7155600172802612,1,2704,0 -2705,0.0006388311656007653,-0.0001674368977546692,-0.0006164982914924622,-1.8359927449742306,1,2705,0 -2706,0.00034821433496226773,-0.00015184283256530762,-0.0003133639693260193,-2.022013716113753,1,2706,0 -2707,0.0003173633081095064,-8.20942223072052e-05,-0.00030656158924102783,-1.832447467220142,1,2707,0 -2708,0.00037333498096968993,-0.0002316981554031372,-0.00029273703694343567,-2.2403260689988413,1,2708,0 -2709,0.00033619178093350076,-0.00010588392615318298,-0.0003190822899341583,-1.891201317111637,1,2709,0 -2710,0.0003084415081899586,-3.8739293813705444e-05,-0.0003059990704059601,-1.6967257881895046,1,2710,0 -2711,0.0004191503358817454,-0.00013228878378868103,-0.0003977268934249878,-1.8918976456102088,1,2711,0 -2712,0.0003104676088589477,-9.494274854660034e-05,-0.00029559433460235596,-1.8815808274061585,1,2712,0 -2713,0.00040573218340496126,-0.00017495453357696533,-0.0003660731017589569,-2.0166263733134664,1,2713,0 -2714,0.00035875700983574785,-0.00012919306755065918,-0.0003346875309944153,-1.939185357286948,1,2714,0 -2715,0.0003610665072347986,-9.156018495559692e-05,-0.00034926459193229675,-1.8271784565781701,1,2715,0 -2716,0.0003183639559930943,-0.0001029670238494873,-0.0003012530505657196,-1.9001436577956696,1,2716,0 -2717,0.0003937106229379823,-0.00011427700519561768,-0.00037676095962524414,-1.8652910278733994,1,2717,0 -2718,0.00030859101104909245,-0.00011538714170455933,-0.00028620660305023193,-1.9540241333179722,1,2718,0 -2719,0.0003893524538438328,-0.00015578791499137878,-0.00035682693123817444,-1.9824446991076672,1,2719,0 -2720,0.00034789727356845576,-8.832663297653198e-05,-0.0003364980220794678,-1.8274932643889412,1,2720,0 -2721,0.00037677931662744366,-0.00010940805077552795,-0.00036054477095603943,-1.865417125234329,1,2721,0 -2722,0.0005535347634055515,-0.00022076815366744995,-0.000507604330778122,-1.9810406647841823,1,2722,0 -2723,0.00030128228860110216,-0.000187605619430542,-0.00023574382066726685,-2.242972825475225,1,2723,0 -2724,0.00038033256736687244,-0.0001009330153465271,-0.00036669522523880005,-1.8393953377619519,1,2724,0 -2725,0.0003902541028676142,-8.499994874000549e-05,-0.0003808848559856415,-1.790362954296298,1,2725,0 -2726,0.00042714760971885414,-4.670768976211548e-05,-0.0004245862364768982,-1.6803633089333136,1,2726,0 -2727,0.0003211227534849451,-7.28219747543335e-05,-0.00031275674700737,-1.7995594193742652,1,2727,0 -2728,0.0004266941825924904,-8.2358717918396e-05,-0.0004186704754829407,-1.7650311439317439,1,2728,0 -2729,0.0004073124705596417,-0.00020348653197288513,-0.0003528408706188202,-2.093914072926595,1,2729,0 -2730,0.00043431043871140594,-0.0001504272222518921,-0.0004074275493621826,-1.9244831322785483,1,2730,0 -2731,0.0003506772017387935,-8.900091052055359e-05,-0.0003391951322555542,-1.8274003657499036,1,2731,0 -2732,0.00032132583740962056,-9.211525321006775e-05,-0.00030783936381340027,-1.8615479818663971,1,2732,0 -2733,0.000329421924253436,-0.00014378130435943604,-0.00029638782143592834,-2.0224627977905296,1,2733,0 -2734,0.00033568124545180157,-0.00012367591261863708,-0.00031206756830215454,-1.9481187757319034,1,2734,0 -2735,0.0004380742239287641,-0.0001572445034980774,-0.00040888041257858276,-1.9379335284295611,1,2735,0 -2736,0.00046544587743917003,-0.00016304105520248413,-0.00043595582246780396,-1.928677072559929,1,2736,0 -2737,0.0003808455066559518,-0.00018020346760749817,-0.00033551454544067383,-2.063678364953477,1,2737,0 -2738,0.00032928296175095407,-6.773322820663452e-05,-0.00032224133610725403,-1.7779744172149572,1,2738,0 -2739,0.0002872644353712449,-0.000133514404296875,-0.0002543516457080841,-2.0541810386259174,1,2739,0 -2740,0.00033197275184695675,-0.00016762316226959229,-0.00028654560446739197,-2.1000977536039116,1,2740,0 -2741,0.0003453724144138821,-0.00010506808757781982,-0.0003290027379989624,-1.879912469998354,1,2741,0 -2742,0.0003708019100561908,-9.646639227867126e-05,-0.0003580339252948761,-1.8339802305899626,1,2742,0 -2743,0.0003315557307422246,-0.00012048333883285522,-0.00030888989567756653,-1.9426981452536947,1,2743,0 -2744,0.00038603031673747006,-0.00016023963689804077,-0.00035120174288749695,-1.9988446376735385,1,2744,0 -2745,0.00035199681472428026,-0.00014669448137283325,-0.0003199726343154907,-2.00066283243803,1,2745,0 -2746,0.0005079632041333786,-0.0001846812665462494,-0.00047320127487182617,-1.9428959127058012,1,2746,0 -2747,0.00042920929663041967,-1.506507396697998e-05,-0.00042894482612609863,-1.6059031362643803,1,2747,0 -2748,0.0003887519294990612,-0.00016971677541732788,-0.0003497488796710968,-2.0225770787541113,1,2748,0 -2749,0.0004358461729451263,-3.1169503927230835e-05,-0.00043473020195961,-1.6423723460382205,1,2749,0 -2750,0.000472563592644777,-0.00016762688755989075,-0.00044183433055877686,-1.9334089339061111,1,2750,0 -2751,0.00036319848227155945,-0.0001655668020248413,-0.00032326579093933105,-2.0441318838531206,1,2751,0 -2752,0.0003579013439768923,-0.0001263245940208435,-0.00033486634492874146,-1.9315283760451103,1,2752,0 -2753,0.0004710502297429406,-0.00014207512140274048,-0.00044911354780197144,-1.8771808680899271,1,2753,0 -2754,0.00020693116589257988,-9.210407733917236e-05,-0.00018530339002609253,-2.032076942921334,1,2754,0 -2755,0.0003519817697392801,-8.207187056541443e-05,-0.00034227967262268066,-1.8061334189503206,1,2755,0 -2756,0.00033312965853248943,-9.575486183166504e-05,-0.00031907111406326294,-1.862349521061671,1,2756,0 -2757,0.0003509453346347649,-0.00010523572564125061,-0.0003347955644130707,-1.8753459806322264,1,2757,0 -2758,0.00036129497031996133,-0.00011068582534790039,-0.00034392252564430237,-1.8821616672171595,1,2758,0 -2759,0.00035015331065188987,-0.00011742115020751953,-0.00032987818121910095,-1.9127646709415027,1,2759,0 -2760,0.0003247836403052786,-0.00015325471758842468,-0.00028635188937187195,-2.062203605038926,1,2760,0 -2761,0.0003297048906044478,-0.00012753531336784363,-0.0003040395677089691,-1.9679732470793998,1,2761,0 -2762,0.0004091271746618208,-0.00010814517736434937,-0.000394575297832489,-1.838306972233151,1,2762,0 -2763,0.00038295089177009685,-0.00013094767928123474,-0.00035986676812171936,-1.9197809247871942,1,2763,0 -2764,0.0003576878187794496,-0.00018709897994995117,-0.0003048516809940338,-2.1212559121740586,1,2764,0 -2765,0.00032943105446320585,-0.00011250749230384827,-0.0003096237778663635,-1.9193306286718226,1,2765,0 -2766,0.00045729376369758016,-0.000214260071516037,-0.00040399283170700073,-2.058432890111274,1,2766,0 -2767,0.0003461751850455455,-0.000195186585187912,-0.00028590112924575806,-2.1698214431995133,1,2767,0 -2768,0.0004283318132569785,-0.00013355910778045654,-0.0004069767892360687,-1.8878961101149296,1,2768,0 -2769,0.0003860755355692984,-0.00010586529970169067,-0.0003712773323059082,-1.8485631713705986,1,2769,0 -2770,0.00035898923461433413,-8.40499997138977e-05,-0.00034901127219200134,-1.8071194964303658,1,2770,0 -2771,0.0003442082268592044,-0.00017162412405014038,-0.0002983696758747101,-2.0927856497316326,1,2771,0 -2772,0.0004507857200712493,-0.0001597367227077484,-0.0004215352237224579,-1.9330171036516892,1,2772,0 -2773,0.00039689515270399753,-0.00011945143342018127,-0.00037849321961402893,-1.8765004297697003,1,2773,0 -2774,0.00040196690249722785,-0.00012191012501716614,-0.000383034348487854,-1.8789334074192545,1,2774,0 -2775,0.0003377453442119864,-0.00010171160101890564,-0.0003220662474632263,-1.8766934661338759,1,2775,0 -2776,0.00032486301416225166,-9.38810408115387e-05,-0.00031100213527679443,-1.8639643744530183,1,2776,0 -2777,0.0004010470583418538,-0.00012136995792388916,-0.0003822408616542816,-1.8782500125283679,1,2777,0 -2778,0.0003413559226136842,-6.351247429847717e-05,-0.00033539533615112305,-1.757946295275007,1,2778,0 -2779,0.0003668358920397334,-0.00011726468801498413,-0.0003475882112979889,-1.8961725087844132,1,2779,0 -2780,0.00035121764784741056,-8.566305041313171e-05,-0.0003406107425689697,-1.8171847332016093,1,2780,0 -2781,0.0003245007581113931,-0.0001698508858680725,-0.0002764984965324402,-2.121658612529855,1,2781,0 -2782,0.00039158634584085224,-0.00015685707330703735,-0.0003587976098060608,-1.9829333130676472,1,2782,0 -2783,0.00040422436146150635,-0.00015503540635108948,-0.0003733113408088684,-1.964420571818234,1,2783,0 -2784,0.0004039728748243961,-5.453452467918396e-05,-0.00040027499198913574,-1.7062052588193675,1,2784,0 -2785,0.0002428883343836354,-0.00014682859182357788,-0.0001934841275215149,-2.219947786199268,1,2785,0 -2786,0.0003356160707335532,-0.00014089420437812805,-0.0003046095371246338,-2.004029741175897,1,2786,0 -2787,0.0004914381967958352,-0.0002802051603794098,-0.00040372833609580994,-2.1775136656534255,1,2787,0 -2788,0.0003484903848602395,-0.00012749433517456055,-0.00032433122396469116,-1.945339593854771,1,2788,0 -2789,0.0003995758575253536,-6.338953971862793e-05,-0.0003945156931877136,-1.730111476483679,1,2789,0 -2790,0.00038243886255689757,-0.00011251121759414673,-0.0003655143082141876,-1.8694084122290056,1,2790,0 -2791,0.0005840182907424638,-0.00024625658988952637,-0.0005295611917972565,-2.0060705129131526,1,2791,0 -2792,0.00035152686271922165,-0.00011282414197921753,-0.00033292919397354126,-1.8975335018776478,1,2792,0 -2793,0.0004193315072823167,-5.316734313964844e-05,-0.000415947288274765,-1.6979292388956855,1,2793,0 -2794,0.0003750492478955972,-0.00012401863932609558,-0.00035395100712776184,-1.9078128707383186,1,2794,0 -2795,0.0003730575520682838,-0.00017160549759864807,-0.0003312453627586365,-2.048788577790298,1,2795,0 -2796,0.0003622789184463739,-0.00013880804181098938,-0.00033463165163993835,-1.9640030829624044,1,2796,0 -2797,0.00029809702449794934,-0.00013683736324310303,-0.00026483461260795593,-2.047706513708297,1,2797,0 -2798,0.000455777810131245,-7.705017924308777e-05,-0.00044921785593032837,-1.7406641370341622,1,2798,0 -2799,0.00034526470182270376,-0.00014682859182357788,-0.00031248852610588074,-2.0100497025070285,1,2799,0 -2800,0.0003172620028119932,-0.0001635514199733734,-0.00027185678482055664,-2.112397890555812,1,2800,0 -2801,0.0003448673494005001,-6.430596113204956e-05,-0.00033881887793540955,-1.7583599304766158,1,2801,0 -2802,0.00038391103912062435,-0.0001730211079120636,-0.00034271180629730225,-2.0383235016414143,1,2802,0 -2803,0.00041720124180318643,-0.00011887773871421814,-0.000399906188249588,-1.8597412019701471,1,2803,0 -2804,0.0003519031133464357,-0.00010669231414794922,-0.0003353394567966461,-1.8788312249159222,1,2804,0 -2805,0.000500028521433842,-0.00016694888472557068,-0.00047133490443229675,-1.9112117696611763,1,2805,0 -2806,0.00033754921383452347,-0.00022171065211296082,-0.0002545267343521118,-2.287396256722388,1,2806,0 -2807,0.000441970717264676,-5.8632344007492065e-05,-0.0004380643367767334,-1.7038497088197921,1,2807,0 -2808,0.0004043312345518007,-0.00012158975005149841,-0.0003856159746646881,-1.8762419196583366,1,2808,0 -2809,0.0003085639987047657,-0.00011574849486351013,-0.0002860315144062042,-1.9553224380221301,1,2809,0 -2810,0.0002894264535853549,-0.00012992694973945618,-0.0002586245536804199,-2.036343487403631,1,2810,0 -2811,0.00037038063009119023,-0.00017713382840156555,-0.0003252774477005005,-2.0694551206353693,1,2811,0 -2812,0.00033168258664937293,-0.0001324787735939026,-0.00030407682061195374,-1.9816742286611015,1,2812,0 -2813,0.0003655634016023341,-6.867572665214539e-05,-0.00035905465483665466,-1.759781971997835,1,2813,0 -2814,0.00037544786831040356,-6.863847374916077e-05,-0.00036912038922309875,-1.7546479060758078,1,2814,0 -2815,0.0003906379325028623,-0.00016181915998458862,-0.00035554543137550354,-1.997907624275517,1,2815,0 -2816,0.0003622328693626908,-0.00014203786849975586,-0.00033322349190711975,-1.9737287001982637,1,2816,0 -2817,0.0003106466129173209,-0.0001378096640110016,-0.0002784058451652527,-2.030432394574706,1,2817,0 -2818,0.00037491754058027694,-9.530782699584961e-05,-0.0003626011312007904,-1.8278272160056872,1,2818,0 -2819,0.0003855248666390157,-6.182864308357239e-05,-0.00038053467869758606,-1.7318671289562693,1,2819,0 -2820,0.00039528049928328987,-0.00012378767132759094,-0.0003753975033760071,-1.8893192497113174,1,2820,0 -2821,0.0003366434232511858,-0.00012845173478126526,-0.0003111734986305237,-1.9622863727363427,1,2821,0 -2822,0.00037451688706720103,-9.150058031082153e-05,-0.0003631673753261566,-1.8176108904911281,1,2822,0 -2823,0.0003381135035402515,-0.0001315884292125702,-0.0003114566206932068,-1.970542117715341,1,2823,0 -2824,0.0003851759608451933,-0.00022896379232406616,-0.0003097355365753174,-2.207364735348416,1,2824,0 -2825,0.00040237201313706404,-9.280070662498474e-05,-0.0003915242850780487,-1.803525626758831,1,2825,0 -2826,0.0004294719354726954,-0.0001337304711341858,-0.00040812045335769653,-1.8874448846446237,1,2826,0 -2827,0.00034107778513678004,-5.78463077545166e-05,-0.00033613666892051697,-1.7412186600568247,1,2827,0 -2828,0.00035861940605941723,-0.00010280311107635498,-0.0003435686230659485,-1.8615387276538975,1,2828,0 -2829,0.0003685477579805274,-0.00010709837079048157,-0.0003526434302330017,-1.8656456070018315,1,2829,0 -2830,0.0004358748964218831,-0.00016863271594047546,-0.0004019327461719513,-1.9680456102701933,1,2830,0 -2831,0.0003195699653011052,-0.0001059509813785553,-0.00030149519443511963,-1.9087342614783327,1,2831,0 -2832,0.0002915431548216029,-0.00012709200382232666,-0.000262383371591568,-2.0218661624679948,1,2832,0 -2833,0.00038484208071844987,-4.3604522943496704e-05,-0.00038236379623413086,-1.684345149964414,1,2833,0 -2834,0.00029512659762563186,-0.00011061877012252808,-0.0002736113965511322,-1.9549968151742447,1,2834,0 -2835,0.00031434005739144205,-0.00012369826436042786,-0.0002889782190322876,-1.9752508400113495,1,2835,0 -2836,0.0003814732808876157,-8.940324187278748e-05,-0.0003708489239215851,-1.8073596459989993,1,2836,0 -2837,0.00036643701043147914,-8.36886465549469e-05,-0.0003567524254322052,-1.8012146478949358,1,2837,0 -2838,0.0003437982812079407,-0.0001549050211906433,-0.00030692294239997864,-2.038199490924667,1,2838,0 -2839,0.00033745886266316286,-0.00016135349869728088,-0.0002963840961456299,-2.0693351461840996,1,2839,0 -2840,0.0003795021319670445,-0.00011994317173957825,-0.000360049307346344,-1.8923637349901452,1,2840,0 -2841,0.00046608660516323864,-7.283687591552734e-05,-0.00046036019921302795,-1.7277127529328165,1,2841,0 -2842,0.0003660043891095067,-0.00012843310832977295,-0.00034273043274879456,-1.9293346982404334,1,2842,0 -2843,0.0003438057844531427,-9.649619460105896e-05,-0.00032998621463775635,-1.855289105859432,1,2843,0 -2844,0.00032861608783663494,-0.00013642758131027222,-0.00029895827174186707,-1.998912741965121,1,2844,0 -2845,0.0005160440608863402,-0.00019116699695587158,-0.000479329377412796,-1.9502865871380806,1,2845,0 -2846,0.0003253335670439331,-0.00010990351438522339,-0.00030620768666267395,-1.9153939009442476,1,2846,0 -2847,0.0003360668818333951,-0.0001336894929409027,-0.00030833110213279724,-1.9799207996202428,1,2847,0 -2848,0.00030176697564347917,-0.00014374032616615295,-0.00026533380150794983,-2.0672710927460622,1,2848,0 -2849,0.00040880180671937184,-1.654401421546936e-05,-0.0004084669053554535,-1.6112769048906666,1,2849,0 -2850,0.00036727654611537816,-0.00014794990420341492,-0.00033615902066230774,-1.9854027264072989,1,2850,0 -2851,0.0003050835195297064,-0.00011726468801498413,-0.00028164684772491455,-1.9653206891618713,1,2851,0 -2852,0.0002445811400653506,-0.00013665109872817993,-0.00020284578204154968,-2.16363166772006,1,2852,0 -2853,0.00034250371175911516,-8.37966799736023e-05,-0.0003320947289466858,-1.8179645094234484,1,2853,0 -2854,0.00037240477136184333,-0.00011824071407318115,-0.0003531351685523987,-1.8938944613730253,1,2854,0 -2855,0.00038200546542263493,-0.00014381855726242065,-0.0003538988530635834,-1.9567933433436469,1,2855,0 -2856,0.00036136112795017404,-0.00018689408898353577,-0.00030927732586860657,-2.114366386289716,1,2856,0 -2857,0.0003323739564502804,-0.00018210336565971375,-0.00027804821729660034,-2.150632611010811,1,2857,0 -2858,0.0005211701809259115,-0.00010804831981658936,-0.000509846955537796,-1.779629628499753,1,2858,0 -2859,0.0004483858528096619,-0.00016239657998085022,-0.0004179440438747406,-1.9414024039069002,1,2859,0 -2860,0.0004549766670628905,-0.00013052672147750854,-0.000435851514339447,-1.8617715881837968,1,2860,0 -2861,0.0003844446612359162,-0.00018310919404029846,-0.00033803656697273254,-2.0672329258309308,1,2861,0 -2862,0.0005478589838491052,-0.00014484301209449768,-0.0005283653736114502,-1.8383574201320334,1,2862,0 -2863,0.00032517645933906005,-0.0001542307436466217,-0.00028627365827560425,-2.0649634862685606,1,2863,0 -2864,0.00035809277885445674,-0.00014792382717132568,-0.00032611191272735596,-1.9966386149999749,1,2864,0 -2865,0.00046670410126715967,-0.00010347366333007812,-0.00045508891344070435,-1.7943656239165042,1,2865,0 -2866,0.00033960579982328463,-9.696930646896362e-05,-0.00032546743750572205,-1.8603608397623321,1,2866,0 -2867,0.0003681336476773227,-0.0001404993236064911,-0.00034026801586151123,-1.9623803707624208,1,2867,0 -2868,0.0003295356494745782,-0.00017812848091125488,-0.00027724355459213257,-2.141879774036308,1,2868,0 -2869,0.0004200114167325956,-7.87787139415741e-05,-0.00041255727410316467,-1.759477123762407,1,2869,0 -2870,0.00032093975484150014,-0.00011106953024864197,-0.0003011077642440796,-1.9241816844396749,1,2870,0 -2871,0.00033057917051582613,-0.00011088699102401733,-0.0003114268183708191,-1.9128605964363323,1,2871,0 -2872,0.0006919171074670607,-0.00017233192920684814,-0.000670112669467926,-1.8225104336740001,1,2872,0 -2873,0.0002981019028913133,-0.00013694167137145996,-0.00026478618383407593,-2.048091951488512,1,2873,0 -2874,0.00035620552877336126,-0.00011542439460754395,-0.0003369860351085663,-1.9007918053364605,1,2874,0 -2875,0.0004412232675331241,-0.00016197934746742249,-0.00041041523218154907,-1.946701066930063,1,2875,0 -2876,0.0003443185905005705,-0.00013021379709243774,-0.00031874701380729675,-1.9586239144872086,1,2876,0 -2877,0.0003651827712294657,-0.00017176195979118347,-0.00032226741313934326,-2.060478221546225,1,2877,0 -2878,0.00038317707583917945,-0.00014017149806022644,-0.00035661831498146057,-1.9453034872011197,1,2878,0 -2879,0.0003642307093381502,-0.00013265758752822876,-0.0003392137587070465,-1.9435840321159357,1,2879,0 -2880,0.00032678097233470655,-0.00011874735355377197,-0.000304441899061203,-1.9426952025701545,1,2880,0 -2881,0.0003729711666298263,-0.00011526048183441162,-0.00035471469163894653,-1.8849726563389995,1,2881,0 -2882,0.0003593381721408388,-0.00013692304491996765,-0.0003322288393974304,-1.961719715719005,1,2882,0 -2883,0.0003662722173280613,-0.00019435957074165344,-0.00031045079231262207,-2.13015462827167,1,2883,0 -2884,0.00034815694872052707,-0.00015925616025924683,-0.0003095977008342743,-2.0458951685461866,1,2884,0 -2885,0.0005755479940956643,-0.0002004466950893402,-0.0005395151674747467,-1.9265223579411568,1,2885,0 -2886,0.00041478963586171,-0.00013177469372749329,-0.00039330124855041504,-1.8940890511073578,1,2886,0 -2887,0.00041498070253450324,-0.00013657286763191223,-0.00039186328649520874,-1.906153588722575,1,2887,0 -2888,0.0003958865898866649,-0.00011522695422172546,-0.00037874653935432434,-1.8661314848215167,1,2888,0 -2889,0.0003721549813497419,-0.00015984848141670227,-0.0003360770642757416,-2.014758918670875,1,2889,0 -2890,0.00030170578942957915,-0.00013890862464904785,-0.00026782602071762085,-2.049254313209964,1,2890,0 -2891,0.0006703587248010247,-0.0001560114324092865,-0.0006519518792629242,-1.8056783801711134,1,2891,0 -2892,0.0003392191426962027,-0.00014675408601760864,-0.0003058314323425293,-2.018196704055025,1,2892,0 -2893,0.00033880690900372633,-0.00013802200555801392,-0.0003094188868999481,-1.9903759731563677,1,2893,0 -2894,0.00043230082860085144,-0.00014545395970344543,-0.0004070959985256195,-1.9139564887538754,1,2894,0 -2895,0.0003700632550485477,-0.00013731792569160461,-0.0003436431288719177,-1.9509531398484614,1,2895,0 -2896,0.00037507887616696243,-0.00010407343506813049,-0.0003603510558605194,-1.8519568589607491,1,2896,0 -2897,0.0003732085365409789,-0.00014469027519226074,-0.0003440193831920624,-1.9689236749833363,1,2897,0 -2898,0.00036365435767666144,-0.00011551380157470703,-0.0003448203206062317,-1.894043507802541,1,2898,0 -2899,0.0003933663261678244,-0.00014062970876693726,-0.00036736950278282166,-1.9363893304465976,1,2899,0 -2900,0.0004166709401609915,-7.565692067146301e-05,-0.00040974467992782593,-1.7533839086410317,1,2900,0 -2901,0.00042003946134922736,-0.00026198476552963257,-0.00032832473516464233,-2.244282376841689,1,2901,0 -2902,0.00044358232972855575,-0.00016618520021438599,-0.0004112757742404938,-1.954808479244063,1,2902,0 -2903,0.0003652668122307152,-0.0001652538776397705,-0.0003257468342781067,-2.040272991666719,1,2903,0 -2904,0.0003868909709344484,-6.910786032676697e-05,-0.0003806687891483307,-1.7503837081252935,1,2904,0 -2905,0.0002664918032525307,-0.00012037530541419983,-0.00023775547742843628,-2.039470244299215,1,2905,0 -2906,0.0003770570320501123,-7.777288556098938e-05,-0.0003689490258693695,-1.7785505358006297,1,2906,0 -2907,0.0006084586152688003,-0.00021345913410186768,-0.0005697868764400482,-1.9292423841043904,1,2907,0 -2908,0.0004484603555762582,-7.206946611404419e-05,-0.0004426315426826477,-1.7322004194288907,1,2908,0 -2909,0.000375264344346054,-0.0001044832170009613,-0.00036042556166648865,-1.8529508738369238,1,2909,0 -2910,0.00037058011602904235,-0.00015639513731002808,-0.00033596158027648926,-2.0064773142744095,1,2910,0 -2911,0.0004107650191997855,-0.00013532862067222595,-0.00038783252239227295,-1.9065226986291497,1,2911,0 -2912,0.00031311775926918655,-0.00016991421580314636,-0.00026300549507141113,-2.144388433056674,1,2912,0 -2913,0.0003175842561905996,-0.00011788681149482727,-0.0002948939800262451,-1.9510957728073812,1,2913,0 -2914,0.0003504231994714545,-8.869543671607971e-05,-0.00033901259303092957,-1.8266893857761604,1,2914,0 -2915,0.00036363961504292226,-6.385520100593567e-05,-0.00035798922181129456,-1.7473117683959807,1,2915,0 -2916,0.00029166203110429827,-0.00012076273560523987,-0.00026548653841018677,-1.9976954869464454,1,2916,0 -2917,0.00033787196581887806,-0.00011208280920982361,-0.00031873956322669983,-1.9089348549669019,1,2917,0 -2918,0.0003669848744618039,-0.00020846351981163025,-0.0003020279109477997,-2.174923431324576,1,2918,0 -2919,0.0003662863489204813,-0.00011790543794631958,-0.00034679099917411804,-1.8985257822331576,1,2919,0 -2920,0.00034285921766916453,-4.9915164709091187e-05,-0.0003392063081264496,-1.716900589697408,1,2920,0 -2921,0.00041762166635927713,-0.00014812499284744263,-0.000390470027923584,-1.9333756513144909,1,2921,0 -2922,0.00032562222101399727,-0.00014674663543701172,-0.0002906806766986847,-2.0383067971142106,1,2922,0 -2923,0.00039466517143645037,-0.00014229118824005127,-0.00036812201142311096,-1.9396393094634121,1,2923,0 -2924,0.0003577894363746217,-0.00018159672617912292,-0.0003082789480686188,-2.103137517924362,1,2924,0 -2925,0.00041118637159340786,-0.0001594163477420807,-0.000379025936126709,-1.9689298435516465,1,2925,0 -2926,0.0003354382431177078,-6.633996963500977e-05,-0.00032881274819374084,-1.7698798490956404,1,2926,0 -2927,0.0004946999079176644,-0.00014347955584526062,-0.00047343596816062927,-1.8650581903176813,1,2927,0 -2928,0.00036623886741512596,-0.00012268871068954468,-0.00034507736563682556,-1.9123977609496592,1,2928,0 -2929,0.0006839425222783371,-6.136298179626465e-05,-0.0006811842322349548,-1.6606366333981706,1,2929,0 -2930,0.0005227587963148832,-0.0002682693302631378,-0.00044867396354675293,-2.109682046573622,1,2930,0 -2931,0.0003389939039645222,-0.00015908107161521912,-0.00029934942722320557,-2.059264931721802,1,2931,0 -2932,0.000331533941606288,-0.00014545395970344543,-0.00029792264103889465,-2.0249814787017266,1,2932,0 -2933,0.0003909255940624781,-0.00014313682913780212,-0.00036377832293510437,-1.9456630638927446,1,2933,0 -2934,0.0004457411870774299,-0.00016492605209350586,-0.00041410699486732483,-1.9498097252804014,1,2934,0 -2935,0.0003540500628443658,-0.0001166611909866333,-0.00033427774906158447,-1.9065753507023828,1,2935,0 -2936,0.00039145891847997135,-0.00012922286987304688,-0.0003695152699947357,-1.907212010881968,1,2936,0 -2937,0.0003401859191003578,-0.00012204423546791077,-0.0003175400197505951,-1.9377327228074148,1,2937,0 -2938,0.000400521161853112,-0.00011210143566131592,-0.0003845132887363434,-1.854474730228274,1,2938,0 -2939,0.00034654542237099416,-0.00011557713150978088,-0.0003267042338848114,-1.9108229755696193,1,2939,0 -2940,0.00033145834012699425,-0.00013727322220802307,-0.00030169636011123657,-1.9978042528156101,1,2940,0 -2941,0.00035228277363745107,-0.00018008798360824585,-0.00030277296900749207,-2.1073801618639325,1,2941,0 -2942,0.000367104888639304,-0.00014986097812652588,-0.00033512338995933533,-1.9913039103352028,1,2942,0 -2943,0.00033605498913588796,-5.4858624935150146e-05,-0.0003315471112728119,-1.7347731866966083,1,2943,0 -2944,0.00042265646468688206,-8.800998330116272e-05,-0.00041339173913002014,-1.7805618194052188,1,2944,0 -2945,0.00036404190573047034,-0.00011068955063819885,-0.0003468059003353119,-1.8797449087493177,1,2945,0 -2946,0.000373743138755689,-9.355321526527405e-05,-0.00036184489727020264,-1.8238011012355047,1,2946,0 -2947,0.00033340748864453757,-0.00010726600885391235,-0.0003156810998916626,-1.8983486492186976,1,2947,0 -2948,0.0003811970416064894,-0.00011720508337020874,-0.00036273151636123657,-1.8833250838434092,1,2948,0 -2949,0.00038378785091607904,-0.0001371540129184723,-0.0003584437072277069,-1.9362460388090172,1,2949,0 -2950,0.0002946428273821959,-6.932765245437622e-05,-0.00028637051582336426,-1.8083172474264482,1,2950,0 -2951,0.0003723528472391864,-1.6957521438598633e-05,-0.00037196651101112366,-1.6163536221976451,1,2951,0 -2952,0.00028626916337211517,-0.00013035908341407776,-0.00025486573576927185,-2.04358681087835,1,2952,0 -2953,0.000604948430537764,-0.00019998103380203247,-0.000570937991142273,-1.907709450796677,1,2953,0 -2954,0.0004273226721877846,-6.557255983352661e-05,-0.00042226165533065796,-1.7248547640262477,1,2954,0 -2955,0.00036419232412220114,-0.0002061687409877777,-0.0003002174198627472,-2.172561598608827,1,2955,0 -2956,0.00036108903047243874,-0.00010190531611442566,-0.0003464110195636749,-1.8569001675741073,1,2956,0 -2957,0.000337101061113756,-0.000165451318025589,-0.00029370561242103577,-2.0838112486707536,1,2957,0 -2958,0.0003756246493598799,-0.0001181289553642273,-0.0003565661609172821,-1.8907121935008504,1,2958,0 -2959,0.0003662986683706304,-8.474290370941162e-05,-0.0003563612699508667,-1.8042606044391443,1,2959,0 -2960,0.00032087157792059584,-0.00016742199659347534,-0.000273730605840683,-2.119723828319089,1,2960,0 -2961,0.0003975426077976104,-8.783861994743347e-05,-0.00038771703839302063,-1.793588841181901,1,2961,0 -2962,0.000612467309978167,-0.0001659877598285675,-0.0005895458161830902,-1.8452435494716695,1,2962,0 -2963,0.0002815935178927927,-0.00010630860924720764,-0.00026075541973114014,-1.9579184372273515,1,2963,0 -2964,0.00042950297779176125,-7.760897278785706e-05,-0.0004224330186843872,-1.7524892035150446,1,2964,0 -2965,0.0004522480277360945,-9.187310934066772e-05,-0.0004428178071975708,-1.7753678307516325,1,2965,0 -2966,0.0003739673890487649,-0.00010810792446136475,-0.00035800039768218994,-1.8640659925955392,1,2966,0 -2967,0.0003371838310990693,-9.34302806854248e-05,-0.00032398104667663574,-1.8515605600710625,1,2967,0 -2968,0.00034504415514143184,-8.680671453475952e-05,-0.00033394619822502136,-1.8251102587261931,1,2968,0 -2969,0.00036081841472865306,-0.00011416897177696228,-0.00034227967262268066,-1.8927460408006422,1,2969,0 -2970,0.0003315638591269587,-0.00012021884322166443,-0.0003090016543865204,-1.9418324720677549,1,2970,0 -2971,0.00046353574906396423,-0.00010463222861289978,-0.0004515722393989563,-1.7984848827331377,1,2971,0 -2972,0.0003646341065423229,-6.75395131111145e-05,-0.00035832449793815613,-1.7570975946640435,1,2972,0 -2973,0.00036694195416423603,-7.618218660354614e-06,-0.00036686286330223083,-1.5915591912371914,1,2973,0 -2974,0.0003570495705716827,-9.987130761146545e-05,-0.00034279748797416687,-1.8542912021260256,1,2974,0 -2975,0.0003437450733904496,-9.974837303161621e-05,-0.0003289543092250824,-1.865212552425829,1,2975,0 -2976,0.00038893248340487254,-1.1324882507324219e-05,-0.0003887675702571869,-1.599918305291366,1,2976,0 -2977,0.00038975204803330394,-0.00017232820391654968,-0.0003495849668979645,-2.0287887240279336,1,2977,0 -2978,0.0003226068988494709,-0.00012678653001785278,-0.0002966485917568207,-1.974694965369833,1,2978,0 -2979,0.00043124952662325995,-9.346753358840942e-05,-0.00042099878191947937,-1.789266636700913,1,2979,0 -2980,0.0003917912205395716,-0.00011890754103660583,-0.0003733113408088684,-1.879157173571907,1,2980,0 -2981,0.000342378342792205,-9.757652878761292e-05,-0.0003281794488430023,-1.8597987970455774,1,2981,0 -2982,0.0004049553222627476,-0.00020049512386322021,-0.00035183876752853394,-2.0887512074452217,1,2982,0 -2983,0.00036828769421453207,-7.942691445350647e-05,-0.0003596208989620209,-1.7881695457842244,1,2983,0 -2984,0.0003777983812469789,-0.00010193884372711182,-0.0003637857735157013,-1.8440059510779132,1,2984,0 -2985,0.0003314053862567982,-0.00012932345271110535,-0.00030513107776641846,-1.9716748564170792,1,2985,0 -2986,0.0003262256317065074,-0.000140458345413208,-0.00029443949460983276,-2.0159048403016993,1,2986,0 -2987,0.00038551660751358547,-0.00011219456791877747,-0.0003688298165798187,-1.8660932721076817,1,2987,0 -2988,0.00039319356259406683,-9.673461318016052e-05,-0.0003811083734035492,-1.8193711957438192,1,2988,0 -2989,0.00039520076085584123,-0.00016987696290016174,-0.00035682693123817444,-2.015122730023908,1,2989,0 -2990,0.0003357836575944488,-0.00016025826334953308,-0.0002950727939605713,-2.068337670244157,1,2990,0 -2991,0.000443568252484651,-9.609013795852661e-05,-0.0004330351948738098,-1.7891573746383667,1,2991,0 -2992,0.0003573523118307025,-0.00012830272316932678,-0.00033352524042129517,-1.9380322819442286,1,2992,0 -2993,0.000357238400104491,-0.00015587732195854187,-0.00032143667340278625,-2.02232306289664,1,2993,0 -2994,0.00036420072912336196,-0.00013727322220802307,-0.00033733993768692017,-1.9572612101693234,1,2994,0 -2995,0.00030434447957533784,-6.787851452827454e-05,-0.0002966783940792084,-1.7957198960759955,1,2995,0 -2996,0.00030374850425828433,-7.558614015579224e-05,-0.0002941936254501343,-1.8222833548540813,1,2996,0 -2997,0.0003500721071950987,-8.856132626533508e-05,-0.0003386847674846649,-1.8265557911799488,1,2997,0 -2998,0.0006696094714150413,-0.000136546790599823,-0.000655539333820343,-1.776156768009505,1,2998,0 -2999,0.0003189546893962573,-9.086355566978455e-05,-0.00030573830008506775,-1.859676727153651,1,2999,0 -3000,0.0017453914338367987,0.001172684133052826,0.0012927502393722534,0.8340594960645468,2,0,0 -3001,0.0016398593673533262,0.0011389367282390594,0.001179814338684082,0.8030254874665137,2,1,0 -3002,0.0016108891330158942,0.0013206489384174347,0.0009224154055118561,0.6096890882957308,2,2,0 -3003,0.0015111593455812392,0.0010202191770076752,0.0011147893965244293,0.8296642347253745,2,3,0 -3004,0.0015276011011583109,0.0012038201093673706,0.000940416008234024,0.663167681125549,2,4,0 -3005,0.0012144791650208478,0.001030154526233673,0.0006432272493839264,0.5581668745019303,2,5,0 -3006,0.0017723916363224148,0.0012582279741764069,0.001248292624950409,0.7814343830095501,2,6,0 -3007,0.0014066130737952873,0.0009334348142147064,0.0010522641241550446,0.8451694428374908,2,7,0 -3008,0.0016151406597480133,0.0010267198085784912,0.0012468062341213226,0.881901472970363,2,8,0 -3009,0.001292532761471573,0.0008233711123466492,0.0009963437914848328,0.8801682423218715,2,9,0 -3010,0.0012902467316826104,0.0008006654679775238,0.001011766493320465,0.9013496113726507,2,10,0 -3011,0.0013314497484341991,0.000977255403995514,0.0009042844176292419,0.7466350006143329,2,11,0 -3012,0.0013042751789080474,0.0007441937923431396,0.0010711252689361572,0.9635839671991047,2,12,0 -3013,0.0017881548607242648,0.0011164285242557526,0.0013968124985694885,0.8965014520225605,2,13,0 -3014,0.0016640352881328742,0.0012378767132759094,0.0011120587587356567,0.7319082112627194,2,14,0 -3015,0.0016367679777548147,0.0011670999228954315,0.0011475570499897003,0.7769552672026637,2,15,0 -3016,0.0014740788767171862,0.0011239536106586456,0.0009537488222122192,0.7036609653796422,2,16,0 -3017,0.001395416043403134,0.0008666478097438812,0.0010936670005321503,0.9006920939737116,2,17,0 -3018,0.0012650784248954157,0.001044776290655136,0.000713348388671875,0.5990725965791786,2,18,0 -3019,0.00117509430437846,0.000773947685956955,0.0008842237293720245,0.8518049859128521,2,19,0 -3020,0.0015224854550614758,0.0014053434133529663,0.0005856379866600037,0.3948385509047157,2,20,0 -3021,0.001479098640406777,0.0012905001640319824,0.0007227323949337006,0.5105191749965099,2,21,0 -3022,0.0015208129467182486,0.0013350918889045715,0.0007282868027687073,0.499378391785534,2,22,0 -3023,0.001465428715708966,0.0013139545917510986,0.0006488487124443054,0.4586862923609186,2,23,0 -3024,0.0017454677091765646,0.0014239177107810974,0.0010095126926898956,0.6167197138016115,2,24,0 -3025,0.0015892856667111934,0.001335643231868744,0.0008613280951976776,0.5727666991481467,2,25,0 -3026,0.001695571854273626,0.0015533491969108582,0.0006797574460506439,0.412500768776527,2,26,0 -3027,0.0016971202823839932,0.0014743097126483917,0.0008406117558479309,0.5181991786078243,2,27,0 -3028,0.0012472371666058558,0.0009695813059806824,0.0007845461368560791,0.6803012347748219,2,28,0 -3029,0.0014569875773513864,0.0010302253067493439,0.001030266284942627,0.7854180509783746,2,29,0 -3030,0.0016076892471259393,0.0012733414769172668,0.0009814612567424774,0.6566657988079116,2,30,0 -3031,0.001312665898455873,0.001028846949338913,0.0008152090013027191,0.6700601364730531,2,31,0 -3032,0.0012819577895989292,0.0012073293328285217,0.000431012362241745,0.34289414530810103,2,32,0 -3033,0.001758489242692994,0.0013977698981761932,0.0010670162737369537,0.6520034412825143,2,33,0 -3034,0.0016120963402508277,0.0012537278234958649,0.0010134205222129822,0.6797970600571436,2,34,0 -3035,0.001978774544330193,0.0018667541444301605,0.0006563365459442139,0.3380927221743694,2,35,0 -3036,0.0013353689165897184,0.0012280009686946869,0.0005246177315711975,0.4037434145297303,2,36,0 -3037,0.0014658726933062488,0.0012053288519382477,0.0008342452347278595,0.605425081333419,2,37,0 -3038,0.0014791615367454093,0.0012769587337970734,0.0007465220987796783,0.5290260222791706,2,38,0 -3039,0.0014252434607858965,0.0011292025446891785,0.0008696094155311584,0.6562473504114116,2,39,0 -3040,0.001633334288808053,0.0010596178472042084,0.0012429766356945038,0.8648618678392714,2,40,0 -3041,0.001449762788358969,0.0010060891509056091,0.0010438375174999237,0.8038105784852309,2,41,0 -3042,0.001513791972493843,0.0013909600675106049,0.0005973242223262787,0.4056194795430927,2,42,0 -3043,0.0012792506296039976,0.0008274652063846588,0.0009755939245223999,0.867368190742188,2,43,0 -3044,0.0010659106583319295,0.0009608045220375061,0.0004615411162376404,0.447820180149602,2,44,0 -3045,0.0015749579748838235,0.0012480318546295166,0.0009606815874576569,0.656026314727839,2,45,0 -3046,0.0013507192248885147,0.000878944993019104,0.001025620847940445,0.8622592006633029,2,46,0 -3047,0.001829158385603897,0.0016814321279525757,0.0007201433181762695,0.40465538649786126,2,47,0 -3048,0.0018858007711012796,0.0012293532490730286,0.001430012285709381,0.8607091832197631,2,48,0 -3049,0.0016682149313845547,0.0012774653732776642,0.001072857528924942,0.6985618819173648,2,49,0 -3050,0.001699217347188318,0.001111891120672226,0.0012849271297454834,0.857467176372078,2,50,0 -3051,0.0011837195081082323,0.0008594952523708344,0.0008139163255691528,0.7581677669201393,2,51,0 -3052,0.0012404341683222165,0.0010842904448509216,0.0006024874746799469,0.5071717205932303,2,52,0 -3053,0.0017262826053449523,0.0015125572681427002,0.000831998884677887,0.5028901042543955,2,53,0 -3054,0.0013799831965272567,0.0011542141437530518,0.0007564015686511993,0.5801193359124827,2,54,0 -3055,0.0013470597248844628,0.0011640265583992004,0.0006779469549655914,0.5273892671048279,2,55,0 -3056,0.0012613650111281914,0.0010669976472854614,0.0006727240979671478,0.562532581956211,2,56,0 -3057,0.0012601464189912247,0.000928245484828949,0.0008522495627403259,0.7427415870941838,2,57,0 -3058,0.0013421390339148503,0.0008044689893722534,0.0010743215680122375,0.9280535220083959,2,58,0 -3059,0.0016627225203257043,0.0013911798596382141,0.000910639762878418,0.5795887983112088,2,59,0 -3060,0.0011579902778469202,0.0010357312858104706,0.0005178824067115784,0.46366055729968664,2,60,0 -3061,0.0015127758941116112,0.0011739768087863922,0.0009540803730487823,0.6824315865246677,2,61,0 -3062,0.0018138436316788792,0.0014335885643959045,0.0011112391948699951,0.6594007331222363,2,62,0 -3063,0.0016287335209833977,0.001337781548500061,0.0009290389716625214,0.6069997709863819,2,63,0 -3064,0.0012963871544330783,0.0011391080915927887,0.0006189122796058655,0.4977083319527016,2,64,0 -3065,0.001376519750476132,0.0010942742228507996,0.0008350871503353119,0.6518593764569545,2,65,0 -3066,0.0016230320058112499,0.001327015459537506,0.0009344853460788727,0.6135397316729956,2,66,0 -3067,0.001291700014888711,0.0009948685765266418,0.0008238479495048523,0.6916401707526401,2,67,0 -3068,0.001293562371281731,0.000939294695854187,0.0008893981575965881,0.7581195741098796,2,68,0 -3069,0.0013819058882262741,0.0012343227863311768,0.0006213784217834473,0.466377049389207,2,69,0 -3070,0.001711798436178978,0.0013314634561538696,0.0010758526623249054,0.679613708396887,2,70,0 -3071,0.0011397145068745098,0.0007976964116096497,0.0008140206336975098,0.7955262835649656,2,71,0 -3072,0.001497213165181916,0.001190822571516037,0.0009075179696083069,0.651196036102775,2,72,0 -3073,0.0015938294879961916,0.0011156126856803894,0.001138288527727127,0.7954585320115127,2,73,0 -3074,0.0015931482464480557,0.001092173159122467,0.00115986168384552,0.8154457235913164,2,74,0 -3075,0.0011982085606836801,0.0009009428322315216,0.000789940357208252,0.7198445949443841,2,75,0 -3076,0.0014830020791209843,0.0011681728065013885,0.0009136013686656952,0.6637164903634586,2,76,0 -3077,0.0014438358845602556,0.001052558422088623,0.0009883232414722443,0.7539343194509235,2,77,0 -3078,0.0018604520782069893,0.0015159249305725098,0.001078542321920395,0.6183857008049225,2,78,0 -3079,0.0012229041465575468,0.0009627602994441986,0.0007540471851825714,0.6644213376064306,2,79,0 -3080,0.0015687174605849422,0.0012454241514205933,0.0009538307785987854,0.6535796602757841,2,80,0 -3081,0.001257303029225917,0.0008482597768306732,0.000928044319152832,0.8302840326401034,2,81,0 -3082,0.001106067152428642,0.0007588863372802734,0.000804658979177475,0.8146647104622459,2,82,0 -3083,0.0010846590090818145,0.0008809231221675873,0.0006328187882900238,0.6229412705966038,2,83,0 -3084,0.0018925292237574126,0.0014576464891433716,0.0012070350348949432,0.6916246898931112,2,84,0 -3085,0.0016333411950336962,0.0012357719242572784,0.0010680221021175385,0.7127118503424288,2,85,0 -3086,0.0013388462009477533,0.0009883381426334381,0.0009031593799591064,0.7403961197755671,2,86,0 -3087,0.0017573954460415964,0.001308988779783249,0.0011725984513759613,0.7304924790453656,2,87,0 -3088,0.0014558909970035809,0.0011444762349128723,0.0008998848497867584,0.666322201044978,2,88,0 -3089,0.0015899234530005527,0.0012619607150554657,0.0009671151638031006,0.6538890296794407,2,89,0 -3090,0.0017965697629277295,0.001186653971672058,0.001348894089460373,0.8492972652098627,2,90,0 -3091,0.0015966969353533045,0.001377549022436142,0.0008073411881923676,0.530114439691655,2,91,0 -3092,0.0013532060320535096,0.0009500496089458466,0.0009636245667934418,0.7924917064514777,2,92,0 -3093,0.0011541412190648626,0.0009115897119045258,0.0007078461349010468,0.6602442796523834,2,93,0 -3094,0.0013784984525422345,0.0009441189467906952,0.0010044388473033905,0.8163444580790042,2,94,0 -3095,0.0012735258069353943,0.0011280067265033722,0.0005911588668823242,0.4827207156434793,2,95,0 -3096,0.0014803059247508838,0.001479554921388626,4.7147274017333984e-05,0.03185506990154528,2,96,0 -3097,0.0032398623893293596,0.001980826258659363,0.0025637932121753693,0.9129777381725431,2,97,0 -3098,0.0016849850156315097,0.0012131109833717346,0.0011694170534610748,0.7670609049515309,2,98,0 -3099,0.0011485322531976294,0.0009050779044628143,0.0007070787250995636,0.6631938071714735,2,99,0 -3100,0.001435924849652,0.00117555633187294,0.0008245892822742462,0.6116957725017755,2,100,0 -3101,0.0012582743891096757,0.0009748972952365875,0.000795505940914154,0.6844148692636668,2,101,0 -3102,0.0013959766992452662,0.0011343508958816528,0.0008136332035064697,0.6222212287758719,2,102,0 -3103,0.0014481743478076874,0.0012731216847896576,0.0006901957094669342,0.4967798500328345,2,103,0 -3104,0.0013753339148739458,0.0009543634951114655,0.0009903199970722198,0.8038856990298248,2,104,0 -3105,0.001769189367717384,0.0014305077493190765,0.0010409988462924957,0.6290840788229266,2,105,0 -3106,0.0013942217972553097,0.001210477203130722,0.0006918087601661682,0.519213059986238,2,106,0 -3107,0.0011823880938521937,0.0009693950414657593,0.0006769895553588867,0.6096264102293839,2,107,0 -3108,0.0013413431507135645,0.0011835955083370209,0.0006311126053333282,0.4898663293741759,2,108,0 -3109,0.0014892541211995415,0.001254100352525711,0.0008031874895095825,0.5696317539768543,2,109,0 -3110,0.0012076407288247543,0.0010753422975540161,0.0005495771765708923,0.4724658053035414,2,110,0 -3111,0.0019159992547622892,0.0010282769799232483,0.0016166940331459045,1.004299738846343,2,111,0 -3112,0.001743162942994135,0.0014066174626350403,0.0010295845568180084,0.6318537230638479,2,112,0 -3113,0.0016662410614439883,0.0013563074171543121,0.0009678788483142853,0.6198040172148563,2,113,0 -3114,0.0013415365645805077,0.0010340400040149689,0.0008546821773052216,0.6907195576952644,2,114,0 -3115,0.001686254295499213,0.0013837404549121857,0.000963699072599411,0.6083360478366411,2,115,0 -3116,0.0015323907166350085,0.0010277070105075836,0.0011366792023181915,0.8357035353644616,2,116,0 -3117,0.0011976934117393665,0.0010560713708400726,0.00056496262550354,0.4912278282987586,2,117,0 -3118,0.0017970619755113106,0.001448366791009903,0.0010637976229190826,0.6334946223127085,2,118,0 -3119,0.0014243908773995844,0.0011966079473495483,0.0007726699113845825,0.5733583216385991,2,119,0 -3120,0.0012128199150932422,0.0010124258697032928,0.0006677769124507904,0.5830811176350348,2,120,0 -3121,0.001133818591313983,0.0007636100053787231,0.0008381195366382599,0.8318828252902027,2,121,0 -3122,0.0011732500872262252,0.0010455511510372162,0.0005322955548763275,0.4709052288720267,2,122,0 -3123,0.001777856688746918,0.0013255253434181213,0.0011848025023937225,0.7293992173798602,2,123,0 -3124,0.0015813458684120789,0.00110577791929245,0.0011304467916488647,0.7964291978134214,2,124,0 -3125,0.001740052103931586,0.00154123455286026,0.0008076988160610199,0.48270953588308524,2,125,0 -3126,0.0019477473195487452,0.00179247185587883,0.0007620789110660553,0.40200218126358334,2,126,0 -3127,0.0017525621911832177,0.0016197748482227325,0.0006691813468933105,0.3917758340779208,2,127,0 -3128,0.001288413990225078,0.001130133867263794,0.000618714839220047,0.500899024567682,2,128,0 -3129,0.0014953220979949332,0.0012510456144809723,0.0008190684020519257,0.5796771152376092,2,129,0 -3130,0.0017566861814793616,0.0014982633292675018,0.0009171441197395325,0.5492968262872205,2,130,0 -3131,0.0013851365494211296,0.0010478422045707703,0.0009058862924575806,0.7128666473217392,2,131,0 -3132,0.0014557098594002007,0.001054033637046814,0.0010040439665317535,0.7611134411190328,2,132,0 -3133,0.0019414384503133814,0.0015778616070747375,0.001131165772676468,0.6219770823139306,2,133,0 -3134,0.0018516624253461934,0.0014129653573036194,0.0011967383325099945,0.7027319750287776,2,134,0 -3135,0.0014426868602033208,0.001064099371433258,0.0009741857647895813,0.7413143637256051,2,135,0 -3136,0.0026135965841500323,0.0015278086066246033,0.0021205395460128784,0.9464565174437282,2,136,0 -3137,0.0012738863591187052,0.0010366998612880707,0.0007402971386909485,0.6201199654712021,2,137,0 -3138,0.0014485944037619938,0.0013112947344779968,0.0006155744194984436,0.4389022474574037,2,138,0 -3139,0.0012519596892334344,0.0011236555874347687,0.0005520880222320557,0.45668924857907334,2,139,0 -3140,0.001371082147027757,0.0009436607360839844,0.0009946711361408234,0.8117087398550734,2,140,0 -3141,0.0013038503190975154,0.0012157745659351349,0.00047108158469200134,0.36966207668564244,2,141,0 -3142,0.0011674622579801433,0.0007947012782096863,0.0008552297949790955,0.8220672013160953,2,142,0 -3143,0.0013985523630291998,0.0011101998388767242,0.000850532203912735,0.6537303355799362,2,143,0 -3144,0.0012816533067523444,0.001097939908504486,0.0006611831486225128,0.5420380743412353,2,144,0 -3145,0.0015903431381680338,0.0013581141829490662,0.0008274763822555542,0.5472175581717642,2,145,0 -3146,0.0013535272073509673,0.0011082962155342102,0.0007769912481307983,0.6114425266431182,2,146,0 -3147,0.0017137019547743232,0.0015288591384887695,0.0007741861045360565,0.4687398294681544,2,147,0 -3148,0.0014029047452759603,0.0011542364954948425,0.0007974207401275635,0.6045682427892444,2,148,0 -3149,0.0014574771171062862,0.0011326856911182404,0.0009172037243843079,0.6806639779774546,2,149,0 -3150,0.0016187985622301364,0.0011362433433532715,0.001153022050857544,0.7927273298250148,2,150,0 -3151,0.001433172188604868,0.001239527016878128,0.000719413161277771,0.5258780326887164,2,151,0 -3152,0.0015281873314395749,0.0012850575149059296,0.0008270330727100372,0.5718464571991341,2,152,0 -3153,0.0012194096593065643,0.0007128678262233734,0.0009893327951431274,0.9464084298405884,2,153,0 -3154,0.0018171261576701363,0.001526273787021637,0.0009861215949058533,0.5736268787290195,2,154,0 -3155,0.001117229372389602,0.0006738901138305664,0.0008911080658435822,0.9233146000435466,2,155,0 -3156,0.0014915017080204807,0.0011389516294002533,0.0009629987180233002,0.7018835130547922,2,156,0 -3157,0.001138745696843754,0.0010120049118995667,0.0005220994353294373,0.4762913096129812,2,157,0 -3158,0.0013051111485975495,0.0012182444334030151,0.000468183308839798,0.3669076259343845,2,158,0 -3159,0.0010781617038281347,0.0008052550256252289,0.0007169358432292938,0.7274420446178594,2,159,0 -3160,0.0016430591783315662,0.0012016817927360535,0.001120537519454956,0.7504698205859119,2,160,0 -3161,0.0016774548395289627,0.0014365985989570618,0.0008660480380058289,0.5425096829515558,2,161,0 -3162,0.001115565613006546,0.0010309293866157532,0.0004262290894985199,0.3920399861760489,2,162,0 -3163,0.001114204453164833,0.000830531120300293,0.000742744654417038,0.7296574406876711,2,163,0 -3164,0.001403291046897323,0.001274116337299347,0.0005880929529666901,0.4324331768740457,2,164,0 -3165,0.0011105839059910364,0.0009656809270381927,0.0005485042929649353,0.5165557450350892,2,165,0 -3166,0.0034033017030739273,0.002083342522382736,0.0026911236345767975,0.9120153911806397,2,166,0 -3167,0.0014408359370765484,0.0012414604425430298,0.0007312893867492676,0.5323333753354945,2,167,0 -3168,0.000980163782182669,0.0008716844022274017,0.00044820457696914673,0.474928866124959,2,168,0 -3169,0.0012951827052354041,0.0008912310004234314,0.0009397901594638824,0.8119122095634713,2,169,0 -3170,0.0016782821011844277,0.0012929849326610565,0.0010699629783630371,0.6912940006748135,2,170,0 -3171,0.0014196561665297388,0.0013737007975578308,0.0003582872450351715,0.25513503080370464,2,171,0 -3172,0.0014177572174016069,0.0011153854429721832,0.0008751861751079559,0.6653102909359306,2,172,0 -3173,0.001438845535061822,0.0012200064957141876,0.0007627978920936584,0.5587724883935796,2,173,0 -3174,0.0014542371206375236,0.0011093802750110626,0.0009402558207511902,0.7030702905785585,2,174,0 -3175,0.0013731005224558908,0.0010953396558761597,0.000828031450510025,0.6473037287620176,2,175,0 -3176,0.0011567165886804832,0.0009648911654949188,0.0006379485130310059,0.5841813723174687,2,176,0 -3177,0.001639319345940589,0.001377686858177185,0.0008884519338607788,0.5727722319891306,2,177,0 -3178,0.0013351146696671192,0.0010847076773643494,0.0007784217596054077,0.6224622635667244,2,178,0 -3179,0.001426210886656723,0.0008243396878242493,0.0011638477444648743,0.9545294076246752,2,179,0 -3180,0.0017717471525550066,0.0014578066766262054,0.0010069198906421661,0.6044629989807437,2,180,0 -3181,0.0015381114425821166,0.00128835067152977,0.0008402019739151001,0.5778873833570408,2,181,0 -3182,0.001505189545630897,0.0012768544256687164,0.0007970184087753296,0.5580271393741186,2,182,0 -3183,0.0012820750211117895,0.0011367462575435638,0.0005928948521614075,0.48075578579810224,2,183,0 -3184,0.0011402958199754104,0.00099901482462883,0.0005497671663761139,0.5030806598035455,2,184,0 -3185,0.0014926874159065793,0.0012954659759998322,0.0007415413856506348,0.5198878025413275,2,185,0 -3186,0.0014737312544018453,0.0012748613953590393,0.0007393322885036469,0.5255325391459956,2,186,0 -3187,0.0014217170023723173,0.0012886151671409607,0.0006006248295307159,0.4361625591732277,2,187,0 -3188,0.0011310230897396299,0.0008179470896720886,0.0007811374962329865,0.7623830619766606,2,188,0 -3189,0.0013882996548060839,0.001085188239812851,0.0008658766746520996,0.6734619449312352,2,189,0 -3190,0.0014873447788834122,0.001249566674232483,0.000806707888841629,0.573268873881068,2,190,0 -3191,0.0015525748285654603,0.0013182200491428375,0.0008202344179153442,0.5566040263202314,2,191,0 -3192,0.001484418199393408,0.0012230537831783295,0.0008412115275859833,0.6024883311007796,2,192,0 -3193,0.0015284710633294266,0.0011687278747558594,0.0009850375354290009,0.7003160639995292,2,193,0 -3194,0.001393070944930046,0.0011759065091609955,0.0007469207048416138,0.5658913901643507,2,194,0 -3195,0.0013762115334692254,0.0012289732694625854,0.0006193406879901886,0.46680235979116763,2,195,0 -3196,0.001712291579616834,0.0014488734304904938,0.0009125284850597382,0.5620573929280458,2,196,0 -3197,0.0015710061272126291,0.0012589991092681885,0.0009396709501743317,0.6411696673837419,2,197,0 -3198,0.001993782873500505,0.0016501322388648987,0.0011190325021743774,0.5959085849504239,2,198,0 -3199,0.0014172266456856015,0.0011728070676326752,0.0007956475019454956,0.5960906201253244,2,199,0 -3200,0.0017132111756523515,0.0012770257890224457,0.0011420585215091705,0.7296632373017701,2,200,0 -3201,0.0018196347832241013,0.001085527241230011,0.0014603771269321442,0.9315842693957588,2,201,0 -3202,0.0018692883650083076,0.001634005457162857,0.0009078904986381531,0.5071497995961904,2,202,0 -3203,0.0017134874370390882,0.0012932159006595612,0.0011241137981414795,0.7155578467259848,2,203,0 -3204,0.0016859062939601258,0.001418963074684143,0.0009103976190090179,0.5704429025424075,2,204,0 -3205,0.0010837477939739603,0.0009269416332244873,0.0005615055561065674,0.5446451327846173,2,205,0 -3206,0.0015191704449738404,0.0013748221099376678,0.0006463304162025452,0.4394586025144474,2,206,0 -3207,0.0014869961678672398,0.0011382438242435455,0.0009568482637405396,0.69903235443122,2,207,0 -3208,0.0012664889812334297,0.0011133253574371338,0.0006037391722202301,0.496900371022054,2,208,0 -3209,0.0011739064235059887,0.000838153064250946,0.0008219219744205475,0.7756211519536033,2,209,0 -3210,0.0017261059996618283,0.0014878660440444946,0.0008750408887863159,0.5316369646972914,2,210,0 -3211,0.0013623747182682578,0.0011208876967430115,0.0007743872702121735,0.6045718802372927,2,211,0 -3212,0.0012599767886980913,0.0009030438959598541,0.0008786655962467194,0.7717164837019251,2,212,0 -3213,0.001614912005168751,0.0013788491487503052,0.0008406639099121094,0.5475105474460369,2,213,0 -3214,0.0013070260746607537,0.0010885819792747498,0.0007233992218971252,0.5865243601147758,2,214,0 -3215,0.0012294138772245705,0.0010195188224315643,0.0006870515644550323,0.5929921283428671,2,215,0 -3216,0.0014549267650938184,0.001177668571472168,0.00085434690117836,0.6276071159808329,2,216,0 -3217,0.0017972030820773467,0.0015355050563812256,0.0009338967502117157,0.5464283302129483,2,217,0 -3218,0.001475970843820742,0.001039024442434311,0.0010482929646968842,0.7898385332786012,2,218,0 -3219,0.0013620746655592063,0.0009838826954364777,0.0009419247508049011,0.7636144135676844,2,219,0 -3220,0.0018555633969084921,0.0017553605139255524,0.0006015188992023468,0.3301347365560068,2,220,0 -3221,0.00129710075765885,0.0011022984981536865,0.0006836727261543274,0.5551580004733134,2,221,0 -3222,0.0018077481612073934,0.0012626685202121735,0.0012936852872371674,0.7975307739257121,2,222,0 -3223,0.0013113934554579776,0.0011395923793315887,0.0006489083170890808,0.5176317267743132,2,223,0 -3224,0.0011872774936588619,0.0007369145750999451,0.0009309053421020508,0.9011918222463645,2,224,0 -3225,0.0015924602380300147,0.001392509788274765,0.0007725581526756287,0.5065175134738612,2,225,0 -3226,0.0011277477684278722,0.0007658004760742188,0.0008278675377368927,0.824324532419644,2,226,0 -3227,0.0014352495290830274,0.0011557191610336304,0.0008510313928127289,0.6347175877305156,2,227,0 -3228,0.0015297961270139624,0.001010023057460785,0.0011489689350128174,0.8496663610550745,2,228,0 -3229,0.001254026281520389,0.0010075122117996216,0.0007466599345207214,0.6377760145201076,2,229,0 -3230,0.0015250354877320426,0.0009413883090019226,0.0011998005211353302,0.905503617104681,2,230,0 -3231,0.0017321939677717754,0.0013971328735351562,0.0010239705443382263,0.6324725079165588,2,231,0 -3232,0.0013511579022183174,0.0008275248110294342,0.0010680966079235077,0.9116325413474721,2,232,0 -3233,0.0015638953986890254,0.0014915168285369873,0.0004702620208263397,0.30542564942309075,2,233,0 -3234,0.0016763961675457402,0.0013289563357830048,0.0010218508541584015,0.6554955074736496,2,234,0 -3235,0.0017084577989070937,0.0014099925756454468,0.0009647533297538757,0.6000606320317791,2,235,0 -3236,0.0016793865286176878,0.0014361105859279633,0.0008705891668796539,0.5449754957821069,2,236,0 -3237,0.0013596548474793036,0.0010174363851547241,0.0009019337594509125,0.7252932876353569,2,237,0 -3238,0.0013763137410186313,0.000981505960226059,0.0009648241102695465,0.7768274478028806,2,238,0 -3239,0.0013572275126967426,0.0007880628108978271,0.0011049993336200714,0.9512797541763117,2,239,0 -3240,0.0018325952800814346,0.0011491701006889343,0.00142752006649971,0.8930070403689465,2,240,0 -3241,0.0016066431082438558,0.0014113523066043854,0.0007677152752876282,0.49819200466335256,2,241,0 -3242,0.0015735313157915123,0.0011949464678764343,0.0010237693786621094,0.7083992712497582,2,242,0 -3243,0.0015978371567897055,0.00133480504155159,0.0008782818913459778,0.5819682146607693,2,243,0 -3244,0.001438772167850567,0.0012613758444786072,0.0006920956075191498,0.5018315924025698,2,244,0 -3245,0.0015938268012184109,0.0014279671013355255,0.0007079504430294037,0.46026193006561733,2,245,0 -3246,0.0013114133478193798,0.0008089020848274231,0.0010322220623493195,0.9061039510134714,2,246,0 -3247,0.0010715838075229126,0.0007891803979873657,0.0007249042391777039,0.7429714810258518,2,247,0 -3248,0.00125638104223483,0.0008320808410644531,0.0009413473308086395,0.8469335221280029,2,248,0 -3249,0.0011869763472611827,0.0008324496448040009,0.0008461326360702515,0.7935494994199035,2,249,0 -3250,0.0011478723532800715,0.0008122548460960388,0.0008110813796520233,0.7846752902051877,2,250,0 -3251,0.0015482006607500257,0.0012813322246074677,0.0008689723908901215,0.5959302747241458,2,251,0 -3252,0.0014474315804052635,0.001129288226366043,0.0009054094552993774,0.6758085169954052,2,252,0 -3253,0.0013921104785344115,0.001126602292060852,0.000817764550447464,0.6278769035681432,2,253,0 -3254,0.0015963052490555294,0.0008353516459465027,0.0013602860271930695,1.0200736400113857,2,254,0 -3255,0.0017237456037132485,0.001385711133480072,0.001025233417749405,0.6369804101951074,2,255,0 -3256,0.001945191340518669,0.0018364191055297852,0.0006413534283638,0.33599877337614475,2,256,0 -3257,0.001238514828310789,0.000724010169506073,0.0010048523545265198,0.9464348551037909,2,257,0 -3258,0.0014855631831412787,0.0014157071709632874,0.00045019015669822693,0.3078846389700894,2,258,0 -3259,0.0013794368974755845,0.001028846949338913,0.0009188689291477203,0.728992933488482,2,259,0 -3260,0.0014523916876266348,0.0009461678564548492,0.0011019110679626465,0.8612956522687047,2,260,0 -3261,0.0012402369652137319,0.00100674107670784,0.0007243342697620392,0.6236832515996039,2,261,0 -3262,0.0013733844602019372,0.0011326558887958527,0.0007767081260681152,0.601091651041535,2,262,0 -3263,0.0016070725418789746,0.001167990267276764,0.0011038482189178467,0.7571721193149601,2,263,0 -3264,0.0016721759924036726,0.0014052949845790863,0.0009062662720680237,0.5727773706826621,2,264,0 -3265,0.0011430456026893347,0.0009991079568862915,0.0005552805960178375,0.5072672260534895,2,265,0 -3266,0.0013175431280721267,0.0012574642896652222,0.0003933236002922058,0.3031500202289193,2,266,0 -3267,0.0015191679819454489,0.0011062957346439362,0.0010411441326141357,0.7550682696056303,2,267,0 -3268,0.001306959185905307,0.001150425523519516,0.0006202124059200287,0.49444831829163605,2,268,0 -3269,0.0011834361986733796,0.0008604861795902252,0.0008124560117721558,0.7566960491967213,2,269,0 -3270,0.0013112714956362839,0.0012444406747817993,0.0004132799804210663,0.3206410358980186,2,270,0 -3271,0.0009128025923773994,0.0008878447115421295,0.00021199136972427368,0.23438237900305833,2,271,0 -3272,0.0011717535502123323,0.001021508127450943,0.0005740448832511902,0.5119778008631393,2,272,0 -3273,0.0015884952713090426,0.0010890848934650421,0.0011563785374164581,0.8153579070618018,2,273,0 -3274,0.0012972681484663099,0.0006742775440216064,0.0011082664132118225,1.0242177999509083,2,274,0 -3275,0.0015214802412236482,0.0013188719749450684,0.0007586032152175903,0.5219777668498177,2,275,0 -3276,0.0014436765467250247,0.0010677650570869446,0.0009716376662254333,0.7382979534718038,2,276,0 -3277,0.0017617147871235664,0.0008764825761318207,0.0015282072126865387,1.0500626212868265,2,277,0 -3278,0.0017301218245778112,0.0014948658645153046,0.0008710324764251709,0.5275888635028112,2,278,0 -3279,0.0012519768798640808,0.0006868131458759308,0.0010467730462551117,0.9901278972612559,2,279,0 -3280,0.0012724993837667574,0.0010888241231441498,0.000658571720123291,0.5439756598340877,2,280,0 -3281,0.0013964957339113568,0.0010439902544021606,0.0009275153279304504,0.7263875788563193,2,281,0 -3282,0.0013974476412884317,0.0013177953660488129,0.00046505406498908997,0.3392587520039216,2,282,0 -3283,0.0014034965040417861,0.0010655932128429413,0.0009134076535701752,0.7086490161050467,2,283,0 -3284,0.0012168923684288341,0.0009214915335178375,0.0007947832345962524,0.7117043450963844,2,284,0 -3285,0.0011996959611133716,0.0006765536963939667,0.0009907297790050507,0.9716500864210258,2,285,0 -3286,0.001495047626385991,0.0012174546718597412,0.0008677393198013306,0.6192310395878904,2,286,0 -3287,0.0016535392363884885,0.0011837370693683624,0.001154538244009018,0.7729114781716113,2,287,0 -3288,0.0010894483127756522,0.0010885931551456451,4.3157488107681274e-05,0.039624444079809404,2,288,0 -3289,0.0016993920185852701,0.0015708059072494507,0.0006484612822532654,0.3915096620002381,2,289,0 -3290,0.0015672773813506283,0.001283295452594757,0.000899728387594223,0.6114690340458995,2,290,0 -3291,0.0014918225119517018,0.001358233392238617,0.0006170384585857391,0.42641979498945337,2,291,0 -3292,0.0015279903182448752,0.0012707822024822235,0.0008484497666358948,0.5886896112163299,2,292,0 -3293,0.0013476469087452681,0.001107245683670044,0.0007682181894779205,0.6065595473490744,2,293,0 -3294,0.0010315287550145917,0.0008668750524520874,0.0005590878427028656,0.5728143115156962,2,294,0 -3295,0.0013857526409061292,0.0012885741889476776,0.0005097910761833191,0.3767284152975389,2,295,0 -3296,0.0013316002599408781,0.0010868124663829803,0.0007694140076637268,0.6160447705836016,2,296,0 -3297,0.0016331594494828996,0.0011327341198921204,0.0011764876544475555,0.8043432038101257,2,297,0 -3298,0.0013920111631754329,0.0009064637124538422,0.0010564178228378296,0.8616449492154379,2,298,0 -3299,0.0009752935681513303,0.0007464922964572906,0.0006276518106460571,0.6991295367960972,2,299,0 -3300,0.0015328735746850735,0.0012169405817985535,0.0009320713579654694,0.6536082704850786,2,300,0 -3301,0.0012562952037958562,0.0010690838098526,0.0006598010659217834,0.552945278825575,2,301,0 -3302,0.0013791646676120362,0.0009289346635341644,0.0010193996131420135,0.8317967833673544,2,302,0 -3303,0.0014427163949824794,0.0013318024575710297,0.0005547367036342621,0.39467532082009205,2,303,0 -3304,0.0014106160762834506,0.0012806691229343414,0.000591374933719635,0.4325988638807085,2,304,0 -3305,0.0014196931880732179,0.001264858990907669,0.0006447173655033112,0.4713892217431623,2,305,0 -3306,0.0011864062897080792,0.0010735616087913513,0.0005050003528594971,0.4396861545686107,2,306,0 -3307,0.0019687810938935416,0.0014949925243854523,0.001281052827835083,0.7084838384459818,2,307,0 -3308,0.0017750790678116464,0.001354862004518509,0.001146845519542694,0.7024391999991993,2,308,0 -3309,0.0013244035474966323,0.0012897178530693054,0.000301118940114975,0.22936779890870104,2,309,0 -3310,0.0014350741151305624,0.0011156052350997925,0.0009026974439620972,0.6802983234968317,2,310,0 -3311,0.0015734165177626967,0.0012901648879051208,0.0009006187319755554,0.6094260108584402,2,311,0 -3312,0.0013572735553391115,0.0012801438570022583,0.0004510246217250824,0.3387431520812129,2,312,0 -3313,0.0015765494379228883,0.0012047626078128815,0.0010168850421905518,0.701032127036426,2,313,0 -3314,0.00155986803395584,0.001329660415649414,0.0008155927062034607,0.5502027504712103,2,314,0 -3315,0.0016695068533241176,0.0011617764830589294,0.0011989697813987732,0.8011517503148742,2,315,0 -3316,0.0014622639271602603,0.0012120790779590607,0.0008179731667041779,0.5936475185430706,2,316,0 -3317,0.001962695101629526,0.0017644688487052917,0.0008595474064350128,0.4533086382608096,2,317,0 -3318,0.0018906289223118665,0.0012782774865627289,0.0013930127024650574,0.8283230165360022,2,318,0 -3319,0.0017029723029448795,0.0013352259993553162,0.001057017594575882,0.6696222232769776,2,319,0 -3320,0.0009752820359610035,0.0007839947938919067,0.0005801096558570862,0.6370320101914596,2,320,0 -3321,0.0012633396189423848,0.001050218939781189,0.0007021874189376831,0.5893471328551737,2,321,0 -3322,0.0015503743127935018,0.0010517500340938568,0.001139070838689804,0.8252346510200063,2,322,0 -3323,0.00135119062299242,0.0011765696108341217,0.0006643794476985931,0.5140401519569181,2,323,0 -3324,0.0011490189747199548,0.0008342787623405457,0.000790078192949295,0.7581937581536007,2,324,0 -3325,0.0016688420248834063,0.0013521872460842133,0.000978071242570877,0.6262096029744187,2,325,0 -3326,0.0014681646689998602,0.0011592395603656769,0.0009009279310703278,0.660665291055397,2,326,0 -3327,0.0032194086542201602,0.0016358494758605957,0.0027728304266929626,1.0377944468155564,2,327,0 -3328,0.0016439553225069915,0.0011387988924980164,0.0011856332421302795,0.8055441649427861,2,328,0 -3329,0.001221944778254767,0.0008970834314823151,0.000829692929983139,0.746391190443831,2,329,0 -3330,0.0015373574106889332,0.00126749649643898,0.0008700117468833923,0.6015411668394491,2,330,0 -3331,0.0014197164098142653,0.0012820251286029816,0.0006099231541156769,0.44405989987757455,2,331,0 -3332,0.0011665675908341506,0.0007973872125148773,0.0008515007793903351,0.81820460766486,2,332,0 -3333,0.0016131884352524727,0.001364249736070633,0.0008609294891357422,0.5629483762476615,2,333,0 -3334,0.001207883637461374,0.000885453075170517,0.0008215568959712982,0.7479839929416037,2,334,0 -3335,0.0013677123505166935,0.0012470707297325134,0.0005616508424282074,0.4231666410133286,2,335,0 -3336,0.0016757953524188815,0.0014023296535015106,0.0009174756705760956,0.5793578650152679,2,336,0 -3337,0.0018413036740488181,0.0016651861369609833,0.0007858462631702423,0.4409380427050885,2,337,0 -3338,0.001227274165749244,0.0006713829934597015,0.0010273493826389313,0.9919576448421069,2,338,0 -3339,0.0015422904260549864,0.0012304000556468964,0.0009299330413341522,0.6472010686728388,2,339,0 -3340,0.0019369622460313793,0.0016519762575626373,0.0010113343596458435,0.5493394033255362,2,340,0 -3341,0.0018065055170605167,0.0013723522424697876,0.00117478147149086,0.7079872415550511,2,341,0 -3342,0.0017113622293338379,0.0013708807528018951,0.0010244250297546387,0.6417548803531687,2,342,0 -3343,0.0015454074942933263,0.0011346042156219482,0.0010492652654647827,0.7463410892888191,2,343,0 -3344,0.0011167623572835603,0.0008199326694011688,0.0007582008838653564,0.7463011375061891,2,344,0 -3345,0.0013019782531678242,0.000978861004114151,0.0008584745228290558,0.719969371593569,2,345,0 -3346,0.0014272355823636506,0.0010898150503635406,0.0009215772151947021,0.7019499258265554,2,346,0 -3347,0.0013744697225965498,0.0011686012148857117,0.0007235594093799591,0.5543938606013821,2,347,0 -3348,0.001384124983847722,0.0009879432618618011,0.00096941739320755,0.775933726964659,2,348,0 -3349,0.0015219043124610266,0.0013712383806705475,0.0006602257490158081,0.44872326232717086,2,349,0 -3350,0.0011852699056154618,0.0011595971882343292,0.0002453550696372986,0.20851116511509393,2,350,0 -3351,0.0016341985830464374,0.0012037120759487152,0.0011052973568439484,0.742801893369484,2,351,0 -3352,0.0013275341486238238,0.0009838603436946869,0.0008912719786167145,0.7360612564854835,2,352,0 -3353,0.0012306139809205449,0.0006716139614582062,0.001031186431646347,0.993506240747763,2,353,0 -3354,0.001609308533131104,0.0012580528855323792,0.0010035820305347443,0.673353077521054,2,354,0 -3355,0.0014338228399107748,0.0011165626347064972,0.0008995197713375092,0.6781554465167271,2,355,0 -3356,0.0016224807566767008,0.0012943856418132782,0.0009782686829566956,0.6471890260867615,2,356,0 -3357,0.001897770146552526,0.0014843381941318512,0.0011824853718280792,0.6726897048680789,2,357,0 -3358,0.0015349967019559303,0.0012479238212108612,0.0008938126266002655,0.6215421689327643,2,358,0 -3359,0.0017144642578085685,0.0015286654233932495,0.0007762536406517029,0.4698667364534464,2,359,0 -3360,0.0012423114967283606,0.001110263168811798,0.0005573630332946777,0.465254186276548,2,360,0 -3361,0.0013508879036478428,0.0009191334247589111,0.0009899958968162537,0.8224988224149041,2,361,0 -3362,0.0012841683266883392,0.0009904243052005768,0.0008174031972885132,0.6899821379476581,2,362,0 -3363,0.0015173582874860668,0.0013161897659301758,0.0007549971342086792,0.5207990475835996,2,363,0 -3364,0.0015191298734940461,0.0014024190604686737,0.0005839318037033081,0.3945423103679246,2,364,0 -3365,0.001726894445697842,0.0016332902014255524,0.0005608275532722473,0.33075876659651204,2,365,0 -3366,0.00141143245081927,0.001032549887895584,0.000962279736995697,0.750186581409954,2,366,0 -3367,0.0015917754687322788,0.00122026726603508,0.001022104173898697,0.6972550340719508,2,367,0 -3368,0.0011510696844542496,0.0009499415755271912,0.0006500557065010071,0.6001188159728927,2,368,0 -3369,0.0011873880156122413,0.0008125901222229004,0.0008657872676849365,0.817083136268882,2,369,0 -3370,0.0012641942879147137,0.0010181963443756104,0.0007493086159229279,0.6344272888857775,2,370,0 -3371,0.001429962446454939,0.0010205172002315521,0.0010016672313213348,0.7760768459774748,2,371,0 -3372,0.0019437421281697002,0.0017003938555717468,0.000941697508096695,0.5057647223536326,2,372,0 -3373,0.001672322206962593,0.001474384218454361,0.0007892102003097534,0.49147262928628016,2,373,0 -3374,0.0014863490530844892,0.0009414367377758026,0.0011501871049404144,0.8848717781038347,2,374,0 -3375,0.0015700029773966053,0.0013271644711494446,0.0008387751877307892,0.5636210936263419,2,375,0 -3376,0.0017227270979616417,0.0016384497284889221,0.0005322322249412537,0.31408619236923585,2,376,0 -3377,0.001408307067462583,0.0011126771569252014,0.0008632950484752655,0.6598546240826448,2,377,0 -3378,0.0014498089164919044,0.0010544881224632263,0.0009949877858161926,0.756374339246328,2,378,0 -3379,0.0013291904316973678,0.001153208315372467,0.0006609521806240082,0.5204368617882649,2,379,0 -3380,0.0013835193623588744,0.0011123903095722198,0.0008226260542869568,0.6367549703856318,2,380,0 -3381,0.0016018735153248654,0.0012819506227970123,0.000960521399974823,0.643030875832378,2,381,0 -3382,0.0011858847116988029,0.0009206049144268036,0.00074753537774086,0.6820180457379434,2,382,0 -3383,0.0009847002700470587,0.0008964650332927704,0.00040741264820098877,0.42656142954876214,2,383,0 -3384,0.0018499941290682862,0.0015070922672748566,0.0010729171335697174,0.6186759647821274,2,384,0 -3385,0.0015257062067388393,0.0012979470193386078,0.0008019432425498962,0.553444935276197,2,385,0 -3386,0.001248654738386971,0.0009409897029399872,0.0008207783102989197,0.7172703785185474,2,386,0 -3387,0.001531169727078394,0.0012415684759616852,0.0008960962295532227,0.625171544824823,2,387,0 -3388,0.0016418837705853822,0.0014292076230049133,0.000808175653219223,0.5146435974788974,2,388,0 -3389,0.0013232012599766712,0.000673636794090271,0.001138892024755478,1.0366618734014121,2,389,0 -3390,0.0012440487677598095,0.001177184283733368,0.0004023611545562744,0.3293507724485818,2,390,0 -3391,0.0014387714768026786,0.0011504702270030975,0.0008639916777610779,0.6441344310981875,2,391,0 -3392,0.0013954986173134976,0.000899486243724823,0.0010669305920600891,0.8703452567356023,2,392,0 -3393,0.0015156429960044738,0.0012450739741325378,0.0008642710745334625,0.6067906027742864,2,393,0 -3394,0.0014756850594956415,0.001154184341430664,0.0009195134043693542,0.6727121172012925,2,394,0 -3395,0.001184016711465889,0.001077648252248764,0.0004904791712760925,0.4271188508413462,2,395,0 -3396,0.0011783908077565171,0.001024339348077774,0.0005825236439704895,0.5170733898137421,2,396,0 -3397,0.0017310260929944293,0.0015599094331264496,0.000750422477722168,0.44838760642578795,2,397,0 -3398,0.0014547171655892135,0.001189839094877243,0.0008369497954845428,0.613013745513442,2,398,0 -3399,0.001395188018637063,0.0011271201074123383,0.0008222833275794983,0.6302799948517807,2,399,0 -3400,0.0015818200114110473,0.001366347074508667,0.0007970258593559265,0.5280690237431697,2,400,0 -3401,0.0011821527850175216,0.0008540302515029907,0.0008173845708370209,0.7634767289518549,2,401,0 -3402,0.0012544969343466403,0.0009800828993320465,0.0007830709218978882,0.6741213512607519,2,402,0 -3403,0.0015381156398564173,0.0013508424162864685,0.0007355436682701111,0.498616451950298,2,403,0 -3404,0.0015800334770052795,0.0014127902686595917,0.0007074810564517975,0.4642623290991668,2,404,0 -3405,0.0015233112746527357,0.0011440515518188477,0.0010057948529720306,0.721176565836283,2,405,0 -3406,0.0013022330092366042,0.0010070614516735077,0.0008256137371063232,0.6867127528009356,2,406,0 -3407,0.0014080002033529115,0.0010521672666072845,0.000935632735490799,0.7268403101408668,2,407,0 -3408,0.001284361810815805,-0.0007711611688137054,0.001027081161737442,2.2148270667517465,2,408,0 -3409,0.003026715390681928,0.0015915930271148682,0.0025744587182998657,1.0170842443415677,2,409,0 -3410,0.001684110147226131,0.0015611276030540466,0.0006317496299743652,0.3845302159517464,2,410,0 -3411,0.0013792366286925783,0.001017984002828598,0.00093059241771698,0.740579258240424,2,411,0 -3412,0.001811512195053043,0.0014293193817138672,0.0011129342019557953,0.6615840771813282,2,412,0 -3413,0.0016182950585222824,0.0009922124445438385,0.0012784339487552643,0.9107896994077632,2,413,0 -3414,0.0016341638177902232,0.001423165202140808,0.0008031763136386871,0.5138006355565563,2,414,0 -3415,0.00176569153110667,0.0012112855911254883,0.0012846998870372772,0.8148026358077727,2,415,0 -3416,0.001211499125373302,0.0011666156351566315,0.00032670795917510986,0.27305288208862727,2,416,0 -3417,0.0016536326781627592,0.0015366636216640472,0.0006108731031417847,0.37837706077147665,2,417,0 -3418,0.0013939554570555508,0.0010257549583911896,0.0009438954293727875,0.743861631256496,2,418,0 -3419,0.0015943546873949882,0.0011733472347259521,0.001079455018043518,0.7437443041164625,2,419,0 -3420,0.002217399162969445,0.0015435479581356049,0.001591954380273819,0.8008351083528146,2,420,0 -3421,0.0016236921832664447,0.0010528042912483215,0.001236114650964737,0.8653136004578721,2,421,0 -3422,0.0019324045430175283,0.001345064491033554,0.0013874396681785583,0.8009047383911678,2,422,0 -3423,0.0017417863278957062,0.0015455856919288635,0.0008031092584133148,0.479216062259781,2,423,0 -3424,0.001491599271251201,0.0011258013546466827,0.0009784884750843048,0.7155062072225147,2,424,0 -3425,0.0014935445953895264,0.0009741522371768951,0.0011321231722831726,0.8602581430159193,2,425,0 -3426,0.0013954439333183312,0.0012412182986736298,0.0006376840174198151,0.47459217712670004,2,426,0 -3427,0.0014956286051817497,0.0010790079832077026,0.001035686582326889,0.7649151381620471,2,427,0 -3428,0.001420935101774267,0.0011411681771278381,0.0008466355502605438,0.6382985492905123,2,428,0 -3429,0.001826176788768327,0.0017082877457141876,0.0006455034017562866,0.36128072385766613,2,429,0 -3430,0.0015897818614420093,0.001164175570011139,0.0010826364159584045,0.749123038443101,2,430,0 -3431,0.001382768907328482,0.001032315194606781,0.0009199865162372589,0.7279249918930372,2,431,0 -3432,0.001516002357417652,0.0012864172458648682,0.000802118331193924,0.5575407467086179,2,432,0 -3433,0.0013774658395557264,0.00110713392496109,0.0008195526897907257,0.637229984301206,2,433,0 -3434,0.0016218293972822984,0.001378186047077179,0.0008549466729164124,0.5552427195994968,2,434,0 -3435,0.0013537213134312777,0.0012376122176647186,0.0005485229194164276,0.4171935786861459,2,435,0 -3436,0.001349959480331973,0.0011660084128379822,0.0006803050637245178,0.5281598624517706,2,436,0 -3437,0.0012090357913585048,0.0008827894926071167,0.0008261054754257202,0.7522403373560697,2,437,0 -3438,0.0016430759412708708,0.0012333430349826813,0.001085616648197174,0.7217803953469152,2,438,0 -3439,0.001705351273533245,0.0012752749025821686,0.0011322088539600372,0.7260424163293002,2,439,0 -3440,0.0011998820122696644,0.0008686445653438568,0.0008277520537376404,0.7612973173115279,2,440,0 -3441,0.0009625633695544747,0.0005965828895568848,0.0007553920149803162,0.9023268881225068,2,441,0 -3442,0.0013799346166084886,0.0011129416525363922,0.0008158311247825623,0.6325582765171844,2,442,0 -3443,0.0015198095348204575,0.0012982897460460663,0.0007901042699813843,0.546699445845412,2,443,0 -3444,0.0011186633942536313,0.0009027533233165741,0.0006606392562389374,0.631754151410916,2,444,0 -3445,0.0010515943665398793,0.0007943883538246155,0.0006890557706356049,0.7145117079353329,2,445,0 -3446,0.0018240331494581705,0.001009676605463028,0.0015190951526165009,0.9841866054446219,2,446,0 -3447,0.0012218665192906169,0.0010255128145217896,0.00066429004073143,0.5748015674624888,2,447,0 -3448,0.0016612236795230531,0.001364775002002716,0.0009471289813518524,0.6066754585559534,2,448,0 -3449,0.0011138118211816267,0.0007287375628948212,0.0008423291146755219,0.8575747518573595,2,449,0 -3450,0.001250685239586502,0.000917874276638031,0.0008495412766933441,0.746754742939833,2,450,0 -3451,0.0015025035863089544,0.0008481740951538086,0.0012402087450027466,0.970960216541065,2,451,0 -3452,0.0015404996777408566,0.001454029232263565,0.0005088597536087036,0.3366438918999389,2,452,0 -3453,0.00116988202134083,0.0009680204093456268,0.0006569325923919678,0.5962427121745654,2,453,0 -3454,0.0011643703630408704,0.0010091327130794525,0.0005808696150779724,0.52229462523999,2,454,0 -3455,0.001244994786769452,0.0010350458323955536,0.0006918758153915405,0.5892358214817554,2,455,0 -3456,0.0017166329405215418,0.0013678818941116333,0.0010371729731559753,0.6487493381634434,2,456,0 -3457,0.0012915715117488241,0.0010381564497947693,0.000768367201089859,0.6371521269358191,2,457,0 -3458,0.0012759787259771535,0.0011897869408130646,0.00046100839972496033,0.36965941364829724,2,458,0 -3459,0.001402501876183796,0.0012327171862125397,0.000668894499540329,0.49715796617517927,2,459,0 -3460,0.0012620120593829158,0.0010120607912540436,0.0007539279758930206,0.640257002535524,2,460,0 -3461,0.0014770997581048978,0.0014277808368206024,0.0003785043954849243,0.25913896730091324,2,461,0 -3462,0.0008990798964927756,0.0003939196467399597,0.0008081905543804169,1.1172718626290818,2,462,0 -3463,0.0014327803926682447,0.0013657249510288239,0.0004331916570663452,0.30715012876570624,2,463,0 -3464,0.001405694043179142,0.0013085603713989258,0.0005134642124176025,0.37392768006205157,2,464,0 -3465,0.0013027448095903637,0.0010932162404060364,0.0007085353136062622,0.5750524706741735,2,465,0 -3466,0.0014715489297111974,0.0013110637664794922,0.000668257474899292,0.4713824715445459,2,466,0 -3467,0.0016366668879868557,0.0015540942549705505,0.0005132928490638733,0.3190038701454336,2,467,0 -3468,0.0015753580570211287,0.0011437088251113892,0.001083366572856903,0.758309950555459,2,468,0 -3469,0.002974323297004191,0.001145046204328537,0.00274508073925972,1.1756133724977225,2,469,0 -3470,0.0015074337270393208,0.0012761466205120087,0.0008023753762245178,0.561290383532688,2,470,0 -3471,0.0018112895000568707,0.0014668628573417664,0.001062583178281784,0.6269093101825676,2,471,0 -3472,0.0019423029983728995,0.0018595419824123383,0.0005609318614006042,0.29297037162027767,2,472,0 -3473,0.0015326440933068819,0.0012425370514392853,0.0008972734212875366,0.6254245032974278,2,473,0 -3474,0.0016799718814681076,0.0013578981161117554,0.0009891502559185028,0.6295607424608474,2,474,0 -3475,0.0014897933954566192,0.0013464875519275665,0.000637538731098175,0.44220973084679227,2,475,0 -3476,0.0014924559244754005,0.0012181363999843597,0.0008623041212558746,0.6160003192338308,2,476,0 -3477,0.0012673934119587199,0.001030806452035904,0.0007373765110969543,0.6209468762084629,2,477,0 -3478,0.0011593887995556863,0.0009150393307209015,0.0007119588553905487,0.6612212739793023,2,478,0 -3479,0.0015404606380659963,0.001452513039112091,0.0005130544304847717,0.33953916918862764,2,479,0 -3480,0.002830201396251341,0.0016711056232452393,0.002284172922372818,0.9391742473743594,2,480,0 -3481,0.001618087413579027,0.0014783404767513275,0.0006578117609024048,0.4186600603158579,2,481,0 -3482,0.001502199591266005,0.001326102763414383,0.0007057301700115204,0.489061793959068,2,482,0 -3483,0.0010964173266334869,0.000985022634267807,0.0004815198481082916,0.4546809498046356,2,483,0 -3484,0.0013456376330569246,0.0010006949305534363,0.0008996389806270599,0.7322702094350778,2,484,0 -3485,0.0011190610361008976,0.0010214783251285553,0.00045703351497650146,0.4207093297622831,2,485,0 -3486,0.001789714881432224,0.0014104917645454407,0.0011016316711902618,0.6630642871882818,2,486,0 -3487,0.0016108490362987365,0.0011654011905193329,0.0011120587587356567,0.7619805482072789,2,487,0 -3488,0.0013573055509361024,0.0011457577347755432,0.000727679580450058,0.5658347906805615,2,488,0 -3489,0.0014308475180872502,0.0012936517596244812,0.000611383467912674,0.4414906352675249,2,489,0 -3490,0.0010509605215942945,0.0008055418729782104,0.0006749965250492096,0.6974513727207211,2,490,0 -3491,0.001629968694788559,0.0010129697620868683,0.0012769848108291626,0.9001840614870064,2,491,0 -3492,0.0014574470183338578,0.0011357404291629791,0.0009133704006671906,0.6773009255178646,2,492,0 -3493,0.0017891582516047799,0.000983700156211853,0.0014944635331630707,0.9886575257888462,2,493,0 -3494,0.0014507666431570108,0.001199822872877121,0.0008155666291713715,0.5969982934537114,2,494,0 -3495,0.0015662955492976457,0.0012238472700119019,0.0009774863719940186,0.6739475356888678,2,495,0 -3496,0.0014675677637662728,0.0011961869895458221,0.0008502304553985596,0.6179268753984813,2,496,0 -3497,0.0010527623698581307,0.0008658617734909058,0.0005988255143165588,0.6050625987394567,2,497,0 -3498,0.0014355280620357495,0.001311972737312317,0.0005826391279697418,0.417931593243175,2,498,0 -3499,0.0010372277478769786,0.0008756741881370544,0.0005559101700782776,0.5656416937391325,2,499,0 -3500,0.0019240217296570524,0.0015195570886135101,0.0011801719665527344,0.6603433572738783,2,500,0 -3501,0.0015343599438866463,0.0011059753596782684,0.0010635219514369965,0.7658323448413044,2,501,0 -3502,0.0015910447089029533,0.0012992620468139648,0.0009183362126350403,0.6152842932194461,2,502,0 -3503,0.001457253725795916,0.0010338425636291504,0.0010270141065120697,0.7820847684258032,2,503,0 -3504,0.0017129299077880892,0.0014798305928707123,0.0008626878261566162,0.5277987709806593,2,504,0 -3505,0.0014538094912251267,0.0010415390133857727,0.0010142773389816284,0.7721381868558913,2,505,0 -3506,0.0017173675643239736,0.0012806393206119537,0.0011442527174949646,0.7292129573280093,2,506,0 -3507,0.00112462203723952,0.0009045340120792389,0.0006682761013507843,0.6362990480839011,2,507,0 -3508,0.001530962644393114,0.0010095424950122833,0.0011509433388710022,0.8507535853194729,2,508,0 -3509,0.0017135904585467937,0.0013209283351898193,0.0010915771126747131,0.6906153733377958,2,509,0 -3510,0.0013099427826680254,0.0010555163025856018,0.0007757805287837982,0.633817054673974,2,510,0 -3511,0.0012172347047883032,0.0010315850377082825,0.0006461367011070251,0.5595718889710203,2,511,0 -3512,0.001471475504275292,0.001030024141073227,0.0010508522391319275,0.795407120555092,2,512,0 -3513,0.0015492333823007313,0.0013407915830612183,0.0007761456072330475,0.5247387082718136,2,513,0 -3514,0.0012926619510996336,0.0011359453201293945,0.0006169304251670837,0.49752927116912665,2,514,0 -3515,0.001430776413928216,0.0011960193514823914,0.0007852762937545776,0.5809834215353203,2,515,0 -3516,0.0013257696468640253,0.0011065900325775146,0.0007301531732082367,0.5832494631549249,2,516,0 -3517,0.001426829702454467,0.0011329986155033112,0.0008672699332237244,0.6533249880635434,2,517,0 -3518,0.0018859093611453405,0.001375008374452591,0.001290738582611084,0.7537966126515038,2,518,0 -3519,0.0014201475983465332,0.0010118111968040466,0.000996522605419159,0.7777857355993377,2,519,0 -3520,0.0015615121647895409,0.0012488551437854767,0.0009373798966407776,0.6438794798804628,2,520,0 -3521,0.00132969545443575,0.0012067146599292755,0.0005585066974163055,0.4334739982029829,2,521,0 -3522,0.0017698704314488512,0.001309175044298172,0.00119100883603096,0.7381703012001058,2,522,0 -3523,0.0016315412555692676,0.0010494999587535858,0.0012491904199123383,0.8720520227564511,2,523,0 -3524,0.0012193034625352596,0.0009910091757774353,0.0007103532552719116,0.6219109573898878,2,524,0 -3525,0.0017548320557562048,0.0015728473663330078,0.0007781945168972015,0.45945324086855327,2,525,0 -3526,0.0013974769923200611,0.0012296289205551147,0.0006640441715717316,0.49516131668187124,2,526,0 -3527,0.0013539044769278487,0.001017749309539795,0.0008928850293159485,0.7201386995076664,2,527,0 -3528,0.0024521637220495923,0.000908777117729187,0.0022775493562221527,1.191139087546885,2,528,0 -3529,0.0011335355449848474,0.0009666085243225098,0.0005920901894569397,0.5495919622716132,2,529,0 -3530,0.0014907326357087947,0.001400034874677658,0.0005120411515235901,0.3506229130200031,2,530,0 -3531,0.001091296862072269,0.0009192489087581635,0.0005881413817405701,0.5691758711657411,2,531,0 -3532,0.0015679734875769836,0.001472465693950653,0.0005388744175434113,0.3508282446364843,2,532,0 -3533,0.001459589777457793,0.0011595003306865692,0.0008865445852279663,0.6527747170285546,2,533,0 -3534,0.0016218288284769165,0.0012341998517513275,0.00105217844247818,0.705954478161671,2,534,0 -3535,0.002212510852329041,0.002076607197523117,0.0007634833455085754,0.352319252401456,2,535,0 -3536,0.0013151278671593072,0.001088600605726242,0.0007379092276096344,0.5957058245535353,2,536,0 -3537,0.0012550342267106612,0.0010494813323020935,0.000688258558511734,0.5804475466633137,2,537,0 -3538,0.0009957117890871492,0.0008642561733722687,0.0004944726824760437,0.5196797779366582,2,538,0 -3539,0.001696299788678998,0.0014013126492500305,0.0009559057652950287,0.5986455410802703,2,539,0 -3540,0.0017571405693408118,0.001354862004518509,0.0011188797652721405,0.69029110794399,2,540,0 -3541,0.0006590067977709625,-0.0006205067038536072,0.00022194907069206238,2.7980835087121037,2,541,0 -3542,0.001808460132318811,0.0013716556131839752,0.001178596168756485,0.7098401682695458,2,542,0 -3543,0.001336547209900106,0.0008606314659118652,0.0010225810110569,0.8711835343184826,2,543,0 -3544,0.0014538908831061518,0.0010026581585407257,0.0010528415441513062,0.8098075167299078,2,544,0 -3545,0.0013103609198662088,0.0010930225253105164,0.000722736120223999,0.584227292956432,2,545,0 -3546,0.0016148270533247139,0.0013889670372009277,0.0008236728608608246,0.5352647497197643,2,546,0 -3547,0.001334874791319142,0.0011851713061332703,0.000614214688539505,0.4781405598209556,2,547,0 -3548,0.001624196032343288,0.0011469870805740356,0.0011499710381031036,0.7866972536273457,2,548,0 -3549,0.0013636172645121766,0.0012528784573078156,0.0005382820963859558,0.4057910933930379,2,549,0 -3550,0.0013669895112701609,0.0012656524777412415,0.0005165114998817444,0.38746870951480067,2,550,0 -3551,0.0013633706556647738,0.0010299533605575562,0.0008932948112487793,0.7144612710663409,2,551,0 -3552,0.0015157717042490076,0.0012480057775974274,0.000860258936882019,0.6035132470933007,2,552,0 -3553,0.001605657632234266,0.0012514814734458923,0.0010059475898742676,0.6770570160549435,2,553,0 -3554,0.0017595805727616345,0.0015569962561130524,0.0008196868002414703,0.4845860991115128,2,554,0 -3555,0.0008718233071653271,0.00041758641600608826,0.0007653087377548218,1.071303306870639,2,555,0 -3556,0.001296874071532288,0.0009361989796161652,0.0008974485099315643,0.7642683100583196,2,556,0 -3557,0.001162202623264564,0.0010564550757408142,0.00048437342047691345,0.4298912187205411,2,557,0 -3558,0.0012341803085385865,0.0009488761425018311,0.000789199024438858,0.6937852392684842,2,558,0 -3559,0.0017960590198661164,0.00133591890335083,0.0012004785239696503,0.7320501095417199,2,559,0 -3560,0.00176811788477676,0.0015366226434707642,0.0008746609091758728,0.5174720220842015,2,560,0 -3561,0.0012179792697953125,0.0010165497660636902,0.000670894980430603,0.58335391263423,2,561,0 -3562,0.001689505189737606,0.0013879872858524323,0.0009632855653762817,0.6066986446778317,2,562,0 -3563,0.0015295971768188696,0.0009626373648643494,0.0011886954307556152,0.8900921162142316,2,563,0 -3564,0.0015677380425825238,0.0011658258736133575,0.0010481663048267365,0.7323044845774611,2,564,0 -3565,0.000995441567209203,0.0007108263671398163,0.000696871429681778,0.7754851832233988,2,565,0 -3566,0.0011692986943282236,0.0010813325643539429,0.000444948673248291,0.3903651292929717,2,566,0 -3567,0.001710635386690766,0.0011468008160591125,0.0012692995369434357,0.8360557934002902,2,567,0 -3568,0.0014256653241407657,0.0012837126851081848,0.0006201639771461487,0.45003793490689253,2,568,0 -3569,0.0015117580139697522,0.0013934075832366943,0.0005863681435585022,0.3983213932157155,2,569,0 -3570,0.0012207234930207646,0.0008566342294216156,0.0008696801960468292,0.7929551403242565,2,570,0 -3571,0.001058221202332842,0.0008474849164485931,0.0006337203085422516,0.6420697411839041,2,571,0 -3572,0.0012639514260955871,0.0008753500878810883,0.0009117759764194489,0.8057777248883865,2,572,0 -3573,0.0016217485341407686,0.0013738498091697693,0.0008617453277111053,0.5602146304703158,2,573,0 -3574,0.0015503415754491339,0.0012957379221916199,0.0008512474596500397,0.5812521815840632,2,574,0 -3575,0.0013472092378357609,0.001223873347043991,0.0005631223320960999,0.43123354923142837,2,575,0 -3576,0.001730698532703786,0.0013164505362510681,0.0011235103011131287,0.7064872274695276,2,576,0 -3577,0.0010873803995041448,0.0007872730493545532,0.0007500648498535156,0.7611998809437216,2,577,0 -3578,0.0014996283552807502,0.0010308213531970978,0.0010891705751419067,0.8129145393006575,2,578,0 -3579,0.0015389763600425245,0.0011911280453205109,0.000974506139755249,0.6857027714765851,2,579,0 -3580,0.001758169004227348,0.0011394768953323364,0.0013389363884925842,0.8657037923960458,2,580,0 -3581,0.001612505540701863,0.0012788251042366028,0.000982232391834259,0.6549685150917877,2,581,0 -3582,0.0014346972752496128,0.0012085363268852234,0.0007731728255748749,0.5691426913552206,2,582,0 -3583,0.0013125248477170674,0.0011570081114768982,0.0006197206676006317,0.49173858746549104,2,583,0 -3584,0.001488371101689407,0.0012878701090812683,0.0007460825145244598,0.5250710946631761,2,584,0 -3585,0.0013550268512127288,0.0013002268970012665,0.00038145482540130615,0.2853683231097087,2,585,0 -3586,0.0015781592226512002,0.0011388249695301056,0.0010925494134426117,0.7646625468427474,2,586,0 -3587,0.001481427073456812,0.0011266209185123444,0.0009619519114494324,0.706718087267867,2,587,0 -3588,0.0012588698555019023,0.001087866723537445,0.00063348188996315,0.5273148535733383,2,588,0 -3589,0.0017839508999701963,0.0014488287270069122,0.0010408535599708557,0.6229753424518607,2,589,0 -3590,0.0014480970659076673,0.0012102089822292328,0.000795222818851471,0.5813470755402106,2,590,0 -3591,0.0012208704091593802,0.0011299140751361847,0.00046240538358688354,0.38844593365966845,2,591,0 -3592,0.0015527669726770079,0.00115106999874115,0.0010421723127365112,0.7357874431156097,2,592,0 -3593,0.0012158697474246884,0.0008295290172100067,0.0008889436721801758,0.8199585018664836,2,593,0 -3594,0.0016001264198653802,0.0012553855776786804,0.0009921751916408539,0.6688198176571508,2,594,0 -3595,0.0012438960422232331,0.0011662580072879791,0.00043257325887680054,0.3551774671067793,2,595,0 -3596,0.0014257323628460857,0.0012456364929676056,0.0006936155259609222,0.508076599216046,2,596,0 -3597,0.001404328346004842,0.0011357851326465607,0.0008259117603302002,0.6287307557055152,2,597,0 -3598,0.0015174646906308926,0.001125037670135498,0.0010183267295360565,0.7356525844431211,2,598,0 -3599,0.0017527961533028308,0.0013741031289100647,0.0010881796479225159,0.6697946119485533,2,599,0 -3600,0.0014234248163185013,0.0009683892130851746,0.0010432451963424683,0.8225925266565205,2,600,0 -3601,0.0016961108187951543,0.0013528987765312195,0.0010229647159576416,0.6474115394546395,2,601,0 -3602,0.0015322625945403722,0.0013078488409519196,0.0007983483374118805,0.5480523223331732,2,602,0 -3603,0.0014553072783159086,0.00104566290974617,0.0010121800005435944,0.7691287218705025,2,603,0 -3604,0.0010567947050694852,0.0008560121059417725,0.0006197243928909302,0.6266306656886208,2,604,0 -3605,0.0011413982239740449,0.0008738450706005096,0.0007342919707298279,0.6988356616821,2,605,0 -3606,0.001028289269700268,0.0005863718688488007,0.0008447170257568359,0.963998113246369,2,606,0 -3607,0.0016290356330565384,0.0011191777884960175,0.0011837221682071686,0.8134182633655389,2,607,0 -3608,0.0015874733931439196,0.0010628364980220795,0.0011791735887527466,0.837241304469476,2,608,0 -3609,0.0015463175356653447,0.0013572350144386292,0.0007409527897834778,0.4997116502221474,2,609,0 -3610,0.0015259028427850082,0.0010878965258598328,0.0010699816048145294,0.7770962536588397,2,610,0 -3611,0.0013654465961327402,0.001005653291940689,0.0009236373007297516,0.7429127860799851,2,611,0 -3612,0.0016662812328005433,0.0014710873365402222,0.0007825568318367004,0.48888603542752296,2,612,0 -3613,0.0013323076887770012,0.0011670216917991638,0.000642731785774231,0.5034152867979367,2,613,0 -3614,0.0013885487290147068,0.0008688457310199738,0.0010831318795681,0.8947393262681317,2,614,0 -3615,0.0016097860971886209,0.0013272874057292938,0.0009108893573284149,0.6014576998791314,2,615,0 -3616,0.0014503975048950244,0.0014079809188842773,0.00034819915890693665,0.24243954293733064,2,616,0 -3617,0.0015351832292406695,0.0011601448059082031,0.001005411148071289,0.7140672264540538,2,617,0 -3618,0.0015170275353808503,0.0012812763452529907,0.0008122213184833527,0.5649850013812793,2,618,0 -3619,0.0014515216742207405,0.0011812038719654083,0.0008436068892478943,0.6201877282872795,2,619,0 -3620,0.0015918351032315058,0.0012655891478061676,0.0009655170142650604,0.6517056453218582,2,620,0 -3621,0.0012722692542648697,0.000949077308177948,0.0008473023772239685,0.7288030867678755,2,621,0 -3622,0.0010846771725787456,0.0008513480424880981,0.0006721094250679016,0.6682840275192782,2,622,0 -3623,0.0016567968168312202,0.001515079289674759,0.0006704553961753845,0.416617556849805,2,623,0 -3624,0.001356429298077798,0.0007987953722476959,0.001096278429031372,0.9411045296829104,2,624,0 -3625,0.0015478701485765742,0.0009185150265693665,0.0012458860874176025,0.9355128158182249,2,625,0 -3626,0.0015614227853350876,0.0012621879577636719,0.000919196754693985,0.6294395140352956,2,626,0 -3627,0.0011793340397388693,0.0010142214596271515,0.0006018169224262238,0.5355363160493739,2,627,0 -3628,0.001332469487503717,0.0009656548500061035,0.0009181424975395203,0.7601819257158459,2,628,0 -3629,0.001609967332542535,0.0014690645039081573,0.000658668577671051,0.421488593434173,2,629,0 -3630,0.0014836272185150122,0.0013528577983379364,0.0006090365350246429,0.4230079134942269,2,630,0 -3631,0.0016244642700933938,0.0012570284307003021,0.0010289624333381653,0.6859604055779068,2,631,0 -3632,0.0018913922246132579,0.0013589821755886078,0.0013154968619346619,0.7691402374133351,2,632,0 -3633,0.0013460551742108338,0.0009363517165184021,0.0009670108556747437,0.8015046521825143,2,633,0 -3634,0.0015876733577971098,0.0013354718685150146,0.0008586160838603973,0.5713896426226477,2,634,0 -3635,0.0017502365141654729,0.0014719851315021515,0.0009468831121921539,0.5716291881349471,2,635,0 -3636,0.001542044610840082,0.001294691115617752,0.0008376613259315491,0.5742612825852673,2,636,0 -3637,0.0015442448375414838,0.0012724846601486206,0.0008749142289161682,0.6023305828342476,2,637,0 -3638,0.0013644839033348296,0.0011657215654850006,0.0007091611623764038,0.5465331190682539,2,638,0 -3639,0.0010683855872831787,0.0008120052516460419,0.0006943307816982269,0.7074368297979332,2,639,0 -3640,0.0012960863152867235,0.0009263418614864349,0.0009064935147762299,0.7745692743856618,2,640,0 -3641,0.0015043963686642379,0.0011515617370605469,0.0009680464863777161,0.6990337339395051,2,641,0 -3642,0.0015725340326084418,0.0012362934648990631,0.0009718239307403564,0.6661944991006847,2,642,0 -3643,0.0011135808599279135,0.0010341182351112366,0.0004131123423576355,0.3800603473660388,2,643,0 -3644,0.0012399519099154284,0.000994570553302765,0.0007404796779155731,0.6399859735769298,2,644,0 -3645,0.0015525612043480654,0.0004965998232364655,0.001470997929573059,1.245216239913067,2,645,0 -3646,0.0013110611821637104,0.0012299008667469025,0.00045412033796310425,0.35370536052699386,2,646,0 -3647,0.0015591356940196119,0.001339893788099289,0.0007972382009029388,0.5367356885720761,2,647,0 -3648,0.0015050436706771668,0.0013160072267055511,0.0007302612066268921,0.506602532193987,2,648,0 -3649,0.0011815550075576977,0.0010268352925777435,0.0005845353007316589,0.5175091133549612,2,649,0 -3650,0.0018337393398538565,0.0016877725720405579,0.0007169544696807861,0.40169555221025827,2,650,0 -3651,0.0015151806098073865,0.0013373717665672302,0.0007121860980987549,0.4893290702589785,2,651,0 -3652,0.0014904857688490209,0.0014400407671928406,0.00038448721170425415,0.2609111882522146,2,652,0 -3653,0.0026348313000136756,0.0017709210515022278,0.0019509419798851013,0.8337289957190207,2,653,0 -3654,0.0012782106110891668,0.0011090189218521118,0.0006355307996273041,0.5203726635017355,2,654,0 -3655,0.001590706549636542,0.0014666765928268433,0.0006157979369163513,0.39750845829993353,2,655,0 -3656,0.001448926458239063,0.0012911595404148102,0.0006574913859367371,0.4710007558398655,2,656,0 -3657,0.0016608490440508873,0.0012322217226028442,0.0011135749518871307,0.7348627722678231,2,657,0 -3658,0.0014284585398967238,0.0013326629996299744,0.000514298677444458,0.3683081156575943,2,658,0 -3659,0.001212608228358347,0.0010585598647594452,0.0005914978682994843,0.5095560605630434,2,659,0 -3660,0.0015234295928835122,0.0012756399810314178,0.0008328147232532501,0.5783833613857609,2,660,0 -3661,0.0014042690540675465,0.0010540410876274109,0.0009278841316699982,0.721830184027842,2,661,0 -3662,0.001303223124168561,0.0009045712649822235,0.0009381584823131561,0.8036230271799564,2,662,0 -3663,0.0015765978470897268,0.0012646876275539398,0.0009413957595825195,0.6398882779956075,2,663,0 -3664,0.0013389473281727093,0.0010547339916229248,0.0008248127996921539,0.6636749247375049,2,664,0 -3665,0.0017935497680520854,0.0012737363576889038,0.0012627020478248596,0.7810478743339291,2,665,0 -3666,0.0011743380818460564,0.0009680241346359253,0.000664830207824707,0.6018057047486925,2,666,0 -3667,0.0015416716911765417,0.0012188181281089783,0.0009440518915653229,0.6590372310751189,2,667,0 -3668,0.0013784611394159784,0.0010191164910793304,0.0009282007813453674,0.7387443695950427,2,668,0 -3669,0.0017578517189965484,0.0014695562422275543,0.0009645968675613403,0.5808517526833972,2,669,0 -3670,0.0015360783979309143,0.0012983642518520355,0.000820845365524292,0.5637708196203088,2,670,0 -3671,0.001636994917155154,0.0013023391366004944,0.0009917989373207092,0.6508534690276241,2,671,0 -3672,0.0017735720846709276,0.0013418123126029968,0.0011597834527492523,0.7127610839767643,2,672,0 -3673,0.0014034040403875713,0.0012796483933925629,0.0005762316286563873,0.4231072488244489,2,673,0 -3674,0.0014851793363354776,0.0011617764830589294,0.0009252205491065979,0.672532354165903,2,674,0 -3675,0.001502857221048685,0.0011620484292507172,0.0009530074894428253,0.6868833953203131,2,675,0 -3676,0.0010994063071076581,0.000825490802526474,0.0007261261343955994,0.7214460590429109,2,676,0 -3677,0.0012160850136303102,0.001069396734237671,0.0005790106952190399,0.4962449773648373,2,677,0 -3678,0.0012594026586218701,0.0007847361266613007,0.000985030084848404,0.8980940117766936,2,678,0 -3679,0.0015572488735732162,0.0012424886226654053,0.0009387470781803131,0.6470358683947195,2,679,0 -3680,0.0013293947375878792,0.0011989176273345947,0.000574357807636261,0.4467586526764666,2,680,0 -3681,0.0018356714870645518,0.0012597739696502686,0.0013351626694202423,0.8144422252862186,2,681,0 -3682,0.0015240685022933254,0.0007299222052097321,0.0013379082083702087,1.0713608451329155,2,682,0 -3683,0.001408248903042811,0.0008408166468143463,0.0011296868324279785,0.9309584862862578,2,683,0 -3684,0.001635166203851825,0.0012614764273166656,0.0010404065251350403,0.6896530848018747,2,684,0 -3685,0.001277058509358966,0.0010777749121189117,0.0006850399076938629,0.566189579938535,2,685,0 -3686,0.001569235238259996,0.0012417472898960114,0.0009594596922397614,0.6578521457250999,2,686,0 -3687,0.0013681074215626291,0.0009859949350357056,0.0009484365582466125,0.7659848843411386,2,687,0 -3688,0.0013662047239842916,0.001114383339881897,0.0007903575897216797,0.6168958574140563,2,688,0 -3689,0.0016036487075528532,0.0010631047189235687,0.0012006238102912903,0.8460725308721514,2,689,0 -3690,0.001469810563606237,0.001340385526418686,0.0006030835211277008,0.42279810825137626,2,690,0 -3691,0.001542174239259085,0.0011235065758228302,0.0010564252734184265,0.7546356692765188,2,691,0 -3692,0.0016018376149246334,0.0012751519680023193,0.0009694695472717285,0.6500464238612479,2,692,0 -3693,0.001491397400188507,0.0013490095734596252,0.0006359554827213287,0.44052659651536874,2,693,0 -3694,0.0019103902076255275,0.0014608502388000488,0.0012310594320297241,0.700241116413308,2,694,0 -3695,0.0014420706755937267,0.001164805144071579,0.0008501745760440826,0.6305031651362011,2,695,0 -3696,0.001476758841760146,0.0012275241315364838,0.0008209757506847382,0.589482357115093,2,696,0 -3697,0.0015437825664739143,0.0013051331043243408,0.0008245557546615601,0.5634592932663822,2,697,0 -3698,0.0013845451673776005,0.0010034628212451935,0.0009539537131786346,0.7601104672991827,2,698,0 -3699,0.0017226562112041073,0.001330886036157608,0.0010937489569187164,0.6879050227782307,2,699,0 -3700,0.001314090348339627,0.0011666305363178253,0.0006048195064067841,0.47828485389185066,2,700,0 -3701,0.0016621700564889849,0.0010834671556949615,0.001260519027709961,0.8607895203370963,2,701,0 -3702,0.0014796057421929798,0.001473262906074524,0.00013685598969459534,0.09262730046359179,2,702,0 -3703,0.0012165029284578544,0.0009316354990005493,0.000782262533903122,0.6984638920756542,2,703,0 -3704,0.001735037027703125,0.0012889057397842407,0.0011614970862865448,0.7334499602217642,2,704,0 -3705,0.001846041496706933,0.0013478733599185944,0.001261390745639801,0.7522658459998426,2,705,0 -3706,0.0015358474419829094,0.0009953603148460388,0.001169651746749878,0.8657286030873417,2,706,0 -3707,0.0014023572102946974,0.0011787600815296173,0.0007596909999847412,0.5724871548546031,2,707,0 -3708,0.0013108356222427836,0.0010792016983032227,0.0007440522313117981,0.6036081563659252,2,708,0 -3709,0.0016482246999689788,0.001401502639055252,0.0008674301207065582,0.5542214747751072,2,709,0 -3710,0.0012019690055854128,0.0010930448770523071,0.0004999823868274689,0.4290086016272214,2,710,0 -3711,0.001114498059649171,0.0009415373206138611,0.0005963332951068878,0.5645893490076709,2,711,0 -3712,0.001520111658860971,0.001217130571603775,0.0009106770157814026,0.6423586067245395,2,712,0 -3713,0.0015184073736295598,0.0012340284883975983,0.0008847229182720184,0.6220040632858167,2,713,0 -3714,0.0011273267134643487,0.0009824857115745544,0.0005527995526790619,0.5125064664717482,2,714,0 -3715,0.0014382419381406848,0.0008374936878681183,0.001169249415397644,0.9492367496383682,2,715,0 -3716,0.0015948106969963516,0.0014753304421901703,0.000605657696723938,0.3895452427342542,2,716,0 -3717,0.0014668581413875132,0.001112181693315506,0.0009564124047756195,0.7102380041291746,2,717,0 -3718,0.0016866906621037195,0.001245502382516861,0.0011373870074748993,0.740057712830702,2,718,0 -3719,0.0010762812594029949,0.001028493046760559,0.0003171488642692566,0.2991112032056173,2,719,0 -3720,0.0019791918128271627,0.0019282251596450806,0.0004462599754333496,0.22743144613084726,2,720,0 -3721,0.001433478853827432,0.0010333843529224396,0.0009934678673744202,0.7657068776427841,2,721,0 -3722,0.0011915770068328761,0.0010810308158397675,0.0005012266337871552,0.4341522062578728,2,722,0 -3723,0.0015569738782374425,0.0013755299150943756,0.0007294416427612305,0.4875916989825343,2,723,0 -3724,0.001505197387998032,0.0012707263231277466,0.0008067674934864044,0.5656774241388696,2,724,0 -3725,0.001572887161768521,0.0014696121215820312,0.0005605481564998627,0.36439241811372486,2,725,0 -3726,0.0019825230875685665,0.0016999952495098114,0.0010200068354606628,0.5404236896120616,2,726,0 -3727,0.001471166446809756,0.0010623596608638763,0.0010177046060562134,0.7639333475219312,2,727,0 -3728,0.0016982812857187467,0.0013281553983688354,0.0010583773255348206,0.6728341558735306,2,728,0 -3729,0.0018063203347800049,0.0013720765709877014,0.0011748187243938446,0.7081021551886342,2,729,0 -3730,0.0015714345039164286,0.0013983175158500671,0.00071701779961586,0.4738127718190056,2,730,0 -3731,0.0011452113621161196,0.0008377134799957275,0.0007808618247509003,0.7502880931460271,2,731,0 -3732,0.0015381906643778197,0.000944819301366806,0.001213815063238144,0.9093729411327329,2,732,0 -3733,0.001688044309285879,0.001188483089208603,0.001198749989271164,0.7896988899814261,2,733,0 -3734,0.0014628189166333318,0.0011274628341197968,0.0009320229291915894,0.6907840715202758,2,734,0 -3735,0.0015883242928002447,0.0011701211333274841,0.0010740533471107483,0.7426166549600558,2,735,0 -3736,0.0018360400638440678,0.0011688023805618286,0.0014159604907035828,0.88072951047653,2,736,0 -3737,0.0015740976340611489,0.0013674423098564148,0.0007796697318553925,0.5181941540473459,2,737,0 -3738,0.001595336489017377,0.0014059804379940033,0.0007538683712482452,0.49217637181990487,2,738,0 -3739,0.0014647009921848596,0.0012127012014389038,0.0008214041590690613,0.5953515948233437,2,739,0 -3740,0.001762326891676834,0.0016514621675014496,0.000615198165178299,0.35659224870911455,2,740,0 -3741,0.0014983435124609988,0.0012262985110282898,0.000860944390296936,0.6121122339245422,2,741,0 -3742,0.0013344613171487505,0.001242026686668396,0.00048801302909851074,0.3743852106532759,2,742,0 -3743,0.0015659231540807107,0.0012868084013462067,0.0008923225104808807,0.6063086971207271,2,743,0 -3744,0.0015040093338846213,0.0011659301817417145,0.0009500794112682343,0.6837413858268747,2,744,0 -3745,0.0013586700111639753,0.001177571713924408,0.0006777234375476837,0.5222296838603334,2,745,0 -3746,0.0013262272406613226,0.0010597668588161469,0.0007973536849021912,0.645026362802828,2,746,0 -3747,0.0015267448369951032,0.0011766329407691956,0.0009728744626045227,0.6908874671748965,2,747,0 -3748,0.0013369743018641841,0.0010887682437896729,0.0007759407162666321,0.6191838296209803,2,748,0 -3749,0.0014411892338509777,0.001065615564584732,0.000970304012298584,0.7386173302306607,2,749,0 -3750,0.001048458032900642,0.0007566176354885101,0.0007258057594299316,0.764616354150605,2,750,0 -3751,0.0013525965031510004,0.0007955990731716156,0.0010938644409179688,0.9419633894855223,2,751,0 -3752,0.001379347149718372,0.0011998675763607025,0.0006803795695304871,0.5158357521244521,2,752,0 -3753,0.0015884579208136232,0.0013381168246269226,0.0008559450507164001,0.5690747310169056,2,753,0 -3754,0.0017455748010953556,0.001586824655532837,0.0007273368537425995,0.4297842665116383,2,754,0 -3755,0.0018574392057809847,0.0014549978077411652,0.0011545829474925995,0.6707827333831579,2,755,0 -3756,0.0018098824860757767,0.0014021359384059906,0.001144416630268097,0.6845383509954975,2,756,0 -3757,0.0014912555710832136,0.0011192113161087036,0.0009854994714260101,0.7219536315934171,2,757,0 -3758,0.0017764766591317105,0.0016091763973236084,0.0007526092231273651,0.43747404940986945,2,758,0 -3759,0.0013487716604509842,0.0010389089584350586,0.0008601471781730652,0.6915428136400753,2,759,0 -3760,0.001430471454541316,0.0011844746768474579,0.0008020401000976562,0.5952096365161302,2,760,0 -3761,0.0015395051792099583,0.001195080578327179,0.0009704940021038055,0.6820599678656305,2,761,0 -3762,0.001156037288982802,0.0010756328701972961,0.0004235990345478058,0.3751620696397848,2,762,0 -3763,0.001664386329878285,0.0014315210282802582,0.0008490756154060364,0.5353514489365055,2,763,0 -3764,0.0011441010168412695,0.000962570309638977,0.0006184056401252747,0.5710510640494624,2,764,0 -3765,0.0017537374733998055,0.0011828355491161346,0.001294795423746109,0.8305557201380046,2,765,0 -3766,0.0013920601448490263,0.0011505484580993652,0.000783625990152359,0.597921001620513,2,766,0 -3767,0.0011935748434758835,0.000927068293094635,0.0007517747581005096,0.6813618480393115,2,767,0 -3768,0.0012078367629503775,0.0007932968437671661,0.0009107962250709534,0.8542404728911847,2,768,0 -3769,0.0012760534865633986,0.0008326657116413116,0.0009669438004493713,0.8598752780151885,2,769,0 -3770,0.0015058393349363748,0.0011783614754676819,0.0009375587105751038,0.6720804800633698,2,770,0 -3771,0.00150961325776821,0.001135013997554779,0.0009953267872333527,0.7199215352337658,2,771,0 -3772,0.0017577925231249463,0.0013161487877368927,0.0011651553213596344,0.7246206466716243,2,772,0 -3773,0.0013366910440624508,0.0012118108570575714,0.0005641430616378784,0.43569929592007295,2,773,0 -3774,0.0017655993801891266,0.00125957652926445,0.0012372583150863647,0.776459798948177,2,774,0 -3775,0.0020310698573163264,0.001521177589893341,0.0013458319008350372,0.724314462420442,2,775,0 -3776,0.0011471248096540515,0.0008985847234725952,0.000713050365447998,0.6707809123682993,2,776,0 -3777,0.001340185991566355,0.0011443644762039185,0.0006975159049034119,0.5473919385208451,2,777,0 -3778,0.0011694869249985345,0.0009452253580093384,0.0006886571645736694,0.6296403277594551,2,778,0 -3779,0.0013482626396606875,0.0008778907358646393,0.0010232888162136078,0.861727408541239,2,779,0 -3780,0.001297403491152438,0.001149248331785202,0.0006020665168762207,0.4825674357920587,2,780,0 -3781,0.00110175100611352,0.0006311312317848206,0.0009030662477016449,0.9608251940165622,2,781,0 -3782,0.0014499287729081835,0.0010847076773643494,0.000962134450674057,0.7255855283778746,2,782,0 -3783,0.001549951588353434,0.0013218037784099579,0.0008094348013401031,0.5494664755842581,2,783,0 -3784,0.0016246951561246416,0.0009204037487506866,0.0013388395309448242,0.9685335436309417,2,784,0 -3785,0.0015453238772115897,0.0012409389019012451,0.0009209215641021729,0.6384367184551111,2,785,0 -3786,0.0015842810163944324,0.0010692514479160309,0.0011690370738506317,0.8299498805737328,2,786,0 -3787,0.0015850824660399037,0.0011896677315235138,0.0010474622249603271,0.7219175259369173,2,787,0 -3788,0.0013913965515062864,0.0011433139443397522,0.0007929801940917969,0.6064045319168146,2,788,0 -3789,0.0016294143065695682,0.001422680914402008,0.000794336199760437,0.5092218697581413,2,789,0 -3790,0.001568498421086716,0.0011060014367103577,0.001112181693315506,0.788184335796625,2,790,0 -3791,0.0014267689753355902,0.0010191313922405243,0.0009985193610191345,0.7751826619369028,2,791,0 -3792,0.0017741329863233551,0.001323360949754715,0.00118163600564003,0.728881521465351,2,792,0 -3793,0.0020507950464848834,0.001688927412033081,0.0011633075773715973,0.6031592792137188,2,793,0 -3794,0.0016470474388844696,0.0012940280139446259,0.0010189488530158997,0.6670255360091943,2,794,0 -3795,0.001460064905416443,0.0013479888439178467,0.0005609951913356781,0.3943695407702411,2,795,0 -3796,0.0016153912376562754,0.0011536814272403717,0.0011307112872600555,0.7753432522054744,2,796,0 -3797,0.0028966581587777243,0.0018451996147632599,0.002232905477285385,0.8801833828108376,2,797,0 -3798,0.0014121292665287,0.0012254305183887482,0.0007017329335212708,0.5200603442109505,2,798,0 -3799,0.0015298123511897344,0.0013560429215431213,0.0007081478834152222,0.48126237402160593,2,799,0 -3800,0.003154959010597927,0.0023141242563724518,0.002144433557987213,0.7473569755057797,2,800,0 -3801,0.0011060051568498376,0.0006226897239685059,0.000914059579372406,0.9727753925461452,2,801,0 -3802,0.0014903679430459458,0.0011910311877727509,0.0008959025144577026,0.6449123707641969,2,802,0 -3803,0.0015435058010005818,0.0013395994901657104,0.0007667355239391327,0.5198493132224733,2,803,0 -3804,0.0015387695759470179,0.001223396509885788,0.000933334231376648,0.6517087190590275,2,804,0 -3805,0.0014514516450647179,0.0011622123420238495,0.0008694678544998169,0.6422932683208287,2,805,0 -3806,0.0016671833918026088,0.0011308714747428894,0.001225002110004425,0.8253326453958523,2,806,0 -3807,0.0010391802411795327,0.0008606724441051483,0.0005823560059070587,0.5948679847926482,2,807,0 -3808,0.0014872845048516357,0.0012294836342334747,0.0008368901908397675,0.5976444297024847,2,808,0 -3809,0.0016276868311225251,0.0011526979506015778,0.0011491961777210236,0.7838769074299486,2,809,0 -3810,0.0018715245686531912,0.0016014985740184784,0.0009684041142463684,0.5438581252993673,2,810,0 -3811,0.001199068644561469,0.00097602978348732,0.0006965138018131256,0.6198081478684477,2,811,0 -3812,0.0014712042864527348,0.0014112889766693115,0.0004155784845352173,0.2863732451774576,2,812,0 -3813,0.0016314084229190804,0.0013925209641456604,0.0008499287068843842,0.5479969077667564,2,813,0 -3814,0.0013640749952933441,0.0012013278901576996,0.000646151602268219,0.49347839716952263,2,814,0 -3815,0.0015356559642414256,0.001030169427394867,0.0011388547718524933,0.8354642339717572,2,815,0 -3816,0.00182839994407074,0.001689709722995758,0.0006985180079936981,0.39200042387562883,2,816,0 -3817,0.001445593037728451,0.0010502263903617859,0.0009933598339557648,0.7575784978232839,2,817,0 -3818,0.0013619959414364676,0.00124441459774971,0.0005535930395126343,0.4185731389060636,2,818,0 -3819,0.0014977397188327348,0.0013424642384052277,0.0006640888750553131,0.4593817602057133,2,819,0 -3820,0.0014676084039297807,0.0010689087212085724,0.0010056383907794952,0.7549092320972992,2,820,0 -3821,0.0014881476228887941,0.0012301169335842133,0.0008374936878681183,0.5977402087703043,2,821,0 -3822,0.0015522005635057834,0.0014012902975082397,0.0006676167249679565,0.4446144346113433,2,822,0 -3823,0.0014058568494384027,0.0011484287679195404,0.0008108913898468018,0.6147999729890612,2,823,0 -3824,0.0013069241451622408,0.0011029243469238281,0.0007011480629444122,0.5662690272930058,2,824,0 -3825,0.0015932813865388966,0.001058928668498993,0.001190468668937683,0.843809527330979,2,825,0 -3826,0.0010919271294742635,0.0008326955139636993,0.0007063448429107666,0.7034848151025733,2,826,0 -3827,0.001477303587873085,0.0011554434895515442,0.0009205304086208344,0.672719459655986,2,827,0 -3828,0.0013456402483501865,0.0012122802436351776,0.0005840584635734558,0.4489697299980774,2,828,0 -3829,0.0017300866646176728,0.001051291823387146,0.0013740397989749908,0.9176946385502504,2,829,0 -3830,0.0015573416680133602,0.001478724181652069,0.0004885569214820862,0.31909997496369746,2,830,0 -3831,0.0011031038793216806,0.0007955580949783325,0.0007641501724720001,0.7652638351502167,2,831,0 -3832,0.0017038369636495376,0.0014472529292106628,0.0008991770446300507,0.5559336172588534,2,832,0 -3833,0.0014787596273209823,0.0009362585842609406,0.0011446177959442139,0.8851960313197942,2,833,0 -3834,0.0016183697966514407,0.0014751292765140533,0.000665668398141861,0.4239021280458954,2,834,0 -3835,0.0018825005252121902,0.0014701858162879944,0.0011757388710975647,0.6745709630244628,2,835,0 -3836,0.0017654639494676977,0.001642417162656784,0.0006475560367107391,0.3755570999312755,2,836,0 -3837,0.0017109991412741152,0.0014422126114368439,0.0009206198155879974,0.568133589024448,2,837,0 -3838,0.0014203321748201187,0.001002717763185501,0.0010059326887130737,0.7869987020970924,2,838,0 -3839,0.0017246260169802377,0.0015081129968166351,0.0008366182446479797,0.5064789552927661,2,839,0 -3840,0.00222917873649198,0.0009994544088840485,0.0019925683736801147,1.1058767096253932,2,840,0 -3841,0.0012898546218436775,0.0010013468563556671,0.0008130371570587158,0.6819813057914857,2,841,0 -3842,0.0014426129528763063,0.001291658729314804,0.0006424561142921448,0.46155617550698175,2,842,0 -3843,0.001564483194679222,0.0012193098664283752,0.0009802505373954773,0.6771380524668346,2,843,0 -3844,0.0016204747793977456,0.0012848936021327972,0.0009874142706394196,0.6552234080296689,2,844,0 -3845,0.0015320642784029373,0.0011845976114273071,0.000971570611000061,0.686918881826272,2,845,0 -3846,0.0017382569270005662,0.0010400861501693726,0.001392751932144165,0.9293560420552861,2,846,0 -3847,0.001395602663562127,0.0011884234845638275,0.0007316805422306061,0.5518643043594708,2,847,0 -3848,0.0012179219311102957,0.0009860917925834656,0.0007148124277591705,0.6272389775368978,2,848,0 -3849,0.0015675480534129058,0.0012331865727901459,0.000967707484960556,0.6653548381962074,2,849,0 -3850,0.0031062038136567727,0.001688636839389801,0.002607107162475586,0.9960360215627442,2,850,0 -3851,0.0013663743356240026,0.0012496784329414368,0.0005525238811969757,0.4162923700407978,2,851,0 -3852,0.001940796525112303,0.0016467832028865814,0.001027032732963562,0.5576351047733819,2,852,0 -3853,0.001340792166577706,0.00115889310836792,0.0006743073463439941,0.5269704736038996,2,853,0 -3854,0.0011516986024943836,0.0009074807167053223,0.00070914626121521,0.6633240677242205,2,854,0 -3855,0.001147183571282321,0.0006865821778774261,0.0009190402925014496,0.9291767254834685,2,855,0 -3856,0.0014600419774269558,0.00105353444814682,0.0010108351707458496,0.7647171819973936,2,856,0 -3857,0.0012680554972440527,0.0008544102311134338,0.0009369887411594391,0.8314627720930129,2,857,0 -3858,0.001677021134049108,0.0012677498161792755,0.0010978206992149353,0.713687034975104,2,858,0 -3859,0.0014858186316138507,0.001089494675397873,0.0010102763772010803,0.7476889353184469,2,859,0 -3860,0.0014175627548417581,0.0012311525642871857,0.0007026717066764832,0.5186291454251206,2,860,0 -3861,0.0016187477673173453,0.0013261772692203522,0.0009282231330871582,0.6106748718960036,2,861,0 -3862,0.0013394281915473816,0.0008927136659622192,0.000998564064502716,0.8413075007110339,2,862,0 -3863,0.0016105193326440604,0.0012190043926239014,0.0010525211691856384,0.712237601984434,2,863,0 -3864,0.001518073411723044,0.0011388212442398071,0.0010038092732429504,0.7224691123638951,2,864,0 -3865,0.0013891167871811758,0.001048453152179718,0.0009112581610679626,0.715504443756948,2,865,0 -3866,0.0014717984965118172,0.0012360811233520508,0.000798933207988739,0.5738005687454945,2,866,0 -3867,0.0015085492203456756,0.0012887604534626007,0.0007841028273105621,0.5465849625444388,2,867,0 -3868,0.0016669928338951417,0.0014813579618930817,0.0007644891738891602,0.47642334678582976,2,868,0 -3869,0.0017086742113696645,0.0013552159070968628,0.0010406523942947388,0.6548507197306029,2,869,0 -3870,0.0014051344087183792,0.0010558255016803741,0.000927165150642395,0.7206070024868714,2,870,0 -3871,0.0017059737989569145,0.001389428973197937,0.0009898655116558075,0.6190170588561218,2,871,0 -3872,0.001397120428051073,0.0008935518562793732,0.0010740160942077637,0.8768617022957521,2,872,0 -3873,0.0013780880620417448,0.0010285750031471252,0.0009171478450298309,0.7281929014083595,2,873,0 -3874,0.001200965406296772,0.0008591450750827789,0.0008391588926315308,0.773630387865579,2,874,0 -3875,0.0016374906290625964,0.001370396465063095,0.0008963197469711304,0.5792231557652101,2,875,0 -3876,0.0013602624603186488,0.0011198073625564575,0.0007722340524196625,0.6037209578412831,2,876,0 -3877,0.0014483582649420215,0.001346927136182785,0.0005324743688106537,0.3764699752162515,2,877,0 -3878,0.0018121068692869993,0.0015278682112693787,0.0009743459522724152,0.5676911685136803,2,878,0 -3879,0.0015024115524742633,0.0010452233254909515,0.0010792352259159088,0.8014064752506928,2,879,0 -3880,0.0014981199574328583,0.0011161193251609802,0.0009993202984333038,0.7302415154722294,2,880,0 -3881,0.0015525169590339136,0.0014759078621864319,0.0004816688597202301,0.31545631834064297,2,881,0 -3882,0.0013256763394587185,0.0012669079005718231,0.00039033591747283936,0.29887246992952204,2,882,0 -3883,0.0017212371471283909,0.001496247947216034,0.000850822776556015,0.5170395888151348,2,883,0 -3884,0.0012441346215923176,0.0008983202278614044,0.000860750675201416,0.7640437985804598,2,884,0 -3885,0.0012839665572562254,0.0010893866419792175,0.0006795637309551239,0.5577387989076726,2,885,0 -3886,0.0017981576309622545,0.001523233950138092,0.000955577939748764,0.5602766403254801,2,886,0 -3887,0.0010301887994995727,0.0008241720497608185,0.0006180852651596069,0.6434671172289912,2,887,0 -3888,0.001308709732619976,0.0007974840700626373,0.0010376609861850739,0.91553476513942,2,888,0 -3889,0.0011787088761980335,0.0008845068514347076,0.0007791034877300262,0.7221245343220113,2,889,0 -3890,0.0009926862572380941,0.0007219389081001282,0.0006813444197177887,0.756478009115489,2,890,0 -3891,0.001551881280804896,0.001248922199010849,0.000921156257390976,0.6354924766231759,2,891,0 -3892,0.00136925768757132,0.0010231733322143555,0.0009099356830120087,0.7268870324691157,2,892,0 -3893,0.0014104523644254323,0.0009362176060676575,0.0010549277067184448,0.8449466806969272,2,893,0 -3894,0.001703973185813852,0.0012019462883472443,0.0012078285217285156,0.7878391473739454,2,894,0 -3895,0.0016514739947270161,0.0013310238718986511,0.0009776204824447632,0.633499006032915,2,895,0 -3896,0.0013865899081631837,0.0010094009339809418,0.0009506531059741974,0.7554345786344413,2,896,0 -3897,0.0013796277596156532,0.0011590532958507538,0.0007483102381229401,0.5732913390837115,2,897,0 -3898,0.0016916335409797741,0.0015566833317279816,0.0006620883941650391,0.4021415717930844,2,898,0 -3899,0.001409825436215667,0.0011745542287826538,0.000779762864112854,0.5860707741109897,2,899,0 -3900,0.0015924290907692886,0.0008935220539569855,0.0013181231915950775,0.9750745619300542,2,900,0 -3901,0.0015179806284462759,0.0012058615684509277,0.0009220428764820099,0.6528013352679874,2,901,0 -3902,0.0010085946885122219,0.0007848367094993591,0.0006334781646728516,0.6790833688767319,2,902,0 -3903,0.00127366968755222,0.0008686743676662445,0.000931471586227417,0.8202685380737309,2,903,0 -3904,0.001465490649851044,0.001222178339958191,0.00080866739153862,0.5845289313791218,2,904,0 -3905,0.0015605034696929967,0.0013420470058918,0.0007962919771671295,0.5355090455123888,2,905,0 -3906,0.001335933407089978,0.0011480338871479034,0.0006831809878349304,0.5367997775291502,2,906,0 -3907,0.0015913050417227634,0.0011164359748363495,0.001133941113948822,0.7931767646546547,2,907,0 -3908,0.0017125046768595963,0.0015792138874530792,0.000662386417388916,0.3971523763729957,2,908,0 -3909,0.0011617126846506917,0.0007776431739330292,0.0008630454540252686,0.8374039320429172,2,909,0 -3910,0.0012781167266301251,0.001196790486574173,0.0004486367106437683,0.3586536604552449,2,910,0 -3911,0.002977408565709991,0.0017858371138572693,0.0023823827505111694,0.9275504598377143,2,911,0 -3912,0.0013334911711234895,0.0009950920939445496,0.0008876882493495941,0.7284145814103101,2,912,0 -3913,0.0019270928779344268,0.001758873462677002,0.0007874332368373871,0.4209327729120668,2,913,0 -3914,0.0017198912682235344,0.0011836700141429901,0.0012477785348892212,0.8117584461071098,2,914,0 -3915,0.0017023504561117639,0.0013621896505355835,0.0010209977626800537,0.6431982450772157,2,915,0 -3916,0.0013836593013539656,0.0010163597762584686,0.0009388960897922516,0.7458006882419709,2,916,0 -3917,0.0018168044212645532,0.0014229267835617065,0.0011296272277832031,0.6709955406383706,2,917,0 -3918,0.0016123661606200798,0.0012439601123332977,0.0010258108377456665,0.6895817674762096,2,918,0 -3919,0.0014192950646433548,0.000998854637145996,0.0010083094239234924,0.790108648719029,2,919,0 -3920,0.00139194713993369,0.0008950456976890564,0.0010660253465175629,0.8723651184273484,2,920,0 -3921,0.001157110023218429,0.0008519850671291351,0.0007829591631889343,0.7432041028084546,2,921,0 -3922,0.0015864687429856072,0.0011359192430973053,0.0011075064539909363,0.7727339284498255,2,922,0 -3923,0.001413464992684824,0.0009969249367713928,0.0010020099580287933,0.7879420232809564,2,923,0 -3924,0.001718009166132414,0.001446053385734558,0.0009276233613491058,0.5703668556647096,2,924,0 -3925,0.001404123128885642,0.0012084469199180603,0.0007149949669837952,0.5342678037768602,2,925,0 -3926,0.0015135801942534042,0.0013517066836357117,0.0006810389459133148,0.4667119676527502,2,926,0 -3927,0.001686418838329724,0.0014102905988693237,0.0009247101843357086,0.5803632105972834,2,927,0 -3928,0.0015153368270055408,0.0011516250669956207,0.0009848885238170624,0.7075146083236733,2,928,0 -3929,0.0014864270009582181,0.0009615905582904816,0.0011334940791130066,0.8672656437331773,2,929,0 -3930,0.0014621840578964024,0.0011381804943084717,0.0009178929030895233,0.6786653695980625,2,930,0 -3931,0.0016458119898242664,0.0015926361083984375,0.0004149787127971649,0.25489337961787895,2,931,0 -3932,0.0013283871552538923,0.0010625049471855164,0.0007973052561283112,0.6437579891716758,2,932,0 -3933,0.0015555684393735913,0.0013723485171794891,0.0007324293255805969,0.4902466756110639,2,933,0 -3934,0.0017216549742067504,0.001483626663684845,0.000873468816280365,0.5320981723238504,2,934,0 -3935,0.0012709669603836102,0.0009132176637649536,0.0008839629590511322,0.7691214904726167,2,935,0 -3936,0.001529339162795527,0.0011199899017810822,0.0010413937270641327,0.7490503546011981,2,936,0 -3937,0.0018219538387083943,0.0015353746712207794,0.0009808875620365143,0.5685031533936314,2,937,0 -3938,0.0016888673799945288,0.0014149472117424011,0.0009220615029335022,0.5775398083687583,2,938,0 -3939,0.001111568713815001,0.000612504780292511,0.0009275898337364197,0.9872014542927743,2,939,0 -3940,0.001299585812786339,0.001057121902704239,0.0007559210062026978,0.6207716516535019,2,940,0 -3941,0.0017551100152226077,0.0013945847749710083,0.0010656192898750305,0.6524719299717329,2,941,0 -3942,0.0013825068860023612,0.0010945312678813934,0.0008445866405963898,0.6572089213433004,2,942,0 -3943,0.0017048399555849782,0.0016149543225765228,0.0005462616682052612,0.32617088010544953,2,943,0 -3944,0.0013105332630304932,0.001069445163011551,0.0007574856281280518,0.6162732580282472,2,944,0 -3945,0.0017013109137337188,0.001537460833787918,0.0007284730672836304,0.4424816031165055,2,945,0 -3946,0.0013705540120755727,0.0010477900505065918,0.0008834898471832275,0.7005292926383915,2,946,0 -3947,0.0006076904441840167,0.0005416050553321838,0.00027559325098991394,0.4706988778743902,2,947,0 -3948,0.0015911764147242464,0.0014034472405910492,0.000749785453081131,0.4906672661345403,2,948,0 -3949,0.0014914548214009127,0.0012829825282096863,0.0007605217397212982,0.5350910847654584,2,949,0 -3950,0.001768160751384658,0.0010309331119060516,0.0014365129172801971,0.948313667319177,2,950,0 -3951,0.0014117844508363864,0.0011457912623882294,0.0008248016238212585,0.6239264328236868,2,951,0 -3952,0.0016038873984679626,0.0013940930366516113,0.00079306960105896,0.5172216657245665,2,952,0 -3953,0.0013172463737360332,0.0007610581815242767,0.0010751411318778992,0.9548092102188147,2,953,0 -3954,0.001399037169838423,0.0010092481970787048,0.0009688772261142731,0.7649922948655771,2,954,0 -3955,0.0010682874965806778,0.0009206011891365051,0.0005419701337814331,0.5320790938585089,2,955,0 -3956,0.0013068987116227173,0.0007570013403892517,0.001065332442522049,0.9530065413164968,2,956,0 -3957,0.0014293613128491226,0.0011757686734199524,0.0008127987384796143,0.6048573037195506,2,957,0 -3958,0.0015440477561789584,0.001344233751296997,0.0007596835494041443,0.5143945112632023,2,958,0 -3959,0.0012922751089055981,0.0007412806153297424,0.001058526337146759,0.9598724577416419,2,959,0 -3960,0.0015804635393940616,0.0012796446681022644,0.0009275637567043304,0.6272166882178989,2,960,0 -3961,0.0017038376723191577,0.001259583979845047,0.001147393137216568,0.7388211932091665,2,961,0 -3962,0.0015917519047607066,0.0013162828981876373,0.0008950270712375641,0.597153124662748,2,962,0 -3963,0.0018163179547025002,0.001287996768951416,0.0012806542217731476,0.7825396484781941,2,963,0 -3964,0.0015445244133247577,0.0013266392052173615,0.0007909387350082397,0.5376187185252145,2,964,0 -3965,0.0013818419507034445,0.0008828938007354736,0.0010630078613758087,0.8776958972669976,2,965,0 -3966,0.0013775120103950717,0.0013207197189331055,0.0003914572298526764,0.2881479284561257,2,966,0 -3967,0.0015320789977718437,0.001280374825000763,0.0008413717150688171,0.5813706622469316,2,967,0 -3968,0.001721738382157557,0.0013836771249771118,0.0010246075689792633,0.6373908394428895,2,968,0 -3969,0.0012747927537653794,0.0009681805968284607,0.0008292905986309052,0.7082817313536333,2,969,0 -3970,0.00121937461378549,0.0009825006127357483,0.000722195953130722,0.6338701171731755,2,970,0 -3971,0.0014408243120957568,0.0010863952338695526,0.0009464249014854431,0.7166514232483946,2,971,0 -3972,0.0014518145779979117,0.0011248402297496796,0.0009178780019283295,0.6844256511203253,2,972,0 -3973,0.0013186528813730082,0.000981166958808899,0.0008809976279735565,0.7316580786548007,2,973,0 -3974,0.0018052640781425493,0.0015255473554134369,0.0009652376174926758,0.5641283857322805,2,974,0 -3975,0.0018832900290056997,0.0015854686498641968,0.0010164007544517517,0.5700738551135953,2,975,0 -3976,0.0015919798578207173,0.0010103508830070496,0.0012302808463573456,0.8832400856572256,2,976,0 -3977,0.0013636162246017304,0.0011761859059333801,0.0006899535655975342,0.5305101316906412,2,977,0 -3978,0.001816808553420699,0.001447245478630066,0.0010983049869537354,0.6491686060583924,2,978,0 -3979,0.0013414314933567074,0.0012378953397274017,0.0005167722702026367,0.39546723695276464,2,979,0 -3980,0.0013901485587334112,0.0012095384299755096,0.0006852224469184875,0.5154346878700888,2,980,0 -3981,0.0029926804378090682,0.0014541372656822205,0.002615649253129959,1.063406076898525,2,981,0 -3982,0.0014174473035898168,0.0011956095695495605,0.0007613636553287506,0.5670394357891002,2,982,0 -3983,0.001414244175513869,0.0011844411492347717,0.0007727779448032379,0.5780892863574707,2,983,0 -3984,0.0014622679168918367,0.0011304765939712524,0.0009274967014789581,0.6870851738303166,2,984,0 -3985,0.0016345572165268006,0.0013780482113361359,0.0008790679275989532,0.5678276460346754,2,985,0 -3986,0.0012365836810875074,0.00101398304104805,0.0007077977061271667,0.609407316705237,2,986,0 -3987,0.0009984433943361522,0.0007553733885288239,0.0006529167294502258,0.7127735923775901,2,987,0 -3988,0.0009793562779975057,0.0001237429678440094,0.0009715072810649872,1.4441063661470053,2,988,0 -3989,0.00139789304736199,0.0012842826545238495,0.0005520172417163849,0.4059506527268726,2,989,0 -3990,0.0015354741650209307,0.0013979077339172363,0.0006352439522743225,0.4265274999138973,2,990,0 -3991,0.0015871755880188464,0.0014798492193222046,0.0005737356841564178,0.36985707491869185,2,991,0 -3992,0.0012913184968519462,0.0010007545351982117,0.0008160844445228577,0.6841024306884465,2,992,0 -3993,0.0016848540244719255,0.001445867121219635,0.0008649863302707672,0.539129870246135,2,993,0 -3994,0.001435509101128827,0.0011456683278083801,0.0008649453520774841,0.6466744029357719,2,994,0 -3995,0.001640385595158465,0.0012859217822551727,0.0010184645652770996,0.6698507576443852,2,995,0 -3996,0.0013991036647984035,0.001146458089351654,0.0008019506931304932,0.6103922241814967,2,996,0 -3997,0.0017126392297464547,0.0011649876832962036,0.0012553632259368896,0.8227206751575921,2,997,0 -3998,0.0012719229168530971,0.0010471418499946594,0.0007219985127449036,0.603640419139993,2,998,0 -3999,0.0015494776429654396,0.00119004026055336,0.000992313027381897,0.6950421036749073,2,999,0 -4000,0.001873034867088737,0.0016259178519248962,0.0009298659861087799,0.5195030796454334,2,1000,0 -4001,0.0013777310124293409,0.0009980164468288422,0.0009497925639152527,0.7606452060089667,2,1001,0 -4002,0.001631563319545286,0.001067083328962326,0.0012342333793640137,0.857903197409709,2,1002,0 -4003,0.001335610339126836,0.0008495338261127472,0.001030605286359787,0.8814095348505374,2,1003,0 -4004,0.001734202501398497,0.001468319445848465,0.0009227655827999115,0.5610764791770272,2,1004,0 -4005,0.0018099035133442858,0.0013718903064727783,0.0011805370450019836,0.7105690117047306,2,1005,0 -4006,0.0016873805764271055,0.0012403428554534912,0.0011440292000770569,0.7450263921788958,2,1006,0 -4007,0.0017399955267994845,0.00131143257021904,0.0011435598134994507,0.7171242899525365,2,1007,0 -4008,0.001722007464274642,0.0013861171901226044,0.00102175772190094,0.6352175792634988,2,1008,0 -4009,0.001153831787678457,0.0008878447115421295,0.0007369257509708405,0.6927775989572349,2,1009,0 -4010,0.0012981822422933318,0.0011333189904689789,0.0006331391632556915,0.5094670876625502,2,1010,0 -4011,0.0008127781953229478,0.0006115101277828217,0.0005354098975658417,0.7191434604475092,2,1011,0 -4012,0.0012786079910963846,0.0009832382202148438,0.0008173622190952301,0.6935348422516259,2,1012,0 -4013,0.0015420845582421166,0.00141872838139534,0.0006043463945388794,0.40269832249728155,2,1013,0 -4014,0.0016397641036103169,0.0014334693551063538,0.0007962360978126526,0.5070261275456401,2,1014,0 -4015,0.0014171952233536188,0.001228339970111847,0.000706840306520462,0.5221675515513432,2,1015,0 -4016,0.0018836908278209285,0.0016157329082489014,0.0009683482348918915,0.5399226235128403,2,1016,0 -4017,0.0012341647972357779,0.0009355954825878143,0.0008048750460147858,0.7104325340389149,2,1017,0 -4018,0.0012632374215690433,0.0008459724485874176,0.0009381361305713654,0.8370103985587314,2,1018,0 -4019,0.0015682608626830605,0.001065324991941452,0.0011508800089359283,0.8239832917122494,2,1019,0 -4020,0.0027813919790432113,0.0016282349824905396,0.002254992723464966,0.9454193832641602,2,1020,0 -4021,0.0015720792379156745,0.0012574903666973114,0.0009434781968593597,0.6436845203311785,2,1021,0 -4022,0.0010720225496023547,0.0008630715310573578,0.000635877251625061,0.6349740231311255,2,1022,0 -4023,0.001516287833063368,0.0011872611939907074,0.0009431540966033936,0.6713137685939969,2,1023,0 -4024,0.001573681082605719,0.0011739619076251984,0.0010479912161827087,0.7287651111905529,2,1024,0 -4025,0.001817285630320226,0.0014621913433074951,0.0010791309177875519,0.6357916930012278,2,1025,0 -4026,0.0014548661694782125,0.0011479929089546204,0.0008937269449234009,0.661500856923374,2,1026,0 -4027,0.0016621619630400892,0.0013648048043251038,0.000948730856180191,0.6074569863229076,2,1027,0 -4028,0.001412840045116925,0.00118979811668396,0.0007619038224220276,0.5695713426798323,2,1028,0 -4029,0.0017251357473516069,0.0012323595583438873,0.0012072212994098663,0.7750941928650966,2,1029,0 -4030,0.001640497983527719,0.0012408234179019928,0.0010731220245361328,0.7130504345888659,2,1030,0 -4031,0.0014219647771986706,0.0011960789561271667,0.0007690116763114929,0.5713988696034955,2,1031,0 -4032,0.0014065260122189329,0.0011176913976669312,0.0008538626134395599,0.6523707746352111,2,1032,0 -4033,0.0012778770274599867,0.0010925456881523132,0.0006628073751926422,0.5453045876986812,2,1033,0 -4034,0.0016040308077991763,0.0012814365327358246,0.0009647980332374573,0.6453567518658626,2,1034,0 -4035,0.0013241546686158432,0.0012071914970874786,0.0005441270768642426,0.423467475164959,2,1035,0 -4036,0.00166486307944221,0.0012893863022327423,0.0010532103478908539,0.6849196565517263,2,1036,0 -4037,0.0014348716744202726,0.001378774642944336,0.0003972873091697693,0.2805456713848611,2,1037,0 -4038,0.001388623091715497,0.0011524707078933716,0.0007746517658233643,0.5918002608512515,2,1038,0 -4039,0.0009934855963597473,0.0006895400583744049,0.0007152259349822998,0.8036809341562196,2,1039,0 -4040,0.0018500878123458144,0.0014040395617485046,0.0012047812342643738,0.7091674744351546,2,1040,0 -4041,0.001502431746170385,0.0012289732694625854,0.0008642487227916718,0.6128892914463889,2,1041,0 -4042,0.0015652412520064873,0.001252647489309311,0.0009385384619235992,0.6430170146797853,2,1042,0 -4043,0.001499543235508087,0.0011826753616333008,0.0009219050407409668,0.6621203977583502,2,1043,0 -4044,0.0014567437626406892,0.0011543557047843933,0.000888574868440628,0.6560269554755715,2,1044,0 -4045,0.0013448828417986012,0.0008284077048301697,0.0010594576597213745,0.9071794193174977,2,1045,0 -4046,0.0017062241024374657,0.001569308340549469,0.0006696805357933044,0.4033402282876235,2,1046,0 -4047,0.001428770386844673,0.0012882687151432037,0.0006178580224514008,0.44719756998240295,2,1047,0 -4048,0.0014341065865633312,0.0008496902883052826,0.0011552870273590088,0.936653087049122,2,1048,0 -4049,0.0016726713874219794,0.0013464316725730896,0.0009924471378326416,0.6351901796925695,2,1049,0 -4050,0.0017267910358054685,0.0013839192688465118,0.001032751053571701,0.6410973886201221,2,1050,0 -4051,0.001304237668078752,0.0011103413999080658,0.0006842352449893951,0.5522741700804835,2,1051,0 -4052,0.0016829472373825869,0.001210678368806839,0.0011690035462379456,0.7678871832226373,2,1052,0 -4053,0.0016226558004713142,0.0014272592961788177,0.0007719732820987701,0.4958128605990903,2,1053,0 -4054,0.001426686753704203,0.0011897459626197815,0.0007873624563217163,0.5846191245968094,2,1054,0 -4055,0.001363006741990583,0.0011519715189933777,0.0007285252213478088,0.5639144044286251,2,1055,0 -4056,0.0015066276398668912,0.0012996494770050049,0.0007621273398399353,0.5303668557105966,2,1056,0 -4057,0.001599449568842289,0.0013711750507354736,0.0008234791457653046,0.5408345170651236,2,1057,0 -4058,0.0016697033374839707,0.001143764704465866,0.0012164339423179626,0.8161778978696658,2,1058,0 -4059,0.0011385540932916318,0.000909905880689621,0.0006843805313110352,0.6448720556224268,2,1059,0 -4060,0.0014698688806527938,0.001258809119462967,0.0007588900625705719,0.5425223500616996,2,1060,0 -4061,0.0013906761925200927,0.001067228615283966,0.0008916296064853668,0.6959935844479328,2,1061,0 -4062,0.0012090476488532422,0.0009195171296596527,0.0007850378751754761,0.7066671868831179,2,1062,0 -4063,0.0013812501817437408,0.0008661597967147827,0.0010759271681308746,0.8929923606101251,2,1063,0 -4064,0.0017030243342086625,0.0011401958763599396,0.0012650080025196075,0.8372441940358158,2,1064,0 -4065,0.0015803594416606722,0.0013730488717556,0.0007824786007404327,0.5179809799353524,2,1065,0 -4066,0.0014800073763977374,0.001158587634563446,0.0009209215641021729,0.671602417498174,2,1066,0 -4067,0.0015555095308496547,0.0012682490050792694,0.0009006410837173462,0.6175024948376031,2,1067,0 -4068,0.0016449259843868838,0.0012508146464824677,0.0010682903230190277,0.7068554312034705,2,1068,0 -4069,0.0013152798656472858,0.0009465627372264862,0.0009132251143455505,0.7674745852749156,2,1069,0 -4070,0.00130302280998985,0.0010894425213336945,0.0007148310542106628,0.580682181815308,2,1070,0 -4071,0.0027982907174551423,0.0015407875180244446,0.002335894852876663,0.9876926710644044,2,1071,0 -4072,0.0015747134918797745,0.0011643320322036743,0.0010602138936519623,0.7386280747990239,2,1072,0 -4073,0.0014378460501987028,0.0006865337491035461,0.001263357698917389,1.07301902756443,2,1073,0 -4074,0.0012016429334417403,0.0008937157690525055,0.0008032545447349548,0.7321410840880532,2,1074,0 -4075,0.0014314864951659363,0.0013381578028202057,0.0005084164440631866,0.363092469391533,2,1075,0 -4076,0.0014519238523423995,0.0014512799680233002,4.3235719203948975e-05,0.02978263048215095,2,1076,0 -4077,0.001015993634369815,0.0007790476083755493,0.0006521716713905334,0.6969804480632583,2,1077,0 -4078,0.001365442052620952,0.0012237727642059326,0.0006056502461433411,0.4595626424721668,2,1078,0 -4079,0.00128647846230812,0.0011424906551837921,0.0005913898348808289,0.47765358321153234,2,1079,0 -4080,0.0015092838173658076,0.0012456662952899933,0.0008522048592567444,0.5999992867784847,2,1080,0 -4081,0.0019131814613521797,0.0016603395342826843,0.000950545072555542,0.5199537463895494,2,1081,0 -4082,0.0013572873658385604,0.0011939778923988342,0.0006454810500144958,0.49560844672210697,2,1082,0 -4083,0.001293388096066162,0.0011317171156406403,0.0006261542439460754,0.5053564672332266,2,1083,0 -4084,0.001468715821422133,0.0010125525295734406,0.0010638907551765442,0.8101172439064613,2,1084,0 -4085,0.0014937839206867884,0.0011995621025562286,0.0008901916444301605,0.6384240836187964,2,1085,0 -4086,0.0014816898651840743,0.0011118650436401367,0.0009793676435947418,0.7221242236675491,2,1086,0 -4087,0.0014654995011679414,0.0009876936674118042,0.0010826587677001953,0.8312350853605924,2,1087,0 -4088,0.0016818904518011576,0.0013319551944732666,0.0010269619524478912,0.6568177354502135,2,1088,0 -4089,0.0015004858691047332,0.0011694207787513733,0.0009401664137840271,0.6771503369329267,2,1089,0 -4090,0.0016779911187171038,0.001475948840379715,0.0007982663810253143,0.4957908401319677,2,1090,0 -4091,0.0012457905529657865,0.0010843388736248016,0.0006133541464805603,0.5147776242940466,2,1091,0 -4092,0.0014155081426715027,0.0012097470462322235,0.0007349662482738495,0.5459430840826703,2,1092,0 -4093,0.001530754207341034,0.001390937715768814,0.0006391406059265137,0.4307287900339978,2,1093,0 -4094,0.001484858048200486,0.0013584233820438385,0.0005995742976665497,0.4156583769910618,2,1094,0 -4095,0.0014679544301773578,0.0009029395878314972,0.0011574067175388336,0.9082828286935917,2,1095,0 -4096,0.000988360629479845,0.000862371176481247,0.0004828795790672302,0.510445701458429,2,1096,0 -4097,0.0018270730972729068,0.001461666077375412,0.0010962337255477905,0.6434941764012341,2,1097,0 -4098,0.0015100735763227317,0.00117424875497818,0.0009494535624980927,0.6799402428631797,2,1098,0 -4099,0.0013907854619650082,0.0011794157326221466,0.0007370635867118835,0.5585558746843821,2,1099,0 -4100,0.0018865049882202775,0.001610245555639267,0.0009828582406044006,0.5480153574823801,2,1100,0 -4101,0.0013201485966979312,0.0011446475982666016,0.0006577037274837494,0.5215265354479063,2,1101,0 -4102,0.0014417610621865688,0.001266971230506897,0.0006880834698677063,0.49752503099341466,2,1102,0 -4103,0.0015289332597343943,0.0014657378196716309,0.00043502822518348694,0.28851670482321595,2,1103,0 -4104,0.0017663587121582195,0.0012093298137187958,0.001287456601858139,0.8166788945199274,2,1104,0 -4105,0.00178558745188704,0.0014802701771259308,0.0009985603392124176,0.5934609275423534,2,1105,0 -4106,0.0016508485188621081,0.0013332441449165344,0.000973530113697052,0.6307058873580073,2,1106,0 -4107,0.0013066281425644346,0.001082058995962143,0.0007324106991291046,0.5950315934546198,2,1107,0 -4108,0.0015145019828677717,0.0011180005967617035,0.00102166086435318,0.7404028640723188,2,1108,0 -4109,0.0014248357688576919,0.0009637065231800079,0.0010494887828826904,0.8279824075329931,2,1109,0 -4110,0.0013158002159613113,0.0010697878897190094,0.0007660835981369019,0.6214550529288153,2,1110,0 -4111,0.0012816518959018236,0.0008367113769054413,0.0009708479046821594,0.8594710378003297,2,1111,0 -4112,0.0017739394453848004,0.00161077082157135,0.0007431544363498688,0.4322653579808309,2,1112,0 -4113,0.0018156655875858124,0.0015416666865348816,0.0009591169655323029,0.5565327716561591,2,1113,0 -4114,0.0012146131396068907,0.0009914673864841461,0.0007016249001026154,0.6158505012658404,2,1114,0 -4115,0.001783024017893483,0.0012721233069896698,0.0012493506073951721,0.7763669057984731,2,1115,0 -4116,0.0014710713670066876,0.001241542398929596,0.0007890649139881134,0.5661514023896208,2,1116,0 -4117,0.0012361603231632991,0.0011891722679138184,0.0003375820815563202,0.2766028790956668,2,1117,0 -4118,0.0014793424014562327,0.0010271109640598297,0.0010646581649780273,0.8033462096648706,2,1118,0 -4119,0.0014507774633336495,0.0011154375970363617,0.0009276606142520905,0.6937476869571818,2,1119,0 -4120,0.0015838896966653367,0.0014131218194961548,0.000715397298336029,0.46863756444981075,2,1120,0 -4121,0.0012579041641902313,0.0011580027639865875,0.0004912763833999634,0.40123061654361875,2,1121,0 -4122,0.0016766810152734949,0.0015060342848300934,0.0007369667291641235,0.4550853951281432,2,1122,0 -4123,0.0015964876292737754,0.00132843479514122,0.0008854568004608154,0.5879158818667822,2,1123,0 -4124,0.001438751394464997,0.0012320168316364288,0.0007430613040924072,0.5427148127548774,2,1124,0 -4125,0.0015868528034913229,0.001347854733467102,0.0008374899625778198,0.555970516425364,2,1125,0 -4126,0.0014365153830098508,0.0013083629310131073,0.0005930960178375244,0.4256043918181911,2,1126,0 -4127,0.0012820139323702804,0.001154240220785141,0.0005579330027103424,0.4502608719502431,2,1127,0 -4128,0.0011530789674729857,0.000838056206703186,0.0007919929921627045,0.7571468940219922,2,1128,0 -4129,0.0015089387501958712,0.0012966245412826538,0.0007717907428741455,0.5369052876215281,2,1129,0 -4130,0.0013219648700151113,0.0010307244956493378,0.0008277669548988342,0.6766236777408265,2,1130,0 -4131,0.0014408493091209954,0.0012043491005897522,0.0007909424602985382,0.5810977492250317,2,1131,0 -4132,0.0015742585096072065,0.0012593455612659454,0.0009446367621421814,0.6435659475434811,2,1132,0 -4133,0.0011827363462297528,0.0009630843997001648,0.0006865374743938446,0.6193000648366507,2,1133,0 -4134,0.0013809922614888455,0.0011311694979667664,0.0007922090590000153,0.6109575635752662,2,1134,0 -4135,0.0017359941364939362,0.0013740919530391693,0.0010609179735183716,0.6574873303243581,2,1135,0 -4136,0.0014814227316623766,0.0010664202272891998,0.0010282807052135468,0.7671925533828832,2,1136,0 -4137,0.0016780603996724348,0.0013931505382061005,0.0009354241192340851,0.5913034661893019,2,1137,0 -4138,0.0014700760373473733,0.0012741051614284515,0.0007333345711231232,0.522261284758027,2,1138,0 -4139,0.0015661035681429909,0.0014227516949176788,0.0006545670330524445,0.43119747740792846,2,1139,0 -4140,0.0015229438326903504,0.0013124383985996246,0.000772569328546524,0.5320335040800976,2,1140,0 -4141,0.0017187446008944572,0.0014237463474273682,0.0009628236293792725,0.5946152141412424,2,1141,0 -4142,0.0019659396758982656,0.001592889428138733,0.001152224838733673,0.6262292288158162,2,1142,0 -4143,0.001301560725280028,0.0009833909571170807,0.0008526444435119629,0.714306845611825,2,1143,0 -4144,0.001403275890731631,0.0011809282004833221,0.0007580183446407318,0.5706482541167474,2,1144,0 -4145,0.0013349016197558284,0.0011059902608394623,0.0007474943995475769,0.5943401320625953,2,1145,0 -4146,0.0014485607063549116,0.0012275949120521545,0.0007689855992794037,0.5596172099340231,2,1146,0 -4147,0.001716745909166844,0.0014946497976779938,0.0008445344865322113,0.5143156266236582,2,1147,0 -4148,0.0018003651532439763,0.001535896211862564,0.0009393282234668732,0.548893007599656,2,1148,0 -4149,0.0013033165827906782,0.0009653195738792419,0.0008756667375564575,0.7367383416221012,2,1149,0 -4150,0.0015937550617638608,0.001333974301815033,0.0008721053600311279,0.579017234020023,2,1150,0 -4151,0.0013633147087274812,0.0010661780834197998,0.0008496418595314026,0.672850444940059,2,1151,0 -4152,0.0009297642396970279,0.0007690601050853729,0.0005225017666816711,0.596768333163456,2,1152,0 -4153,0.0012834108369881515,0.000886227935552597,0.0009283013641834259,0.8085809750575976,2,1153,0 -4154,0.0029248073072785804,0.0017658062279224396,0.0023316144943237305,0.9226192396737566,2,1154,0 -4155,0.001308326115093207,0.0011387653648853302,0.000644151121377945,0.514784767662353,2,1155,0 -4156,0.0015654155224180022,0.0012860484421253204,0.0008925274014472961,0.6066928917593497,2,1156,0 -4157,0.0018503575050335403,0.0014224164187908173,0.0011834502220153809,0.6939507757343918,2,1157,0 -4158,0.0015257300071535398,0.0013522505760192871,0.0007065907120704651,0.4815082739616667,2,1158,0 -4159,0.0016475555015257482,0.0014123804867267609,0.0008483044803142548,0.5408755245292463,2,1159,0 -4160,0.001684870637582447,0.0013502389192581177,0.0010077916085720062,0.6411804153704563,2,1160,0 -4161,0.0016014086091741013,0.0013577081263065338,0.0008491985499858856,0.558933435181769,2,1161,0 -4162,0.0014057187106450214,0.0010336637496948242,0.0009526722133159637,0.7446463980693893,2,1162,0 -4163,0.0014582727456805354,0.000979393720626831,0.001080438494682312,0.8344137285753735,2,1163,0 -4164,0.0015322515203069083,0.0013482943177223206,0.0007279403507709503,0.4950536825434353,2,1164,0 -4165,0.0014565403504182637,0.0013669654726982117,0.0005029067397117615,0.3525316215060707,2,1165,0 -4166,0.0012082496632371182,0.0011068806052207947,0.00048444047570228577,0.4125470868289688,2,1166,0 -4167,0.001467550416161414,0.0013017766177654266,0.0006775557994842529,0.4799013463201344,2,1167,0 -4168,0.0019098795024525721,0.0016525685787200928,0.0009574219584465027,0.5251001529727674,2,1168,0 -4169,0.0015373133395258367,0.0013270266354084015,0.0007761009037494659,0.5291993422695547,2,1169,0 -4170,0.0014977469259468466,0.0010437965393066406,0.0010741204023361206,0.799714962404132,2,1170,0 -4171,0.0016811338759533158,0.0013273879885673523,0.0010316260159015656,0.6606737081305234,2,1171,0 -4172,0.0017067044837783384,0.0013620443642139435,0.0010284334421157837,0.6467354969614417,2,1172,0 -4173,0.0014612492099157141,0.0012212954461574554,0.0008023008704185486,0.5812287939319631,2,1173,0 -4174,0.0013614574113651415,0.0009178072214126587,0.0010055825114250183,0.831002249954878,2,1174,0 -4175,0.0015970894836296397,0.001136738806962967,0.0011218376457691193,0.7788006692215933,2,1175,0 -4176,0.0017964195986545591,0.0015761703252792358,0.0008618645370006561,0.5003902102119406,2,1176,0 -4177,0.0016376914564962194,0.0012824684381484985,0.001018483191728592,0.67116887923777,2,1177,0 -4178,0.0015010272063379782,0.0013164691627025604,0.0007211044430732727,0.5011190653319104,2,1178,0 -4179,0.0016692745594935577,0.0013954341411590576,0.0009161010384559631,0.5809303387871997,2,1179,0 -4180,0.001248140338558656,0.0007007047533988953,0.0010328926146030426,0.9747209373277033,2,1180,0 -4181,0.0013302132106451448,0.0011854246258735657,0.0006035193800926208,0.4709142785177868,2,1181,0 -4182,0.0013736959891214914,0.0011991225183010101,0.0006701834499835968,0.5096466433729397,2,1182,0 -4183,0.0016040762023457745,0.0014666952192783356,0.0006495118141174316,0.416884025134601,2,1183,0 -4184,0.001449507341590681,0.0011004023253917694,0.000943496823310852,0.708780705091246,2,1184,0 -4185,0.0013016585418278222,0.0010265149176120758,0.0008003637194633484,0.6622337105183113,2,1185,0 -4186,0.001300891145944458,0.0011235028505325317,0.00065578892827034,0.5283481886322274,2,1186,0 -4187,0.0012990949139335703,0.0011341646313667297,0.0006334967911243439,0.5093899427761147,2,1187,0 -4188,0.001507186419755383,0.0008641853928565979,0.0012348257005214691,0.9601750488764117,2,1188,0 -4189,0.0012935359951000492,0.0010865889489650726,0.0007018260657787323,0.5734864415564503,2,1189,0 -4190,0.001266448192258297,0.0010306723415851593,0.000735938549041748,0.6200850102191761,2,1190,0 -4191,0.0012211906022324794,0.0010772645473480225,0.0005751587450504303,0.4904036022685343,2,1191,0 -4192,0.00188640405422894,0.0015223883092403412,0.0011139363050460815,0.6316879133333541,2,1192,0 -4193,0.0015395645725606864,0.0012772046029567719,0.0008596554398536682,0.5924265427686148,2,1193,0 -4194,0.0010719526308603494,0.0008266642689704895,0.0006824284791946411,0.6901098002674675,2,1194,0 -4195,0.001398958727015775,0.0012261830270290375,0.0006734691560268402,0.5022597749090115,2,1195,0 -4196,0.0015087456850049912,0.0011950545012950897,0.000920955091714859,0.6565794793167238,2,1196,0 -4197,0.0015016273526748968,0.0013048946857452393,0.0007430575788021088,0.5176447977598082,2,1197,0 -4198,0.0017208259906895057,0.0015346519649028778,0.0007785148918628693,0.4694632587425175,2,1198,0 -4199,0.0017239431355822303,0.0014251656830310822,0.0009699910879135132,0.5975980128574093,2,1199,0 -4200,0.0013050887996698107,0.0009250417351722717,0.0009206272661685944,0.783006369103593,2,1200,0 -4201,0.0017064464430353115,0.0013451650738716125,0.0010499954223632812,0.6627805486843616,2,1201,0 -4202,0.0014933869669580663,0.0011711791157722473,0.000926576554775238,0.6693203097556213,2,1202,0 -4203,0.0016041032207966509,0.0013366639614105225,0.0008868351578712463,0.5857855950577963,2,1203,0 -4204,0.0014339813700547327,0.0010864809155464172,0.000935874879360199,0.7110647817334604,2,1204,0 -4205,0.0015841879603018041,0.0012150779366493225,0.0010164827108383179,0.6966381209596907,2,1205,0 -4206,0.0019600989372683636,0.0017513036727905273,0.0008802972733974457,0.46576740418134704,2,1206,0 -4207,0.0013825707206292534,0.0011061392724514008,0.0008294321596622467,0.6434014135377616,2,1207,0 -4208,0.0016590741468392224,0.0013170018792152405,0.0010089762508869171,0.6537358349841379,2,1208,0 -4209,0.0011262364019009139,0.0008620359003543854,0.0007247775793075562,0.6991135918543735,2,1209,0 -4210,0.001473276797870848,0.0011255927383899689,0.0009505711495876312,0.7012965432299909,2,1210,0 -4211,0.0013866929020534275,0.0010771788656711578,0.0008732713758945465,0.6812327473790103,2,1211,0 -4212,0.001953518565019694,0.0016382671892642975,0.0010641030967235565,0.5760444918223475,2,1212,0 -4213,0.0013232544994849057,0.00109051913022995,0.0007495135068893433,0.6021513430039609,2,1213,0 -4214,0.0015737336103296999,0.0012975409626960754,0.0008905194699764252,0.601480998226546,2,1214,0 -4215,0.001429977116993853,0.0010026171803474426,0.001019604504108429,0.7937982929853649,2,1215,0 -4216,0.0012921634619002561,0.0011046044528484344,0.0006704740226268768,0.5455368541619924,2,1216,0 -4217,0.0018221399796201532,0.001468554139137268,0.0010786764323711395,0.6335174412420348,2,1217,0 -4218,0.0014565244987310628,0.0011162683367729187,0.000935632735490799,0.6975912374007155,2,1218,0 -4219,0.0013758222272204422,0.0012405142188072205,0.0005949884653091431,0.4472196297689942,2,1219,0 -4220,0.0016169683370174644,0.0012907497584819794,0.0009739361703395844,0.6464072187579871,2,1220,0 -4221,0.0013963835672476865,0.0008023567497730255,0.001142852008342743,0.9586855926642255,2,1221,0 -4222,0.001144014321139455,0.0008543580770492554,0.0007608160376548767,0.7275482600098748,2,1222,0 -4223,0.00150955298368583,0.0010171197354793549,0.0011154450476169586,0.831472133916221,2,1223,0 -4224,0.0011549301168353808,0.0008187331259250641,0.000814579427242279,0.7828550556988103,2,1224,0 -4225,0.0012637117183911684,0.0009032897651195526,0.0008837617933750153,0.7744711174316599,2,1225,0 -4226,0.0016239271258090258,0.0012365691363811493,0.0010526329278945923,0.7052209241487778,2,1226,0 -4227,0.001574742653485929,0.0011680424213409424,0.0010561682283878326,0.735142135982266,2,1227,0 -4228,0.0014475174503672215,0.0009980909526348114,0.0010483898222446442,0.8099714433231712,2,1228,0 -4229,0.0013558792790936793,0.0009965039789676666,0.0009194500744342804,0.7452028350306381,2,1229,0 -4230,0.0015669513897675433,0.0012918896973133087,0.000886768102645874,0.6015479128576727,2,1230,0 -4231,0.0013788007488079468,0.0010986365377902985,0.000833120197057724,0.6488059139171324,2,1231,0 -4232,0.0012398078501018653,0.0010684169828891754,0.0006289742887020111,0.5320673027111024,2,1232,0 -4233,0.0016934101839406566,0.0013975203037261963,0.0009563341736793518,0.6001165295799945,2,1233,0 -4234,0.0015369882985073178,0.0010770633816719055,0.001096479594707489,0.7943309044622838,2,1234,0 -4235,0.0013153313586780492,0.0011088252067565918,0.000707533210515976,0.5679589021707351,2,1235,0 -4236,0.0014036772982389107,0.0011306926608085632,0.0008317716419696808,0.6342408117852727,2,1236,0 -4237,0.0017236173540203046,0.0015801340341567993,0.000688500702381134,0.4109179330989781,2,1237,0 -4238,0.001272138962815187,0.0009785667061805725,0.0008128620684146881,0.6931620318687608,2,1238,0 -4239,0.0013233574552999256,0.0012337341904640198,0.00047872215509414673,0.3701423908007765,2,1239,0 -4240,0.0018918023711968891,0.0017509609460830688,0.0007162764668464661,0.3883061259113721,2,1240,0 -4241,0.0011989008594580426,0.0009676702320575714,0.0007077977061271667,0.6315198695744157,2,1241,0 -4242,0.0014344507677115982,0.0012390576303005219,0.0007227621972560883,0.5280615497569984,2,1242,0 -4243,0.0014513383110692064,0.0009903796017169952,0.0010609105229377747,0.8197683118679726,2,1243,0 -4244,0.0013810576073699783,0.001013677567243576,0.0009379647672176361,0.7466232043700419,2,1244,0 -4245,0.0012721941171820398,0.0008922778069972992,0.000906817615032196,0.7934797200043509,2,1245,0 -4246,0.0016767505350568518,0.001492135226726532,0.0007648691534996033,0.4736770619889313,2,1246,0 -4247,0.0015731283124043474,0.0010564252734184265,0.0011656321585178375,0.8345053937281212,2,1247,0 -4248,0.001406663051382629,0.001158829778432846,0.0007973797619342804,0.6026882118962898,2,1248,0 -4249,0.0012622104487219927,0.0011243224143981934,0.0005736500024795532,0.47178888561355703,2,1249,0 -4250,0.0016659102300042488,0.0013011433184146881,0.0010403282940387726,0.6744660950116513,2,1250,0 -4251,0.0013826283893303164,0.0012890063226222992,0.0005001239478588104,0.37011185552249726,2,1251,0 -4252,0.001452305546930353,0.0012872293591499329,0.0006724819540977478,0.48142695003266667,2,1252,0 -4253,0.0014660634267343949,0.001237090677022934,0.0007867328822612762,0.5664376665467886,2,1253,0 -4254,0.001285786630522816,0.0008954592049121857,0.000922713428735733,0.8003869396443524,2,1254,0 -4255,0.0013527678461510572,0.0011373385787010193,0.000732421875,0.572130702361968,2,1255,0 -4256,0.0024126844684945097,0.0017215944826602936,0.0016903132200241089,0.7762301585930257,2,1256,0 -4257,0.0014711815306244114,0.0011493414640426636,0.0009183622896671295,0.6741513121888744,2,1257,0 -4258,0.001608706845389944,0.0014669597148895264,0.0006602779030799866,0.42293670638349556,2,1258,0 -4259,0.0016342460369938227,0.0013614706695079803,0.0009039677679538727,0.5861293226252158,2,1259,0 -4260,0.0015442194352163201,0.0012829266488552094,0.000859484076499939,0.5902654412442608,2,1260,0 -4261,0.001585646348190772,0.0013372711837291718,0.0008520446717739105,0.5672899670817396,2,1261,0 -4262,0.0015481656044145594,0.0014215856790542603,0.0006131157279014587,0.4071862718814891,2,1262,0 -4263,0.0016533267532149538,0.000882420688867569,0.0013981498777866364,1.0077978097617117,2,1263,0 -4264,0.0011317801929619862,0.0006637871265411377,0.0009166859090328217,0.944067674627531,2,1264,0 -4265,0.0012920980475276977,0.0011431947350502014,0.000602182000875473,0.4848207481381021,2,1265,0 -4266,0.001444351982115037,0.0011404678225517273,0.000886276364326477,0.6606310107989618,2,1266,0 -4267,0.0015689791844786401,0.0013222210109233856,0.0008446462452411652,0.568467579154135,2,1267,0 -4268,0.0015688589863552113,0.0014801286160945892,0.0005201324820518494,0.3379306831437743,2,1268,0 -4269,0.0015861995590788173,0.0014007911086082458,0.0007441863417625427,0.48834289541124054,2,1269,0 -4270,0.0015949300040735785,0.0013052299618721008,0.0009166114032268524,0.6122414461255828,2,1270,0 -4271,0.0015278314804850095,0.001333031803369522,0.0007465220987796783,0.5105021926906883,2,1271,0 -4272,0.0012655744734575358,0.0009750090539455414,0.0008068680763244629,0.6913150337406457,2,1272,0 -4273,0.001307479193833056,0.0009705424308776855,0.0008760988712310791,0.7342992603422019,2,1273,0 -4274,0.001197577840483082,0.0007746592164039612,0.0009132884442806244,0.8673431163242534,2,1274,0 -4275,0.0018012416428286162,0.0014593936502933502,0.0010557658970355988,0.626276875331017,2,1275,0 -4276,0.0012735719222480815,0.0010391995310783386,0.0007362402975559235,0.6163870440349463,2,1276,0 -4277,0.0014032707047628489,0.0009251758456230164,0.0010550916194915771,0.850909448387151,2,1277,0 -4278,0.0015727159613021728,0.0013038255274295807,0.0008794739842414856,0.5934291100732411,2,1278,0 -4279,0.0015736351004790791,0.0012076795101165771,0.001008879393339157,0.69594887248049,2,1279,0 -4280,0.001299582140893692,0.0010507181286811829,0.0007647909224033356,0.6291897593386461,2,1280,0 -4281,0.0013895446507559102,0.0009933151304721832,0.0009716786444187164,0.7743876390993071,2,1281,0 -4282,0.0013959657602412873,0.0012519657611846924,0.00061749666929245,0.45821027253294155,2,1282,0 -4283,0.0015351914243083521,0.0013078078627586365,0.000804021954536438,0.5512206720238239,2,1283,0 -4284,0.001520000066466254,0.001123424619436264,0.0010238736867904663,0.7390703191790886,2,1284,0 -4285,0.0014763408089908702,0.001153305172920227,0.0009216666221618652,0.6742239126050464,2,1285,0 -4286,0.0014110310993047735,0.001196887344121933,0.0007473081350326538,0.5581507124513277,2,1286,0 -4287,0.0015373565836312483,0.0009276941418647766,0.0012259073555469513,0.9229950311689384,2,1287,0 -4288,0.0015118818210792262,0.0011467263102531433,0.0009852945804595947,0.7098246630795063,2,1288,0 -4289,0.0017054148626944746,0.001183249056339264,0.0012281537055969238,0.8040178069089631,2,1289,0 -4290,0.001589849000424379,0.0012019798159599304,0.0010406076908111572,0.7135639714453634,2,1290,0 -4291,0.001672264101838783,0.0013233460485935211,0.0010223612189292908,0.6577824401767102,2,1291,0 -4292,0.0016595227200819588,0.0014591366052627563,0.0007905289530754089,0.49650927300884046,2,1292,0 -4293,0.00181236723051925,0.0011589042842388153,0.0013934187591075897,0.877023649542034,2,1293,0 -4294,0.001434633094398448,0.0010270588099956512,0.001001659780740738,0.7728790774837427,2,1294,0 -4295,0.0014300875992358398,0.0011892728507518768,0.0007942169904708862,0.5887987765462798,2,1295,0 -4296,0.0013347763703549125,0.0011642836034297943,0.0006527416408061981,0.5109738844995858,2,1296,0 -4297,0.0015325214722341728,0.001185741275548935,0.0009708963334560394,0.6861054396789759,2,1297,0 -4298,0.0012914415697904739,0.0011937208473682404,0.0004928000271320343,0.39151487572180316,2,1298,0 -4299,0.001330558436234152,0.0012290142476558685,0.0005098134279251099,0.39321225026934453,2,1299,0 -4300,0.0014881382572469947,0.0012364573776721954,0.000828087329864502,0.5901174331764136,2,1300,0 -4301,0.0015179966266705596,0.0012741759419441223,0.0008250996470451355,0.5746548515640709,2,1301,0 -4302,0.0026006133107353683,0.0014452040195465088,0.0021620765328407288,0.98157164474794,2,1302,0 -4303,0.0013413168230031684,0.0010028630495071411,0.000890728086233139,0.7262490903087467,2,1303,0 -4304,0.0015833233513900073,0.001328982412815094,0.0008606500923633575,0.5746867729423315,2,1304,0 -4305,0.0017119208126020733,0.0012175478041172028,0.0012034326791763306,0.7795678954113904,2,1305,0 -4306,0.0018045796000947581,0.0014833882451057434,0.0010276511311531067,0.6058590549366293,2,1306,0 -4307,0.0016761437680910243,0.0014439970254898071,0.0008510760962963104,0.5325808270921306,2,1307,0 -4308,0.001309803788565346,0.001140151172876358,0.0006447024643421173,0.5146302323587003,2,1308,0 -4309,0.0013436787104484159,0.0012905225157737732,0.00037419795989990234,0.2822191316700131,2,1309,0 -4310,0.0016640704291323316,0.0013853497803211212,0.0009219199419021606,0.587179299377339,2,1310,0 -4311,0.0015489134754528013,0.0009635202586650848,0.0012127496302127838,0.8994227647376132,2,1311,0 -4312,0.0013996366022896985,0.0008035711944103241,0.001145973801612854,0.9592570440469623,2,1312,0 -4313,0.001605961986656086,0.0013442598283290863,0.0008786804974079132,0.5789394853459422,2,1313,0 -4314,0.0018654279290356928,0.0015073753893375397,0.0010989271104335785,0.6299469429949088,2,1314,0 -4315,0.001890478670277667,0.001346733421087265,0.001326732337474823,0.7779169714632604,2,1315,0 -4316,0.00162472966205327,0.00142708420753479,0.0007766447961330414,0.4983931566302542,2,1316,0 -4317,0.0014390704049059859,0.0011803694069385529,0.0008231960237026215,0.6089825131176883,2,1317,0 -4318,0.0010567833646271643,0.0009199939668178558,0.0005200020968914032,0.5144558496054457,2,1318,0 -4319,0.001783238825004754,0.0011184029281139374,0.0013889260590076447,0.8928753607009228,2,1319,0 -4320,0.001278853516196641,0.001123778522014618,0.00061039999127388,0.49758241421611826,2,1320,0 -4321,0.0016747077148006903,0.0015484020113945007,0.0006380416452884674,0.3908634293464266,2,1321,0 -4322,0.001454038118289722,0.00128110870718956,0.0006877407431602478,0.4926776033816572,2,1322,0 -4323,0.0013236016040188185,0.0010911449790000916,0.0007492154836654663,0.6016979604805502,2,1323,0 -4324,0.0017959766505890558,0.0012815557420253754,0.0012582316994667053,0.7762149591160703,2,1324,0 -4325,0.0017602366800435888,0.0013021938502788544,0.0011843666434288025,0.7380479637310289,2,1325,0 -4326,0.0020350387515813665,0.0017976760864257812,0.0009538047015666962,0.48780855303361736,2,1326,0 -4327,0.0015634997893073732,0.0011485256254673004,0.0010608583688735962,0.7457394663941808,2,1327,0 -4328,0.001307004730821548,0.001203242689371109,0.0005103610455989838,0.4011544555038203,2,1328,0 -4329,0.0012230993769016154,0.0008380711078643799,0.0008908472955226898,0.8159142388040758,2,1329,0 -4330,0.0014840583168039163,0.001199379563331604,0.0008740238845348358,0.6297487693754269,2,1330,0 -4331,0.0018585580359633661,0.0014277026057243347,0.0011899173259735107,0.6948065416084122,2,1331,0 -4332,0.0014080962429253703,0.0009880326688289642,0.001003257930278778,0.7930439408527715,2,1332,0 -4333,0.001368975414220231,0.0012322068214416504,0.0005964562296867371,0.45081066875838965,2,1333,0 -4334,0.0012034842274185648,0.001091253012418747,0.0005074851214885712,0.4352972067533528,2,1334,0 -4335,0.0013706182764866698,0.001263406127691269,0.000531412661075592,0.3981540830497131,2,1335,0 -4336,0.00142269363865824,0.0012823864817619324,0.000616069883108139,0.4478522556429366,2,1336,0 -4337,0.001218980288548094,0.000977102667093277,0.0007288232445716858,0.6408734959315434,2,1337,0 -4338,0.0010022341362256224,0.0007419101893901825,0.0006738267838954926,0.7373447507785822,2,1338,0 -4339,0.001688103405058142,0.001359846442937851,0.0010002553462982178,0.6341984705928938,2,1339,0 -4340,0.0030570601418449185,0.0019664466381073,0.0023406632244586945,0.8720639833188035,2,1340,0 -4341,0.0014657842483879158,0.0009240806102752686,0.001137804239988327,0.8886838017216954,2,1341,0 -4342,0.0014855452011737688,0.0013757608830928802,0.000560469925403595,0.3868599773269345,2,1342,0 -4343,0.001212703559490944,0.0011435635387897491,0.000403624027967453,0.3393030087151853,2,1343,0 -4344,0.0014995192507666311,0.0012772977352142334,0.00078553706407547,0.5513753721545089,2,1344,0 -4345,0.0015562196187385287,0.0012117214500904083,0.0009764991700649261,0.6783145813385366,2,1345,0 -4346,0.0012801051769139695,0.0008612163364887238,0.0009470880031585693,0.8328499134155709,2,1346,0 -4347,0.0014765185544999492,0.0011269748210906982,0.0009539574384689331,0.702444794602603,2,1347,0 -4348,0.0013654889114623767,0.001002579927444458,0.0009270347654819489,0.746267760657598,2,1348,0 -4349,0.001238520379666357,0.0009538978338241577,0.0007899440824985504,0.691655029175867,2,1349,0 -4350,0.001635110796961919,0.0011616908013820648,0.0011506788432598114,0.7806360031156977,2,1350,0 -4351,0.0011964808297951239,0.0009413547813892365,0.0007385239005088806,0.6652384397067425,2,1351,0 -4352,0.0018154701171344979,0.0012366734445095062,0.0013291239738464355,0.8214144717764054,2,1352,0 -4353,0.0015022485791177222,0.0012051388621330261,0.0008968785405158997,0.6397863456180634,2,1353,0 -4354,0.0018466001030853778,0.0015802085399627686,0.0009554438292980194,0.5438180434137412,2,1354,0 -4355,0.0015888489930311314,0.0013136006891727448,0.000893808901309967,0.5974683388238989,2,1355,0 -4356,0.0014216883793549194,0.0011963583528995514,0.0007680654525756836,0.5707327517232934,2,1356,0 -4357,0.001505444222832358,0.0013068914413452148,0.0007472597062587738,0.519414063790704,2,1357,0 -4358,0.0029684712648695663,0.001458004117012024,0.0025857388973236084,1.0573715979835372,2,1358,0 -4359,0.001360171600532941,0.0008908174932003021,0.0010278671979904175,0.8567060421248042,2,1359,0 -4360,0.0019120448352004616,0.0015587732195854187,0.0011073127388954163,0.6176548306107627,2,1360,0 -4361,0.001863269406688753,0.0013977140188217163,0.001232139766216278,0.7225216646050607,2,1361,0 -4362,0.0014085454956509918,0.0010841898620128632,0.0008991844952106476,0.6923892037077848,2,1362,0 -4363,0.0013943266973130146,0.0011310353875160217,0.000815417617559433,0.6246470654901486,2,1363,0 -4364,0.0014378231509327704,0.0011401847004890442,0.0008759647607803345,0.655089015969255,2,1364,0 -4365,0.0016231572256445415,0.0014153346419334412,0.0007946491241455078,0.5115965741004352,2,1365,0 -4366,0.0013221984896975379,0.000989619642496109,0.00087684765458107,0.725051507328042,2,1366,0 -4367,0.001417363502911093,0.0007478855550289154,0.0012039877474308014,1.014953222260235,2,1367,0 -4368,0.0019700332643898056,0.001607745885848999,0.0011385008692741394,0.6161647464776631,2,1368,0 -4369,0.001451674269716718,0.0012879930436611176,0.0006696507334709167,0.47945472256648225,2,1369,0 -4370,0.0017061894007604965,0.00140337273478508,0.0009703747928142548,0.6049707606774682,2,1370,0 -4371,0.0012666874900073523,0.000814780592918396,0.000969860702753067,0.8720775018932586,2,1371,0 -4372,0.0015605129125509211,0.0011430419981479645,0.0010623820126056671,0.7488409980159653,2,1372,0 -4373,0.0018995530422077434,0.0016124919056892395,0.0010040774941444397,0.5569341919981247,2,1373,0 -4374,0.0013588118423415528,0.001027468591928482,0.0008892007172107697,0.7133832542373613,2,1374,0 -4375,0.0012939659335051159,0.0007961280643939972,0.0010200627148151398,0.9080780558838195,2,1375,0 -4376,0.0013689831400580616,0.0007823407649993896,0.0011234134435653687,0.9624931700892557,2,1376,0 -4377,0.0014938969728596778,0.0013151206076145172,0.0007086507976055145,0.4942413226001678,2,1377,0 -4378,0.0007580830000443437,0.00057186558842659,0.0004976540803909302,0.7161215037937615,2,1378,0 -4379,0.001979204621271858,0.0015256106853485107,0.001260858029127121,0.6906688564216192,2,1379,0 -4380,0.0011371699345755486,0.000799126923084259,0.0008090436458587646,0.7915645472833254,2,1380,0 -4381,0.0017357900172633772,0.0012907236814498901,0.001160603016614914,0.7323662036988247,2,1381,0 -4382,0.0014296224872377358,0.001286376267671585,0.0006237439811229706,0.45148229401206097,2,1382,0 -4383,0.0015845496233728776,0.0013565011322498322,0.0008189640939235687,0.5431596149038457,2,1383,0 -4384,0.0012291376891473797,0.0009758323431015015,0.0007473491132259369,0.6535732871605493,2,1384,0 -4385,0.0016938183353760543,0.0011805742979049683,0.0012146048247814178,0.799605133127729,2,1385,0 -4386,0.0015887466899029612,0.0014423355460166931,0.0006661713123321533,0.43268094027518617,2,1386,0 -4387,0.0013943880719686,0.0012483149766921997,0.000621311366558075,0.4618219693662069,2,1387,0 -4388,0.0015927177361246571,0.0013474486768245697,0.0008491948246955872,0.562347257948904,2,1388,0 -4389,0.0014442851205262847,0.0009141303598880768,0.0011181794106960297,0.8854653484834856,2,1389,0 -4390,0.001966432245448942,0.0014610029757022858,0.0013161785900592804,0.733297385325943,2,1390,0 -4391,0.0015614510797811046,0.0012470781803131104,0.000939641147851944,0.6457208472051251,2,1391,0 -4392,0.001532178163128048,0.0010018348693847656,0.0011592656373977661,0.8581172102613053,2,1392,0 -4393,0.0011945127344868487,0.0008635334670543671,0.0008253306150436401,0.7627815783916339,2,1393,0 -4394,0.0014048286435530256,0.0007618479430675507,0.0011803098022937775,0.9976161973235476,2,1394,0 -4395,0.001663498558018544,0.001442406326532364,0.000828668475151062,0.5214615839792438,2,1395,0 -4396,0.0013608241758490296,0.0012866780161857605,0.0004430599510669708,0.3316272744955935,2,1396,0 -4397,0.0014650724174562625,0.0010268762707710266,0.0010449700057506561,0.7941310868849399,2,1397,0 -4398,0.0017730417611317407,0.0014404729008674622,0.0010337866842746735,0.6224879912917826,2,1398,0 -4399,0.0017643969325242118,0.0013606026768684387,0.0011233240365982056,0.6901615241532747,2,1399,0 -4400,0.0014301694349215994,0.000971868634223938,0.0010492168366909027,0.823650119729212,2,1400,0 -4401,0.0013775500634342795,0.0010853447020053864,0.0008483342826366425,0.6634368081727448,2,1401,0 -4402,0.0013494929988946166,0.001289326697587967,0.00039845705032348633,0.29973209745703394,2,1402,0 -4403,0.001334004384355489,0.0010465160012245178,0.0008272677659988403,0.6689195134644381,2,1403,0 -4404,0.0017448377369421566,0.0010812990367412567,0.0013693980872631073,0.9024190632556388,2,1404,0 -4405,0.0018166070367864173,0.0014356151223182678,0.0011131353676319122,0.6595422612489892,2,1405,0 -4406,0.0016164171058640079,0.0012261942028999329,0.0010532103478908539,0.7096534211058088,2,1406,0 -4407,0.0016200947289796647,0.0013523288071155548,0.0008921399712562561,0.5831684667796263,2,1407,0 -4408,0.0015689813487641167,0.0013924390077590942,0.0007230602204799652,0.47894925910365266,2,1408,0 -4409,0.002148936903457808,0.0017250403761863708,0.0012814700603485107,0.6389182790742292,2,1409,0 -4410,0.0012739464922282937,0.0010805651545524597,0.0006747730076313019,0.5582130978119367,2,1410,0 -4411,0.0014977523710861499,0.0008500292897224426,0.001233171671628952,0.9672854964073746,2,1411,0 -4412,0.001433161811243313,0.000959441065788269,0.0010646246373653412,0.8373179411293099,2,1412,0 -4413,0.0009432708196532736,0.0008246526122093201,0.0004579387605190277,0.5069116945504368,2,1413,0 -4414,0.0012091780120180153,0.0010846033692359924,0.0005345530807971954,0.45791594680718933,2,1414,0 -4415,0.0013092894598702482,0.0010239630937576294,0.0008159279823303223,0.6728070971487058,2,1415,0 -4416,0.0017438971609578678,0.0013431943953037262,0.0011122077703475952,0.691601376745443,2,1416,0 -4417,0.00166881584624364,0.0013939104974269867,0.000917583703994751,0.5821741051257349,2,1417,0 -4418,0.0017260544250311146,0.0011576823890209198,0.0012802481651306152,0.8356303857448507,2,1418,0 -4419,0.0013392556828973167,0.0010913088917732239,0.0007763057947158813,0.6183048224905721,2,1419,0 -4420,0.0013080828187366604,0.0008316226303577423,0.0010096952319145203,0.881807668269283,2,1420,0 -4421,0.0013321153289969224,0.00100712850689888,0.0008719079196453094,0.7135592737248303,2,1421,0 -4422,0.0014663335800379667,0.0013550706207752228,0.0005602836608886719,0.39206589042867585,2,1422,0 -4423,0.0014127917040443738,0.0012535899877548218,0.000651530921459198,0.47930836816243516,2,1423,0 -4424,0.0015277836971771892,0.001378968358039856,0.0006577000021934509,0.44503877525799723,2,1424,0 -4425,0.001545914788579621,0.0011928863823413849,0.0009832978248596191,0.6893841784712562,2,1425,0 -4426,0.001353801442925198,0.000955432653427124,0.0009591281414031982,0.7873283624262094,2,1426,0 -4427,0.001254503969613687,0.0009927190840244293,0.0007670000195503235,0.6578248416061019,2,1427,0 -4428,0.0011784869152807202,0.0009768977761268616,0.0006591677665710449,0.5935821141173306,2,1428,0 -4429,0.001575064598471948,0.0013644620776176453,0.0007868111133575439,0.5230701454069663,2,1429,0 -4430,0.0016799790850372473,0.001298610121011734,0.0010658055543899536,0.6872527357658796,2,1430,0 -4431,0.0017300576602923843,0.0013720355927944183,0.0010538585484027863,0.6549839166027465,2,1431,0 -4432,0.0014951378357497813,0.0012860074639320374,0.000762641429901123,0.5352789812420267,2,1432,0 -4433,0.0016961946811003975,0.0012049749493598938,0.0011937804520130157,0.7807314032628638,2,1433,0 -4434,0.0013642853805102284,0.0010387562215328217,0.0008844546973705292,0.7053384499674138,2,1434,0 -4435,0.0018745151463090515,0.001142449676990509,0.0014861412346363068,0.9154118650607722,2,1435,0 -4436,0.0019000419019737154,0.0015063025057315826,0.0011581070721149445,0.6554506845202113,2,1436,0 -4437,0.001176566957517345,0.0010327138006687164,0.0005637481808662415,0.49968229832746924,2,1437,0 -4438,0.0019490588233412732,0.0013660266995429993,0.001390252262353897,0.7941871645697747,2,1438,0 -4439,0.0014274312315681202,0.0011654719710350037,0.0008241571485996246,0.6155048852028348,2,1439,0 -4440,0.001887627157860052,0.0015129931271076202,0.0011287108063697815,0.6409438048203179,2,1440,0 -4441,0.0012440026614195102,0.0010102353990077972,0.0007259249687194824,0.6230807104616363,2,1441,0 -4442,0.001306857199118463,0.0008190348744392395,0.0010183602571487427,0.8934581751388087,2,1442,0 -4443,0.0013431375034501235,0.0011632554233074188,0.0006714574992656708,0.5235031340664875,2,1443,0 -4444,0.0013502405914350326,0.0010157637298107147,0.0008895918726921082,0.7192751163114346,2,1444,0 -4445,0.0014768113633408168,0.0012446530163288116,0.0007948651909828186,0.5683363624171958,2,1445,0 -4446,0.0013821030973415252,0.0009853504598140717,0.0009691715240478516,0.7771206580089766,2,1446,0 -4447,0.0014417232011079606,0.0011608041822910309,0.0008550435304641724,0.6348671077248447,2,1447,0 -4448,0.0016865186537757865,0.0014522187411785126,0.0008575581014156342,0.5334166311105919,2,1448,0 -4449,0.001428323159096246,0.0011284761130809784,0.0008755847811698914,0.6598721950020722,2,1449,0 -4450,0.001679584905852956,0.0011182650923728943,0.0012531913816928864,0.8422328473593699,2,1450,0 -4451,0.0011902180783621076,0.0010457485914230347,0.0005683563649654388,0.49783321315698165,2,1451,0 -4452,0.0013120320302751247,0.0010373853147029877,0.0008032806217670441,0.6588925820488518,2,1452,0 -4453,0.0016011689904877832,0.0013276226818561554,0.0008950755000114441,0.5931958770416367,2,1453,0 -4454,0.0015569193235579995,0.0013459362089633942,0.0007825940847396851,0.526667824317214,2,1454,0 -4455,0.0014917827617882023,0.0012112930417060852,0.0008707381784915924,0.6232653592090186,2,1455,0 -4456,0.0015702667627712932,0.0010969899594783783,0.0011235438287258148,0.797355920468568,2,1456,0 -4457,0.0015568743679381222,0.0010175034403800964,0.0011783652007579803,0.8585240892015458,2,1457,0 -4458,0.0013310821638656222,0.0010933391749858856,0.0007592029869556427,0.6069504368672128,2,1458,0 -4459,0.0018422571160690857,0.0015852712094783783,0.0009385235607624054,0.5345364685630273,2,1459,0 -4460,0.0016519659125660347,0.0014480091631412506,0.0007951483130455017,0.5021766330130506,2,1460,0 -4461,0.0015376001959823886,0.0010409243404865265,0.0011316761374473572,0.8271449416056809,2,1461,0 -4462,0.0014736714343824959,0.0012713931500911713,0.0007451623678207397,0.5301355339342688,2,1462,0 -4463,0.0014801383392382573,0.0007253549993038177,0.0012902207672595978,1.058638979676647,2,1463,0 -4464,0.0015210096987649292,0.0010647960007190704,0.0010861307382583618,0.7953166964326107,2,1464,0 -4465,0.0013732106704580339,0.0012397617101669312,0.0005905069410800934,0.44451403315749555,2,1465,0 -4466,0.0009096352703214064,0.0006661713123321533,0.0006193965673446655,0.749029705945064,2,1466,0 -4467,0.0016007231790455209,0.0012700483202934265,0.0009743161499500275,0.654386358726863,2,1467,0 -4468,0.0014131479244724138,0.0010433942079544067,0.0009530559182167053,0.7401795486690984,2,1468,0 -4469,0.0016797232185548753,0.0013457536697387695,0.0010051950812339783,0.6415387980178808,2,1469,0 -4470,0.0014201975379276525,0.001065380871295929,0.0009391084313392639,0.7224864754132106,2,1470,0 -4471,0.0013163587094106623,0.0012010708451271057,0.0005387291312217712,0.42163969025216297,2,1471,0 -4472,0.0018785617824562612,0.001178145408630371,0.0014632046222686768,0.8929038612339215,2,1472,0 -4473,0.001686600541576636,0.0013887658715248108,0.000957053154706955,0.6033996599554083,2,1473,0 -4474,0.0015201493855876453,0.0012152306735515594,0.0009132735431194305,0.6444749805802664,2,1474,0 -4475,0.0018374645883642384,0.0013461746275424957,0.0012506358325481415,0.7486239261334804,2,1475,0 -4476,0.0012923225762659174,0.0010280609130859375,0.0007830634713172913,0.650940673857052,2,1476,0 -4477,0.0013282759035469522,0.001162853091955185,0.000641942024230957,0.5044084781129113,2,1477,0 -4478,0.0011493268637108175,0.0006740987300872803,0.00093088299036026,0.9440456403618307,2,1478,0 -4479,0.001906262397310273,0.0016712099313735962,0.0009170025587081909,0.5018490294280122,2,1479,0 -4480,0.001498154634452614,0.0011413916945457458,0.0009704083204269409,0.7046086892134383,2,1480,0 -4481,0.0015427703974363013,0.0011640116572380066,0.0010125301778316498,0.7159128890971902,2,1481,0 -4482,0.0013842456249374578,0.0011075399816036224,0.0008303560316562653,0.6433283333594723,2,1482,0 -4483,0.0017255716396096328,0.0015163347125053406,0.0008236058056354523,0.4975732694234779,2,1483,0 -4484,0.0014083753717861697,0.0013205185532569885,0.0004896447062492371,0.355081024816795,2,1484,0 -4485,0.0015701512851049146,0.0014297962188720703,0.0006488896906375885,0.42603744600532184,2,1485,0 -4486,0.0011561917911005995,0.001051872968673706,0.0004799403250217438,0.42805757781577763,2,1486,0 -4487,0.0013788093057796435,0.001113947480916977,0.0008125491440296173,0.6302072376702403,2,1487,0 -4488,0.0015652293042913636,0.0012748800218105316,0.0009080879390239716,0.6189286501805286,2,1488,0 -4489,0.0015234460754080597,0.0014151819050312042,0.0005640462040901184,0.37927127447078807,2,1489,0 -4490,0.0015805547111305595,0.0012854337692260742,0.000919681042432785,0.6210289876397138,2,1490,0 -4491,0.0017147144124590198,0.0014916956424713135,0.0008456297218799591,0.5157192479027469,2,1491,0 -4492,0.0017183231749606138,0.0011614784598350525,0.00126633420586586,0.8285607285156308,2,1492,0 -4493,0.001355528611909371,0.0009439252316951752,0.0009728632867336273,0.8004941724253956,2,1493,0 -4494,0.001340653853117757,0.0010263584554195404,0.0008625201880931854,0.6988763367199429,2,1494,0 -4495,0.0017821178832524074,0.00161825492978096,0.000746455043554306,0.43218775665567305,2,1495,0 -4496,0.0010764749234513826,0.0009397305548191071,0.0005250759422779083,0.5095374436038542,2,1496,0 -4497,0.0012815061510862747,0.0011668093502521515,0.0005299188196659088,0.42630848148679573,2,1497,0 -4498,0.0014828567979254964,0.001079656183719635,0.001016467809677124,0.7552619481564596,2,1498,0 -4499,0.0012088822269950108,0.0010055825114250183,0.0006709694862365723,0.5884025946375443,2,1499,0 -4500,0.0012802387974596183,0.0010867007076740265,0.0006768256425857544,0.5570345861934355,2,1500,0 -4501,0.0013775384964911385,0.0011488832533359528,0.000760052353143692,0.5844571547891343,2,1501,0 -4502,0.001334087080282755,0.0012673959136009216,0.0004165284335613251,0.3175287707152742,2,1502,0 -4503,0.0012211512450221707,0.0009522698819637299,0.000764455646276474,0.6764289331003704,2,1503,0 -4504,0.0013222505896479404,0.0011819303035736084,0.0005927793681621552,0.4648748233249926,2,1504,0 -4505,0.0014653222000806131,0.0011260546743869781,0.0009376406669616699,0.6943512468115584,2,1505,0 -4506,0.0015952845312544404,0.0013265907764434814,0.0008860528469085693,0.5888678838223942,2,1506,0 -4507,0.0015179089922665882,0.001307118684053421,0.0007716789841651917,0.533305874838535,2,1507,0 -4508,0.0014154327418307328,0.0009446069598197937,0.0010541193187236786,0.8401345069516688,2,1508,0 -4509,0.0012418533654957125,0.0010544881224632263,0.0006559379398822784,0.5564707801492007,2,1509,0 -4510,0.0014554355128113346,0.0012175925076007843,0.0007973462343215942,0.5797804812629014,2,1510,0 -4511,0.0017240169674550194,0.001103237271308899,0.0013248026371002197,0.8763989014505665,2,1511,0 -4512,0.001464710331965326,0.0012717247009277344,0.0007266998291015625,0.5191461142465229,2,1512,0 -4513,0.0012510701340165736,0.000994320958852768,0.0007592774927616119,0.6521573414427619,2,1513,0 -4514,0.0013566741333876085,0.0009202063083648682,0.0009968876838684082,0.8253756088615837,2,1514,0 -4515,0.0012562558300996901,0.0009803622961044312,0.00078553706407547,0.6755161990515702,2,1515,0 -4516,0.001353465356951666,0.0011415928602218628,0.0007270723581314087,0.5671058201780609,2,1516,0 -4517,0.0015253182700342399,0.0011813044548034668,0.0009649433195590973,0.684928565133076,2,1517,0 -4518,0.0006899211063254033,0.00045026838779449463,0.0005227327346801758,0.8597360175588994,2,1518,0 -4519,0.0014940450610917684,0.0009850747883319855,0.0011232979595661163,0.8508636521368044,2,1519,0 -4520,0.001657956906117867,0.0012980811297893524,0.0010314099490642548,0.6714181753610914,2,1520,0 -4521,0.0014522664697402224,0.001249205321073532,0.0007406510412693024,0.5351809011600714,2,1521,0 -4522,0.001562081607759188,0.0012589581310749054,0.0009247288107872009,0.6335194990939829,2,1522,0 -4523,0.0011246986924341195,0.0008142776787281036,0.0007758215069770813,0.7612181141150558,2,1523,0 -4524,0.0015542891822809502,0.0014242082834243774,0.0006224513053894043,0.4120333080935318,2,1524,0 -4525,0.001649270281807104,0.0013135112822055817,0.000997386872768402,0.6494448202138625,2,1525,0 -4526,0.0017427024006809544,0.0015000924468040466,0.0008869804441928864,0.5339859188232108,2,1526,0 -4527,0.0012516320422062976,0.0010823644697666168,0.000628545880317688,0.5261190596346065,2,1527,0 -4528,0.0012060103620016758,0.0007652267813682556,0.0009321421384811401,0.8834207057328006,2,1528,0 -4529,0.0016033842516844003,0.0013894513249397278,0.0008001662790775299,0.5225002629433023,2,1529,0 -4530,0.001103985873968801,0.0005304887890815735,0.0009681768715381622,1.0695472231006133,2,1530,0 -4531,0.0008895427929419,0.0007849410176277161,0.0004185140132904053,0.48983710972660416,2,1531,0 -4532,0.0016253805912298,0.0013308413326740265,0.0009331256151199341,0.6115004902338083,2,1532,0 -4533,0.0016838179362859292,0.0014393478631973267,0.0008737966418266296,0.5456077760836062,2,1533,0 -4534,0.0010715708945680433,0.0009694695472717285,0.0004565007984638214,0.44007887141131113,2,1534,0 -4535,0.001501101776337521,0.0011724531650543213,0.0009373687207698822,0.6744320433088264,2,1535,0 -4536,0.0014685613009472172,0.0009366050362586975,0.0011311247944831848,0.8791961801613788,2,1536,0 -4537,0.001646208594453614,0.0013798139989376068,0.0008978396654129028,0.5768644541866835,2,1537,0 -4538,0.0014888023370264898,0.0012646019458770752,0.0007856935262680054,0.5559321259476816,2,1538,0 -4539,0.0013239834091410207,0.0008547790348529816,0.001011081039905548,0.8689724528353179,2,1539,0 -4540,0.0015126506958139498,0.0011614114046096802,0.0009691417217254639,0.6953979333315196,2,1540,0 -4541,0.0012599429112721912,0.0010989010334014893,0.0006163381040096283,0.5111486348704878,2,1541,0 -4542,0.0016792421167737838,0.0013562478125095367,0.0009901747107505798,0.6306324967501951,2,1542,0 -4543,0.0015584801507181698,0.001366008073091507,0.0007502548396587372,0.5022530996292016,2,1543,0 -4544,0.001319553189270532,0.0010260902345180511,0.0008296743035316467,0.6799497726926762,2,1544,0 -4545,0.0011637069210975435,0.0009829699993133545,0.0006228834390640259,0.5648131554704844,2,1545,0 -4546,0.001098608079018448,0.0008322745561599731,0.0007171183824539185,0.7112111504627668,2,1546,0 -4547,0.0016729897812841916,0.0014125220477581024,0.0008964799344539642,0.5655200798969956,2,1547,0 -4548,0.0014429966981508164,0.001216832548379898,0.000775601714849472,0.567462222252789,2,1548,0 -4549,0.0015308691066619603,0.0012229420244693756,0.0009208545088768005,0.6454074730766827,2,1549,0 -4550,0.001401684876345413,0.0011090412735939026,0.0008571743965148926,0.6579947119209855,2,1550,0 -4551,0.0014821032757282593,0.0009227804839611053,0.0011597871780395508,0.8987156668645148,2,1551,0 -4552,0.0016128386198898715,0.0012916959822177887,0.0009658001363277435,0.6420270114470351,2,1552,0 -4553,0.001245378983679709,0.0009800717234611511,0.0007683932781219482,0.6649191896140296,2,1553,0 -4554,0.0012088254325191955,0.0010801851749420166,0.0005426406860351562,0.4655329846142199,2,1554,0 -4555,0.003168814907806164,0.002050824463367462,0.002415679395198822,0.8669041126025799,2,1555,0 -4556,0.0013513293079025408,0.0012474805116653442,0.0005195029079914093,0.3945994188639912,2,1556,0 -4557,0.0014298100349813417,0.0010891593992710114,0.0009263306856155396,0.7047845968606486,2,1557,0 -4558,0.001429153029515176,0.0011784099042415619,0.0008085966110229492,0.6013877441841216,2,1558,0 -4559,0.001490170025018108,0.0010751783847808838,0.0010317936539649963,0.7648100397753612,2,1559,0 -4560,0.001533101115088544,0.0011722147464752197,0.0009880848228931427,0.70037015448713,2,1560,0 -4561,0.0015442208247024994,0.0012542493641376495,0.0009008198976516724,0.6228460523579116,2,1561,0 -4562,0.0013491911866509321,0.0011312663555145264,0.0007352232933044434,0.5763131772349955,2,1562,0 -4563,0.0019377303375519566,0.0014323480427265167,0.0013050585985183716,0.7389316219584717,2,1563,0 -4564,0.0017083115192479935,0.0014557726681232452,0.0008938983082771301,0.5506769528008951,2,1564,0 -4565,0.001020571003986752,0.0008963122963905334,0.0004880465567111969,0.49861463990164073,2,1565,0 -4566,0.0015110201985329605,0.0011245310306549072,0.0010092630982398987,0.7314304433624943,2,1566,0 -4567,0.0014839291987257769,0.0007516480982303619,0.001279480755329132,1.039645926343651,2,1567,0 -4568,0.0014584592570674021,0.001259148120880127,0.0007359683513641357,0.5289422675549931,2,1568,0 -4569,0.0016922342303928408,0.0013167224824428558,0.0010629668831825256,0.6791656814592502,2,1569,0 -4570,0.0010805723945207725,0.0009085498750209808,0.0005849562585353851,0.5720291241654819,2,1570,0 -4571,0.0012578058260644131,0.0010819174349308014,0.000641506165266037,0.5352080765250371,2,1571,0 -4572,0.0011809847719090544,0.0010237954556941986,0.0005887001752853394,0.5218473373542707,2,1572,0 -4573,0.0013340234157330176,0.0010963194072246552,0.0007600672543048859,0.6062083814157418,2,1573,0 -4574,0.0013252600979044315,0.0010565221309661865,0.0008000470697879791,0.648122389596465,2,1574,0 -4575,0.0018621977626619146,0.0016176737844944,0.0009224489331245422,0.5182434205781462,2,1575,0 -4576,0.0016101487852161398,0.0012448914349079132,0.0010211877524852753,0.6869985949244881,2,1576,0 -4577,0.0013536053054722334,0.000963795930147171,0.0009504444897174835,0.7784234784041989,2,1577,0 -4578,0.0015230145159319363,0.001208130270242691,0.000927358865737915,0.6546692781400613,2,1578,0 -4579,0.001275178920828795,0.0011485442519187927,0.000554010272026062,0.4494352009013931,2,1579,0 -4580,0.0014362508459029558,0.0012060031294822693,0.0007799826562404633,0.5740871939027951,2,1580,0 -4581,0.001749955648006102,0.001186564564704895,0.001286238431930542,0.8256844047950943,2,1581,0 -4582,0.0015007180854725575,0.0011761114001274109,0.000932157039642334,0.6701973621872986,2,1582,0 -4583,0.0016346380269110893,0.0012869089841842651,0.0010079219937324524,0.6644199286018596,2,1583,0 -4584,0.001511640314418951,0.0012361779808998108,0.0008700117468833923,0.6132661688209123,2,1584,0 -4585,0.0011491868638054256,0.0008617192506790161,0.0007603093981742859,0.7229590496516771,2,1585,0 -4586,0.0014322275760064414,0.0011674612760543823,0.000829644501209259,0.6178311643918417,2,1586,0 -4587,0.001291455610066191,0.0010867342352867126,0.0006977580487728119,0.5707793995907429,2,1587,0 -4588,0.001426583943760908,0.0012414045631885529,0.0007028914988040924,0.5152007220498631,2,1588,0 -4589,0.0015213812726504845,0.0013196095824241638,0.0007571205496788025,0.5208912580484619,2,1589,0 -4590,0.0013797148054584005,0.0008608661592006683,0.0010782033205032349,0.897015540937422,2,1590,0 -4591,0.0015011329490468045,0.0010941922664642334,0.0010276883840560913,0.7540664675120624,2,1591,0 -4592,0.0013929833269869538,0.0009710267186164856,0.0009987540543079376,0.7994735899408488,2,1592,0 -4593,0.001244343335398462,0.0010682754218578339,0.0006381049752235413,0.5384484448748617,2,1593,0 -4594,0.0016193797536513204,0.0009961090981960297,0.0012767761945724487,0.9082611261439308,2,1594,0 -4595,0.001654906406367058,0.0013740435242652893,0.0009223446249961853,0.5911779571431476,2,1595,0 -4596,0.0015886727675021796,0.0014743991196155548,0.0005916319787502289,0.3816006338935503,2,1596,0 -4597,0.0014640785651764817,0.001346450299024582,0.0005749762058258057,0.4035897824282108,2,1597,0 -4598,0.0018768316494119067,0.0017198733985424042,0.0007513538002967834,0.41187797238829105,2,1598,0 -4599,0.001425170372527642,0.0010153204202651978,0.0010001175105571747,0.7778550775324279,2,1599,0 -4600,0.0015119199490787483,0.0010867565870285034,0.0010511241853237152,0.7687325461079022,2,1600,0 -4601,0.0012944173419773795,0.0011656396090984344,0.0005628503859043121,0.44984853717462375,2,1601,0 -4602,0.0014875042074081867,0.0010319575667381287,0.0010713227093219757,0.8041120493094951,2,1602,0 -4603,0.0014915715434045873,0.001254834234714508,0.0008063353598117828,0.5711435973099589,2,1603,0 -4604,0.0012569246136289788,0.0010027289390563965,0.0007578879594802856,0.647218925172171,2,1604,0 -4605,0.0012999817154637815,0.001159120351076126,0.0005885511636734009,0.4698337233570979,2,1605,0 -4606,0.001042855570584592,0.0008050501346588135,0.0006629042327404022,0.6888664809165628,2,1606,0 -4607,0.0015528503369497445,0.001499902456998825,0.0004020407795906067,0.26188841798930385,2,1607,0 -4608,0.0014849475852810935,0.0009399838745594025,0.0011495649814605713,0.8853635319339357,2,1608,0 -4609,0.0018755814754483472,0.0014634877443313599,0.0011730343103408813,0.6756752442462576,2,1609,0 -4610,0.0012235159072347976,0.0010367892682552338,0.0006496608257293701,0.5597550547348897,2,1610,0 -4611,0.0013043253569958897,0.0010644420981407166,0.0007538087666034698,0.6161899216396235,2,1611,0 -4612,0.0014720264326169314,0.0011101514101028442,0.0009666569530963898,0.7164140594669317,2,1612,0 -4613,0.0015211562873544973,0.001256115734577179,0.0008579567074775696,0.5992413214667662,2,1613,0 -4614,0.001375859374776933,0.0011860392987728119,0.0006973519921302795,0.5315247348602521,2,1614,0 -4615,0.001183049572680282,0.0009560510516166687,0.0006968304514884949,0.6298357702346256,2,1615,0 -4616,0.0012200962357732173,0.0009773410856723785,0.0007303692400455475,0.6417723431797379,2,1616,0 -4617,0.0013038222448096058,0.0011470578610897064,0.0006198473274707794,0.49542756074481537,2,1617,0 -4618,0.0013264729537376583,0.0010709650814533234,0.0007826648652553558,0.6311016263315099,2,1618,0 -4619,0.0014326986835701881,0.0011812299489974976,0.0008107535541057587,0.6015154504738482,2,1619,0 -4620,0.0016079314711563567,0.0014064572751522064,0.0007793083786964417,0.5059803320638685,2,1620,0 -4621,0.0017561219268629213,0.0014655627310276031,0.0009675174951553345,0.5834899642851088,2,1621,0 -4622,0.0012081934460820354,0.0010505057871341705,0.0005967989563941956,0.5166380489719801,2,1622,0 -4623,0.0016130306811118164,0.0010493509471416473,0.0012250430881977081,0.8624929493960768,2,1623,0 -4624,0.001588016456910457,0.0014034286141395569,0.0007430911064147949,0.4869545999741285,2,1624,0 -4625,0.0014144419171631224,0.001306869089603424,0.0005410537123680115,0.39252325403589305,2,1625,0 -4626,0.0016836766058898006,0.0015192031860351562,0.0007258020341396332,0.4456911504632985,2,1626,0 -4627,0.001053270717739374,0.0008710809051990509,0.0005921125411987305,0.5970019927166998,2,1627,0 -4628,0.0017300902851112559,0.001427341252565384,0.0009777061641216278,0.6005769773999634,2,1628,0 -4629,0.0013530657030158206,0.0008854605257511139,0.0010231062769889832,0.8573934679283872,2,1629,0 -4630,0.001198548477828107,0.001027952879667282,0.0006163045763969421,0.5400852801380294,2,1630,0 -4631,0.001613817704728371,0.0012546703219413757,0.001014992594718933,0.6801875091026719,2,1631,0 -4632,0.0011291745676174532,0.0010834373533725739,0.0003181174397468567,0.2855921343895845,2,1632,0 -4633,0.0008834360980255468,0.0006146617233753204,0.0006345473229885101,0.8013153713731951,2,1633,0 -4634,0.0015611742899965058,0.0011073574423789978,0.0011004656553268433,0.7822766430749951,2,1634,0 -4635,0.0013879522485192772,0.0010287202894687653,0.0009317435324192047,0.7359722193140588,2,1635,0 -4636,0.0016202862747655036,0.0015368163585662842,0.0005133450031280518,0.3223787315530593,2,1636,0 -4637,0.0017450139820524284,0.0014864206314086914,0.0009141266345977783,0.55136519945999,2,1637,0 -4638,0.0014043535775438553,0.0010720901191234589,0.0009071007370948792,0.7022284255440248,2,1638,0 -4639,0.001330858706368979,0.0010591000318527222,0.0008059106767177582,0.6504654823537959,2,1639,0 -4640,0.0016915781113410243,0.0014072023332118988,0.0009387321770191193,0.5882963965658975,2,1640,0 -4641,0.001288825702696138,0.001070551574230194,0.0007176287472248077,0.5905382804464794,2,1641,0 -4642,0.001874406814208952,0.0013200417160987854,0.001330748200416565,0.7894371202503105,2,1642,0 -4643,0.0016497465218017816,0.0012643970549106598,0.0010596998035907745,0.6975488144285338,2,1643,0 -4644,0.0017559475053435974,0.0015383586287498474,0.0008466430008411407,0.5031155421011245,2,1644,0 -4645,0.0016061444434831665,0.0013282261788845062,0.000903058797121048,0.5971071507601495,2,1645,0 -4646,0.0015209697692942356,0.0012820884585380554,0.0008182898163795471,0.5680689760912032,2,1646,0 -4647,0.0012779736511593226,0.001064535230398178,0.0007070936262607574,0.5863120817101696,2,1647,0 -4648,0.0013348919616749258,0.0011289231479167938,0.0007123686373233795,0.562913778662687,2,1648,0 -4649,0.001358761844946351,0.001003853976726532,0.0009157024323940277,0.7395075324635569,2,1649,0 -4650,0.0016088644486924827,0.0015951842069625854,0.00020936131477355957,0.13049995808632556,2,1650,0 -4651,0.001508126656264496,0.0008903034031391144,0.0012172944843769073,0.9393196756544209,2,1651,0 -4652,0.0016511494904523309,0.001360177993774414,0.0009360611438751221,0.6027558612330716,2,1652,0 -4653,0.0016542957857519386,0.0011332929134368896,0.0012051314115524292,0.816109403601522,2,1653,0 -4654,0.0025408793910446322,0.0020555146038532257,0.0014936290681362152,0.6283854876143032,2,1654,0 -4655,0.0013614230714558261,0.0009300410747528076,0.0009942315518856049,0.8187441052566833,2,1655,0 -4656,0.0013150170232484764,0.0010531917214393616,0.0007874369621276855,0.6420064787934427,2,1656,0 -4657,0.001832009869859319,0.0010883547365665436,0.0014736838638782501,0.934678721878625,2,1657,0 -4658,0.00158888577213359,0.0012254081666469574,0.0010114014148712158,0.6900134995938635,2,1658,0 -4659,0.0013202183960682474,0.0011040791869163513,0.0007238686084747314,0.5803236069880955,2,1659,0 -4660,0.0016873533451189295,0.0012377090752124786,0.0011468380689620972,0.7473083081058833,2,1660,0 -4661,0.0017158582761624649,0.0014035403728485107,0.000987038016319275,0.6129030090291416,2,1661,0 -4662,0.0009787346066677395,0.0006927624344825745,0.0006913766264915466,0.7843969579788236,2,1662,0 -4663,0.0015646439214775268,0.001391477882862091,0.0007154718041419983,0.47492812020646596,2,1663,0 -4664,0.0012395412189839,0.0009589418768882751,0.0007854253053665161,0.6862518114002507,2,1664,0 -4665,0.0015425114082443167,0.00116647407412529,0.0010092966258525848,0.7132835395257027,2,1665,0 -4666,0.00143589951506115,0.0012459531426429749,0.0007137283682823181,0.5202073946060722,2,1666,0 -4667,0.0015852404004689244,0.0012251883745193481,0.0010059326887130737,0.6874411562386218,2,1667,0 -4668,0.0014075856237713202,0.0011223256587982178,0.0008495189249515533,0.6479198559144134,2,1668,0 -4669,0.0013530111867678482,0.0011493116617202759,0.0007139481604099274,0.555859398671433,2,1669,0 -4670,0.0012954784678192801,0.0010347627103328705,0.0007794424891471863,0.6455824765132615,2,1670,0 -4671,0.001648831707608798,0.0012422017753124237,0.0010842420160770416,0.7176046952316605,2,1671,0 -4672,0.0015436928494235208,0.0012720376253128052,0.000874590128660202,0.6023216495719687,2,1672,0 -4673,0.0014927445473172673,0.00125015527009964,0.0008157193660736084,0.5781267847681171,2,1673,0 -4674,0.0014757216461682922,0.0011514835059642792,0.0009229518473148346,0.675674903498324,2,1674,0 -4675,0.0015283034065347839,0.00133446604013443,0.0007449239492416382,0.5091312769581897,2,1675,0 -4676,0.001492104155252389,0.0012163445353507996,0.0008642226457595825,0.6177436212696149,2,1676,0 -4677,0.0016525284558207309,0.0012508966028690338,0.0010798647999763489,0.7121492207542826,2,1677,0 -4678,0.0011850694983454929,0.0008212253451347351,0.0008543878793716431,0.8051868621882043,2,1678,0 -4679,0.0016586218654221002,0.0013763271272182465,0.0009256079792976379,0.5920442012543202,2,1679,0 -4680,0.0016950274138914996,0.0014127790927886963,0.0009365752339363098,0.5854119989341984,2,1680,0 -4681,0.001779611984013215,0.0014686137437820435,0.0010050833225250244,0.6001626002097605,2,1681,0 -4682,0.002785128226930846,0.0015454776585102081,0.002316989004611969,0.9825492515040818,2,1682,0 -4683,0.0015189223676859635,0.0011010430753231049,0.0010463409125804901,0.7599298096906899,2,1683,0 -4684,0.0015180999209759556,0.0012456625699996948,0.0008677281439304352,0.6084402209998991,2,1684,0 -4685,0.0020527294369781083,0.0015059225261211395,0.001394953578710556,0.7471632086706063,2,1685,0 -4686,0.0014102188280913088,0.001246955245733261,0.0006586499512195587,0.48595740663480536,2,1686,0 -4687,0.0014183134916959414,0.0011646710336208344,0.0008094161748886108,0.607344890272821,2,1687,0 -4688,0.0015983525831958206,0.0014375820755958557,0.0006986334919929504,0.4523673447932593,2,1688,0 -4689,0.0015097376026931466,0.001061469316482544,0.0010735876858234406,0.7910740021201863,2,1689,0 -4690,0.001731577846753671,0.0012997910380363464,0.0011440739035606384,0.7217666139627049,2,1690,0 -4691,0.0014092204121777864,0.0013424232602119446,0.0004287213087081909,0.30912567613383674,2,1691,0 -4692,0.0016602198966693706,0.00155702605843544,0.0005761943757534027,0.35443343464152965,2,1692,0 -4693,0.0015982193517726374,0.001146167516708374,0.0011138245463371277,0.7710880411881231,2,1693,0 -4694,0.0012441319816372289,0.0009109601378440857,0.0008473582565784454,0.7492419336467483,2,1694,0 -4695,0.0015829554512354746,0.0010983459651470184,0.0011399053037166595,0.8039638017180889,2,1695,0 -4696,0.00120877490344685,0.0010590925812721252,0.0005826316773891449,0.5029379944707235,2,1696,0 -4697,0.0016235290515230567,0.0013995654881000519,0.0008228383958339691,0.5314929017010309,2,1697,0 -4698,0.001500482351207812,0.0011411011219024658,0.0009743385016918182,0.7067296635266627,2,1698,0 -4699,0.0015091979217210212,0.001038283109664917,0.0010952837765216827,0.8121079476481727,2,1699,0 -4700,0.0015709561945983273,0.0010730773210525513,0.0011473484337329865,0.8188347383321216,2,1700,0 -4701,0.001221731875855354,0.0007765293121337891,0.0009432025253772736,0.8820145487748667,2,1701,0 -4702,0.0017301753315931382,0.0015183016657829285,0.0008296184241771698,0.5000844239290214,2,1702,0 -4703,0.0015758437439661592,0.0014027468860149384,0.000718042254447937,0.4731087377953116,2,1703,0 -4704,0.0015034781382903977,0.0009615905582904816,0.001155763864517212,0.8768479967333946,2,1704,0 -4705,0.0014535194972313552,0.0011027194559574127,0.0009469576179981232,0.7095505903359324,2,1705,0 -4706,0.0017654577971952183,0.00147344172000885,0.0009725280106067657,0.5833997053952177,2,1706,0 -4707,0.0012614382674509654,0.0009184516966342926,0.0008646808564662933,0.7552520307954097,2,1707,0 -4708,0.0016250597178060146,0.0013486407697200775,0.0009066350758075714,0.5918638140645657,2,1708,0 -4709,0.0017477789293574356,0.001344393938779831,0.0011168420314788818,0.69320592385933,2,1709,0 -4710,0.0016435230033573953,0.001482062041759491,0.0007103942334651947,0.4469738871262436,2,1710,0 -4711,0.001333661239163144,0.0011206530034542084,0.0007230415940284729,0.5729911290459913,2,1711,0 -4712,0.001117646333060492,0.0008371584117412567,0.0007404722273349762,0.7241890279780857,2,1712,0 -4713,0.0014870772023634913,0.0011027008295059204,0.0009977221488952637,0.7354599362065791,2,1713,0 -4714,0.0015058939756896692,0.0008389800786972046,0.0012505315244197845,0.9798695162387551,2,1714,0 -4715,0.0014947849464483813,0.0012093111872673035,0.000878605991601944,0.6283131100436226,2,1715,0 -4716,0.001498575687474943,0.0011435560882091522,0.0009685084223747253,0.7027072685014493,2,1716,0 -4717,0.0013187747909084678,0.0008739382028579712,0.0009876228868961334,0.8463919559082549,2,1717,0 -4718,0.0016772081952163254,0.001269552856683731,0.0010960213840007782,0.712172306150842,2,1718,0 -4719,0.0015692539856083732,0.0014234110713005066,0.0006606504321098328,0.4345436394711222,2,1719,0 -4720,0.001237108446604861,0.0007945001125335693,0.0009482651948928833,0.8734007957284062,2,1720,0 -4721,0.0014202086587634093,0.0010538771748542786,0.0009520165622234344,0.7346610825615094,2,1721,0 -4722,0.0015919426802535664,0.0014270469546318054,0.0007055625319480896,0.4591747659557176,2,1722,0 -4723,0.0014063881567149428,0.0012551061809062958,0.0006345361471176147,0.46808867049464015,2,1723,0 -4724,0.0017920429640526697,0.001553814858198166,0.0008927918970584869,0.5215190438535853,2,1724,0 -4725,0.0017598240343774435,0.0013631917536258698,0.001112964004278183,0.684685134196161,2,1725,0 -4726,0.0016033178452992325,0.0013401247560977936,0.0008801668882369995,0.5811265910004992,2,1726,0 -4727,0.0016501883179820627,0.0010462403297424316,0.0012761279940605164,0.8840651913230425,2,1727,0 -4728,0.0011455254520092762,0.0009296908974647522,0.0006692558526992798,0.6239369114764652,2,1728,0 -4729,0.0017098565728251062,0.0013364814221858978,0.001066502183675766,0.6735156723908421,2,1729,0 -4730,0.001589411103341418,0.0011493302881717682,0.0010978467762470245,0.7624918655428589,2,1730,0 -4731,0.0018525268464904068,0.00150371715426445,0.0010819844901561737,0.6237199702435345,2,1731,0 -4732,0.0013620610259016184,0.0012652501463890076,0.0005043335258960724,0.3793021837882249,2,1732,0 -4733,0.0016759652519847139,0.0012921839952468872,0.0010672956705093384,0.6903725455947951,2,1733,0 -4734,0.001666965953790551,0.0014370903372764587,0.0008447170257568359,0.5313981949329817,2,1734,0 -4735,0.0015130537488630587,0.0013838894665241241,0.0006117038428783417,0.4161961721062146,2,1735,0 -4736,0.0012126891458767006,0.0009020790457725525,0.000810474157333374,0.7319588476859535,2,1736,0 -4737,0.0015837482886803236,0.0013564079999923706,0.0008175671100616455,0.5424348815863326,2,1737,0 -4738,0.0014329291466391478,0.0010822750627994537,0.0009391307830810547,0.7147019574084174,2,1738,0 -4739,0.001447272715481311,0.0011148862540721893,0.0009228363633155823,0.6914284203090086,2,1739,0 -4740,0.001513377803435973,0.0012147501111030579,0.0009026043117046356,0.6390298922676201,2,1740,0 -4741,0.0014325321536524862,0.0012477673590183258,0.0007037222385406494,0.5135169157575473,2,1741,0 -4742,0.0016269521396506594,0.0014072544872760773,0.0008164606988430023,0.5257183618170179,2,1742,0 -4743,0.0019014370104456484,0.001451689749956131,0.0012280307710170746,0.7021276175250187,2,1743,0 -4744,0.0013690999100668406,0.0010147802531719208,0.000919051468372345,0.7359364107060693,2,1744,0 -4745,0.0014334075292737427,0.0012171939015388489,0.0007570311427116394,0.5564015069971515,2,1745,0 -4746,0.001255712137344188,0.0011029653251171112,0.0006002336740493774,0.4983792937239913,2,1746,0 -4747,0.001468846919255971,0.0012208037078380585,0.0008167922496795654,0.589658444294507,2,1747,0 -4748,0.0012105187500466782,0.001042202115058899,0.0006157681345939636,0.5336523124635857,2,1748,0 -4749,0.0015958451202820463,0.0013401173055171967,0.0008664913475513458,0.5739663497847904,2,1749,0 -4750,0.0017015894460645246,0.0012791082262992859,0.0011221803724765778,0.7201394431214326,2,1750,0 -4751,0.0011426977174711346,0.0010788701474666595,0.0003765597939491272,0.33581185855373413,2,1751,0 -4752,0.0014242117355071412,0.0008644945919513702,0.0011318251490592957,0.9185179102985791,2,1752,0 -4753,0.0017907999307423758,0.0015351362526416779,0.0009221285581588745,0.54092074513544,2,1753,0 -4754,0.0016689966894754445,0.0010421350598335266,0.001303650438785553,0.8964227965728795,2,1754,0 -4755,0.0016448553674129934,0.001232340931892395,0.0010894425213336945,0.7239288710297562,2,1755,0 -4756,0.0013838458784369739,0.0011396557092666626,0.0007849931716918945,0.6031685688157704,2,1756,0 -4757,0.0009219115281382626,0.0007178299129009247,0.0005784817039966583,0.6783134487104285,2,1757,0 -4758,0.001444801854596892,0.0010596588253974915,0.000982128083705902,0.747444393400251,2,1758,0 -4759,0.001681806974337224,0.0010739229619503021,0.0012942813336849213,0.8781797264593892,2,1759,0 -4760,0.0014535278265086762,0.0012610405683517456,0.0007228553295135498,0.520496521409084,2,1760,0 -4761,0.0015659235109593815,0.0009837299585342407,0.001218356192111969,0.8915449560202712,2,1761,0 -4762,0.0013580122728430325,0.0013369321823120117,0.00023834779858589172,0.17642607773210695,2,1762,0 -4763,0.0014570490410011786,0.0007765814661979675,0.0012328475713729858,1.0086749125305947,2,1763,0 -4764,0.0015183224161331114,0.0012532509863376617,0.0008571259677410126,0.5998536878147122,2,1764,0 -4765,0.0013838100414989985,0.001008797436952591,0.0009472370147705078,0.7539364939978,2,1765,0 -4766,0.0012921485399672238,0.0010979659855365753,0.0006812624633312225,0.5553400906240896,2,1766,0 -4767,0.0013487963178006694,0.0009021051228046417,0.001002725213766098,0.8381727635201728,2,1767,0 -4768,0.001699970858613782,0.0011866241693496704,0.0012173019349575043,0.7981589967513743,2,1768,0 -4769,0.001227574320643411,0.001064881682395935,0.0006107091903686523,0.5207059381485647,2,1769,0 -4770,0.0015161470957977107,0.00093846395611763,0.0011907927691936493,0.9033536287329955,2,1770,0 -4771,0.0016702500082215724,0.0013569556176662445,0.0009738616645336151,0.6224943018590916,2,1771,0 -4772,0.0013703537601956785,0.0010703019797801971,0.000855758786201477,0.6744658296062629,2,1772,0 -4773,0.0015595215744074117,0.0011970289051532745,0.0009996145963668823,0.695768062259815,2,1773,0 -4774,0.0017719002152829474,0.0014290213584899902,0.001047629863023758,0.632603595102492,2,1774,0 -4775,0.0015562454203617469,0.0013539083302021027,0.0007673539221286774,0.5156268284434831,2,1775,0 -4776,0.0015418872006439355,0.0009176433086395264,0.001239091157913208,0.9333527979294398,2,1776,0 -4777,0.0014648425127172008,0.001150231808423996,0.0009070448577404022,0.6677359844101369,2,1777,0 -4778,0.0014248989220603083,0.0010766759514808655,0.0009333305060863495,0.7142027861975341,2,1778,0 -4779,0.001276655566041078,0.000981643795967102,0.0008162260055541992,0.6936488217736052,2,1779,0 -4780,0.0015988328073426115,0.0013072006404399872,0.0009205937385559082,0.6135714393840714,2,1780,0 -4781,0.001329761861491123,0.001080196350812912,0.0007755272090435028,0.6226717807297327,2,1781,0 -4782,0.0015525123969006799,0.0011342093348503113,0.0010601244866847992,0.7516490967023088,2,1782,0 -4783,0.0018370932092665524,0.001472771167755127,0.0010981149971485138,0.6406864939793545,2,1783,0 -4784,0.0013861422819382548,0.0010813288390636444,0.0008672475814819336,0.6759715636078756,2,1784,0 -4785,0.0010363628791204783,0.0006937570869922638,0.0007699020206928253,0.8373749865164283,2,1785,0 -4786,0.0014827563523924841,0.0010349079966545105,0.0010618530213832855,0.7982482409151781,2,1786,0 -4787,0.001611940052383237,0.0010682828724384308,0.001207113265991211,0.8463363453349065,2,1787,0 -4788,0.0015149976713021956,0.0013486333191394806,0.0006902217864990234,0.4730378459231204,2,1788,0 -4789,0.001706118543669054,0.0014946237206459045,0.0008227638900279999,0.5032134165683221,2,1789,0 -4790,0.0016319710748204047,0.0015010721981525421,0.0006403997540473938,0.403248952350805,2,1790,0 -4791,0.0015618985041939654,0.0010863915085792542,0.0011221766471862793,0.8015996138323418,2,1791,0 -4792,0.001594913761337326,0.0012701302766799927,0.000964634120464325,0.6495385442303024,2,1792,0 -4793,0.0016395116713194167,0.0014551766216754913,0.0007552877068519592,0.4787594477267119,2,1793,0 -4794,0.0014887507471454025,0.0011089034378528595,0.0009933337569236755,0.7304788295273132,2,1794,0 -4795,0.0031021947174042553,0.0016644373536109924,0.002617873251438141,1.004470145356666,2,1795,0 -4796,0.0017147782434433017,0.0013324059545993805,0.0010794252157211304,0.6808887624217843,2,1796,0 -4797,0.0011585764835834783,0.0010053180158138275,0.0005758777260780334,0.5202029918354554,2,1797,0 -4798,0.0011586928721395863,0.000853709876537323,0.0007834210991859436,0.7424903952200687,2,1798,0 -4799,0.0017316666778194527,0.0009600520133972168,0.0014411695301532745,0.9831433637775421,2,1799,0 -4800,0.001484323485927116,0.0012785568833351135,0.0007539950311183929,0.5328289766145305,2,1800,0 -4801,0.0012333563372960458,0.0008159466087818146,0.0009248778223991394,0.8478911804469363,2,1801,0 -4802,0.0014735132628072702,0.0012458562850952148,0.0007868185639381409,0.563294436096932,2,1802,0 -4803,0.0012450458209500661,0.0011106766760349274,0.000562615692615509,0.4688756041255562,2,1803,0 -4804,0.001607378538714505,0.0015016719698905945,0.000573277473449707,0.36468355897841237,2,1804,0 -4805,0.0014390185743259605,0.0010189376771450043,0.0010161399841308594,0.7840234290052766,2,1805,0 -4806,0.001454412681638354,0.0011227242648601532,0.0009245574474334717,0.688903685771662,2,1806,0 -4807,0.001400105155303485,0.00103098526597023,0.0009472928941249847,0.7431177110975231,2,1807,0 -4808,0.001471076355047339,0.0012983642518520355,0.0006916038691997528,0.48944325778862047,2,1808,0 -4809,0.0014045419496757003,0.0010934993624687195,0.0008814744651317596,0.6784519683475033,2,1809,0 -4810,0.00282431500250392,0.0019157715141773224,0.002075228840112686,0.82533114851144,2,1810,0 -4811,0.0011446565099630106,0.000890146940946579,0.0007196366786956787,0.6798704082391305,2,1811,0 -4812,0.0018515944707285395,0.0015648938715457916,0.0009897015988826752,0.5639316011820393,2,1812,0 -4813,0.0013717707647334623,0.0010114535689353943,0.0009266696870326996,0.7416806850239306,2,1813,0 -4814,0.0015167455539616811,0.0012745186686515808,0.000822264701128006,0.5729631469643617,2,1814,0 -4815,0.0015475409590545931,0.0013160035014152527,0.0008142590522766113,0.5540823497870841,2,1815,0 -4816,0.0016526902689315455,0.0013009458780288696,0.0010192766785621643,0.664591812087499,2,1816,0 -4817,0.0016472576252341937,0.001353677362203598,0.0009386241436004639,0.6062748342607946,2,1817,0 -4818,0.0014338987181837688,0.0011394135653972626,0.0008705183863639832,0.6524046236410469,2,1818,0 -4819,0.0018838202018527919,0.0016896799206733704,0.0008329227566719055,0.4579893578234111,2,1819,0 -4820,0.0015907950113541486,0.001274213194847107,0.0009523704648017883,0.6418468753765021,2,1820,0 -4821,0.0014092858995761522,0.0011420249938964844,0.0008257515728473663,0.6260348234908769,2,1821,0 -4822,0.0013540759510678809,0.0009888336062431335,0.0009250566363334656,0.752087277825232,2,1822,0 -4823,0.002327473097614445,0.0011190883815288544,0.0020407773554325104,1.0692101999365242,2,1823,0 -4824,0.0013518583765976385,0.0010612905025482178,0.0008373670279979706,0.6680026656191294,2,1824,0 -4825,0.001384072668904889,0.0010612308979034424,0.0008885078132152557,0.6970410069774333,2,1825,0 -4826,0.0019979840930440906,0.001513652503490448,0.0013041459023952484,0.7111835501092012,2,1826,0 -4827,0.0015554956498374443,0.0012261271476745605,0.0009571723639965057,0.6628283722465396,2,1827,0 -4828,0.0013732415293944596,0.0008717663586139679,0.0010610446333885193,0.8830159170831265,2,1828,0 -4829,0.0011160351528397643,0.0009428896009922028,0.0005970709025859833,0.5644993641759283,2,1829,0 -4830,0.0012586505985995018,0.0005813390016555786,0.0011163540184497833,1.0906885092398677,2,1830,0 -4831,0.0018337356396906364,0.0016665607690811157,0.0007649585604667664,0.4303166248602808,2,1831,0 -4832,0.0014947502128128032,0.0012701712548732758,0.0007879994809627533,0.5552762153422433,2,1832,0 -4833,0.0016031237750191957,0.0012244507670402527,0.001034758985042572,0.7016308692771343,2,1833,0 -4834,0.0014845517854546852,0.0012096576392650604,0.0008605942130088806,0.6183600896619241,2,1834,0 -4835,0.0015742928817943163,0.0014519058167934418,0.0006085783243179321,0.3969122595804308,2,1835,0 -4836,0.0015118417712306669,0.0011369064450263977,0.0009965486824512482,0.7197038880017822,2,1836,0 -4837,0.001411379439446697,0.0011680461466312408,0.0007922500371932983,0.5959923542547351,2,1837,0 -4838,0.001625215552740553,0.0013115331530570984,0.0009597949683666229,0.631758447522073,2,1838,0 -4839,0.001604294911948514,0.0011121928691864014,0.0011561959981918335,0.8047941371000661,2,1839,0 -4840,0.0011194851667205676,0.0008890368044376373,0.000680338591337204,0.6531921351186324,2,1840,0 -4841,0.0014508404526768204,0.0011986643075942993,0.0008173994719982147,0.598491988290575,2,1841,0 -4842,0.0015819647724971031,0.0010255277156829834,0.0012045353651046753,0.8654966428374505,2,1842,0 -4843,0.001641107859956532,0.001397542655467987,0.0008602961897850037,0.5517950689172116,2,1843,0 -4844,0.0020211904348426024,0.0016456544399261475,0.0011734701693058014,0.6194453756581088,2,1844,0 -4845,0.0011878544059593231,0.0008846968412399292,0.0007926598191261292,0.7305828554486457,2,1845,0 -4846,0.001062814656773045,0.000867500901222229,0.0006140172481536865,0.6159417882245092,2,1846,0 -4847,0.0013646015945318498,0.001014798879623413,0.0009123161435127258,0.7322688535640969,2,1847,0 -4848,0.0013039193629854912,0.0013013482093811035,8.184462785720825e-05,0.0628094559998191,2,1848,0 -4849,0.0012181892669748278,0.001072082668542862,0.0005784668028354645,0.49480256420675467,2,1849,0 -4850,0.0013823185475773459,0.0011517219245433807,0.0007644221186637878,0.5859605773624795,2,1850,0 -4851,0.0011696842587567613,0.0009806416928768158,0.0006375759840011597,0.5764891102717788,2,1851,0 -4852,0.0015205602439328383,0.0007314644753932953,0.0013330653309822083,1.0689450975747818,2,1852,0 -4853,0.0015826296087092346,0.0013391561806201935,0.0008434318006038666,0.5620602585315916,2,1853,0 -4854,0.001876625985928727,0.0016180053353309631,0.0009506754577159882,0.531222334132369,2,1854,0 -4855,0.0016212689001571933,0.001344934105873108,0.0009053535759449005,0.5924833662481976,2,1855,0 -4856,0.0014937039565210864,0.0012226775288581848,0.0008580274879932404,0.6119069113564928,2,1856,0 -4857,0.0017488966781524658,0.0013290904462337494,0.00113673135638237,0.7075456995049013,2,1857,0 -4858,0.0013782843861716312,0.0010114572942256927,0.0009362809360027313,0.7468205660111727,2,1858,0 -4859,0.001252265669105799,0.000926874577999115,0.0008420646190643311,0.7374908828716951,2,1859,0 -4860,0.001958105012260509,0.00164075568318367,0.0010686889290809631,0.5773162718377778,2,1860,0 -4861,0.0012815618915090947,0.000668015331029892,0.001093689352273941,1.0224802150803405,2,1861,0 -4862,0.0014235896301180023,0.0011334866285324097,0.0008612871170043945,0.6497794456203742,2,1862,0 -4863,0.0016799923652141408,0.001446366310119629,0.0008546337485313416,0.5336891010689122,2,1863,0 -4864,0.0012164542738005418,0.001045726239681244,0.0006214641034603119,0.5362100083177807,2,1864,0 -4865,0.001377932913200542,0.00107477605342865,0.0008622966706752777,0.6761439840013462,2,1865,0 -4866,0.0014554579565899445,0.0011796057224273682,0.0008525773882865906,0.6258414720784451,2,1866,0 -4867,0.001403759964148793,0.0008518174290657043,0.0011157728731632233,0.9187536115580267,2,1867,0 -4868,0.001231131951294407,0.0008652620017528534,0.0008757896721363068,0.7914448202753499,2,1868,0 -4869,0.0011905117392134582,0.0008172504603862762,0.0008656904101371765,0.814173137283389,2,1869,0 -4870,0.0014138663871987168,0.0009969435632228851,0.0010025575757026672,0.7882058625872125,2,1870,0 -4871,0.0015091198304250457,0.0011884868144989014,0.0009300224483013153,0.663995196986013,2,1871,0 -4872,0.0013742402108626783,0.0009318701922893524,0.0010100267827510834,0.825623999984442,2,1872,0 -4873,0.0017215086024067114,0.0011418499052524567,0.0012883208692073822,0.8455972199411168,2,1873,0 -4874,0.0011707464392235938,0.0010046511888504028,0.0006011016666889191,0.5391823870495694,2,1874,0 -4875,0.0015095650491576585,0.0012175552546977997,0.0008923821151256561,0.632486149904779,2,1875,0 -4876,0.0014729055575931954,0.0012786835432052612,0.0007310397922992706,0.5193603782667146,2,1876,0 -4877,0.001553381019087545,0.0013149529695510864,0.0008269771933555603,0.5614006776870074,2,1877,0 -4878,0.0014468462168570368,0.0010924451053142548,0.0009486451745033264,0.715061873711845,2,1878,0 -4879,0.0014811254299889865,0.0012364499270915985,0.0008154287934303284,0.5830190417241904,2,1879,0 -4880,0.0016254845887604893,0.0010632611811161041,0.001229502260684967,0.8577783613228745,2,1880,0 -4881,0.0013428857739999308,0.0012739002704620361,0.0004248768091201782,0.3219224944755842,2,1881,0 -4882,0.0012437002742747322,0.0008344650268554688,0.0009222030639648438,0.8353024055398924,2,1882,0 -4883,0.0015867434840810398,0.0012451522052288055,0.0009835399687290192,0.668549144675283,2,1883,0 -4884,0.0017809134707787813,0.0013798177242279053,0.0011259466409683228,0.6844278721407847,2,1884,0 -4885,0.0009992341050375554,0.0007762052118778229,0.0006292648613452911,0.6812277072180822,2,1885,0 -4886,0.0012834643975696807,0.0009195581078529358,0.000895373523235321,0.7720736100574127,2,1886,0 -4887,0.0014848996395156267,0.0013283602893352509,0.0006636157631874084,0.4633076546104268,2,1887,0 -4888,0.0014177016831665753,0.0012020878493785858,0.0007515735924243927,0.5587600302197806,2,1888,0 -4889,0.0013451636981370587,0.000994507223367691,0.0009057708084583282,0.7387355176639234,2,1889,0 -4890,0.0029353191162685968,0.0019996576011180878,0.002148829400539398,0.8213407990665603,2,1890,0 -4891,0.0013976935842641785,0.0010368451476097107,0.0009372830390930176,0.7350074012424148,2,1891,0 -4892,0.0014952920506475541,0.0008731745183467865,0.001213863492012024,0.9472113602878142,2,1892,0 -4893,0.0017168766890079286,0.001459512859582901,0.0009041503071784973,0.554625611556267,2,1893,0 -4894,0.0014235006155148926,0.0012062638998031616,0.0007558315992355347,0.5597410966261562,2,1894,0 -4895,0.001150108694716952,0.0007516257464885712,0.0008705221116542816,0.8585629705045656,2,1895,0 -4896,0.001162438409750022,0.001020580530166626,0.0005564875900745392,0.49920119165260907,2,1896,0 -4897,0.001273123430650052,0.0011153556406497955,0.0006138607859611511,0.5031289573644057,2,1897,0 -4898,0.0017993789222073646,0.0014928914606571198,0.0010045096278190613,0.592279284065286,2,1898,0 -4899,0.0012533405861957468,0.0011930279433727264,0.0003841184079647064,0.3114883247066686,2,1899,0 -4900,0.0024451093884503166,0.001782681792974472,0.0016735009849071503,0.7538186669943012,2,1900,0 -4901,0.0012315698642925315,0.0009759441018104553,0.000751197338104248,0.655998824531679,2,1901,0 -4902,0.0012348242110158346,0.0010809972882270813,0.0005968548357486725,0.5044797527838755,2,1902,0 -4903,0.0014446282909443514,0.0012257099151611328,0.0007645823061466217,0.5577268022756808,2,1903,0 -4904,0.0015812814323669586,0.0014556869864463806,0.0006175972521305084,0.40124805504605143,2,1904,0 -4905,0.001771903826777497,0.0013434477150440216,0.0011553317308425903,0.7102567568983483,2,1905,0 -4906,0.0016207110464500937,0.00126739963889122,0.0010101497173309326,0.6729245344305385,2,1906,0 -4907,0.0014933808133463838,0.0010500848293304443,0.0010618418455123901,0.7909650681911062,2,1907,0 -4908,0.0016710607667710542,0.0011849626898765564,0.0011782646179199219,0.7825638808047535,2,1908,0 -4909,0.0016687968927946433,0.0013176463544368744,0.001024056226015091,0.6606743051907381,2,1909,0 -4910,0.001509073451018878,0.0012411288917064667,0.0008584298193454742,0.6051015734059334,2,1910,0 -4911,0.0015555682387098633,0.001121416687965393,0.0010780617594718933,0.7656892570482221,2,1911,0 -4912,0.0015872694945415955,0.001204952597618103,0.0010332055389881134,0.7088123596992,2,1912,0 -4913,0.0014381820687376745,0.00122789666056633,0.0007487572729587555,0.5475858619678062,2,1913,0 -4914,0.0013722581453012928,0.0010692626237869263,0.0008600987493991852,0.6774089716961701,2,1914,0 -4915,0.001320211504755582,0.0010984279215335846,0.0007324032485485077,0.5880769514187727,2,1915,0 -4916,0.0014177679979364224,0.0010710880160331726,0.0009288899600505829,0.7144177978969043,2,1916,0 -4917,0.0015504170046636621,0.0012222230434417725,0.0009539201855659485,0.662724426056952,2,1917,0 -4918,0.0014126044947877336,0.0010261014103889465,0.0009708590805530548,0.7577420104086826,2,1918,0 -4919,0.0015504608491059622,0.0011528246104717255,0.0010367855429649353,0.73245238307284,2,1919,0 -4920,0.0014904047204148166,0.0008920580148696899,0.001193959265947342,0.9291263643744424,2,1920,0 -4921,0.0015700257846469057,0.0014505982398986816,0.0006006211042404175,0.3925599958136545,2,1921,0 -4922,0.0019471935317482677,0.0017293840646743774,0.0008948706090450287,0.4775103317971587,2,1922,0 -4923,0.001540850911744077,0.0013547725975513458,0.0007340386509895325,0.4965388779586179,2,1923,0 -4924,0.0016669468576424502,0.0014612972736358643,0.0008020736277103424,0.5019812261575523,2,1924,0 -4925,0.001547294470894495,0.0014408379793167114,0.0005640089511871338,0.37310976864594775,2,1925,0 -4926,0.0014316887442632792,0.0009896345436573029,0.0010345801711082458,0.8075984976754671,2,1926,0 -4927,0.0017049852768973046,0.0013034939765930176,0.0010990351438522339,0.7005012174854588,2,1927,0 -4928,0.001443342777240826,0.0013571865856647491,0.0004912056028842926,0.34726248692795614,2,1928,0 -4929,0.0016720830797946784,0.0014423243701457977,0.0008459091186523438,0.5304266000149309,2,1929,0 -4930,0.0013983786001341833,0.0011504441499710083,0.0007949471473693848,0.6046543803310519,2,1930,0 -4931,0.001956656211692832,0.0015719011425971985,0.0011651739478111267,0.6378784627652258,2,1931,0 -4932,0.0011745773640629753,0.0011519864201545715,0.00022925809025764465,0.1964445185625991,2,1932,0 -4933,0.0011731098737060644,0.0009636841714382172,0.0006689541041851044,0.6067979090369687,2,1933,0 -4934,0.0016501993297560829,0.0012994594871997833,0.0010171346366405487,0.664125544389265,2,1934,0 -4935,0.0015778559539207072,0.0013260357081890106,0.0008551366627216339,0.572768966273554,2,1935,0 -4936,0.001228658068805294,0.0010152757167816162,0.0006919652223587036,0.5982385247904937,2,1936,0 -4937,0.0015703010896447774,0.0011736266314983368,0.0010432861745357513,0.726672089528555,2,1937,0 -4938,0.001586019249934028,0.0014226771891117096,0.0007010325789451599,0.4578355531314441,2,1938,0 -4939,0.001543376875151764,0.001337740570306778,0.0007697157561779022,0.5221235121854941,2,1939,0 -4940,0.0013467582162550475,0.0010880716145038605,0.0007936358451843262,0.6301840765025053,2,1940,0 -4941,0.0015798596027218126,0.0010986998677253723,0.0011352598667144775,0.8017622611816262,2,1941,0 -4942,0.001970773856001456,0.0017330348491668701,0.0009383708238601685,0.4962637460993653,2,1942,0 -4943,0.0011340489464541916,0.0011202320456504822,0.00017648562788963318,0.1562594706042663,2,1943,0 -4944,0.0015487496775997325,0.0010243318974971771,0.0011616237461566925,0.8481221043154489,2,1944,0 -4945,0.0014818704731625755,0.0010626725852489471,0.0010327957570552826,0.7711413009447629,2,1945,0 -4946,0.0012676131068751668,0.0006815716624259949,0.0010687857866287231,1.003111874862254,2,1946,0 -4947,0.0013800264297130663,0.0013257302343845367,0.0003832913935184479,0.2814429000070572,2,1947,0 -4948,0.0018356776918982574,0.0015439391136169434,0.0009929575026035309,0.5715323299118261,2,1948,0 -4949,0.0012462401573158052,0.0012462064623832703,9.164214134216309e-06,0.007353555952351479,2,1949,0 -4950,0.0012473235398106773,0.0010991990566253662,0.0005895569920539856,0.49230411458021917,2,1950,0 -4951,0.001110297520375753,0.0010117404162883759,0.00045732036232948303,0.4245271214024695,2,1951,0 -4952,0.001615629519739372,0.001387905329465866,0.0008270293474197388,0.537386878232814,2,1952,0 -4953,0.0014221105225128226,0.001200072467327118,0.00076303631067276,0.5663458805657752,2,1953,0 -4954,0.0016309274221644452,0.0012967772781848907,0.000989086925983429,0.6515966977918998,2,1954,0 -4955,0.0015335816349837511,0.0012050606310367584,0.0009485259652137756,0.6668370961186596,2,1955,0 -4956,0.0016382645441068966,0.0012412331998348236,0.0010692290961742401,0.7110894859639068,2,1956,0 -4957,0.0012929102843268721,0.0008317306637763977,0.000989869236946106,0.8719940670927888,2,1957,0 -4958,0.001207647632898011,0.0010201558470726013,0.0006462931632995605,0.5647054297461833,2,1958,0 -4959,0.0015749197692918237,0.0011927075684070587,0.0010285042226314545,0.7116072696765077,2,1959,0 -4960,0.0017616857952346113,0.0015948936343193054,0.0007482320070266724,0.4386581095657381,2,1960,0 -4961,0.0012929192001322994,0.0011130012571811676,0.0006579272449016571,0.5338711212406178,2,1961,0 -4962,0.0016789077019901874,0.0011591501533985138,0.0012145377695560455,0.8087279223392783,2,1962,0 -4963,0.0012041616825815382,0.0007992647588253021,0.00090065598487854,0.8449722639755077,2,1963,0 -4964,0.001312060729641707,0.0010417215526103973,0.0007976964116096497,0.6535040120821272,2,1964,0 -4965,0.0015423410933963256,0.001180056482553482,0.0009931176900863647,0.6995883195328654,2,1965,0 -4966,0.0014346309171211738,0.0011339709162712097,0.0008787922561168671,0.659290672566402,2,1966,0 -4967,0.0015613394845738278,0.0012363307178020477,0.0009535551071166992,0.6569807476344802,2,1967,0 -4968,0.0013159051803153313,0.001088857650756836,0.0007389150559902191,0.5962289252807662,2,1968,0 -4969,0.001566321682756963,0.001318022608757019,0.000846274197101593,0.5707864484631724,2,1969,0 -4970,0.001529306633150858,0.0013517588376998901,0.000715211033821106,0.48665304717168045,2,1970,0 -4971,0.0015086400342732857,0.0012008249759674072,0.0009132437407970428,0.6501959347798374,2,1971,0 -4972,0.0013644708515700792,0.0011987723410129547,0.0006517097353935242,0.4979530687624489,2,1972,0 -4973,0.001763892945229322,0.0015709362924098969,0.0008021704852581024,0.4721170599640187,2,1973,0 -4974,0.0019038807305894973,0.0016216300427913666,0.0009975358843803406,0.5514803924612655,2,1974,0 -4975,0.0015523548305785533,0.0013489872217178345,0.0007681399583816528,0.517630456976763,2,1975,0 -4976,0.0014703627063777757,0.0011740364134311676,0.0008852146565914154,0.6460514191779863,2,1976,0 -4977,0.0013757951726653746,0.0010218918323516846,0.0009211674332618713,0.7336064736535065,2,1977,0 -4978,0.000933372727757065,0.0007643178105354309,0.0005357265472412109,0.6113439433816491,2,1978,0 -4979,0.0016651757330847165,0.0013586506247520447,0.0009627453982830048,0.6164772144045778,2,1979,0 -4980,0.0016043479411541137,0.001502998173236847,0.0005611851811408997,0.3573471430673096,2,1980,0 -4981,0.0015635596927950682,0.0012569166719913483,0.0009299889206886292,0.6370037948964682,2,1981,0 -4982,0.001466000465482432,0.0010522827506065369,0.0010207146406173706,0.7701710964201627,2,1982,0 -4983,0.0014171250058179284,0.0013160109519958496,0.0005256980657577515,0.3800436112502692,2,1983,0 -4984,0.0013087714403358242,0.0011609755456447601,0.0006041675806045532,0.4798313274710762,2,1984,0 -4985,0.00155914214895245,0.0014504864811897278,0.0005718506872653961,0.3755375207556817,2,1985,0 -4986,0.001213034966441592,0.0008622817695140839,0.0008531846106052399,0.7800951893848077,2,1986,0 -4987,0.0011413304933911633,0.000968199223279953,0.0006043389439582825,0.5580156434175874,2,1987,0 -4988,0.0015734119914653938,0.0009651929140090942,0.0012425892055034637,0.9103879645792926,2,1988,0 -4989,0.0017837645018379952,0.0013580955564975739,0.0011564567685127258,0.7053806386302666,2,1989,0 -4990,0.0013982239607502125,0.0009919330477714539,0.0009854435920715332,0.7821163240801505,2,1990,0 -4991,0.001432184554842947,0.0012232251465320587,0.000744897872209549,0.5469833034094822,2,1991,0 -4992,0.0014739004133450231,0.0013672932982444763,0.0005503557622432709,0.3826724099021642,2,1992,0 -4993,0.0015180250549650175,0.0011271461844444275,0.0010168291628360748,0.733989074572301,2,1993,0 -4994,0.0017612110615674531,0.0013507381081581116,0.0011302083730697632,0.6967418180401347,2,1994,0 -4995,0.001476512161967685,0.0012684762477874756,0.0007556825876235962,0.5372815782820471,2,1995,0 -4996,0.001498607586113099,0.0013132840394973755,0.0007218793034553528,0.5025935974962622,2,1996,0 -4997,0.001355700151314672,0.0011637285351753235,0.0006954558193683624,0.538660300205996,2,1997,0 -4998,0.0014799960144080103,0.0010982975363731384,0.0009920336306095123,0.734605968276609,2,1998,0 -4999,0.0014623653172565459,0.0012593939900398254,0.0007432624697685242,0.5331636897767495,2,1999,0 -5000,0.0014435455182269631,0.0010277628898620605,0.0010136701166629791,0.7784949002046699,2,2000,0 -5001,0.0013177608277964354,0.0011406801640987396,0.0006598047912120819,0.52440895964176,2,2001,0 -5002,0.0016657845678369227,0.001044686883687973,0.0012974850833415985,0.8929151790700842,2,2002,0 -5003,0.0012352204487249086,0.0010154284536838531,0.0007033310830593109,0.605772409194327,2,2003,0 -5004,0.0013229781441508343,0.0010000579059123993,0.0008661150932312012,0.7137469723118496,2,2004,0 -5005,0.0012974858419864549,0.0008422993123531342,0.0009869150817394257,0.8642930138839541,2,2005,0 -5006,0.00160834181467989,0.0015603266656398773,0.0003900565207004547,0.24496349538001164,2,2006,0 -5007,0.0015046244206511359,0.0009384937584400177,0.0011760629713535309,0.8972784209832437,2,2007,0 -5008,0.001317867648239076,0.0010693259537220001,0.000770270824432373,0.624242360294279,2,2008,0 -5009,0.001102765660178709,0.0010037608444690704,0.0004566796123981476,0.4269780819003808,2,2009,0 -5010,0.0016859935455658412,0.001521233469247818,0.0007269270718097687,0.44577413908212254,2,2010,0 -5011,0.001506647773586571,0.0007771067321300507,0.0012907721102237701,1.0288723247518132,2,2011,0 -5012,0.0016359457909946107,0.0014870427548885345,0.0006819255650043488,0.42996471517539897,2,2012,0 -5013,0.0019483124764132652,0.0015500709414482117,0.0011803396046161652,0.6508044779868957,2,2013,0 -5014,0.0014181855472654235,0.0013621151447296143,0.0003948323428630829,0.282134811198911,2,2014,0 -5015,0.0012281544116029628,0.000940665602684021,0.0007896274328231812,0.6983283477210886,2,2015,0 -5016,0.0015950455581719225,0.001079503446817398,0.001174241304397583,0.8274091834446926,2,2016,0 -5017,0.0015578160729842847,0.0013278312981128693,0.0008146502077579498,0.5503009452346234,2,2017,0 -5018,0.0011468587924174495,0.0006436370313167572,0.0009492188692092896,0.9749404626888191,2,2018,0 -5019,0.0015700518858970378,0.0011273212730884552,0.0010927990078926086,0.7698496890785721,2,2019,0 -5020,0.0012791815273994556,0.0009303763508796692,0.0008778981864452362,0.7563851800418643,2,2020,0 -5021,0.0013513007274794863,0.0010530762374401093,0.0008467845618724823,0.6772393838374723,2,2021,0 -5022,0.001359540441022548,0.0011817440390586853,0.0006721839308738708,0.5171673967366306,2,2022,0 -5023,0.0015247806106585637,0.0010144636034965515,0.0011383406817913055,0.8428769722377288,2,2023,0 -5024,0.0008318117379319761,0.0005192160606384277,0.0006498657166957855,0.896690465434303,2,2024,0 -5025,0.0010046911464024432,0.0009834356606006622,0.00020556896924972534,0.20606436017523805,2,2025,0 -5026,0.001474409880078083,0.0010789260268211365,0.0010048896074295044,0.7498838458160046,2,2026,0 -5027,0.001727372775181506,0.0014819726347923279,0.000887453556060791,0.5395606907284262,2,2027,0 -5028,0.0015826232506384456,0.001408156007528305,0.0007223524153232574,0.4739756647656544,2,2028,0 -5029,0.0013830999156310686,0.0010226629674434662,0.0009311959147453308,0.7386187750097655,2,2029,0 -5030,0.0015074223508897203,0.0011452920734882355,0.0009801164269447327,0.70783927743376,2,2030,0 -5031,0.001432096553937251,0.0010813698172569275,0.0009389035403728485,0.714996390886428,2,2031,0 -5032,0.0007537098783285038,0.0005989596247673035,0.0004575215280056,0.6523128992243785,2,2032,0 -5033,0.0014832648512653741,0.0014209374785423279,0.0004254542291164398,0.29092274540911023,2,2033,0 -5034,0.0017046838798292128,0.0013329461216926575,0.001062639057636261,0.673037901259831,2,2034,0 -5035,0.0015583299011877833,0.0008964613080024719,0.001274656504392624,0.9578614498028073,2,2035,0 -5036,0.0015116971037647071,0.0010752566158771515,0.0010625682771205902,0.7794630702969189,2,2036,0 -5037,0.0015579850875362404,0.001290842890739441,0.0008723773062229156,0.5943127119992636,2,2037,0 -5038,0.001420192283629048,0.0011342354118824005,0.0008546672761440277,0.6457490976828918,2,2038,0 -5039,0.0012911004850126077,0.001021120697259903,0.0007900968194007874,0.6585315173877324,2,2039,0 -5040,0.0018828181867419516,0.0009533502161502838,0.0016236156225204468,1.0398586489260315,2,2040,0 -5041,0.001526929834985382,0.0012327022850513458,0.0009010881185531616,0.6312206836770896,2,2041,0 -5042,0.001444692757455753,0.0011489689350128174,0.0008757896721363068,0.6512885711145795,2,2042,0 -5043,0.0013054959566566225,0.0010996051132678986,0.0007036961615085602,0.5692802156487347,2,2043,0 -5044,0.0016998259160773454,0.0014679282903671265,0.0008570849895477295,0.5284776645422397,2,2044,0 -5045,0.0011888601892573137,0.0010758265852928162,0.0005059503018856049,0.43959825123010793,2,2045,0 -5046,0.0015839521343248065,0.0015130192041397095,0.0004686973989009857,0.30040151444083135,2,2046,0 -5047,0.0013468122512734955,0.001099914312362671,0.0007772333920001984,0.6151623539805562,2,2047,0 -5048,0.0019175517843523849,0.0010275132954120636,0.0016190186142921448,1.005286383006,2,2048,0 -5049,0.0014004252783552092,0.0010677650570869446,0.0009061284363269806,0.7036932576477088,2,2049,0 -5050,0.001365295306869193,0.0011828206479549408,0.0006818845868110657,0.5229535310078216,2,2050,0 -5051,0.001607694170731828,0.0015887729823589325,0.0002459287643432617,0.15357281523554314,2,2051,0 -5052,0.001310324014243811,0.0010561645030975342,0.0007755421102046967,0.6333774751444299,2,2052,0 -5053,0.0011812056490952117,0.0011205114424228668,0.00037376582622528076,0.321960988955867,2,2053,0 -5054,0.0029542160472318772,0.0019750669598579407,0.0021969303488731384,0.8385272959703381,2,2054,0 -5055,0.0013665581337636316,0.0011916235089302063,0.0006689652800559998,0.5115457014619437,2,2055,0 -5056,0.0013550841566524177,0.000968635082244873,0.0009476281702518463,0.7744361671662277,2,2056,0 -5057,0.001519135446528824,0.0012620054185390472,0.000845644623041153,0.5903619767945131,2,2057,0 -5058,0.001160872951779401,0.000992104411125183,0.0006027892231941223,0.5459791262040662,2,2058,0 -5059,0.0016688605350240857,0.0014175809919834137,0.0008806586265563965,0.5558912358955003,2,2059,0 -5060,0.0012316997932489177,0.0010061562061309814,0.0007104463875293732,0.6148078646275972,2,2060,0 -5061,0.0012048423492758984,0.0010926537215709686,0.000507693737745285,0.4349639770814463,2,2061,0 -5062,0.0015090977362942405,0.0010871663689613342,0.0010466352105140686,0.7664056360199586,2,2062,0 -5063,0.0014294831047925456,0.0010963492095470428,0.0009173005819320679,0.6967139330747217,2,2063,0 -5064,0.0012474787200831919,0.0009313821792602539,0.0008298978209495544,0.7278421409162629,2,2064,0 -5065,0.0013355589716964624,0.001121126115322113,0.0007258057594299316,0.5745381859393816,2,2065,0 -5066,0.0014053885906690705,0.0012738853693008423,0.000593576580286026,0.4360447458991526,2,2066,0 -5067,0.0013405889286273725,0.0010725073516368866,0.0008043050765991211,0.6434560914866614,2,2067,0 -5068,0.001256389582674918,0.0009323209524154663,0.0008421950042247772,0.7346527341988893,2,2068,0 -5069,0.0008644626386983059,8.983537554740906e-05,0.0008597820997238159,1.4666878805715315,2,2069,0 -5070,0.0015848050015798588,0.0013571567833423615,0.0008183717727661133,0.5426258310834097,2,2070,0 -5071,0.0013719576186727747,0.0009756460785865784,0.0009645633399486542,0.7796860902589837,2,2071,0 -5072,0.0018580030045634683,0.0014411695301532745,0.0011726915836334229,0.6830439373207172,2,2072,0 -5073,0.0015399700395456496,0.0012893155217170715,0.0008421242237091064,0.5785906810395827,2,2073,0 -5074,0.001455164058111411,0.001153070479631424,0.000887654721736908,0.6560646204112577,2,2074,0 -5075,0.0016241234538154482,0.0013210251927375793,0.0009448118507862091,0.6208619579923623,2,2075,0 -5076,0.001298682103420575,0.0007265545427799225,0.0010764263570308685,0.9770678798573132,2,2076,0 -5077,0.001350994309912067,0.0010928288102149963,0.0007942989468574524,0.628505569772614,2,2077,0 -5078,0.0014445703439815002,0.0012681074440479279,0.0006918720901012421,0.499454361581229,2,2078,0 -5079,0.0019640285858191996,0.0014195702970027924,0.0013572871685028076,0.7629725661022655,2,2079,0 -5080,0.001752140853631554,0.0012571178376674652,0.0012205131351947784,0.7706251645342145,2,2080,0 -5081,0.001654190830493565,0.001454465091228485,0.0007879585027694702,0.4964882648045968,2,2081,0 -5082,0.0016908444912803334,0.0013654865324497223,0.0009971968829631805,0.6307648723088571,2,2082,0 -5083,0.001625541092198905,0.0014585144817829132,0.0007177181541919708,0.4572983740924818,2,2083,0 -5084,0.0014975741117156708,0.001204364001750946,0.0008900761604309082,0.6364513340451559,2,2084,0 -5085,0.0013898464415250445,0.0011100806295871735,0.000836297869682312,0.6456523682492917,2,2085,0 -5086,0.0012236083899168123,0.0008543208241462708,0.0008759871125221252,0.7979191463165463,2,2086,0 -5087,0.0013119511801301285,0.0009517855942249298,0.0009029507637023926,0.7590744490015288,2,2087,0 -5088,0.0014995629484043723,0.0011396370828151703,0.0009746365249156952,0.7075147707645577,2,2088,0 -5089,0.0014458005774940076,0.0010545291006565094,0.0009890943765640259,0.7533901261920499,2,2089,0 -5090,0.0014910048681709487,0.0011989623308181763,0.000886332243680954,0.6365851784918125,2,2090,0 -5091,0.0012137043978260086,0.0009798556566238403,0.0007162131369113922,0.6311889988546902,2,2091,0 -5092,0.00173337643518494,0.0012699775397777557,0.001179724931716919,0.7485725458178276,2,2092,0 -5093,0.0014034459486567928,0.0012049265205860138,0.0007195919752120972,0.538364163309901,2,2093,0 -5094,0.0016008290392560012,0.0012452080845832825,0.0010060369968414307,0.6795557087950587,2,2094,0 -5095,0.0014650574034207888,0.0009673945605754852,0.001100245863199234,0.849562575925395,2,2095,0 -5096,0.0016836397014480615,0.0012741386890411377,0.0011005513370037079,0.7124289959958553,2,2096,0 -5097,0.0015298062838674748,0.0011449679732322693,0.001014571636915207,0.7250898414467201,2,2097,0 -5098,0.0016273432093530625,0.001070018857717514,0.0012260936200618744,0.8532672475070028,2,2098,0 -5099,0.00137729260090692,0.0010778196156024933,0.0008574612438678741,0.6720226817832667,2,2099,0 -5100,0.001436584934339002,0.0009777359664440155,0.0010525248944759369,0.8222186174368467,2,2100,0 -5101,0.0010832403793781904,0.0007941015064716339,0.0007367581129074097,0.74795737168044,2,2101,0 -5102,0.0010690426871945982,0.0008627772331237793,0.0006312429904937744,0.6316472844339273,2,2102,0 -5103,0.00144736864098931,0.0010165423154830933,0.0010302998125553131,0.7921193900708103,2,2103,0 -5104,0.001352659626609953,0.0009333565831184387,0.000979047268629074,0.8092853746615556,2,2104,0 -5105,0.001513114490461866,0.001361105591058731,0.0006609894335269928,0.4520831219368893,2,2105,0 -5106,0.001363557613005058,0.0013477727770805359,0.00020687654614448547,0.152306394305231,2,2106,0 -5107,0.001643569284725184,0.0012964904308319092,0.0010101646184921265,0.6618995678999028,2,2107,0 -5108,0.0020490318387693385,0.0017347075045108795,0.001090560108423233,0.5612347014321174,2,2108,0 -5109,0.001269117103881204,0.0011479556560516357,0.0005411617457866669,0.4405179754813551,2,2109,0 -5110,0.0014467297293991363,0.0012750513851642609,0.0006835721433162689,0.49211924515296507,2,2110,0 -5111,0.0018806964975935222,0.0016702339053153992,0.0008644871413707733,0.47761602427251404,2,2111,0 -5112,0.0015144623151651677,0.0011059530079364777,0.0010346323251724243,0.7520921755606709,2,2112,0 -5113,0.0015805659093272649,0.0013263002038002014,0.0008597187697887421,0.5751146299152976,2,2113,0 -5114,0.001893839544953537,0.001519612967967987,0.001130223274230957,0.6394938095857151,2,2114,0 -5115,0.0015403601547764663,0.0012149401009082794,0.0009469054639339447,0.6620434913523479,2,2115,0 -5116,0.0013907391541402542,0.0011691637337207794,0.0007531344890594482,0.5722624246316281,2,2116,0 -5117,0.0014927684875239476,0.0013356693089008331,0.0006665922701358795,0.4629032052807992,2,2117,0 -5118,0.0014167941141316317,0.001102738082408905,0.0008895359933376312,0.6787894548871606,2,2118,0 -5119,0.0014416156829228735,0.0009333789348602295,0.0010986626148223877,0.8665582238866884,2,2119,0 -5120,0.0016630160131297406,0.0014159902930259705,0.0008721202611923218,0.5520347782013363,2,2120,0 -5121,0.001312992463229934,0.0007652193307876587,0.0010669529438018799,0.948619349165624,2,2121,0 -5122,0.0012950353307130298,0.001072704792022705,0.0007255487143993378,0.5946924035557105,2,2122,0 -5123,0.0016020881666711992,0.0014155954122543335,0.0007501840591430664,0.4873136260152354,2,2123,0 -5124,0.0015253739504384062,0.0012466683983802795,0.0008789673447608948,0.6141092222369001,2,2124,0 -5125,0.002000795261235865,0.001508135348558426,0.001314803957939148,0.7170190889740922,2,2125,0 -5126,0.0012051956807348934,0.0010599121451377869,0.0005736574530601501,0.49608595859451726,2,2126,0 -5127,0.0016282328234791812,0.0011721588671207428,0.001130126416683197,0.7671433529743223,2,2127,0 -5128,0.0013621670574599514,0.001027420163154602,0.0008943751454353333,0.7162788994280763,2,2128,0 -5129,0.0014100333873239925,0.0010545328259468079,0.0009360313415527344,0.7259367338122661,2,2129,0 -5130,0.0015653073445511543,0.0011439025402069092,0.0010684914886951447,0.7513256312157718,2,2130,0 -5131,0.0015844566802685634,0.0013745613396167755,0.0007880888879299164,0.5205846953074069,2,2131,0 -5132,0.0013525642645803295,0.0009184964001178741,0.0009928718209266663,0.8242906778981145,2,2132,0 -5133,0.0018234869395172633,0.0016412809491157532,0.0007945448160171509,0.45084724094514367,2,2133,0 -5134,0.0015317587205811536,0.0014163777232170105,0.0005832314491271973,0.3906173619468859,2,2134,0 -5135,0.0016598409414532778,0.0013266056776046753,0.0009975917637348175,0.6447723179438952,2,2135,0 -5136,0.0015458941246903504,0.0011379867792129517,0.0010463148355484009,0.7434542406899965,2,2136,0 -5137,0.001816421410795236,0.0014960765838623047,0.0010301172733306885,0.6029971561837869,2,2137,0 -5138,0.00171835945752122,0.0011118650436401367,0.001310158520936966,0.867086966533129,2,2138,0 -5139,0.0015522600075800132,0.0012325718998908997,0.0009435452520847321,0.6533533945387995,2,2139,0 -5140,0.0013814260741417499,0.0010032840073108673,0.000949610024690628,0.7579207514321689,2,2140,0 -5141,0.0016258482055168204,0.0013922937214374542,0.0008395835757255554,0.542638507979712,2,2141,0 -5142,0.0016068803777578265,0.001200500875711441,0.0010681115090847015,0.7271072943983182,2,2142,0 -5143,0.0017928507424357508,0.0010486766695976257,0.0014541633427143097,0.9460132455247946,2,2143,0 -5144,0.0012839022562187905,0.001032177358865738,0.0007635541260242462,0.6369093485963885,2,2144,0 -5145,0.002008497215201879,0.0015984997153282166,0.0012160837650299072,0.6503556319316404,2,2145,0 -5146,0.0014668102619740907,0.0011718086898326874,0.000882267951965332,0.6453617102071477,2,2146,0 -5147,0.0017375632377714429,0.0014079511165618896,0.001018233597278595,0.62612890056271,2,2147,0 -5148,0.001386350004963739,0.0011522993445396423,0.0007708258926868439,0.5895788572093784,2,2148,0 -5149,0.0013355693256395069,0.0009507536888122559,0.0009379833936691284,0.7786369785460263,2,2149,0 -5150,0.001407046292389252,0.0010853596031665802,0.0008954182267189026,0.6897981556200791,2,2150,0 -5151,0.0015580464913684251,0.0010070540010929108,0.0011888444423675537,0.8679961706457807,2,2151,0 -5152,0.0019910750171069987,0.0014589540660381317,0.0013549290597438812,0.7484465022188893,2,2152,0 -5153,0.0018071176185655202,0.0013924352824687958,0.0011518672108650208,0.6911267476263097,2,2153,0 -5154,0.0016136810583444337,0.001438334584236145,0.0007315464317798615,0.47050914210194483,2,2154,0 -5155,0.0015188287412218405,0.0010753236711025238,0.001072622835636139,0.7841407605550053,2,2155,0 -5156,0.0013147389971785246,0.0009379200637340546,0.0009213276207447052,0.7764741224212377,2,2156,0 -5157,0.0012775703807158538,0.0009913668036460876,0.0008058398962020874,0.682531830806515,2,2157,0 -5158,0.0014507756133433458,0.00121239572763443,0.0007967725396156311,0.5814120660153267,2,2158,0 -5159,0.0014961445396471033,0.0009311363101005554,0.0011710822582244873,0.8990457318563829,2,2159,0 -5160,0.0016089430962449767,0.0012570023536682129,0.0010043121874332428,0.6741150138990667,2,2160,0 -5161,0.001479338411032815,0.0011190660297870636,0.0009675398468971252,0.7129069137896865,2,2161,0 -5162,0.0013655244112649539,0.0008545219898223877,0.0010651051998138428,0.8946613223427909,2,2162,0 -5163,0.001769051934206436,0.001202654093503952,0.0012973695993423462,0.8232658959587794,2,2163,0 -5164,0.001408693039551605,0.0010708868503570557,0.0009152144193649292,0.7071771740387507,2,2164,0 -5165,0.0015581532636123336,0.0011970587074756622,0.000997442752122879,0.694685930481156,2,2165,0 -5166,0.0018129181322191978,0.0014648474752902985,0.0010681264102458954,0.6300376799039895,2,2166,0 -5167,0.001447734403907963,0.0010975822806358337,0.0009440593421459198,0.7103435828915267,2,2167,0 -5168,0.0018251971609647664,0.0016142576932907104,0.0008517727255821228,0.4855268262547085,2,2168,0 -5169,0.0018488295539901161,0.0012883245944976807,0.0013260431587696075,0.7998245758670189,2,2169,0 -5170,0.001118620140977676,0.00083150714635849,0.000748269259929657,0.7327571783850716,2,2170,0 -5171,0.001287080180022947,0.0011640265583992004,0.0005491971969604492,0.4408408395396482,2,2171,0 -5172,0.0015815088676638838,0.001272495836019516,0.0009391084313392639,0.6357800785079377,2,2172,0 -5173,0.0015331906540934934,0.0010873638093471527,0.0010808855295181274,0.7824103794576546,2,2173,0 -5174,0.0015398865314396062,0.0011149197816848755,0.0010621696710586548,0.761173255494515,2,2174,0 -5175,0.0018942492855918112,0.0016600638628005981,0.0009123422205448151,0.5025226968756354,2,2175,0 -5176,0.0011955681244485235,0.0006816498935222626,0.0009822100400924683,0.9641112312659437,2,2176,0 -5177,0.0011823171789489078,0.0010249018669128418,0.0005894489586353302,0.5219298816711716,2,2177,0 -5178,0.0015581547703257008,0.0009778589010238647,0.0012131109833717346,0.8923618455246574,2,2178,0 -5179,0.0017862615769475515,0.0014965757727622986,0.0009751878678798676,0.5775081347387728,2,2179,0 -5180,0.0013174073962768477,0.0010676346719264984,0.0007718279957771301,0.6259517969375824,2,2180,0 -5181,0.001295982787324328,0.0012188032269477844,0.0004405565559864044,0.34685323458716844,2,2181,0 -5182,0.001329789939379966,0.001153651624917984,0.0006613843142986298,0.5205530307374959,2,2182,0 -5183,0.0014000370787904041,0.001236550509929657,0.0006565414369106293,0.4880967641301617,2,2183,0 -5184,0.0010002935524646242,0.0007450729608535767,0.0006674230098724365,0.7304798681892909,2,2184,0 -5185,0.0017031117769410395,0.0010031312704086304,0.0013763420283794403,0.9409766028184134,2,2185,0 -5186,0.001384889928744685,0.0012123025953769684,0.0006695091724395752,0.5045785387276899,2,2186,0 -5187,0.0015305487767558953,0.001290392130613327,0.0008230842649936676,0.5677906574579706,2,2187,0 -5188,0.001303374204525476,0.0011535100638866425,0.0006067939102649689,0.4842629416074491,2,2188,0 -5189,0.001277393758727479,0.0008436702191829681,0.0009591430425643921,0.8493622471247433,2,2189,0 -5190,0.001738146465362495,0.0009141638875007629,0.0014783293008804321,1.0169742658476624,2,2190,0 -5191,0.001202740385848901,0.0009502358734607697,0.000737316906452179,0.6598910827960858,2,2191,0 -5192,0.0014064704558273005,0.0011310204863548279,0.0008360333740711212,0.63654349978942,2,2192,0 -5193,0.001571255403227667,0.0012729912996292114,0.000921051949262619,0.6263463277485714,2,2193,0 -5194,0.0019349152366151215,0.0016403794288635254,0.0010261833667755127,0.5590140085202917,2,2194,0 -5195,0.0017324285306321134,0.0013981983065605164,0.0010229125618934631,0.6316163939256213,2,2195,0 -5196,0.0016540932911329209,0.0013378262519836426,0.0009727515280246735,0.6286921350655179,2,2196,0 -5197,0.0014878130765588501,0.001197129487991333,0.0008834414184093475,0.6357550595766582,2,2197,0 -5198,0.0015410320036538883,0.0013206861913204193,0.0007940828800201416,0.5413494047526073,2,2198,0 -5199,0.0013634093592654302,0.0010140128433704376,0.0009114071726799011,0.7321585026626911,2,2199,0 -5200,0.0017013191921446942,0.0014568530023097992,0.0008786730468273163,0.5427184452080038,2,2200,0 -5201,0.0015771220094543366,0.001294206827878952,0.000901300460100174,0.6083134824240851,2,2201,0 -5202,0.0015608952573954598,0.0010511614382266998,0.0011538863182067871,0.8319507437054775,2,2202,0 -5203,0.001459182544457293,0.0010812915861606598,0.0009798072278499603,0.7361999083138072,2,2203,0 -5204,0.001773059521958147,0.0015077702701091766,0.0009329356253147125,0.5540936324576263,2,2204,0 -5205,0.0013888231431072756,0.001193419098854065,0.0007103383541107178,0.5368920839267658,2,2205,0 -5206,0.0014731977897918702,0.0009833648800849915,0.0010969527065753937,0.8399451947105987,2,2206,0 -5207,0.0013876790324309535,0.0010415539145469666,0.0009169615805149078,0.7218680723684457,2,2207,0 -5208,0.0012868291752327755,0.0011032670736312866,0.0006623677909374237,0.5406910735869673,2,2208,0 -5209,0.001337044403555362,0.0011868290603160858,0.000615730881690979,0.47857687616032635,2,2209,0 -5210,0.001559466480620212,0.0013459362089633942,0.0007876493036746979,0.5294701774496495,2,2210,0 -5211,0.001327053067298219,0.0010649524629116058,0.0007917992770671844,0.6393324193473049,2,2211,0 -5212,0.001270941750520388,0.0008745677769184113,0.0009221844375133514,0.8118934794262099,2,2212,0 -5213,0.0015381226493918813,0.0013168565928936005,0.0007948018610477448,0.543032978603272,2,2213,0 -5214,0.0014952582802446126,0.0012740753591060638,0.0007826425135135651,0.550855381340795,2,2214,0 -5215,0.0012966783360729194,0.001219630241394043,0.0004403144121170044,0.34646080194507795,2,2215,0 -5216,0.0015889099695681965,0.0013685859739780426,0.0008072219789028168,0.5329019877030869,2,2216,0 -5217,0.0014573609529266356,0.0012018531560897827,0.0008242875337600708,0.601164104339319,2,2217,0 -5218,0.0015939914127432655,0.0011403374373912811,0.0011137500405311584,0.7736035173515782,2,2218,0 -5219,0.0019579528009464127,0.001837514340877533,0.0006761066615581512,0.35257233766776463,2,2219,0 -5220,0.001300318131755502,0.0011004358530044556,0.0006927251815795898,0.5618292562998234,2,2220,0 -5221,0.0015527040807717732,0.0012886598706245422,0.0008661672472953796,0.5917862246797728,2,2221,0 -5222,0.001688153828373828,0.0012509673833847046,0.001133553683757782,0.7361979502542899,2,2222,0 -5223,0.001480204320396689,0.0011379942297935486,0.0009465590119361877,0.6938199045703459,2,2223,0 -5224,0.001533887138737944,0.0011254958808422089,0.001042146235704422,0.7469653416787257,2,2224,0 -5225,0.0011336557487086308,0.0009247064590454102,0.0006558150053024292,0.6168832979200759,2,2225,0 -5226,0.0015085425048505122,0.001072511076927185,0.0010608583688735962,0.7799361032776664,2,2226,0 -5227,0.0012698960933269774,0.0011415407061576843,0.0005563460290431976,0.45348793558622447,2,2227,0 -5228,0.0013462977301858137,0.0012987852096557617,0.00035450607538223267,0.2664612457407358,2,2228,0 -5229,0.0012018818871603755,0.0008844137191772461,0.0008138380944728851,0.7438642536788224,2,2229,0 -5230,0.00126177601054098,0.000899195671081543,0.0008851699531078339,0.7775379866853531,2,2230,0 -5231,0.0011921243631144043,0.001062188297510147,0.0005412176251411438,0.47124312494844534,2,2231,0 -5232,0.0023550767654699238,0.0008550472557544708,0.0021943747997283936,1.199240475724355,2,2232,0 -5233,0.0013120395112671249,0.0011684894561767578,0.0005967244505882263,0.47215523220727856,2,2233,0 -5234,0.0012442228283880326,0.0009323842823505402,0.0008238628506660461,0.7236849648309007,2,2234,0 -5235,0.0013208431196403976,0.0010775960981845856,0.0007638148963451385,0.6166167508097558,2,2235,0 -5236,0.0013731952559193892,0.0009820759296417236,0.000959787517786026,0.7739208202315976,2,2236,0 -5237,0.0014282122596851366,0.0009484328329563141,0.001067832112312317,0.8445471376739689,2,2237,0 -5238,0.0010725447604304278,0.0007157735526561737,0.0007987618446350098,0.8401379770408746,2,2238,0 -5239,0.0011055247954373667,0.0009051039814949036,0.0006348006427288055,0.6116358478325628,2,2239,0 -5240,0.0011630950211540794,0.0010655373334884644,0.0004662834107875824,0.4124977391278742,2,2240,0 -5241,0.0010906062066963378,0.0010164976119995117,0.000395163893699646,0.37077102176379617,2,2241,0 -5242,0.001401887934436936,0.0012009181082248688,0.0007232464849948883,0.5420683311952225,2,2242,0 -5243,0.0016307179059959686,0.0010744854807853699,0.001226671040058136,0.8514363768611379,2,2243,0 -5244,0.0012145567705018198,0.0009568892419338226,0.0007480047643184662,0.6634852564371633,2,2244,0 -5245,0.0019562562005976036,0.0016207210719585419,0.0010955370962619781,0.5944065461319934,2,2245,0 -5246,0.001391277185769816,0.0011002980172634125,0.0008514672517776489,0.6585921260223997,2,2246,0 -5247,0.0016576150307901797,0.0012911148369312286,0.0010395720601081848,0.677887849656623,2,2247,0 -5248,0.0015513462511091021,0.001019347459077835,0.0011694468557834625,0.8538672589955898,2,2248,0 -5249,0.0016549333600296239,0.0014438778162002563,0.0008087158203125,0.5105643691451005,2,2249,0 -5250,0.001615860743835163,0.0013764053583145142,0.0008464716374874115,0.551366656290783,2,2250,0 -5251,0.0011836483631037416,0.0010427236557006836,0.0005601346492767334,0.49295059318133416,2,2251,0 -5252,0.003055500857213831,0.0015166513621807098,0.0026525184512138367,1.0513869313722715,2,2252,0 -5253,0.0014718358791705112,0.0010519586503505707,0.0010294094681739807,0.7745647602020845,2,2253,0 -5254,0.0012573635638952806,0.001144859939813614,0.0005198642611503601,0.4262462050487264,2,2254,0 -5255,0.0015076716918574495,0.0013402141630649567,0.0006905794143676758,0.4757931320913041,2,2255,0 -5256,0.0016642148829179913,0.0014700181782245636,0.0007801651954650879,0.48791900301637353,2,2256,0 -5257,0.0016573980499598557,0.0013258419930934906,0.0009945407509803772,0.6435779792399076,2,2257,0 -5258,0.0011907609344760863,0.000942721962928772,0.0007274523377418518,0.6572143603385748,2,2258,0 -5259,0.0013588074041516556,0.0011388584971427917,0.0007411874830722809,0.5769487380630555,2,2259,0 -5260,0.0015017289068600089,0.0013178884983062744,0.0007199719548225403,0.5000036154871828,2,2260,0 -5261,0.001371423989478201,0.0010618939995765686,0.0008678622543811798,0.6851876774980843,2,2261,0 -5262,0.0012412005398689154,0.0009502843022346497,0.0007984600961208344,0.6987963352091711,2,2262,0 -5263,0.0014005840006599884,0.0009784847497940063,0.0010020993649959564,0.7973206543984394,2,2263,0 -5264,0.0016239956742417439,0.0010992586612701416,0.0011954046785831451,0.8272735053300002,2,2264,0 -5265,0.0012901895620083394,0.0008335225284099579,0.0009847991168498993,0.8684027349003475,2,2265,0 -5266,0.001608156575506426,0.00135866180062294,0.0008603520691394806,0.56449913661154,2,2266,0 -5267,0.001306786169328382,0.0010539740324020386,0.0007725469768047333,0.6325221693468013,2,2267,0 -5268,0.0013925986254659138,0.0010130442678928375,0.0009555481374263763,0.7561997422399811,2,2268,0 -5269,0.001567596167459716,0.0010925009846687317,0.0011241883039474487,0.7996920751953271,2,2269,0 -5270,0.001631970063165002,0.0012551993131637573,0.001042976975440979,0.6933155093648191,2,2270,0 -5271,0.0014948508497584264,0.001240849494934082,0.0008335895836353302,0.5915407566220218,2,2271,0 -5272,0.001417669434371485,0.0010383762419223785,0.0009651742875576019,0.7488782916895417,2,2272,0 -5273,0.0017385708424244913,0.0014349408447742462,0.0009816177189350128,0.5999629097049896,2,2273,0 -5274,0.0014229474148097511,0.0012349337339401245,0.0007069073617458344,0.5198972012820551,2,2274,0 -5275,0.0018903620067908283,0.0016750060021877289,0.0008762553334236145,0.4819843519580047,2,2275,0 -5276,0.0011108907497227737,0.0005797781050205231,0.0009475946426391602,1.0217150185485429,2,2276,0 -5277,0.0012883541804647462,0.0012095943093299866,0.0004435516893863678,0.3514694079291466,2,2277,0 -5278,0.001653811255922753,0.0009082332253456116,0.0013821013271808624,0.989418563305024,2,2278,0 -5279,0.0016085713130183999,0.00144161656498909,0.0007136128842830658,0.45964668163852485,2,2279,0 -5280,0.0012382194958265199,0.0009240955114364624,0.0008241571485996246,0.7282955955683779,2,2280,0 -5281,0.0017747372494687792,0.0013355612754821777,0.0011687465012073517,0.7188852894022197,2,2281,0 -5282,0.0013756422579318233,0.0010397545993328094,0.0009007230401039124,0.7138722758788205,2,2282,0 -5283,0.001682953529050394,0.0014556460082530975,0.0008446462452411652,0.5257747740974963,2,2283,0 -5284,0.0015580088739725734,0.0010970421135425568,0.0011062957346439362,0.7895979581329483,2,2284,0 -5285,0.0012993579447408417,0.001058436930179596,0.0007536858320236206,0.618783699083242,2,2285,0 -5286,0.0012900026267639384,0.0012110508978366852,0.00044436752796173096,0.35167444129344533,2,2286,0 -5287,0.0015582121876987045,0.0010089129209518433,0.0011874847114086151,0.866521856885273,2,2287,0 -5288,0.0018925183563028875,0.0013659298419952393,0.001309908926486969,0.7644653876661403,2,2288,0 -5289,0.0016561417506809613,0.0014340318739414215,0.0008284673094749451,0.5238752007564581,2,2289,0 -5290,0.0014700281181138028,0.00118197500705719,0.0008740238845348358,0.6367216650369061,2,2290,0 -5291,0.001204707436276716,0.0010677650570869446,0.0005578510463237762,0.4814438182870226,2,2291,0 -5292,0.0015885748781815081,0.0009535513818264008,0.0012705549597740173,0.9269753529374255,2,2292,0 -5293,0.001568343004321162,0.0010717250406742096,0.0011450350284576416,0.8184568965107509,2,2293,0 -5294,0.0019293521121337347,0.0013684183359146118,0.0013600848615169525,0.7823439435991282,2,2294,0 -5295,0.0015166569989087124,0.001061808317899704,0.0010829642415046692,0.7952617908543856,2,2295,0 -5296,0.0017362432713522267,0.0014492757618427277,0.0009561069309711456,0.5831734826102076,2,2296,0 -5297,0.0013769937148668666,0.0008820332586765289,0.0010574162006378174,0.8755821130214448,2,2297,0 -5298,0.0018145472094982964,0.0016593560576438904,0.0007342472672462463,0.41659048239189633,2,2298,0 -5299,0.0014902378403087886,0.0011044517159461975,0.0010004974901676178,0.7360526322843777,2,2299,0 -5300,0.0011921535212322712,0.0009048208594322205,0.0007762275636196136,0.7090509597042428,2,2300,0 -5301,0.0017495915979465482,0.0015816055238246918,0.0007480606436729431,0.4417952203702569,2,2301,0 -5302,0.001791685513939514,0.0012892596423625946,0.0012441650032997131,0.7676001690826743,2,2302,0 -5303,0.0013424415189093493,0.0009711943566799164,0.0009267851710319519,0.7620042946087888,2,2303,0 -5304,0.0017545265869129622,0.0014739558100700378,0.0009517446160316467,0.5733518658919,2,2304,0 -5305,0.0017373662272088123,0.001529105007648468,0.0008247904479503632,0.4946641523337702,2,2305,0 -5306,0.0019270892485459005,0.001602768898010254,0.0010699555277824402,0.588625610327545,2,2306,0 -5307,0.0012021624977820694,0.001110900193452835,0.00045945122838020325,0.3921621218533246,2,2307,0 -5308,0.0013872374581204584,0.0013171471655368805,0.0004353746771812439,0.31923777283567545,2,2308,0 -5309,0.0009685750129416617,0.0007856860756874084,0.0005664229393005371,0.6246338265382599,2,2309,0 -5310,0.0017937207400315989,0.0015178248286247253,0.0009558461606502533,0.5620058571319364,2,2310,0 -5311,0.0018098695216355162,0.0013973526656627655,0.001150231808423996,0.6886986738889189,2,2311,0 -5312,0.001562705377441535,0.0011230111122131348,0.001086689531803131,0.7689623127557467,2,2312,0 -5313,0.0012717300707422617,0.0005814768373966217,0.0011310093104839325,1.0959150017529047,2,2313,0 -5314,0.0014550873137831146,0.0012075640261173248,0.0008118301630020142,0.591883840063022,2,2314,0 -5315,0.0013246094236435474,0.0009952336549758911,0.0008741281926631927,0.7207041820682804,2,2315,0 -5316,0.0015558339764890341,0.0013325586915016174,0.0008030608296394348,0.5423626327931939,2,2316,0 -5317,0.0013143888587489163,0.0010901428759098053,0.0007343068718910217,0.5927788199139634,2,2317,0 -5318,0.0013314076628601552,0.001131441444158554,0.0007017739117145538,0.5551746031452645,2,2318,0 -5319,0.0016095743117959301,0.0013149827718734741,0.000928197056055069,0.6146497160640689,2,2319,0 -5320,0.0014434924158989407,0.0011446550488471985,0.0008794516324996948,0.6551178333803984,2,2320,0 -5321,0.0011349552414818618,0.0006867647171020508,0.000903591513633728,0.9209012081905523,2,2321,0 -5322,0.0008921680735370865,0.0003198869526386261,0.0008328482508659363,1.2040820662336709,2,2322,0 -5323,0.0012645038286652306,0.0009745471179485321,0.0008057467639446259,0.6908647696425362,2,2323,0 -5324,0.0016486357481966109,0.0012422017753124237,0.0010839439928531647,0.717468506488416,2,2324,0 -5325,0.0017451417389408113,0.0013670995831489563,0.0010846927762031555,0.6707197208535363,2,2325,0 -5326,0.001484989265902176,0.0012211725115776062,0.0008449442684650421,0.6052773219002411,2,2326,0 -5327,0.001463993229035773,0.0013400204479694366,0.0005895942449569702,0.41449765127418225,2,2327,0 -5328,0.0012063467250223287,0.0010262615978717804,0.0006340816617012024,0.5534453967303962,2,2328,0 -5329,0.001677817568666801,0.0013950914144515991,0.0009320899844169617,0.5890088302384041,2,2329,0 -5330,0.0016624329539099189,0.0013438761234283447,0.000978611409664154,0.629402902510163,2,2330,0 -5331,0.0014304533660649036,0.0011708065867424011,0.0008218325674533844,0.6120248414565159,2,2331,0 -5332,0.0017766346665517806,0.001462981104850769,0.0010080263018608093,0.60332018116437,2,2332,0 -5333,0.0019572327044706443,0.0015303678810596466,0.0012201368808746338,0.6730822716989011,2,2333,0 -5334,0.001364550582999657,0.0010924004018306732,0.000817716121673584,0.6425723459042219,2,2334,0 -5335,0.0016645428254304826,0.0014261677861213684,0.0008583404123783112,0.5417793689647002,2,2335,0 -5336,0.0012562694859317599,0.0011888258159160614,0.00040608644485473633,0.3291596183828023,2,2336,0 -5337,0.0013070027833233116,0.0010774098336696625,0.0007398948073387146,0.6017675430170436,2,2337,0 -5338,0.001361157141661901,0.001094318926334381,0.0008094534277915955,0.6368680173609871,2,2338,0 -5339,0.0014094673268210014,0.0012231096625328064,0.0007004290819168091,0.5200758396964413,2,2339,0 -5340,0.001274779712395836,0.0010210946202278137,0.0007631704211235046,0.6418377341764195,2,2340,0 -5341,0.0016236454537070732,0.0011852867901325226,0.0011096484959125519,0.7524512980347097,2,2341,0 -5342,0.0015268467700675574,0.0012799128890037537,0.0008325167000293732,0.5766900513500378,2,2342,0 -5343,0.002897580145998552,0.001445617526769638,0.002511207014322281,1.0484613663847655,2,2343,0 -5344,0.0017312554882031946,0.0014840848743915558,0.0008914805948734283,0.5409294972003367,2,2344,0 -5345,0.0014283576581860555,0.0011987201869487762,0.0007767081260681152,0.5749312067722495,2,2345,0 -5346,0.0015513131883044486,0.0014183521270751953,0.0006283707916736603,0.4170415436604483,2,2346,0 -5347,0.0014235579352297972,0.0012897253036499023,0.0006025992333889008,0.43709021108460183,2,2347,0 -5348,0.0015485923205580386,0.0008893422782421112,0.0012677572667598724,0.9590587800998244,2,2348,0 -5349,0.0014019720477268956,0.0012315697968006134,0.0006698966026306152,0.4981765415063672,2,2349,0 -5350,0.0015885188865596195,0.001057017594575882,0.0011857934296131134,0.8427523496646477,2,2350,0 -5351,0.0017515107959014012,0.001317877322435379,0.0011536851525306702,0.7190630951865863,2,2351,0 -5352,0.001759068389255135,0.0014113225042819977,0.0010499954223632812,0.6396370284454145,2,2352,0 -5353,0.001511043796540938,0.0014354586601257324,0.00047192350029945374,0.31763025011429696,2,2353,0 -5354,0.0014157805996482164,0.00133475661277771,0.00047207996249198914,0.3399516066477844,2,2354,0 -5355,0.0015760241907350925,0.0011704452335834503,0.0010554194450378418,0.7337671899617066,2,2355,0 -5356,0.002695569513031229,0.0017672032117843628,0.0020354576408863068,0.8558253667614966,2,2356,0 -5357,0.0011973850765671066,0.000887017697095871,0.0008043199777603149,0.7365422117334004,2,2357,0 -5358,0.0011750176759486016,0.0008472166955471039,0.0008141808211803436,0.7655163945489003,2,2358,0 -5359,0.0014648407940871305,0.0012359283864498138,0.0007862821221351624,0.5666038005810956,2,2359,0 -5360,0.0011763821330212877,0.0010397173464298248,0.0005503296852111816,0.4868174103504891,2,2360,0 -5361,0.0018172655025341198,0.0016645975410938263,0.0007290877401828766,0.41282702103684954,2,2361,0 -5362,0.0016247220463123813,0.0010747909545898438,0.0012184195220470428,0.8479485494257433,2,2362,0 -5363,0.0016561381069465893,0.0014753788709640503,0.0007523633539676666,0.47157260572820525,2,2363,0 -5364,0.001464075765778944,0.001183338463306427,0.0008621066808700562,0.6296231483972983,2,2364,0 -5365,0.0013743732536634992,0.001072116196155548,0.0008599236607551575,0.6760083472070294,2,2365,0 -5366,0.0013609488203619091,0.0009744241833686829,0.0009500943124294281,0.7727567806461391,2,2366,0 -5367,0.0016285063067281674,0.0013419687747955322,0.0009225793182849884,0.602275093391499,2,2367,0 -5368,0.0012826394726588078,0.0009064115583896637,0.0009075142443180084,0.7860060635612085,2,2368,0 -5369,0.0011470025335062752,0.0008798465132713318,0.0007358565926551819,0.6965139325923965,2,2369,0 -5370,0.0016103341639677855,0.0012958310544490814,0.0009560324251651764,0.6356314233396437,2,2370,0 -5371,0.0019273843860306047,0.0016094110906124115,0.0010604746639728546,0.582620988123144,2,2371,0 -5372,0.0014507681907545073,0.0010203160345554352,0.0010313503444194794,0.790776329940007,2,2372,0 -5373,0.0013944562654618804,0.0013046935200691223,0.0004922226071357727,0.3607599128403998,2,2373,0 -5374,0.0015178987295502097,0.0012230202555656433,0.0008990205824375153,0.6338852417798216,2,2374,0 -5375,0.0012813247552895658,0.0009664073586463928,0.000841338187456131,0.7163230708733701,2,2375,0 -5376,0.0015440830560591637,0.0012742765247821808,0.0008720159530639648,0.6001264012907919,2,2376,0 -5377,0.001407207711525818,0.0012401938438415527,0.0006649456918239594,0.4921575394704124,2,2377,0 -5378,0.0016661228809946539,0.0013028904795646667,0.0010384805500507355,0.6729450597082176,2,2378,0 -5379,0.0010515927443490393,0.0008829981088638306,0.0005711056292057037,0.574108358308135,2,2379,0 -5380,0.0013748386860375382,0.0011742860078811646,0.0007150061428546906,0.5469276134625485,2,2380,0 -5381,0.0016015674572880591,0.0012220591306686401,0.0010351762175559998,0.702793726504182,2,2381,0 -5382,0.0017049625838196066,0.0013693645596504211,0.0010157451033592224,0.6382090893070037,2,2382,0 -5383,0.0016082571478896665,0.0013248510658740997,0.0009117349982261658,0.6027484337633437,2,2383,0 -5384,0.0013513936767321547,0.0009354129433631897,0.0009753294289112091,0.8062856890632378,2,2384,0 -5385,0.0015812896454104463,0.001217074692249298,0.0010095573961734772,0.692468761828954,2,2385,0 -5386,0.0014418173681463422,0.0012415386736392975,0.0007330887019634247,0.5333811014103185,2,2386,0 -5387,0.0016218198396123107,0.001232881098985672,0.0010537095367908478,0.707200428356291,2,2387,0 -5388,0.0016884262887606448,0.001107577234506607,0.0012743845582008362,0.8553134084664606,2,2388,0 -5389,0.001204796894282893,0.0010858401656150818,0.0005220025777816772,0.44811807254719427,2,2389,0 -5390,0.0015003105604193606,0.0011360310018062592,0.000979982316493988,0.711784868787594,2,2390,0 -5391,0.0016397382059372858,0.0014079399406909943,0.0008405037224292755,0.5381916261056635,2,2391,0 -5392,0.0013835321592565524,0.0010645799338817596,0.0008836463093757629,0.6927928432361525,2,2392,0 -5393,0.0012588274652173307,0.0009621232748031616,0.0008117668330669403,0.700839423503195,2,2393,0 -5394,0.0015605722380661287,0.0012118667364120483,0.0009832419455051422,0.6816204081460742,2,2394,0 -5395,0.00170512860231031,0.0014493763446807861,0.0008982047438621521,0.5547920702028744,2,2395,0 -5396,0.0015830447294808902,0.00144185870885849,0.0006535090506076813,0.4255456241799675,2,2396,0 -5397,0.0016937372343286774,0.0014904588460922241,0.0008045360445976257,0.4949713169030523,2,2397,0 -5398,0.0018050418400441892,0.001402880996465683,0.0011358261108398438,0.6805903536231616,2,2398,0 -5399,0.001511533153917264,0.001285005360841751,0.0007959231734275818,0.5545570655370806,2,2399,0 -5400,0.0010707747207442553,0.0009983479976654053,0.00038711726665496826,0.36990845061367417,2,2400,0 -5401,0.0014876939364953951,0.000992506742477417,0.0011082254350185394,0.8404274825755201,2,2401,0 -5402,0.0006580253894498352,0.00037530064582824707,0.0005405060946941376,0.9638720840690241,2,2402,0 -5403,0.003143698679288127,0.0017575770616531372,0.002606485038995743,0.9775213268241006,2,2403,0 -5404,0.0016654941924907818,0.001253228634595871,0.0010969452559947968,0.7189972799636138,2,2404,0 -5405,0.0012966814849839454,0.00111447274684906,0.0006628222763538361,0.5365433769055025,2,2405,0 -5406,0.0012588843140410575,0.0010691620409488678,0.0006645917892456055,0.5561510829658471,2,2406,0 -5407,0.0016279067034266812,0.001198556274175644,0.001101609319448471,0.7432752791392289,2,2407,0 -5408,0.0014608576357925359,0.0009620450437068939,0.0010993517935276031,0.8519085135687159,2,2408,0 -5409,0.0013471506767998634,0.001103326678276062,0.0007729716598987579,0.6111169777668137,2,2409,0 -5410,0.0012905167953356808,0.0010187029838562012,0.0007922612130641937,0.6610044327219747,2,2410,0 -5411,0.0014699810296565155,0.0012504011392593384,0.0007728785276412964,0.553625354628745,2,2411,0 -5412,0.001281406860526484,0.0011634714901447296,0.0005369707942008972,0.4323964049498263,2,2412,0 -5413,0.001304548747568237,0.0010784231126308441,0.0007340647280216217,0.5976438344318447,2,2413,0 -5414,0.001256242148373993,0.0009777359664440155,0.0007887817919254303,0.6788391148054428,2,2414,0 -5415,0.0016839209017236202,0.0014552362263202667,0.0008472763001918793,0.527247819006971,2,2415,0 -5416,0.001616867451036818,0.0011745207011699677,0.001111198216676712,0.7577017166664255,2,2416,0 -5417,0.0013863164538709298,0.0010064244270324707,0.0009534060955047607,0.7583522515286236,2,2417,0 -5418,0.0016426230416015074,0.001388687640428543,0.0008773580193519592,0.5634666320432347,2,2418,0 -5419,0.001515783313513951,0.0013570524752140045,0.0006752833724021912,0.4617340712542381,2,2419,0 -5420,0.0017767740776128492,0.0016140155494213104,0.0007428862154483795,0.43136323987863406,2,2420,0 -5421,0.0015007688422356805,0.0010853111743927002,0.0010365359485149384,0.7624150573193675,2,2421,0 -5422,0.0014516654781846518,0.0010971315205097198,0.0009505972266197205,0.7139605094196826,2,2422,0 -5423,0.001403967858121657,0.001000966876745224,0.000984475016593933,0.777091961674476,2,2423,0 -5424,0.0014852762980818149,0.001272536814212799,0.0007659606635570526,0.5418273605656546,2,2424,0 -5425,0.0016299916868119677,0.0014358162879943848,0.0007715597748756409,0.4930921838678855,2,2425,0 -5426,0.000950619897108963,0.00060233473777771,0.0007354393601417542,0.8845688549229286,2,2426,0 -5427,0.0014919040388318866,0.0012063831090927124,0.0008777342736721039,0.6289940057197337,2,2427,0 -5428,0.0011352779823623968,0.001041807234287262,0.0004511028528213501,0.40862741768305205,2,2428,0 -5429,0.0013235828801405672,0.0008390769362449646,0.0010236315429210663,0.8841544867034755,2,2429,0 -5430,0.0014698096248933587,0.0012715421617031097,0.0007372386753559113,0.5254332595516855,2,2430,0 -5431,0.0015549062140333089,0.001427534967660904,0.0006163418292999268,0.4075761675102883,2,2431,0 -5432,0.0012706123989891572,0.0007923729717731476,0.0009932778775691986,0.8974377356489067,2,2432,0 -5433,0.0012427455893983114,0.0010278262197971344,0.0006985627114772797,0.5969376999468293,2,2433,0 -5434,0.0015878098665487767,0.001386154443025589,0.0007744133472442627,0.509481005660624,2,2434,0 -5435,0.001889610086835919,0.0014888383448123932,0.0011636093258857727,0.6633924782788901,2,2435,0 -5436,0.0012826628532504913,0.0010433420538902283,0.0007460974156856537,0.6207906953287244,2,2436,0 -5437,0.0019027459014179825,0.001449931412935257,0.0012321285903453827,0.7043686815964446,2,2437,0 -5438,0.001461038346676819,0.001235414296388626,0.0007799901068210602,0.5631591157590309,2,2438,0 -5439,0.0014385510213324843,0.0012670084834098816,0.0006812624633312225,0.49334591739824124,2,2439,0 -5440,0.0016968877189110182,0.0011251196265220642,0.0012702494859695435,0.8459118707257084,2,2440,0 -5441,0.0012996812044365719,0.0009233653545379639,0.0009146407246589661,0.7806514085032266,2,2441,0 -5442,0.0012189050368367385,0.0010505318641662598,0.0006181523203849792,0.5318601208364232,2,2442,0 -5443,0.001312189680550429,0.0007877834141254425,0.0010493993759155273,0.9268477935329333,2,2443,0 -5444,0.0017640828487960004,0.0015544481575489044,0.0008340738713741302,0.4924756450203342,2,2444,0 -5445,0.0014689503105307113,0.0010691173374652863,0.0010073743760585785,0.7556726535622873,2,2445,0 -5446,0.0013685349949886644,0.0007218383252620697,0.0011626854538917542,1.0151961226904331,2,2446,0 -5447,0.0015275311808634203,0.0011917278170585632,0.0009555816650390625,0.6758652741774092,2,2447,0 -5448,0.001550668745176945,0.0012645497918128967,0.0008974894881248474,0.617226656335351,2,2448,0 -5449,0.001473935714397411,0.001184161752462387,0.0008776374161243439,0.6378107901733456,2,2449,0 -5450,0.0013433512885405129,0.000907357782125473,0.000990603119134903,0.8292304772349184,2,2450,0 -5451,0.0016007103510867137,0.0011823736131191254,0.001079011708498001,0.7397226149422707,2,2451,0 -5452,0.0019041276189727602,0.0015903078019618988,0.0010471977293491364,0.5823186729957728,2,2452,0 -5453,0.0013953078921051707,0.0012016966938972473,0.000709090381860733,0.5330892516291696,2,2453,0 -5454,0.002866836818187459,0.001555800437927246,0.002407953143119812,0.9971612259560441,2,2454,0 -5455,0.001330652472410544,0.0011972412467002869,0.0005807317793369293,0.4516229410833195,2,2455,0 -5456,0.0014544552365604337,0.0011594295501708984,0.0008781589567661285,0.6482241560740601,2,2456,0 -5457,0.0016185714465492647,0.0013596601784229279,0.0008781217038631439,0.5734445944085254,2,2457,0 -5458,0.0011619576146049818,0.0010502561926841736,0.0004970990121364594,0.4420702982703746,2,2458,0 -5459,0.001396479376504537,0.0011901259422302246,0.0007305853068828583,0.5505573005979036,2,2459,0 -5460,0.001390265555717052,0.0012494362890720367,0.0006097108125686646,0.4539924936352701,2,2460,0 -5461,0.001337055043037462,0.0011064745485782623,0.0007506199181079865,0.5960740676351792,2,2461,0 -5462,0.001444821854915577,0.0012455657124519348,0.000732172280550003,0.5314177698563426,2,2462,0 -5463,0.0013422403589060726,0.0012453198432922363,0.0005007870495319366,0.3823457832112545,2,2463,0 -5464,0.0016452911939537449,0.0010964684188365936,0.001226678490638733,0.8413885858935313,2,2464,0 -5465,0.0014964603530300824,0.0011163577437400818,0.000996563583612442,0.7287628080135933,2,2465,0 -5466,0.0017581480586019637,0.0015800893306732178,0.0007709749042987823,0.45394604815772294,2,2466,0 -5467,0.0016682221486982118,0.0012558624148368835,0.0010980777442455292,0.7184682565905061,2,2467,0 -5468,0.0011243242868423204,0.0009040012955665588,0.0006684958934783936,0.636737828290221,2,2468,0 -5469,0.0015413190553948894,0.0010963380336761475,0.0010833777487277985,0.7794523734340014,2,2469,0 -5470,0.0015671751126932405,0.0009915493428707123,0.0012136176228523254,0.885763413452394,2,2470,0 -5471,0.0013033980442026605,0.0010380260646343231,0.0007882565259933472,0.649477509033775,2,2471,0 -5472,0.001493398436516943,0.0012128837406635284,0.0008712932467460632,0.6229454365595491,2,2472,0 -5473,0.0014287983905362696,0.0010472573339939117,0.000971965491771698,0.7481278948168515,2,2473,0 -5474,0.0017438393463257951,0.0013758763670921326,0.0010714195668697357,0.661628675753186,2,2474,0 -5475,0.0018153456385047169,0.001374371349811554,0.0011859945952892303,0.7119563374910883,2,2475,0 -5476,0.0015490368309099523,0.001200348138809204,0.0009791217744350433,0.6842399661561247,2,2476,0 -5477,0.001470012932136421,0.001173064112663269,0.0008859224617481232,0.6468340800649104,2,2477,0 -5478,0.0017415776579599062,0.001442689448595047,0.0009755715727806091,0.5945854721326802,2,2478,0 -5479,0.0015333619998738474,0.0012538991868495941,0.0008825734257698059,0.6133139767024378,2,2479,0 -5480,0.0014690647199160126,0.001314513385295868,0.0006559006869792938,0.4628220167293974,2,2480,0 -5481,0.0019271706715507022,0.0018132850527763367,0.0006526745855808258,0.3455028362735812,2,2481,0 -5482,0.0010596429399504048,0.0008137412369251251,0.00067872554063797,0.6951789511436007,2,2482,0 -5483,0.001348478333816125,0.0011196769773960114,0.0007514767348766327,0.5911034365143731,2,2483,0 -5484,0.0013961219599605368,0.0011072196066379547,0.0008504241704940796,0.6549671007530201,2,2484,0 -5485,0.001297977567247019,0.0010787919163703918,0.0007217712700366974,0.5896543354501272,2,2485,0 -5486,0.0016616487721543933,0.0011864639818668365,0.0011633485555648804,0.7755613443507356,2,2486,0 -5487,0.001550371761447992,0.0012624338269233704,0.0008999519050121307,0.6193117948332646,2,2487,0 -5488,0.0016088059237321108,0.0010875314474105835,0.0011855512857437134,0.828493449132524,2,2488,0 -5489,0.0013745556685126276,0.0009827911853790283,0.0009610019624233246,0.7741889920923977,2,2489,0 -5490,0.0015000711525415314,0.001246567815542221,0.0008344352245330811,0.5898829569872656,2,2490,0 -5491,0.0013769303837667646,0.0013187713921070099,0.0003959536552429199,0.2916809508041061,2,2491,0 -5492,0.0012233346020016885,0.000784505158662796,0.0009386688470840454,0.8746255683640743,2,2492,0 -5493,0.0012049111923721637,0.0008764192461967468,0.000826861709356308,0.7563110303250389,2,2493,0 -5494,0.0015317062093845447,0.001185581088066101,0.0009698048233985901,0.6856203342866708,2,2494,0 -5495,0.0016811562333073574,0.0013426542282104492,0.0010117143392562866,0.6457489294218464,2,2495,0 -5496,0.0016132305033230224,0.0012839548289775848,0.000976715236902237,0.6503193392544913,2,2496,0 -5497,0.0014176853264247283,0.0011515617370605469,0.0008268840610980988,0.6227405726185467,2,2497,0 -5498,0.0014827566409630988,0.0012597478926181793,0.0007820501923561096,0.555572643452833,2,2498,0 -5499,0.0011787580522094135,0.00092359259724617,0.0007324256002902985,0.6704691323652024,2,2499,0 -5500,0.0021296334730750064,0.0017829462885856628,0.0011646635830402374,0.578638423859212,2,2500,0 -5501,0.0012074554277054467,0.0010483190417289734,0.0005991458892822266,0.5192226496420806,2,2501,0 -5502,0.0017982132824990958,0.0014583542943000793,0.00105203315615654,0.6249338062744801,2,2502,0 -5503,0.0014535942393513353,0.0011501051485538483,0.0008889287710189819,0.6580035511220842,2,2503,0 -5504,0.0014091998744651265,0.0011983849108219147,0.0007414296269416809,0.554049436718306,2,2504,0 -5505,0.0013954396994568636,0.0011826567351818085,0.0007406584918498993,0.559509658569181,2,2505,0 -5506,0.0017101649113717328,0.0014004260301589966,0.0009815655648708344,0.611333068721053,2,2506,0 -5507,0.0016822954163474321,0.0014040954411029816,0.000926624983549118,0.5833343063836809,2,2507,0 -5508,0.0011734709832847785,0.0009860508143901825,0.0006361901760101318,0.5729864510547976,2,2508,0 -5509,0.0013619428132376086,0.0012112483382225037,0.0006227083504199982,0.4748675198201639,2,2509,0 -5510,0.001653772132146244,0.00099857896566391,0.0013182573020458221,0.9225129258731638,2,2510,0 -5511,0.001328030662692444,0.001123625785112381,0.0007079057395458221,0.5622004383682773,2,2511,0 -5512,0.0014859065467457983,0.0013097748160362244,0.0007017180323600769,0.4918405887500041,2,2512,0 -5513,0.001814414532046532,0.0015571415424346924,0.0009313486516475677,0.5390318158211763,2,2513,0 -5514,0.001733170776765041,0.0014567896723747253,0.0009389594197273254,0.572527425658532,2,2514,0 -5515,0.0016456807492665538,0.001279633492231369,0.0010347962379455566,0.6800028625704498,2,2515,0 -5516,0.001748259238267699,0.0014061853289604187,0.001038774847984314,0.636241641671088,2,2516,0 -5517,0.0016216109214336073,0.0011256784200668335,0.00116724893450737,0.8035260646641648,2,2517,0 -5518,0.0016509587028259059,0.0012167543172836304,0.0011158734560012817,0.7421773640045625,2,2518,0 -5519,0.0015761407745045258,0.0011995472013950348,0.0010224021971225739,0.7058413952767713,2,2519,0 -5520,0.0017636322894751713,0.0014941692352294922,0.0009369403123855591,0.5600824396742428,2,2520,0 -5521,0.0018537596865171094,0.0014858469367027283,0.0011084601283073425,0.6409441082416345,2,2521,0 -5522,0.0017181530522727448,0.0015134476125240326,0.0008133426308631897,0.49312621184497685,2,2522,0 -5523,0.0011095852740458114,0.0007170103490352631,0.0008468031883239746,0.8682060118226658,2,2523,0 -5524,0.0013062959789924566,0.0011976435780525208,0.0005215927958488464,0.4107438684624113,2,2524,0 -5525,0.0018334068678282963,0.0013782419264316559,0.0012090615928173065,0.7201024496037529,2,2525,0 -5526,0.0013518172672601974,0.0011936388909816742,0.0006345361471176147,0.48860538010355437,2,2526,0 -5527,0.001569227791908932,0.0010607726871967316,0.0011563897132873535,0.8284973133248807,2,2527,0 -5528,0.001397216659262118,0.001137755811214447,0.0008110031485557556,0.6192713087053618,2,2528,0 -5529,0.001835344207210248,0.0011496655642986298,0.001430649310350418,0.8938659071516395,2,2529,0 -5530,0.0016889391859399511,0.001317642629146576,0.001056566834449768,0.6758749449548299,2,2530,0 -5531,0.001375953847734161,0.001210581511259079,0.0006540194153785706,0.4953285625283903,2,2531,0 -5532,0.0010654537984248543,0.0005643330514431,0.0009037256240844727,1.01259135263462,2,2532,0 -5533,0.0011214477534487663,0.000925060361623764,0.0006339624524116516,0.6008055836384767,2,2533,0 -5534,0.0011181234123880366,0.0006497353315353394,0.0009099692106246948,0.9507234524690871,2,2534,0 -5535,0.001649961620509343,0.0011434666812419891,0.0011894777417182922,0.8051179200192804,2,2535,0 -5536,0.0012951285513563876,0.001149062067270279,0.0005975067615509033,0.47951551506450246,2,2536,0 -5537,0.0010763465250694245,0.0008178353309631348,0.0006997622549533844,0.7077519568055064,2,2537,0 -5538,0.0017685815407185881,0.0014122910797595978,0.0010645724833011627,0.6459230174664099,2,2538,0 -5539,0.001594844698495738,0.0014008879661560059,0.0007622614502906799,0.49832327713309915,2,2539,0 -5540,0.0015845702894284014,0.0013805106282234192,0.000777851790189743,0.5131125207055087,2,2540,0 -5541,0.0016846377755854974,0.0013846345245838165,0.0009595789015293121,0.606025771010051,2,2541,0 -5542,0.0014514893957471454,0.001255229115486145,0.000728849321603775,0.5260703568305396,2,2542,0 -5543,0.0016059203149627473,0.0015105083584785461,0.0005452930927276611,0.3464403186930369,2,2543,0 -5544,0.0013524645600016298,0.0011681653559207916,0.0006815791130065918,0.5281698159817505,2,2544,0 -5545,0.001286989176196508,0.0012230053544044495,0.0004007481038570404,0.31664930973119254,2,2545,0 -5546,0.001539753040791597,0.0012178048491477966,0.0009422264993190765,0.6585029667392319,2,2546,0 -5547,0.001416943151179399,0.0010565295815467834,0.0009441785514354706,0.7293014478219416,2,2547,0 -5548,0.0014437396363789637,0.0009328015148639679,0.0011019371449947357,0.8683315087525073,2,2548,0 -5549,0.0017517927812174927,0.001402098685503006,0.0010501891374588013,0.6428686701735472,2,2549,0 -5550,0.0017336199724645094,0.001174885779619217,0.00127478688955307,0.8261569895704954,2,2550,0 -5551,0.0013537719145862868,0.0008371919393539429,0.001063864678144455,0.9040730121466978,2,2551,0 -5552,0.001772024115418973,0.0013797618448734283,0.0011119022965431213,0.6783071716905922,2,2552,0 -5553,0.0013194569851930908,0.0011829212307929993,0.0005845203995704651,0.4589429913324215,2,2553,0 -5554,0.0010301446171805586,0.0009398981928825378,0.0004216507077217102,0.4217000387618039,2,2554,0 -5555,0.001473613246026768,0.0012041591107845306,0.0008494332432746887,0.6143517001814255,2,2555,0 -5556,0.0014551751666771072,0.0009898915886878967,0.001066606491804123,0.8226845333607365,2,2556,0 -5557,0.0011482460548367416,0.0009824447333812714,0.0005943663418292999,0.5440783828679713,2,2557,0 -5558,0.0016243506618536304,0.0011910200119018555,0.0011045299470424652,0.7477387027914193,2,2558,0 -5559,0.0012639012434562885,0.0007207095623016357,0.0010382793843746185,0.9640151832245025,2,2559,0 -5560,0.0018543798629587522,0.001772124320268631,0.0005461685359477997,0.2989625566284162,2,2560,0 -5561,0.0014010058657886704,0.0010230988264083862,0.0009571239352226257,0.7520935788600626,2,2561,0 -5562,0.0017700505573744862,0.0013272501528263092,0.001171104609966278,0.7229800032182844,2,2562,0 -5563,0.0012866614199854088,0.0010158121585845947,0.0007896982133388519,0.6608113253382952,2,2563,0 -5564,0.0014618328953076107,0.0008882544934749603,0.0011610165238380432,0.9177223767741125,2,2564,0 -5565,0.0016436266419144888,0.0009698085486888885,0.0013270191848278046,0.9396856189032196,2,2565,0 -5566,0.0012040927121044983,0.0009581111371517181,0.0007292889058589935,0.6506139453103599,2,2566,0 -5567,0.001464577060308725,0.0012150667607784271,0.0008176788687705994,0.5923398234123894,2,2567,0 -5568,0.0012232446729707077,0.0009854361414909363,0.0007247366011142731,0.6341223046606563,2,2568,0 -5569,0.0013690862837965482,0.0010755248367786407,0.0008471384644508362,0.6671657190982669,2,2569,0 -5570,0.0014592901690037466,0.0012398399412631989,0.0007696263492107391,0.5555347961071422,2,2570,0 -5571,0.0014300899635292816,0.0012988671660423279,0.000598415732383728,0.4317338827291041,2,2571,0 -5572,0.0010748869296502122,0.0009612143039703369,0.0004810914397239685,0.4640505910462901,2,2572,0 -5573,0.001748647124663926,0.0013545416295528412,0.0011058859527111053,0.6846781590153941,2,2573,0 -5574,0.0016230759488522865,0.001300472766160965,0.0009711571037769318,0.6414322104937585,2,2574,0 -5575,0.001936510894234744,0.0016302093863487244,0.0010452233254909515,0.5701349364850172,2,2575,0 -5576,0.0015467244321817866,0.0014309994876384735,0.0005870237946510315,0.38928506895348497,2,2576,0 -5577,0.001225011479266172,0.0010004937648773193,0.0007068701088428497,0.6150892490995867,2,2577,0 -5578,0.001634289842492144,0.001220937818288803,0.0010863766074180603,0.7271447387670675,2,2578,0 -5579,0.0017419718210748662,0.0014183782041072845,0.0010112710297107697,0.6193823650572611,2,2579,0 -5580,0.0011253112378170121,0.0009916648268699646,0.0005319081246852875,0.49232547097051926,2,2580,0 -5581,0.0015975031050781423,0.0013475418090820312,0.0008579902350902557,0.5669740659978253,2,2581,0 -5582,0.0013263274242225022,0.0008423812687397003,0.0010244697332382202,0.8826283646147678,2,2582,0 -5583,0.0015143525753702005,0.0012912452220916748,0.0007911697030067444,0.5497188144334404,2,2583,0 -5584,0.0007708996631537097,0.0006333254277706146,0.00043952837586402893,0.6066883215174071,2,2584,0 -5585,0.001387126964757288,0.0009960383176803589,0.000965416431427002,0.7697876076012207,2,2585,0 -5586,0.0013267330628896133,0.0010796189308166504,0.0007711313664913177,0.6202341448098235,2,2586,0 -5587,0.0012477029089697036,0.0008977465331554413,0.0008664950728416443,0.7676861946205862,2,2587,0 -5588,0.0016659889400972177,0.0011462531983852386,0.001208975911140442,0.81202312767793,2,2588,0 -5589,0.0014459815781394999,0.0010313354432582855,0.0010135136544704437,0.776682929796299,2,2589,0 -5590,0.0011498575202222416,0.0009913668036460876,0.0005825497210025787,0.5312688928554387,2,2590,0 -5591,0.0013692786574133423,0.0012409910559654236,0.0005786754190921783,0.43632687625429084,2,2591,0 -5592,0.001586186990668508,0.0013536252081394196,0.0008268542587757111,0.5483551255499354,2,2592,0 -5593,0.001179352688867656,0.0009137988090515137,0.0007455497980117798,0.6843488967563799,2,2593,0 -5594,0.001336455100012879,0.0010220967233181,0.0008610635995864868,0.7000935158014331,2,2594,0 -5595,0.0015090955823539923,0.0013981014490127563,0.000568050891160965,0.38592698073377785,2,2595,0 -5596,0.0012498095297302527,0.00105305016040802,0.0006731338798999786,0.5687617745450817,2,2596,0 -5597,0.0011843931843396065,0.0008672922849655151,0.0008065924048423767,0.7491511657662449,2,2597,0 -5598,0.0012400028325443685,0.0010905563831329346,0.0005901642143726349,0.4960300323689602,2,2598,0 -5599,0.001399404388582752,0.001204751431941986,0.0007119737565517426,0.5337544449974151,2,2599,0 -5600,0.0015121699335480466,0.001365572214126587,0.0006495155394077301,0.443967267022204,2,2600,0 -5601,0.0012155451463009893,0.0009963400661945343,0.0006963163614273071,0.6099699906827353,2,2601,0 -5602,0.0013568465797998163,0.0011170580983161926,0.0007702037692070007,0.6036394422773774,2,2602,0 -5603,0.0012694651372844468,0.0011198222637176514,0.0005979463458061218,0.49044929249104435,2,2603,0 -5604,0.0017057952855788652,0.0013927742838859558,0.0009848438203334808,0.6154814699181569,2,2604,0 -5605,0.001648779433614718,0.0014137476682662964,0.0008484050631523132,0.5405008727214126,2,2605,0 -5606,0.001663840068585535,0.0012963712215423584,0.001042969524860382,0.6774970334883309,2,2606,0 -5607,0.0012690018296110572,0.0011383965611457825,0.0005607306957244873,0.45767938821837073,2,2607,0 -5608,0.001086004407601024,0.000826466828584671,0.0007045269012451172,0.7059183781730132,2,2608,0 -5609,0.001639009662673141,0.0014355890452861786,0.0007908456027507782,0.5035230242672712,2,2609,0 -5610,0.0014285053221905755,0.0012697353959083557,0.0006545223295688629,0.47595423497430583,2,2610,0 -5611,0.0013133329309512887,0.0009140148758888245,0.0009430907666683197,0.801053446915744,2,2611,0 -5612,0.001586142926620773,0.0011854246258735657,0.0010538585484027863,0.7267119715832221,2,2612,0 -5613,0.0012382708998002184,0.0009425953030586243,0.0008030124008655548,0.7056055838104508,2,2613,0 -5614,0.0011966012556628009,0.0010560564696788788,0.000562671571969986,0.4895454647379434,2,2614,0 -5615,0.0013371031987841947,0.0008870959281921387,0.0010004527866840363,0.8453811846164145,2,2615,0 -5616,0.0012266997922133968,0.0009484998881816864,0.00077790766954422,0.686904489527265,2,2616,0 -5617,0.0016936258002695386,0.0013026371598243713,0.0010823607444763184,0.6933002768026201,2,2617,0 -5618,0.001154671980488415,0.0009974949061870575,0.0005816109478473663,0.5278791409635692,2,2618,0 -5619,0.0012199883478007838,0.0009993389248847961,0.0006997808814048767,0.6108895665573039,2,2619,0 -5620,0.0013614832885496808,0.001092132180929184,0.0008129477500915527,0.6398865809902398,2,2620,0 -5621,0.00114924296956521,0.0009954236447811127,0.0005743615329265594,0.5233376089599603,2,2621,0 -5622,0.001359949874549842,0.0011344924569129944,0.0007499270141124725,0.5840861288616875,2,2622,0 -5623,0.001667464796286724,0.0013845302164554596,0.0009292550384998322,0.5911137660330692,2,2623,0 -5624,0.001717429919531251,0.0014480985701084137,0.00092335045337677,0.5676297403420739,2,2624,0 -5625,0.0015116738095815082,0.0010805316269397736,0.001057170331478119,0.7744703699073934,2,2625,0 -5626,0.0016910661901710648,0.0013216808438301086,0.0010549239814281464,0.6736231595121877,2,2626,0 -5627,0.0017068168233730242,0.0014153681695461273,0.00095391646027565,0.5930421054192354,2,2627,0 -5628,0.001702963809013059,0.0011914484202861786,0.0012167729437351227,0.79591363776329,2,2628,0 -5629,0.0015717161241349822,0.0012540966272354126,0.0009473823010921478,0.6469673043471346,2,2629,0 -5630,0.0013410464363897217,0.0009092651307582855,0.0009857192635536194,0.8257218148596915,2,2630,0 -5631,0.0012917251611908624,0.0011301711201667786,0.00062551349401474,0.5055018456259747,2,2631,0 -5632,0.0017223200488247095,0.0013735629618167877,0.0010390914976596832,0.6476440330160108,2,2632,0 -5633,0.0017447506087050681,0.0012568943202495575,0.0012101121246814728,0.7664372931347475,2,2633,0 -5634,0.0011836925034852687,0.0007075704634189606,0.000948932021856308,0.9300855091073953,2,2634,0 -5635,0.001376051148419166,0.0011340491473674774,0.0007793903350830078,0.6021265838470272,2,2635,0 -5636,0.001325878554697057,0.0011180490255355835,0.0007126852869987488,0.5674924916019116,2,2636,0 -5637,0.0016252916261779021,0.001466706395149231,0.0007002465426921844,0.4454274137459213,2,2637,0 -5638,0.0014338508826922764,0.0010196119546890259,0.0010081268846988678,0.7797342450696856,2,2638,0 -5639,0.0017187672662009315,0.0013418085873126984,0.0010741092264652252,0.6750418634939367,2,2639,0 -5640,0.0014296735693323515,0.00121312215924263,0.0007565058767795563,0.5575936604254033,2,2640,0 -5641,0.0016865389192378855,0.0013885498046875,0.0009572580456733704,0.6035723897909978,2,2641,0 -5642,0.0013317077079994131,0.001035597175359726,0.0008372478187084198,0.6798834452204073,2,2642,0 -5643,0.001368990632513301,0.0010596737265586853,0.0008667334914207458,0.6855755749724218,2,2643,0 -5644,0.001705686080757588,0.0013290122151374817,0.0010691545903682709,0.6774625033236265,2,2644,0 -5645,0.0016043572056600964,0.0014270022511482239,0.0007332302629947662,0.47464680090213196,2,2645,0 -5646,0.0013323573298022547,0.000757802277803421,0.0010958611965179443,0.9657890662345465,2,2646,0 -5647,0.0014429337172644661,0.0012136884033679962,0.0007803961634635925,0.5714353619193723,2,2647,0 -5648,0.0016752448887320504,0.0010729096829891205,0.0012865886092185974,0.8757129708036435,2,2648,0 -5649,0.001681433727919412,0.001460738480091095,0.0008327439427375793,0.5181320858220467,2,2649,0 -5650,0.0016590874878377837,0.0013356879353523254,0.0009841285645961761,0.6349963857241123,2,2650,0 -5651,0.0009586480075218639,0.0008401088416576385,0.00046176090836524963,0.5025699628422481,2,2651,0 -5652,0.001365707132491881,0.0012575723230838776,0.0005326047539710999,0.40061487177422994,2,2652,0 -5653,0.0011253233255076696,0.0010011978447437286,0.000513765960931778,0.474113198786669,2,2653,0 -5654,0.0014752227647606727,0.0013827458024024963,0.0005140975117683411,0.35595755609568586,2,2654,0 -5655,0.0011533830140755422,0.000932544469833374,0.0006787143647670746,0.6291470231143748,2,2655,0 -5656,0.0015504661247542067,0.0012397915124893188,0.0009310543537139893,0.6441258083756447,2,2656,0 -5657,0.001743231388491023,0.0013305619359016418,0.0011262595653533936,0.7024318633478044,2,2657,0 -5658,0.0012457504615796392,0.0008719414472579956,0.0008897259831428528,0.7954931060897028,2,2658,0 -5659,0.0016991339031826938,0.0011277534067630768,0.0012709163129329681,0.8450117379805971,2,2659,0 -5660,0.0014535875153605506,0.0013423338532447815,0.0005577243864536285,0.39378688644559456,2,2660,0 -5661,0.0016138272677866119,0.0012555979192256927,0.0010138601064682007,0.6792804352206542,2,2661,0 -5662,0.0011839040296510617,0.001152973622083664,0.0002688504755496979,0.22908658314917008,2,2662,0 -5663,0.0019523159910179778,0.0014683641493320465,0.0012866407632827759,0.7195323934254255,2,2663,0 -5664,0.0013468454512066514,0.0011984966695308685,0.0006144903600215912,0.4737698651437954,2,2664,0 -5665,0.0015124777321762408,0.0010435022413730621,0.0010948479175567627,0.8094053688123787,2,2665,0 -5666,0.0019205430636318717,0.001494433730840683,0.0012062974274158478,0.679111951817695,2,2666,0 -5667,0.0012630915338304304,0.0010845661163330078,0.0006473921239376068,0.5381469022130971,2,2667,0 -5668,0.0012381215342166932,0.00093059241771698,0.0008166655898094177,0.7202871229605151,2,2668,0 -5669,0.0011357920210312063,0.0009026937186717987,0.0006893239915370941,0.652167383123056,2,2669,0 -5670,0.0018021548705183538,0.0013557858765125275,0.0011872686445713043,0.7192292246410229,2,2670,0 -5671,0.0014910435002852371,0.001199766993522644,0.000885307788848877,0.6357118776449344,2,2671,0 -5672,0.0012849376543711038,0.0011376142501831055,0.0005974099040031433,0.4835589203670751,2,2672,0 -5673,0.0013534461319214084,0.0009616725146770477,0.0009523667395114899,0.7805363499188785,2,2673,0 -5674,0.0010677488002884467,0.0009257122874259949,0.0005321130156517029,0.5216949985098717,2,2674,0 -5675,0.0015347055507429655,0.0012200810015201569,0.00093097984790802,0.6517993934845137,2,2675,0 -5676,0.0016397175173653653,0.001336127519607544,0.0009504929184913635,0.6183220527041992,2,2676,0 -5677,0.001737933193488489,0.0013169161975383759,0.0011340826749801636,0.7109405505416657,2,2677,0 -5678,0.0012325252039990684,0.0009412243962287903,0.0007957480847835541,0.7018403706927666,2,2678,0 -5679,0.0015746056659846402,0.0012176185846328735,0.0009983927011489868,0.6867908667532443,2,2679,0 -5680,0.0013007447253904044,0.0011222809553146362,0.0006575882434844971,0.5300164097186904,2,2680,0 -5681,0.0014100324535626012,0.0013772696256637573,0.000302191823720932,0.215991002590555,2,2681,0 -5682,0.0010940869051796727,0.0009063556790351868,0.0006128177046775818,0.5945281630604257,2,2682,0 -5683,0.00157718349697945,0.0012680813670158386,0.0009378045797348022,0.6367769474259298,2,2683,0 -5684,0.00137941173018278,0.0012204311788082123,0.0006429031491279602,0.4848442039081859,2,2684,0 -5685,0.001940378969207502,0.001638215035200119,0.0010398663580417633,0.5655839231277648,2,2685,0 -5686,0.0018529853735291643,0.001384694129228592,0.0012313313782215118,0.7268408523259416,2,2686,0 -5687,0.0013875638490119804,0.0011009089648723602,0.0008445903658866882,0.6544031032842729,2,2687,0 -5688,0.0016112886977812354,0.001314304769039154,0.0009321235120296478,0.6168832120389289,2,2688,0 -5689,0.0012950430177675939,0.0010254867374897003,0.0007908940315246582,0.656955262932355,2,2689,0 -5690,0.0016217510095431148,0.0011651255190372467,0.001128077507019043,0.7692439943626933,2,2690,0 -5691,0.001266219258606278,0.001099027693271637,0.0006288476288318634,0.5197164801165662,2,2691,0 -5692,0.0016198860524965768,0.0013151615858078003,0.0009457170963287354,0.6234222521204916,2,2692,0 -5693,0.0015743042250913576,0.0011302679777145386,0.0010958686470985413,0.7699469136055629,2,2693,0 -5694,0.001424618837933566,0.0010071173310279846,0.0010075978934764862,0.7856366896335847,2,2694,0 -5695,0.0016015134826709283,0.0012210123240947723,0.0010363273322582245,0.7037646528341489,2,2695,0 -5696,0.0014419512985407064,0.0011788271367549896,0.0008304156363010406,0.6137011199624637,2,2696,0 -5697,0.0017022609172508505,0.0012761801481246948,0.0011265240609645844,0.7231920041590357,2,2697,0 -5698,0.001182553201704548,0.0009660497307777405,0.0006820410490036011,0.6147483355472559,2,2698,0 -5699,0.0015630906284888899,0.0014741234481334686,0.0005198195576667786,0.33901552144711933,2,2699,0 -5700,0.0015195375512877258,0.0010921694338321686,0.001056484878063202,0.7687918273930473,2,2700,0 -5701,0.0014156533777290596,0.0010957792401313782,0.0008962936699390411,0.6855912026486098,2,2701,0 -5702,0.0016584940219880285,0.0011124573647975922,0.0012300573289394379,0.8355584968303622,2,2702,0 -5703,0.001452448720609235,0.0011888779699802399,0.0008343718945980072,0.6119427662100912,2,2703,0 -5704,0.0012038930164702546,0.0011033602058887482,0.00048161670565605164,0.41157077076716536,2,2704,0 -5705,0.0014291280814109511,0.0011412948369979858,0.0008601471781730652,0.6458387882678709,2,2705,0 -5706,0.001462591296019727,0.0013278014957904816,0.0006132833659648895,0.43268831370542515,2,2706,0 -5707,0.0016075061919605734,0.001321982592344284,0.0009145699441432953,0.6052128349451,2,2707,0 -5708,0.0013458624957726972,0.0012554526329040527,0.00048495829105377197,0.36862454706862235,2,2708,0 -5709,0.001535662431659379,0.0012692511081695557,0.0008644424378871918,0.597904515772936,2,2709,0 -5710,0.0014639416770078834,0.0013088993728160858,0.0006556734442710876,0.46439529070635477,2,2710,0 -5711,0.0011332413853812917,0.0009151957929134369,0.0006683208048343658,0.6307401696453407,2,2711,0 -5712,0.0017491783275456242,0.0014937296509742737,0.0009101629257202148,0.5472460184265872,2,2712,0 -5713,0.0013849524975848378,0.0010184012353420258,0.0009385906159877777,0.7446384553219804,2,2713,0 -5714,0.0013846699969994472,0.0012632198631763458,0.0005670860409736633,0.4219563435545842,2,2714,0 -5715,0.0012715005644888802,0.0010320097208023071,0.000742744654417038,0.6238300817722823,2,2715,0 -5716,0.0017143731986835125,0.0013016052544116974,0.0011157505214214325,0.7086656327323042,2,2716,0 -5717,0.0009583272215403189,0.0008043944835662842,0.000520903617143631,0.5746667111336604,2,2717,0 -5718,0.001374149746098996,0.0010717250406742096,0.0008600540459156036,0.6762604668976292,2,2718,0 -5719,0.0016583281553947708,0.0012813322246074677,0.0010527297854423523,0.6877676584014357,2,2719,0 -5720,0.0014018837747906473,0.0011660754680633545,0.0007781684398651123,0.5884683971613988,2,2720,0 -5721,0.0014400596837214725,0.0010165907442569733,0.0010199584066867828,0.7870517740450012,2,2721,0 -5722,0.0013690339003563062,0.001056622713804245,0.0008705183863639832,0.6891265310497463,2,2722,0 -5723,0.0016895323319783104,0.0013435669243335724,0.0010243766009807587,0.6514093714535695,2,2723,0 -5724,0.0013319997778962571,0.0011262483894824982,0.0007111877202987671,0.5632356150361254,2,2724,0 -5725,0.0015116590943244938,0.0012575648725032806,0.0008388347923755646,0.5882548127651489,2,2725,0 -5726,0.0016765104088785185,0.0015267729759216309,0.0006925687193870544,0.4258569596618529,2,2726,0 -5727,0.0018437472912628968,0.0012507028877735138,0.0013546757400035858,0.8252840015479114,2,2727,0 -5728,0.001258262386815722,0.0008807741105556488,0.0008985884487628937,0.7954094693874614,2,2728,0 -5729,0.0019231661308685526,0.0017090104520320892,0.0008819587528705597,0.47641605772954476,2,2729,0 -5730,0.0016411408281477057,0.0012790970504283905,0.0010282285511493683,0.677096630008863,2,2730,0 -5731,0.0015399062625701203,0.0011898688971996307,0.0009775087237358093,0.687729673344927,2,2731,0 -5732,0.0011962590181023498,0.0008543357253074646,0.0008373446762561798,0.7753546127837763,2,2732,0 -5733,0.0013201427986514556,0.001113206148147583,0.0007096119225025177,0.5675012185933942,2,2733,0 -5734,0.0016628997081371477,0.0011998601257801056,0.0011513344943523407,0.7647623798528138,2,2734,0 -5735,0.0017443827721133139,0.001454472541809082,0.0009630061686038971,0.5848343496276431,2,2735,0 -5736,0.0016615770530167755,0.0013173781335353851,0.001012597233057022,0.6553280441812789,2,2736,0 -5737,0.0013723142360351184,0.0011889487504959106,0.0006853081285953522,0.522884561228151,2,2737,0 -5738,0.0016508379443832604,0.0014386959373950958,0.0008095800876617432,0.5125550404814967,2,2738,0 -5739,0.0014216107278730158,0.0012003369629383087,0.0007616877555847168,0.5654455516249554,2,2739,0 -5740,0.0015339809051718464,0.0012724623084068298,0.0008567012846469879,0.5925551295841005,2,2740,0 -5741,0.0012625891035369084,0.0009117461740970612,0.0008734129369258881,0.7639281741297033,2,2741,0 -5742,0.0013273647578933808,0.0008867643773555756,0.0009876973927021027,0.8391926108222343,2,2742,0 -5743,0.0014432502382778257,0.000994797796010971,0.0010456331074237823,0.8103070183284514,2,2743,0 -5744,0.001425859361631687,0.0010339654982089996,0.0009818300604820251,0.7595404729274193,2,2744,0 -5745,0.0010571674701306763,0.0009100176393985748,0.0005380250513553619,0.5339422055023455,2,2745,0 -5746,0.0012127167354287242,0.0010228529572486877,0.0006515011191368103,0.5671429320914937,2,2746,0 -5747,0.0012529445335413348,0.000698041170835495,0.001040484756231308,0.9798819675707827,2,2747,0 -5748,0.0015124156884154453,0.0011223368346691132,0.0010137856006622314,0.7346248850640968,2,2748,0 -5749,0.0011531496095321823,0.0008089728653430939,0.0008217766880989075,0.7932494975505769,2,2749,0 -5750,0.0012717855980945558,0.0009416081011295319,0.0008548758924007416,0.7371567559765418,2,2750,0 -5751,0.001505175227222655,0.0010320357978343964,0.0010956525802612305,0.8152887413063123,2,2751,0 -5752,0.001490052108325763,0.001387268304824829,0.0005438216030597687,0.37359862309968106,2,2752,0 -5753,0.0016014544534576638,0.0011313781142234802,0.0011334195733070374,0.7862995501049247,2,2753,0 -5754,0.001433134657289094,0.0005542226135730743,0.0013216324150562286,1.173723531733864,2,2754,0 -5755,0.0016321507991695332,0.0014824792742729187,0.0006827674806118011,0.4315990748714665,2,2755,0 -5756,0.0016981021004798876,0.0013156048953533173,0.0010736547410488129,0.684476456874718,2,2756,0 -5757,0.0014582977589259244,0.0009135790169239044,0.0011366643011569977,0.8937809502507952,2,2757,0 -5758,0.0010483897376586764,0.00035641342401504517,0.0009859465062618256,1.2239190734763687,2,2758,0 -5759,0.0015643094842622781,0.0009303130209445953,0.0012576095759868622,0.9338894397325501,2,2759,0 -5760,0.0018740995577102978,0.0015583224594593048,0.0010410957038402557,0.588985589248081,2,2760,0 -5761,0.0013968202103384582,0.0011364631354808807,0.0008121319115161896,0.6204665070000704,2,2761,0 -5762,0.0017263412862879746,0.0012963265180587769,0.0011400841176509857,0.7213577478643582,2,2762,0 -5763,0.0018872693850525376,0.0012763775885105133,0.0013901963829994202,0.828055801858947,2,2763,0 -5764,0.0016089596782313074,0.0010098852217197418,0.001252550631761551,0.8922481362185714,2,2764,0 -5765,0.0016137317853484902,0.0014287792146205902,0.0007501468062400818,0.4834676964174895,2,2765,0 -5766,0.0015443405675771365,0.0012532100081443787,0.000902470201253891,0.624106603342477,2,2766,0 -5767,0.0017139449175385048,0.0015135891735553741,0.0008041486144065857,0.48836196329252685,2,2767,0 -5768,0.0014656083995121885,0.0011241734027862549,0.0009403415024280548,0.696588756052731,2,2768,0 -5769,0.0012847235083790652,0.0009379535913467407,0.0008779279887676239,0.7523542940277727,2,2769,0 -5770,0.0014702549714782872,0.0013321787118911743,0.0006220526993274689,0.4368547760067607,2,2770,0 -5771,0.0013722341173343909,0.0012521184980869293,0.0005614496767520905,0.42152239701713123,2,2771,0 -5772,0.0014740577706206155,0.0010356791317462921,0.0010489113628864288,0.791745718688731,2,2772,0 -5773,0.001533871844191648,0.0014545954763889313,0.00048673897981643677,0.32290949287641324,2,2773,0 -5774,0.001639916401272452,0.001351863145828247,0.0009283274412155151,0.6017454247254442,2,2774,0 -5775,0.0016707761787938574,0.0013338029384613037,0.0010062120854854584,0.6463069373190613,2,2775,0 -5776,0.0015641421173531087,0.0014121271669864655,0.0006726346909999847,0.44453071973249647,2,2776,0 -5777,0.0016079324990709624,0.0013396330177783966,0.0008892863988876343,0.58603505209286,2,2777,0 -5778,0.0015147986487564493,0.0010182857513427734,0.0011214762926101685,0.8335860715577065,2,2778,0 -5779,0.0014237077659853144,0.0009890086948871613,0.0010241121053695679,0.8028337059053676,2,2779,0 -5780,0.0015995482797132366,0.0011608563363552094,0.001100439578294754,0.7586867596024334,2,2780,0 -5781,0.0016261457532143518,0.0013092681765556335,0.0009644515812397003,0.6348919088776181,2,2781,0 -5782,0.001289393869075619,0.0011108294129371643,0.0006546713411808014,0.532554503371438,2,2782,0 -5783,0.0017288805138438459,0.0014734454452991486,0.0009044259786605835,0.5505172181909682,2,2783,0 -5784,0.001373994277385584,0.0010119900107383728,0.0009293742477893829,0.7428683058036673,2,2784,0 -5785,0.001340481407569877,0.0011425167322158813,0.0007011033594608307,0.5503945609991783,2,2785,0 -5786,0.001257138190141714,0.001002185046672821,0.0007589608430862427,0.6481606344582901,2,2786,0 -5787,0.0015064018807139862,0.0013629719614982605,0.0006415247917175293,0.43991839768725716,2,2787,0 -5788,0.0014716860572410288,0.0011616349220275879,0.0009035840630531311,0.6610915671123967,2,2788,0 -5789,0.0012009606686832614,0.001055888831615448,0.0005721934139728546,0.49660845056204683,2,2789,0 -5790,0.0010975698237408586,0.0009096227586269379,0.0006142035126686096,0.5939068552030256,2,2790,0 -5791,0.0020214002786572136,0.0013823248445987701,0.001474868506193161,0.817776553055136,2,2791,0 -5792,0.0016531579009568293,0.0013168565928936005,0.000999409705400467,0.6491955796335367,2,2792,0 -5793,0.001786080847089502,0.0014187656342983246,0.0010849833488464355,0.6528666103944266,2,2793,0 -5794,0.001385954889208798,0.0011798366904258728,0.0007272250950336456,0.5523750119026095,2,2794,0 -5795,0.0012046672557192227,0.0009675770998001099,0.0007176473736763,0.6381648705772897,2,2795,0 -5796,0.001435474866262296,0.001290924847126007,0.0006277747452259064,0.4526264054246086,2,2796,0 -5797,0.0013631706678477419,0.00112084299325943,0.000775851309299469,0.6054741455949946,2,2797,0 -5798,0.0014112403459888465,0.0009705983102321625,0.0010244697332382202,0.8123939021755844,2,2798,0 -5799,0.0011265774045752784,0.0009338930249214172,0.0006300956010818481,0.5935420525499459,2,2799,0 -5800,0.0014799647309698574,0.0012228600680828094,0.000833611935377121,0.598331639077918,2,2800,0 -5801,0.0017499892762549301,0.0014121457934379578,0.001033589243888855,0.6318344406720772,2,2801,0 -5802,0.0014028338754454642,0.001097165048122406,0.0008741691708564758,0.6727577180614835,2,2802,0 -5803,0.0012727153038925789,0.00037211552262306213,0.0012171007692813873,1.2740824831320237,2,2803,0 -5804,0.0016880120339993856,0.0013154484331607819,0.0010578185319900513,0.6772666236878649,2,2804,0 -5805,0.0012155206762677277,0.000983208417892456,0.0007146969437599182,0.6285542859550837,2,2805,0 -5806,0.0014728879792196981,0.001241639256477356,0.0007922947406768799,0.5679668358524077,2,2806,0 -5807,0.0018842808799306395,0.001590445637702942,0.001010444015264511,0.565986980257565,2,2807,0 -5808,0.0016373161331371476,0.001320917159318924,0.0009674616158008575,0.6321524135530943,2,2808,0 -5809,0.0014803549285251998,0.0012365654110908508,0.000813852995634079,0.5820874662336297,2,2809,0 -5810,0.0015714469393425874,0.001330636441707611,0.0008359737694263458,0.5609337488339393,2,2810,0 -5811,0.0015559097037761687,0.0012202188372612,0.000965360552072525,0.6693134029324144,2,2811,0 -5812,0.0013159282317727937,0.0011649318039417267,0.0006120465695858002,0.4837547361863406,2,2812,0 -5813,0.0015866216172522988,0.0011379346251487732,0.0011056549847126007,0.7710116582742652,2,2813,0 -5814,0.001740978802211376,0.0013102814555168152,0.0011463724076747894,0.7187764558384612,2,2814,0 -5815,0.0014305647878460907,0.0010841824114322662,0.0009333081543445587,0.7107539771691712,2,2815,0 -5816,0.0011574785445914607,0.0010331496596336365,0.000521879643201828,0.4677468492374963,2,2816,0 -5817,0.0017639042364422184,0.0015816837549209595,0.0007807910442352295,0.45855108660426863,2,2817,0 -5818,0.0012813861602561148,0.0009018369019031525,0.0009102970361709595,0.7900667326602223,2,2818,0 -5819,0.001405678084344874,0.001106254756450653,0.0008672550320625305,0.6648811542436952,2,2819,0 -5820,0.0011296431327671545,0.0008990652859210968,0.0006839409470558167,0.6503295007093288,2,2820,0 -5821,0.0030130737964237566,0.0015625879168510437,0.0025762245059013367,1.0255805395517397,2,2821,0 -5822,0.0017735665315191964,0.0015750601887702942,0.0008153058588504791,0.47765566060217074,2,2822,0 -5823,0.0015138662817452296,0.0011977851390838623,0.0009257979691028595,0.6580123394608861,2,2823,0 -5824,0.001653358752570072,0.0012260712683200836,0.0011092089116573334,0.7353977589252986,2,2824,0 -5825,0.0011852890827715537,0.0009852349758148193,0.0006589554250240326,0.5894993030636987,2,2825,0 -5826,0.0015992843336047659,0.0011725425720214844,0.0010875910520553589,0.7478289033122769,2,2826,0 -5827,0.0015332441869702468,0.0009671859443187714,0.0011897012591362,0.8881995086497191,2,2827,0 -5828,0.0013962705253291049,0.0012201108038425446,0.0006788969039916992,0.5077606119643975,2,2828,0 -5829,0.0015847012350710225,0.0011163055896759033,0.0011247843503952026,0.7891814654927516,2,2829,0 -5830,0.0015342593263147795,0.001113440841436386,0.0010555572807788849,0.7587177229269096,2,2830,0 -5831,0.0012921210502501502,0.0008374117314815521,0.0009840317070484161,0.8657215561111087,2,2831,0 -5832,0.0016762299289654556,0.0011283941566944122,0.0012395456433296204,0.8323038989656634,2,2832,0 -5833,0.0014784075664081566,0.0013169161975383759,0.000671878457069397,0.47176692977268747,2,2833,0 -5834,0.0015116067039237962,0.0011779814958572388,0.0009472668170928955,0.6772627021136842,2,2834,0 -5835,0.001438714652632854,0.001000773161649704,0.0010336115956306458,0.8015384644104413,2,2835,0 -5836,0.0016867143991655827,0.0012569837272167206,0.0011247210204601288,0.7299223548760185,2,2836,0 -5837,0.0013781257966053696,0.0011448413133621216,0.0007671825587749481,0.5903904666920037,2,2837,0 -5838,0.0010717386860044796,0.0009549446403980255,0.000486522912979126,0.47120091780418993,2,2838,0 -5839,0.001367639088108387,0.0010269135236740112,0.0009032636880874634,0.7214241910410583,2,2839,0 -5840,0.0014248896160501561,0.0013270266354084015,0.0005189515650272369,0.37277876277473854,2,2840,0 -5841,0.0012687135548542228,0.0007829256355762482,0.000998329371213913,0.9057418872692609,2,2841,0 -5842,0.0014234569286207936,0.0009031593799591064,0.0011002421379089355,0.8834567248137896,2,2842,0 -5843,0.0011822589085769802,0.0009706653654575348,0.0006749406456947327,0.6075903392679808,2,2843,0 -5844,0.001610901215691315,0.001141577959060669,0.0011365748941898346,0.7832020610504715,2,2844,0 -5845,0.0009253907258713449,0.0006709843873977661,0.0006372816860675812,0.7596425090904617,2,2845,0 -5846,0.0017159506419133549,0.0015519633889198303,0.0007320493459701538,0.4407461798344301,2,2846,0 -5847,0.0012412608603585716,0.0009915642440319061,0.0007466785609722137,0.6454380939499648,2,2847,0 -5848,0.0015629991795266666,0.0013699382543563843,0.0007524862885475159,0.5022939631915171,2,2848,0 -5849,0.001233455848874882,0.0009465105831623077,0.0007909052073955536,0.6960750905629598,2,2849,0 -5850,0.0016057048317541978,0.0014185532927513123,0.000752326101064682,0.4876297838506514,2,2850,0 -5851,0.0017460679254738863,0.0012308470904827118,0.001238454133272171,0.7884787995919482,2,2851,0 -5852,0.0015015790361725706,0.0013619773089885712,0.000632263720035553,0.43462014792419223,2,2852,0 -5853,0.001160066357325964,0.0007492862641811371,0.0008856207132339478,0.86859540130959,2,2853,0 -5854,0.0018859675021479622,0.0015569515526294708,0.0010643191635608673,0.5996285915157136,2,2854,0 -5855,0.0013740780734840554,0.001237582415342331,0.0005970597267150879,0.449501487225834,2,2855,0 -5856,0.0014308652289161336,0.001268591731786728,0.000661853700876236,0.48087473539156983,2,2856,0 -5857,0.0016906856535740989,0.0014005452394485474,0.0009470432996749878,0.5945709546353346,2,2857,0 -5858,0.0015633175303266648,0.0012603327631950378,0.0009249448776245117,0.6331103546398049,2,2858,0 -5859,0.001407471842240023,0.0012811459600925446,0.0005827881395816803,0.42691795391307186,2,2859,0 -5860,0.001264350707141438,0.0011254847049713135,0.0005760788917541504,0.4730822858325534,2,2860,0 -5861,0.001544677726799031,0.0012307092547416687,0.000933479517698288,0.6489120122802337,2,2861,0 -5862,0.0014383216126463995,0.0012252889573574066,0.0007532835006713867,0.5512165339385274,2,2862,0 -5863,0.0011429063118938566,0.0009111948311328888,0.0006898976862430573,0.6480520227346278,2,2863,0 -5864,0.0016571759697131744,0.0012617707252502441,0.0010743215680122375,0.7053292356667269,2,2864,0 -5865,0.0015279757734534478,0.0011673569679260254,0.000985894352197647,0.7013230493133932,2,2865,0 -5866,0.001366090204594856,0.0011204220354557037,0.0007815733551979065,0.6090935631712187,2,2866,0 -5867,0.001672546657552341,0.0013649575412273407,0.0009665936231613159,0.6161743288688271,2,2867,0 -5868,0.001500677442650011,0.0012532398104667664,0.0008254833519458771,0.5824526130256832,2,2868,0 -5869,0.0016040045796578773,0.0011095032095909119,0.0011583752930164337,0.8069445206002349,2,2869,0 -5870,0.0013292541901718817,0.001054655760526657,0.0008090846240520477,0.654390319512822,2,2870,0 -5871,0.0014101571283053611,0.0012160241603851318,0.0007140226662158966,0.530938227592594,2,2871,0 -5872,0.0014058081418390962,0.0013897903263568878,0.00021161139011383057,0.15110082711306813,2,2872,0 -5873,0.0016902819041304691,0.0014896057546138763,0.0007988288998603821,0.49223983858581705,2,2873,0 -5874,0.0015088532009016535,0.0009628757834434509,0.001161683350801468,0.8787023745988836,2,2874,0 -5875,0.0013516634420162234,0.0011684447526931763,0.000679507851600647,0.5267420818940307,2,2875,0 -5876,0.0017465945896888862,0.0014527849853038788,0.0009695403277873993,0.5884870884560212,2,2876,0 -5877,0.0014230849506806378,0.0009427368640899658,0.0010660290718078613,0.8466983549986478,2,2877,0 -5878,0.0014796817239306167,0.0013093464076519012,0.0006892532110214233,0.48455180138429993,2,2878,0 -5879,0.0015066659790259705,0.0010387599468231201,0.0010913386940956116,0.810076866848299,2,2879,0 -5880,0.001674827252565977,0.0012797638773918152,0.0010803937911987305,0.7011250267631534,2,2880,0 -5881,0.0016261254869333122,0.0012603998184204102,0.0010274611413478851,0.6839327569295727,2,2881,0 -5882,0.0012571817014449414,0.0010050497949123383,0.0007552355527877808,0.6444226664690594,2,2882,0 -5883,0.0013792288318791905,0.001127675175666809,0.0007941164076328278,0.6135436730066377,2,2883,0 -5884,0.0015002507384134537,0.0009471327066421509,0.001163482666015625,0.8875470177175547,2,2884,0 -5885,0.0011444793508064892,0.0007859058678150177,0.0008319765329360962,0.8138663750578227,2,2885,0 -5886,0.0013354626926460624,0.0009322129189968109,0.000956263393163681,0.7981328606183452,2,2886,0 -5887,0.0014072079114074566,0.0010174363851547241,0.0009721405804157257,0.7626355449557496,2,2887,0 -5888,0.0012435360105830262,0.0007670074701309204,0.0009788163006305695,0.9061312467381406,2,2888,0 -5889,0.0015163547612672666,0.001416090875864029,0.0005422346293926239,0.36568691871825476,2,2889,0 -5890,0.0016245520841109166,0.001320336014032364,0.0009465105831623077,0.6219592642365466,2,2890,0 -5891,0.001477271450917422,0.0012815110385417938,0.0007348880171775818,0.5206718703032702,2,2891,0 -5892,0.0016279717239679923,0.0011852681636810303,0.001115988940000534,0.7553023060033607,2,2892,0 -5893,0.0015578161067920013,0.0011864453554153442,0.001009523868560791,0.7050053362337488,2,2893,0 -5894,0.0019376261960375291,0.0015303827822208405,0.0011884123086929321,0.6602750881163202,2,2894,0 -5895,0.0017433402553199912,0.001396525651216507,0.0010435283184051514,0.641727078956837,2,2895,0 -5896,0.0016071359588148042,0.0011222101747989655,0.0011504478752613068,0.7978224907114627,2,2896,0 -5897,0.001664318174631607,0.0011469535529613495,0.0012060068547725677,0.8104903440530311,2,2897,0 -5898,0.0013173169269300015,0.0010971799492835999,0.0007290542125701904,0.5864872796890082,2,2898,0 -5899,0.0014253763510676878,0.001204509288072586,0.0007621385157108307,0.5641442111401165,2,2899,0 -5900,0.0014853027669181058,0.0010381415486335754,0.0010622553527355194,0.7968782530594272,2,2900,0 -5901,0.0013847092380040104,0.0012056156992912292,0.0006811097264289856,0.5142468393231077,2,2901,0 -5902,0.0013159533789650778,0.0010453574359416962,0.0007993504405021667,0.6528221597125279,2,2902,0 -5903,0.001015871364219849,0.0008402019739151001,0.0005710124969482422,0.5969122316979265,2,2903,0 -5904,0.0014747828810754322,0.0013270750641822815,0.0006433166563510895,0.4513837329455241,2,2904,0 -5905,0.0015367528937548151,0.0013188309967517853,0.0007888562977313995,0.5390567204096671,2,2905,0 -5906,0.001375023062298118,0.001116003841161728,0.0008032582700252533,0.6238669484877474,2,2906,0 -5907,0.0013739017030775411,0.0010157078504562378,0.0009251721203327179,0.7387852089881631,2,2907,0 -5908,0.0012587909138572853,0.0010380931198596954,0.0007119812071323395,0.6011693609320011,2,2908,0 -5909,0.0019028501522842258,0.0014299973845481873,0.0012553669512271881,0.7204591584923379,2,2909,0 -5910,0.0016112167519583165,0.0014602802693843842,0.0006808824837207794,0.436300031774832,2,2910,0 -5911,0.0013330849638791354,0.0007863827049732208,0.001076437532901764,0.9398651572663815,2,2911,0 -5912,0.0013376530696766382,0.0011347942054271698,0.0007082074880599976,0.557940716097444,2,2912,0 -5913,0.0012635600543752176,0.0009937137365341187,0.0007804594933986664,0.6657728474134198,2,2913,0 -5914,0.001000478304445257,0.0007709003984928131,0.0006377063691616058,0.6911211924874198,2,2914,0 -5915,0.0015170271275669442,0.001226518303155899,0.0008927620947360992,0.6291954672339835,2,2915,0 -5916,0.0017003219868194795,0.0012987405061721802,0.0010974369943141937,0.7015847040023593,2,2916,0 -5917,0.0014666015469980797,0.0012863650918006897,0.0007044039666652679,0.5009930174531629,2,2917,0 -5918,0.0014288893524706614,0.0011638812720775604,0.000828918069601059,0.6188680838555279,2,2918,0 -5919,0.0011938189646680114,0.0009369440376758575,0.0007398240268230438,0.6683757857925055,2,2919,0 -5920,0.0012132180498955754,0.0009079240262508392,0.0008047185838222504,0.7252100148326505,2,2920,0 -5921,0.0015441394754159318,0.000982973724603653,0.0011908523738384247,0.8807362587353005,2,2921,0 -5922,0.0012414691927669517,0.0010229796171188354,0.0007033906877040863,0.6023485457493302,2,2922,0 -5923,0.0016687035632103272,0.0014050081372261047,0.0009002909064292908,0.5698611931246936,2,2923,0 -5924,0.0014843419655617088,0.0009968765079975128,0.0010997764766216278,0.8344370225713006,2,2924,0 -5925,0.0011577464097131682,0.0007643774151802063,0.0008695423603057861,0.8496730961760058,2,2925,0 -5926,0.0012906756534589192,0.0008365735411643982,0.0009828470647335052,0.8656212823189554,2,2926,0 -5927,0.0014126771041333053,0.0010679252445697784,0.0009247660636901855,0.7136792550022893,2,2927,0 -5928,0.0013334680668294092,0.0009100623428821564,0.0009746402502059937,0.8196490064933724,2,2928,0 -5929,0.0011883881118154305,0.00086984783411026,0.0008097104728221893,0.7496079907863047,2,2929,0 -5930,0.001312729109684704,0.0009844005107879639,0.0008684545755386353,0.7229027487980546,2,2930,0 -5931,0.0016190581532251605,0.0008633621037006378,0.0013696551322937012,1.0083590723154223,2,2931,0 -5932,0.001799600688542474,0.0013430602848529816,0.0011978112161159515,0.7282952516287802,2,2932,0 -5933,0.0016700361679846192,0.0014709867537021637,0.0007907077670097351,0.49322328723546377,2,2933,0 -5934,0.0014655364766047853,0.0011146925389766693,0.0009514503180980682,0.706553751377674,2,2934,0 -5935,0.0013754337659736234,0.0012212581932544708,0.0006327293813228607,0.4780196395308344,2,2935,0 -5936,0.0016642785851993982,0.0011104755103588104,0.001239623874425888,0.840297369401693,2,2936,0 -5937,0.0011820520175260432,0.0007374025881290436,0.000923842191696167,0.8971593639627847,2,2937,0 -5938,0.0015752813531005048,0.0010873973369598389,0.001139771193265915,0.8089097228499829,2,2938,0 -5939,0.0012828783095923597,0.0012416131794452667,0.00032275915145874023,0.2543225860467392,2,2939,0 -5940,0.0019404594462166008,0.0015166737139225006,0.0012104064226150513,0.6735608422169681,2,2940,0 -5941,0.0014707482842401406,0.0011385977268218994,0.0009309649467468262,0.6854058710959158,2,2941,0 -5942,0.0016614135805306028,0.0015358254313468933,0.0006336681544780731,0.39131356877263396,2,2942,0 -5943,0.0014131454389907732,0.0010677799582481384,0.000925648957490921,0.7142188586018728,2,2943,0 -5944,0.001114640400898884,0.0006426684558391571,0.0009107142686843872,0.956271662888687,2,2944,0 -5945,0.0020561328922189264,0.0016095228493213654,0.0012794993817806244,0.6716575792599261,2,2945,0 -5946,0.0014300806850543089,0.0009482540190219879,0.0010704882442951202,0.8458740221534723,2,2946,0 -5947,0.0010639619502603812,0.0009238496422767639,0.0005277469754219055,0.5190097479657988,2,2947,0 -5948,0.0014870147599048485,0.000996813178062439,0.0011034384369850159,0.8361224647846206,2,2948,0 -5949,0.00119078763498176,0.0008507929742336273,0.0008331425487995148,0.7749168956486607,2,2949,0 -5950,0.0013158520182585778,0.0012215711176395416,0.000489111989736557,0.3808475690629768,2,2950,0 -5951,0.0014397880022458912,0.0010681003332138062,0.0009654797613620758,0.7349779234027733,2,2951,0 -5952,0.0018952456734093613,0.001522984355688095,0.0011280402541160583,0.6375079659124249,2,2952,0 -5953,0.0013956853596374433,0.0012054331600666046,0.000703468918800354,0.52825985334859,2,2953,0 -5954,0.0016413980937218236,0.0011578090488910675,0.0011634714901447296,0.7878375195748087,2,2954,0 -5955,0.001676679531681043,0.0014996714890003204,0.0007498264312744141,0.46364264084667417,2,2955,0 -5956,0.0017033740856474257,0.0016379617154598236,0.00046750903129577637,0.2780286905759611,2,2956,0 -5957,0.001632745393692131,0.0011445209383964539,0.0011644437909126282,0.7940264277716611,2,2957,0 -5958,0.0016416391233163789,0.0011678002774715424,0.0011537857353687286,0.779361612610541,2,2958,0 -5959,0.0014521600828527885,0.0012047328054904938,0.0008107945322990417,0.5923797559116348,2,2959,0 -5960,0.001360141362480832,0.0011796541512012482,0.0006770528852939606,0.5210386879999248,2,2960,0 -5961,0.0015447644449797756,0.0012106485664844513,0.0009594932198524475,0.6701785249367588,2,2961,0 -5962,0.0015213750602855562,0.0010292530059814453,0.0011203661561012268,0.8277585253560767,2,2962,0 -5963,0.0014353766088390399,0.0010066963732242584,0.0010231658816337585,0.7935115942398038,2,2963,0 -5964,0.0014974992883588448,0.0012574344873428345,0.0008132420480251312,0.5740850381587431,2,2964,0 -5965,0.0015190340779466108,0.0011106990277767181,0.0010362491011619568,0.7507349570128659,2,2965,0 -5966,0.0014487762812965843,0.0013183802366256714,0.0006006881594657898,0.4275225521860668,2,2966,0 -5967,0.001348188362846695,0.0011031515896320343,0.0007750280201435089,0.6124407082754046,2,2967,0 -5968,0.0014782059243340277,0.0011332333087921143,0.0009491443634033203,0.697224138032003,2,2968,0 -5969,0.001729817379132861,0.0012771189212799072,0.0011667199432849884,0.7402544457225212,2,2969,0 -5970,0.0014937113865670863,0.0012638270854949951,0.0007961876690387726,0.5621734922360546,2,2970,0 -5971,0.0004292910609011364,-0.00014186277985572815,0.00040517374873161316,1.9075854048898722,2,2971,0 -5972,0.0016041335945661465,0.0012889020144939423,0.0009549744427204132,0.6376651187653678,2,2972,0 -5973,0.0013707503718986863,0.001096535474061966,0.0008225366473197937,0.6435799221359484,2,2973,0 -5974,0.0016625116339972544,0.0014598928391933441,0.0007953979074954987,0.498867630327286,2,2974,0 -5975,0.0012987966268018577,0.0012307651340961456,0.00041483715176582336,0.32509748067476796,2,2975,0 -5976,0.0011606124923089444,0.0008193328976631165,0.0008220188319683075,0.7870345779813483,2,2976,0 -5977,0.0017409730865722691,0.0012313313782215118,0.001230776309967041,0.7851727190565164,2,2977,0 -5978,0.0015543709346336387,0.001229017972946167,0.0009516216814517975,0.6588690631973965,2,2978,0 -5979,0.0014493632726028448,0.0011711306869983673,0.0008538775146007538,0.6299938010131989,2,2979,0 -5980,0.0012606005195112708,0.0010698549449443817,0.0006667263805866241,0.5572990245366779,2,2980,0 -5981,0.0015298028132696728,0.0012566037476062775,0.000872492790222168,0.6069078245567325,2,2981,0 -5982,0.0012203512095315062,0.0009670630097389221,0.0007443428039550781,0.6559867220153659,2,2982,0 -5983,0.0016477469180708217,0.0011893510818481445,0.001140400767326355,0.7643902980147782,2,2983,0 -5984,0.0008932691579210735,0.0007767118513584137,0.00044118985533714294,0.5165747396707719,2,2984,0 -5985,0.0030803733622511474,0.0018706992268562317,0.0024472810328006744,0.9181433548927597,2,2985,0 -5986,0.0014828064027695648,0.001120053231716156,0.0009716972708702087,0.7145924183906761,2,2986,0 -5987,0.0014342635911206924,0.0011220946907997131,0.0008933171629905701,0.6723679544927709,2,2987,0 -5988,0.0012764520240171123,0.0007432959973812103,0.0010377094149589539,0.9492240440381357,2,2988,0 -5989,0.001272706714884384,0.0009996220469474792,0.0007877424359321594,0.6674057662031474,2,2989,0 -5990,0.0018605632150730984,0.0014151334762573242,0.001207929104566574,0.7065685546169632,2,2990,0 -5991,0.001139610147038997,0.00105951726436615,0.0004196837544441223,0.37714710807876495,2,2991,0 -5992,0.00168530552788408,0.0013202093541622162,0.0010475218296051025,0.6707350576672082,2,2992,0 -5993,0.0014011459406690857,0.0011546164751052856,0.0007937699556350708,0.6022703665230978,2,2993,0 -5994,0.0014982629210839574,0.0012922026216983795,0.0007582902908325195,0.5306719218861607,2,2994,0 -5995,0.0015278243454040865,0.0013485997915267944,0.0007180012762546539,0.4892342992641236,2,2995,0 -5996,0.0014613828094632007,0.0011188685894012451,0.0009400919079780579,0.698786776288836,2,2996,0 -5997,0.0011605233464201002,0.0009845644235610962,0.0006143674254417419,0.5578793245597303,2,2997,0 -5998,0.0013454907769286054,0.0010399669408798218,0.0008537061512470245,0.6873540040264905,2,2998,0 -5999,0.0016692798028841082,0.0014688894152641296,0.0007930062711238861,0.49503099589744226,2,2999,0 -6000,0.0023591041551239535,-0.0015943832695484161,-0.001738768070936203,-2.312903748562578,3,0,0 -6001,0.0021137377413596994,-0.0015176758170127869,-0.001471240073442459,-2.371729222449252,3,1,0 -6002,0.002078059774897387,-0.0013232417404651642,-0.0016022995114326477,-2.26109550160469,3,2,0 -6003,0.0024257994198393566,-0.0019546523690223694,-0.0014366060495376587,-2.507781937781039,3,3,0 -6004,0.0022585895773986797,-0.0017532110214233398,-0.0014238953590393066,-2.4594783565757017,3,4,0 -6005,0.0020248119675076036,-0.0013311095535755157,-0.00152578204870224,-2.2881582974507437,3,5,0 -6006,0.0016874365525669248,-0.001349903643131256,-0.0010125227272510529,-2.4980465084827,3,6,0 -6007,0.0021476861968070357,-0.001628246158361435,-0.0014004893600940704,-2.431251865962217,3,7,0 -6008,0.0018677073579289047,-0.0013385005295276642,-0.0013025924563407898,-2.36978956658761,3,8,0 -6009,0.0017735142142717723,-0.0012008734047412872,-0.0013050884008407593,-2.3146316142392527,3,9,0 -6010,0.0020954741071488965,-0.001656990498304367,-0.0012827292084693909,-2.4828251617414114,3,10,0 -6011,0.0018244945941169007,-0.000996556133031845,-0.0015282854437828064,-2.1486285896424975,3,11,0 -6012,0.004085418485739345,-0.0019188225269317627,-0.00360676646232605,-2.05971993639096,3,12,0 -6013,0.002496964657690578,-0.0020585618913173676,-0.0014132075011730194,-2.539983097063494,3,13,0 -6014,0.0021175026534502937,-0.0014569684863090515,-0.0015365742146968842,-2.3296082745840403,3,14,0 -6015,0.0019141362781310244,-0.0013811737298965454,-0.0013252459466457367,-2.3768564092242195,3,15,0 -6016,0.001823954564447277,-0.0014958903193473816,-0.0010436102747917175,-2.5324445360409484,3,16,0 -6017,0.002021647653439809,-0.00144871324300766,-0.001410067081451416,-2.3697120757592076,3,17,0 -6018,0.0019151837050836802,-0.001614198088645935,-0.0010306760668754578,-2.5733396596616678,3,18,0 -6019,0.002236801510060944,-0.001723170280456543,-0.0014261715114116669,-2.450221436244148,3,19,0 -6020,0.001846610162702507,-0.0008953697979450226,-0.0016150176525115967,-2.077013279021227,3,20,0 -6021,0.0022642229700792203,-0.001970946788787842,-0.0011144839227199554,-2.6269604318705646,3,21,0 -6022,0.003923214269002487,-0.001994658261537552,-0.003378305584192276,-2.1041505066841033,3,22,0 -6023,0.0017852030655256628,-0.0014159269630908966,-0.001087244600057602,-2.486753934979892,3,23,0 -6024,0.0022816661629137514,-0.001726396381855011,-0.001491829752922058,-2.428952761165565,3,24,0 -6025,0.004287409205220953,-0.0022178255021572113,-0.003669213503599167,-2.114475354972141,3,25,0 -6026,0.0023960222539301523,-0.0016934573650360107,-0.0016950294375419617,-2.355730544931599,3,26,0 -6027,0.003759642042935847,-0.0022442303597927094,-0.003016345202922821,-2.210461200879942,3,27,0 -6028,0.002101332315494223,-0.0015312731266021729,-0.001439027488231659,-2.387240505825518,3,28,0 -6029,0.0025976372361694437,-0.0020552873611450195,-0.0015885569155216217,-2.483588196916921,3,29,0 -6030,0.0023013622808654636,-0.0015758387744426727,-0.001677200198173523,-2.325045573649883,3,30,0 -6031,0.0022950319591296784,-0.0016248151659965515,-0.0016208477318286896,-2.3574168698160753,3,31,0 -6032,0.0026668899174166934,-0.0016836337745189667,-0.0020682550966739655,-2.2540373041706054,3,32,0 -6033,0.00374197651986627,-0.0013791881501674652,-0.0034785382449626923,-1.9482688422301695,3,33,0 -6034,0.0022322592441170576,-0.0017804726958274841,-0.0013464391231536865,-2.4941190203805936,3,34,0 -6035,0.0019358022867844301,-0.0010087266564369202,-0.0016522109508514404,-2.1189235348337334,3,35,0 -6036,0.002191110180648679,-0.0015239082276821136,-0.0015743784606456757,-2.3399062074822172,3,36,0 -6037,0.0016921053878012219,-0.001050017774105072,-0.0013269074261188507,-2.2402264823454003,3,37,0 -6038,0.0018977563159224048,-0.0015371963381767273,-0.0011128820478916168,-2.5149607722429512,3,38,0 -6039,0.001694089942899033,-0.0014447234570980072,-0.000884711742401123,-2.592123938871808,3,39,0 -6040,0.0019209186984885038,-0.0014197975397109985,-0.0012938715517520905,-2.402565551755248,3,40,0 -6041,0.0019349040452201402,-0.0014235377311706543,-0.0013104937970638275,-2.397517927763601,3,41,0 -6042,0.0018865905760342846,-0.001513160765171051,-0.0011267513036727905,-2.501534490541903,3,42,0 -6043,0.0019957197674392814,-0.0014457665383815765,-0.0013757385313510895,-2.3810087760043825,3,43,0 -6044,0.0020586456916211254,-0.0016861222684383392,-0.0011811070144176483,-2.5305398049617183,3,44,0 -6045,0.0020765283802228847,-0.0014536082744598389,-0.001482900232076645,-2.346219723877865,3,45,0 -6046,0.0023194315035141477,-0.0015449821949005127,-0.001729968935251236,-2.299769105635026,3,46,0 -6047,0.0023487106031796303,-0.0017192736268043518,-0.0016001686453819275,-2.392060125830684,3,47,0 -6048,0.0022471922944591423,-0.0015844367444515228,-0.001593559980392456,-2.353323747498505,3,48,0 -6049,0.0019587504938178265,-0.0013670772314071655,-0.001402784138917923,-2.3433039787314187,3,49,0 -6050,0.0018947725170088802,-0.001340627670288086,-0.0013389848172664642,-2.356807583624105,3,50,0 -6051,0.0019029269409442783,-0.0013358406722545624,-0.001355234533548355,-2.3489878816555736,3,51,0 -6052,0.002237368835627866,-0.0014418959617614746,-0.0017107762396335602,-2.2711139091054307,3,52,0 -6053,0.00185763324580198,-0.001163385808467865,-0.0014482177793979645,-2.2475598529602667,3,53,0 -6054,0.0017218428302888567,-0.0013228915631771088,-0.0011021345853805542,-2.446977094589447,3,54,0 -6055,0.002171614154132309,-0.0015926510095596313,-0.0014762692153453827,-2.39409904390098,3,55,0 -6056,0.0019529213861012508,-0.0011398084461688995,-0.001585792750120163,-2.194003933972675,3,56,0 -6057,0.002305283676480698,-0.0015146546065807343,-0.0017378591001033783,-2.287676687552374,3,57,0 -6058,0.0022094434135040914,-0.0016866549849510193,-0.0014271773397922516,-2.4393330488158416,3,58,0 -6059,0.0019048968509812042,-0.0014568716287612915,-0.0012272559106349945,-2.441532480376168,3,59,0 -6060,0.002004396103578113,-0.0016479678452014923,-0.0011409670114517212,-2.5360208369393336,3,60,0 -6061,0.001989696386535545,-0.001292455941438675,-0.0015127621591091156,-2.277820918475531,3,61,0 -6062,0.0021278470970887233,-0.001668497920036316,-0.0013205483555793762,-2.4720811359805226,3,62,0 -6063,0.0019192658083170093,-0.0011371299624443054,-0.001546129584312439,-2.2049323735489783,3,63,0 -6064,0.002307237535811914,-0.0017146393656730652,-0.0015438124537467957,-2.408572329461559,3,64,0 -6065,0.002017549082897539,-0.0013662651181221008,-0.0014845281839370728,-2.3147339976647237,3,65,0 -6066,0.0036196607347348743,-0.0016455873847007751,-0.0032239705324172974,-2.0427471984517096,3,66,0 -6067,0.0019629840415136724,-0.0016037113964557648,-0.001131996512413025,-2.526944293821043,3,67,0 -6068,0.0021157285722106403,-0.0013789795339107513,-0.0016045942902565002,-2.2807191709202,3,68,0 -6069,0.0017740132775491974,-0.0011244900524616241,-0.0013720951974391937,-2.2573402359434,3,69,0 -6070,0.002250682557135787,-0.0016484111547470093,-0.0015324205160140991,-2.392643846685511,3,70,0 -6071,0.002047394140139827,-0.0015448853373527527,-0.0013435594737529755,-2.425782382632617,3,71,0 -6072,0.0025770800849226247,-0.001719847321510315,-0.001919236034154892,-2.30145830330181,3,72,0 -6073,0.0020748318663318856,-0.001567259430885315,-0.0013596415519714355,-2.4270102455144618,3,73,0 -6074,0.0021593702817817224,-0.0015514977276325226,-0.001501910388469696,-2.3724330598889294,3,74,0 -6075,0.0018857156255416372,-0.001364152878522873,-0.0013019256293773651,-2.379530619549006,3,75,0 -6076,0.0038376181314950454,-0.0017250627279281616,-0.003428041934967041,-2.0370174231363,3,76,0 -6077,0.003863689788708167,-0.0017837919294834137,-0.0034272707998752594,-2.0506855778472275,3,77,0 -6078,0.0023115735430691933,-0.0019899755716323853,-0.0011761672794818878,-2.607782925566642,3,78,0 -6079,0.0017648224297938024,-0.0012312717735767365,-0.0012643449008464813,-2.3429427790545274,3,79,0 -6080,0.0020517582520336135,-0.00150332972407341,-0.0013963207602500916,-2.3930818409721293,3,80,0 -6081,0.002204728572247096,-0.0015516430139541626,-0.0015662796795368195,-2.351500160182725,3,81,0 -6082,0.0023569700115395075,-0.0017431974411010742,-0.0015863701701164246,-2.4032610968806716,3,82,0 -6083,0.002132727271220354,-0.0017005987465381622,-0.0012870468199253082,-2.4937411351546963,3,83,0 -6084,0.0018881770388993106,-0.0013935230672359467,-0.0012740902602672577,-2.4009360205292554,3,84,0 -6085,0.002302494202591182,-0.001872323453426361,-0.0013401061296463013,-2.520377557844276,3,85,0 -6086,0.0019246208531697518,-0.0014340020716190338,-0.0012836679816246033,-2.4114554406308764,3,86,0 -6087,0.0018286283953808295,-0.0011054575443267822,-0.0014566555619239807,-2.219969858678315,3,87,0 -6088,0.002383419436084175,-0.0020932741463184357,-0.0011396892368793488,-2.6430182045796276,3,88,0 -6089,0.001850319947487856,-0.0012251697480678558,-0.0013865940272808075,-2.2944663964956846,3,89,0 -6090,0.0022754477424896742,-0.0017663240432739258,-0.0014344900846481323,-2.459497188167858,3,90,0 -6091,0.004010993920870297,-0.001549791544675827,-0.003699488937854767,-1.9675062862215305,3,91,0 -6092,0.0022487061649174495,-0.0014509335160255432,-0.001717984676361084,-2.2721211107991803,3,92,0 -6093,0.00354824683909663,-0.0018267296254634857,-0.003041893243789673,-2.111600966185379,3,93,0 -6094,0.0015222460973941497,-0.001052718609571457,-0.00109955295920372,-2.3344374962625056,3,94,0 -6095,0.0013190368348011332,-0.0007226280868053436,-0.001103479415178299,-2.150582739973683,3,95,0 -6096,0.001616210726931087,-0.0015636533498764038,-0.000408809632062912,-2.885871400011416,3,96,0 -6097,0.002705472647653369,-0.0012980252504348755,-0.0023737549781799316,-2.0711975749009457,3,97,0 -6098,0.0018426210299068966,-0.0013744868338108063,-0.0012272074818611145,-2.412743151584257,3,98,0 -6099,0.00186819469971391,-0.0012024417519569397,-0.001429785043001175,-2.2700391069313963,3,99,0 -6100,0.0020253990549366314,-0.001682385802268982,-0.0011277496814727783,-2.5510598201503267,3,100,0 -6101,0.002133470817735525,-0.0019826367497444153,-0.0007879398763179779,-2.763312226021293,3,101,0 -6102,0.0023982546945504686,-0.0016938932240009308,-0.0016977488994598389,-2.3550576739665776,3,102,0 -6103,0.0018464672349755107,-0.0013240016996860504,-0.0012870356440544128,-2.3703511571647615,3,103,0 -6104,0.0021472231149022437,-0.0012497231364250183,-0.0017460696399211884,-2.1920048107208254,3,104,0 -6105,0.0019059216539658583,-0.001218315213918686,-0.0014656893908977509,-2.264288061284469,3,105,0 -6106,0.002206472454153893,-0.001491297036409378,-0.0016262084245681763,-2.3129460451315986,3,106,0 -6107,0.001761349427547684,-0.0012409426271915436,-0.0012499652802944183,-2.352572271315749,3,107,0 -6108,0.0030285654613638464,-0.0013618804514408112,-0.0027050860226154327,-2.0372015684244222,3,108,0 -6109,0.0016199387138138854,-0.0009013526141643524,-0.0013460181653499603,-2.160857137730744,3,109,0 -6110,0.0026622575912864563,-0.002024378627538681,-0.0017290189862251282,-2.434723938254781,3,110,0 -6111,0.002235584066605702,-0.0016888231039047241,-0.0014648251235485077,-2.4271036119379374,3,111,0 -6112,0.001935962986298734,-0.0015810653567314148,-0.001117222011089325,-2.5264334867575817,3,112,0 -6113,0.0018394442276403725,-0.0012136809527873993,-0.0013822205364704132,-2.2913602246621734,3,113,0 -6114,0.0021221087292833327,-0.0012630708515644073,-0.0017052851617336273,-2.2083059933578393,3,114,0 -6115,0.0021908452163418085,-0.0011940374970436096,-0.0018368661403656006,-2.1472000610012527,3,115,0 -6116,0.00222029287435436,-0.001486353576183319,-0.0016493797302246094,-2.304251454035171,3,116,0 -6117,0.0022312123910896648,-0.0019723325967788696,-0.0010431744158267975,-2.6550901833291722,3,117,0 -6118,0.0019959616529691437,-0.0014424510300159454,-0.0013795644044876099,-2.3784750979596496,3,118,0 -6119,0.0019367336997856276,-0.0014852210879325867,-0.001243002712726593,-2.444744760052439,3,119,0 -6120,0.00199932280726893,-0.001285746693611145,-0.0015310607850551605,-2.2693242655622368,3,120,0 -6121,0.0016107655695503276,-0.0013649016618728638,-0.0008553415536880493,-2.581794061721499,3,121,0 -6122,0.0018770188941460936,-0.0013336874544620514,-0.0013207867741584778,-2.361054427650881,3,122,0 -6123,0.002146237560004265,-0.0018231794238090515,-0.0011324100196361542,-2.585789577533616,3,123,0 -6124,0.0021666731739855964,-0.0017371438443660736,-0.0012949146330356598,-2.5010244325885496,3,124,0 -6125,0.0019888103599865117,-0.0015166252851486206,-0.0012865513563156128,-2.438087073453214,3,125,0 -6126,0.001800353624118067,-0.0013499557971954346,-0.0011911727488040924,-2.4185986059654967,3,126,0 -6127,0.001713168287680585,-0.0012348741292953491,-0.0011874474585056305,-2.375771004011285,3,127,0 -6128,0.001854889893990862,-0.0012355484068393707,-0.0013834871351718903,-2.2997684945922585,3,128,0 -6129,0.0036767316120254238,-0.0020723119378089905,-0.0030370838940143585,-2.169568683344595,3,129,0 -6130,0.0019267385670529848,-0.0017538703978061676,-0.000797659158706665,-2.714754740636058,3,130,0 -6131,0.0020021047629999317,-0.0015272200107574463,-0.0012946128845214844,-2.438439762879082,3,131,0 -6132,0.0020971702962055455,-0.0014448128640651703,-0.0015200786292552948,-2.3308142684508444,3,132,0 -6133,0.0022184192359733347,-0.0015472285449504852,-0.001589801162481308,-2.342624327258173,3,133,0 -6134,0.0022860434542430353,-0.0016540735960006714,-0.0015779845416545868,-2.379732124406211,3,134,0 -6135,0.0020752616048108907,-0.0014317594468593597,-0.001502256840467453,-2.33217150437876,3,135,0 -6136,0.001583500557254782,-0.0011844150722026825,-0.0010510161519050598,-2.415798609595214,3,136,0 -6137,0.0018420261516981873,-0.001257132738828659,-0.0013463571667671204,-2.3219368113898655,3,137,0 -6138,0.002028851595332763,-0.0016115568578243256,-0.0012325271964073181,-2.488683304160034,3,138,0 -6139,0.0018440226124539208,-0.0014548040926456451,-0.0011331215500831604,-2.479861482854705,3,139,0 -6140,0.0019516906517969993,-0.0014177113771438599,-0.0013413392007350922,-2.3838680240273296,3,140,0 -6141,0.002314788579654571,-0.0019129589200019836,-0.001303393393754959,-2.5434938512537744,3,141,0 -6142,0.002207945782564243,-0.0015262961387634277,-0.0015954449772834778,-2.334047383857744,3,142,0 -6143,0.0021249330062465643,-0.0014282949268817902,-0.0015733130276203156,-2.307918556974068,3,143,0 -6144,0.002021382032049745,-0.001550815999507904,-0.0012965165078639984,-2.445269638662166,3,144,0 -6145,0.0018048175438098147,-0.0012978129088878632,-0.001254212111234665,-2.3732776127487276,3,145,0 -6146,0.0023527888990013037,-0.001592446118593216,-0.0017319731414318085,-2.3142487630333886,3,146,0 -6147,0.002146171087316021,-0.001712903380393982,-0.0012930631637573242,-2.4949657391542894,3,147,0 -6148,0.002311630055807389,-0.0019119977951049805,-0.001299191266298294,-2.5447619988512304,3,148,0 -6149,0.0018617095350312468,-0.0014222487807273865,-0.0012013204395771027,-2.440205362383116,3,149,0 -6150,0.002070732545747427,-0.0016126185655593872,-0.001298997551202774,-2.4634945164204725,3,150,0 -6151,0.002216228437145057,-0.0017000623047351837,-0.0014217793941497803,-2.4451001261350878,3,151,0 -6152,0.0019978841593555558,-0.0017360895872116089,-0.0009887032210826874,-2.6239015057896995,3,152,0 -6153,0.004227310710040095,-0.002146795392036438,-0.003641624003648758,-2.1034712914431912,3,153,0 -6154,0.0022844927697106133,-0.0016565211117267609,-0.001573164016008377,-2.381998427939361,3,154,0 -6155,0.0019091597338586237,-0.0012590661644935608,-0.0014351457357406616,-2.2909325415061588,3,155,0 -6156,0.00206058643238536,-0.0015956759452819824,-0.0013037770986557007,-2.4565301895002056,3,156,0 -6157,0.0018543707724676549,-0.0014331378042697906,-0.0011767782270908356,-2.4541056280501103,3,157,0 -6158,0.0020369825424633166,-0.0011406131088733673,-0.0016876906156539917,-2.165124582602895,3,158,0 -6159,0.0016871839465002173,-0.001363113522529602,-0.0009942390024662018,-2.5114140852995877,3,159,0 -6160,0.0025610427958570867,-0.001961957663297653,-0.0016461052000522614,-2.4435126252624593,3,160,0 -6161,0.0018689359332338458,-0.0015982650220394135,-0.0009687468409538269,-2.5966823513081754,3,161,0 -6162,0.0022926332971285658,-0.001234728842973709,-0.0019317381083965302,-2.1395277519754234,3,162,0 -6163,0.0019246899675926796,-0.0012526661157608032,-0.0014612525701522827,-2.279487259650993,3,163,0 -6164,0.002260253282996287,-0.0019069090485572815,-0.0012134425342082977,-2.5748802484848223,3,164,0 -6165,0.0035218455736289343,-0.0019287355244159698,-0.0029467567801475525,-2.150348259522815,3,165,0 -6166,0.0018279031296748506,-0.0014858841896057129,-0.0010646022856235504,-2.5198934891322122,3,166,0 -6167,0.0022782197479890814,-0.00189223513007164,-0.0012687519192695618,-2.5509378840236754,3,167,0 -6168,0.0015734498552429912,-0.0011722929775714874,-0.0010495111346244812,-2.411400564576953,3,168,0 -6169,0.004205730207907846,-0.0022906363010406494,-0.0035272017121315002,-2.1467638989158835,3,169,0 -6170,0.002343066498706523,-0.0017456822097301483,-0.0015628673136234283,-2.4113936586650597,3,170,0 -6171,0.0017840460695129957,-0.001425817608833313,-0.001072317361831665,-2.496766845341189,3,171,0 -6172,0.002020961602244832,-0.0015170685946941376,-0.0013352110981941223,-2.4198669516806706,3,172,0 -6173,0.0020175336987619075,-0.0013583190739154816,-0.001491781324148178,-2.3094014624757704,3,173,0 -6174,0.0022502478870109087,-0.0017724595963954926,-0.0013863630592823029,-2.4778191941963175,3,174,0 -6175,0.0021177305700626173,-0.0014859437942504883,-0.0015088915824890137,-2.348532186173942,3,175,0 -6176,0.0019112727798425465,-0.0013847127556800842,-0.0013173967599868774,-2.381101724501423,3,176,0 -6177,0.0018190499740188557,-0.0011614114046096802,-0.0014000236988067627,-2.2633068582027343,3,177,0 -6178,0.0021575179265194613,-0.0017268061637878418,-0.0012934543192386627,-2.4987034715610292,3,178,0 -6179,0.0016295069892013857,-0.0009685829281806946,-0.0013103969395160675,-2.2073186907606295,3,179,0 -6180,0.002248220009851625,-0.0014075562357902527,-0.0017530769109725952,-2.247306802185933,3,180,0 -6181,0.0021233999786921605,-0.0016083866357803345,-0.0013863332569599152,-2.4302073449314237,3,181,0 -6182,0.003864174796684082,-0.0019172169268131256,-0.003355015069246292,-2.089957148979436,3,182,0 -6183,0.0019897198982973554,-0.001390252262353897,-0.0014234408736228943,-2.344399645977778,3,183,0 -6184,0.0020362500062858905,-0.0015613622963428497,-0.0013070814311504364,-2.444611043298214,3,184,0 -6185,0.002085650034369243,-0.0011040642857551575,-0.0017694570124149323,-2.128644941278102,3,185,0 -6186,0.002751601055929673,-0.001521233469247818,-0.002292849123477936,-2.1565816365781956,3,186,0 -6187,0.0022773762149075195,-0.0017770938575267792,-0.001424212008714676,-2.4659818489166434,3,187,0 -6188,0.002142992741480877,-0.0013410970568656921,-0.0016714893281459808,-2.246960399288474,3,188,0 -6189,0.001993292863352801,-0.001730889081954956,-0.000988554209470749,-2.6226753359018122,3,189,0 -6190,0.0018271355970453677,-0.0010242648422718048,-0.0015130452811717987,-2.1658884192987413,3,190,0 -6191,0.0020689499271035233,-0.0015259459614753723,-0.001397155225276947,-2.400225636072846,3,191,0 -6192,0.0021654254743821142,-0.0015841536223888397,-0.0014763213694095612,-2.391413750167542,3,192,0 -6193,0.002232532534122316,-0.001827530562877655,-0.0012823157012462616,-2.5297495748289682,3,193,0 -6194,0.002080793704196414,-0.0016254670917987823,-0.001299060881137848,-2.4673443688558647,3,194,0 -6195,0.0020135141751978906,-0.0016782023012638092,-0.0011125989258289337,-2.5561531746604365,3,195,0 -6196,0.0018957269796775374,-0.0012815631926059723,-0.0013969168066978455,-2.313154267388725,3,196,0 -6197,0.002293829960072702,-0.0016340650618076324,-0.001609809696674347,-2.3636716324734923,3,197,0 -6198,0.001818343657739395,-0.0014588013291358948,-0.0010854825377464294,-2.501883338375731,3,198,0 -6199,0.001984669433429051,-0.0014536716043949127,-0.0013512037694454193,-2.3927102969825658,3,199,0 -6200,0.0016829227828484858,-0.0008235573768615723,-0.0014676451683044434,-2.082153608571473,3,200,0 -6201,0.0022617279474530863,-0.0016933642327785492,-0.0014993101358413696,-2.416900856033164,3,201,0 -6202,0.002233190280835323,-0.0015341602265834808,-0.001622803509235382,-2.3281232149695,3,202,0 -6203,0.0019436507391743735,-0.0012799836695194244,-0.0014626756310462952,-2.2896814990988474,3,203,0 -6204,0.0021610867581734945,-0.001565646380186081,-0.0014896467328071594,-2.381064110022476,3,204,0 -6205,0.002328676275187484,-0.0019495673477649689,-0.0012735463678836823,-2.562939171469563,3,205,0 -6206,0.002086720201367325,-0.0018638335168361664,-0.0009383633732795715,-2.6751818399409437,3,206,0 -6207,0.0022108181257615308,-0.0015734806656837463,-0.0015530213713645935,-2.3627382256674303,3,207,0 -6208,0.002160839933655152,-0.0015050172805786133,-0.001550532877445221,-2.3412995519830746,3,208,0 -6209,0.002162989380025891,-0.001629117876291275,-0.0014228485524654388,-2.4236775765795517,3,209,0 -6210,0.0035473929135338127,-0.0018415041267871857,-0.0030319727957248688,-2.11661125992179,3,210,0 -6211,0.001861653591092196,-0.0011119730770587921,-0.0014930739998817444,-2.210931637491948,3,211,0 -6212,0.002358608109092015,-0.0018644928932189941,-0.0014445409178733826,-2.4824303977833826,3,212,0 -6213,0.001964433695235937,-0.001445762813091278,-0.001329950988292694,-2.397893563034582,3,213,0 -6214,0.002113931004670395,-0.0015429109334945679,-0.001445036381483078,-2.3889392337360755,3,214,0 -6215,0.0020936695717467123,-0.001803383231163025,-0.001063607633113861,-2.6087183489961387,3,215,0 -6216,0.0023004278728953323,-0.0017599128186702728,-0.0014814436435699463,-2.441895366452835,3,216,0 -6217,0.0022887735374425753,-0.0015108175575733185,-0.0017192773520946503,-2.291747125519035,3,217,0 -6218,0.00260959556656889,-0.0020058490335941315,-0.0016692988574504852,-2.4475143858768176,3,218,0 -6219,0.003739972068504615,-0.0017542429268360138,-0.0033030323684215546,-2.059013861813178,3,219,0 -6220,0.0018843352509895336,-0.0013700686395168304,-0.0012936890125274658,-2.3848602754266515,3,220,0 -6221,0.0017063546822200825,-0.0012190528213977814,-0.0011939667165279388,-2.366590262280625,3,221,0 -6222,0.002412379655257168,-0.0015957243740558624,-0.0018092095851898193,-2.293577674383857,3,222,0 -6223,0.002259528762362888,-0.0018173716962337494,-0.001342620700597763,-2.5053172104321537,3,223,0 -6224,0.0021574902685847206,-0.0014654025435447693,-0.0015834644436836243,-2.31749062317449,3,224,0 -6225,0.001920813414465894,-0.0011105053126811981,-0.001567259430885315,-2.1872475701672864,3,225,0 -6226,0.0022860676622990382,-0.0017789416015148163,-0.0014357827603816986,-2.4625377546470903,3,226,0 -6227,0.0022534230542090184,-0.0016395114362239838,-0.001545935869216919,-2.3855620028363513,3,227,0 -6228,0.0037135831188398125,-0.0017266422510147095,-0.0032877661287784576,-2.0543780444511737,3,228,0 -6229,0.0022211714247454186,-0.0014944113790988922,-0.0016432702541351318,-2.308787722875623,3,229,0 -6230,0.002184016267545907,-0.0013158060610294342,-0.0017431527376174927,-2.2173895448892,3,230,0 -6231,0.0020084403320014582,-0.0015076212584972382,-0.0013269931077957153,-2.419830752200768,3,231,0 -6232,0.0023458925094714403,-0.0017086341977119446,-0.001607414335012436,-2.38670925581204,3,232,0 -6233,0.0021891580046751323,-0.0015414915978908539,-0.0015544183552265167,-2.3520190837982464,3,233,0 -6234,0.0024753838164108945,-0.0015293285250663757,-0.0019464530050754547,-2.236756858043606,3,234,0 -6235,0.00238520558952847,-0.0017159730195999146,-0.0016566962003707886,-2.373768320561233,3,235,0 -6236,0.0024194134451798804,-0.0017057396471500397,-0.0017158128321170807,-2.353250459397679,3,236,0 -6237,0.0018854560794013201,-0.001285254955291748,-0.0013795159757137299,-2.3208362032655536,3,237,0 -6238,0.002221437948781651,-0.0015592724084854126,-0.0015822313725948334,-2.3488863483055606,3,238,0 -6239,0.0018613449013874987,-0.0012651123106479645,-0.0013653188943862915,-2.3181177858176,3,239,0 -6240,0.0021495631448259713,-0.0015997141599655151,-0.0014358051121234894,-2.4101391399065304,3,240,0 -6241,0.0017725963047267375,-0.001162450760602951,-0.0013382099568843842,-2.2860247813189347,3,241,0 -6242,0.0038412365924106497,-0.0013270378112792969,-0.003604728728532791,-1.9235375129416667,3,242,0 -6243,0.002144400723267163,-0.0016705654561519623,-0.0013444945216178894,-2.4639232110011613,3,243,0 -6244,0.002190904697680121,-0.0016207247972488403,-0.0014742165803909302,-2.4034971399013556,3,244,0 -6245,0.001812246892503672,-0.0013221390545368195,-0.001239430159330368,-2.3884716468322145,3,245,0 -6246,0.0021151210832269845,-0.0017247647047042847,-0.0012243054807186127,-2.524293723021889,3,246,0 -6247,0.00202813119470396,-0.0014304965734481812,-0.001437705010175705,-2.353681270203955,3,247,0 -6248,0.0020868621225123524,-0.0014986805617809296,-0.001452222466468811,-2.3719368771881353,3,248,0 -6249,0.0015354192882969225,-0.0009694099426269531,-0.0011906959116458893,-2.2541084194844934,3,249,0 -6250,0.0019460282464320224,-0.0014552287757396698,-0.0012920275330543518,-2.415529933317337,3,250,0 -6251,0.002190732385704613,-0.00197799876332283,-0.0009417161345481873,-2.69725093946374,3,251,0 -6252,0.001883448724819071,-0.001168079674243927,-0.0014774873852729797,-2.239770120748434,3,252,0 -6253,0.002034498415877533,-0.0015289485454559326,-0.0013421997427940369,-2.4211462432115156,3,253,0 -6254,0.0020821676511695916,-0.0016617551445960999,-0.0012545883655548096,-2.49491331041014,3,254,0 -6255,0.002182308666752743,-0.0016150884330272675,-0.0014676377177238464,-2.4039893363060925,3,255,0 -6256,0.002351683519878134,-0.0012692660093307495,-0.0019797421991825104,-2.140908566424188,3,256,0 -6257,0.002011398942572999,-0.0015773698687553406,-0.001248050481081009,-2.4722268280168325,3,257,0 -6258,0.0022480721929818816,-0.0014388076961040497,-0.0017273277044296265,-2.265318613445628,3,258,0 -6259,0.0022975551019061473,-0.0015459433197975159,-0.001699652522802353,-2.3088705329035353,3,259,0 -6260,0.002225428511111238,-0.0016388669610023499,-0.001505538821220398,-2.39857080271986,3,260,0 -6261,0.0023177496611683232,-0.0015645064413547516,-0.0017100535333156586,-2.311775893967221,3,261,0 -6262,0.0021510575136636473,-0.0014767497777938843,-0.0015640519559383392,-2.3274921246514055,3,262,0 -6263,0.001828178899071926,-0.001422189176082611,-0.0011487454175949097,-2.4621558015936977,3,263,0 -6264,0.0018539588321143574,-0.0012864917516708374,-0.0013349540531635284,-2.3377097358459853,3,264,0 -6265,0.002090335372237963,-0.0017123110592365265,-0.0011989548802375793,-2.5307345597594684,3,265,0 -6266,0.001894583044009493,-0.0013406872749328613,-0.0013386569917201996,-2.3569522438148787,3,266,0 -6267,0.0023715229306122357,-0.0018665865063667297,-0.0014628656208515167,-2.476862834132747,3,267,0 -6268,0.0017749977444329315,-0.0013767704367637634,-0.0011203214526176453,-2.458534756783491,3,268,0 -6269,0.0017175383873176428,-0.0012267529964447021,-0.0012020878493785858,-2.3663492515823843,3,269,0 -6270,0.0019984588737298084,-0.00165480375289917,-0.0011204741895198822,-2.5463989905779885,3,270,0 -6271,0.0018234070546394828,-0.0014862120151519775,-0.0010564029216766357,-2.5236535537924656,3,271,0 -6272,0.0019442132265762467,-0.001374177634716034,-0.001375354826450348,-2.3557663477066635,3,272,0 -6273,0.0018579856307897639,-0.0013041384518146515,-0.0013233795762062073,-2.3488716934462883,3,273,0 -6274,0.002018263432835996,-0.0014413408935070038,-0.0014127716422080994,-2.3662040104241373,3,274,0 -6275,0.0024173438896607628,-0.0017319247126579285,-0.0016864128410816193,-2.3695077402584537,3,275,0 -6276,0.0021454151751334814,-0.0014605671167373657,-0.0015714801847934723,-2.3196305367885994,3,276,0 -6277,0.002293463660571184,-0.0011088363826274872,-0.0020075999200344086,-2.075418522624165,3,277,0 -6278,0.003970755742308196,-0.0015590973198413849,-0.0036518648266792297,-1.9743021099350049,3,278,0 -6279,0.00215525832092533,-0.0014657974243164062,-0.0015800558030605316,-2.3186993056451595,3,279,0 -6280,0.002142273029559787,-0.0011533163487911224,-0.0018053241074085236,-2.1392873738397955,3,280,0 -6281,0.002199491470655053,-0.0014685578644275665,-0.0016374066472053528,-2.30188519495575,3,281,0 -6282,0.0021991054992571814,-0.0016365237534046173,-0.0014689639210700989,-2.4100982664100776,3,282,0 -6283,0.0019637576015912516,-0.0013678893446922302,-0.0014089792966842651,-2.341398344352369,3,283,0 -6284,0.001987561243134422,-0.0012945197522640228,-0.001508183777332306,-2.280106692072095,3,284,0 -6285,0.0023143302350159462,-0.0014848783612251282,-0.0017751790583133698,-2.2673810194307698,3,285,0 -6286,0.0021958050286929134,-0.0015604868531227112,-0.0015448108315467834,-2.361242601519482,3,286,0 -6287,0.0022204578100346356,-0.001701604574918747,-0.0014265254139900208,-2.443906118206521,3,287,0 -6288,0.002268745337728725,-0.0018008388578891754,-0.0013799220323562622,-2.4877621669277348,3,288,0 -6289,0.0025227455027115324,-0.0020301491022109985,-0.0014975778758525848,-2.5060302651261837,3,289,0 -6290,0.0020296006086013675,-0.0016093850135803223,-0.00123659148812294,-2.4864425942797945,3,290,0 -6291,0.0017526905919491734,-0.0014214590191841125,-0.0010253675282001495,-2.5166819713585014,3,291,0 -6292,0.001987565519434,-0.0015628188848495483,-0.0012280121445655823,-2.475590571636903,3,292,0 -6293,0.0018277807867928082,-0.0014347583055496216,-0.0011323653161525726,-2.4734486398274917,3,293,0 -6294,0.001773434699102969,-0.0012882575392723083,-0.0012187957763671875,-2.3838939397800964,3,294,0 -6295,0.0017906927750193542,-0.0015035904943943024,-0.0009725205600261688,-2.567471114762653,3,295,0 -6296,0.002207010079570692,-0.0015933290123939514,-0.001527152955532074,-2.3773983105045944,3,296,0 -6297,0.002279966904380399,-0.0017341449856758118,-0.00148019939661026,-2.435034585021964,3,297,0 -6298,0.0019237527727548297,-0.0012139976024627686,-0.0014923252165317535,-2.2537113263744595,3,298,0 -6299,0.0020668836551365763,-0.001714177429676056,-0.0011548176407814026,-2.5487461196932624,3,299,0 -6300,0.0016497005138181586,-0.0012646429240703583,-0.0010593347251415253,-2.4443091811999604,3,300,0 -6301,0.0020004820467508914,-0.0012298822402954102,-0.0015777572989463806,-2.2329197301920267,3,301,0 -6302,0.0021594616863537686,-0.0015776753425598145,-0.001474522054195404,-2.3899780330207476,3,302,0 -6303,0.001588970235159671,-0.0010826140642166138,-0.001163087785243988,-2.320375264358723,3,303,0 -6304,0.0019797277426062652,-0.0013192221522331238,-0.001476135104894638,-2.300119920721428,3,304,0 -6305,0.0018595890639266355,-0.001331619918346405,-0.001298021525144577,-2.3689705913564016,3,305,0 -6306,0.003804696945132875,-0.001474682241678238,-0.0035072825849056244,-1.9688177503448947,3,306,0 -6307,0.0022482511213479895,-0.0016154646873474121,-0.0015636198222637177,-2.372501156320628,3,307,0 -6308,0.0016965169536144035,-0.0010134056210517883,-0.001360580325126648,-2.2109825801004677,3,308,0 -6309,0.00201173238891164,-0.0014965534210205078,-0.001344393938779831,-2.4097027807165583,3,309,0 -6310,0.0018330529748862613,-0.0013513676822185516,-0.001238502562046051,-2.399746383099418,3,310,0 -6311,0.0019130974572176228,-0.0015460588037967682,-0.0011267848312854767,-2.5117909185035243,3,311,0 -6312,0.00228950280799589,-0.0018495731055736542,-0.0013494081795215607,-2.5112901296429926,3,312,0 -6313,0.0017660632206342327,-0.0014008432626724243,-0.001075461506843567,-2.486844118065558,3,313,0 -6314,0.0022599368898937556,-0.0017113164067268372,-0.001476045697927475,-2.4298744818797458,3,314,0 -6315,0.001976814321250854,-0.0014230236411094666,-0.0013721510767936707,-2.3743926185640025,3,315,0 -6316,0.0017406428266431742,-0.0011851638555526733,-0.001274842768907547,-2.319755881493648,3,316,0 -6317,0.0017202910518003623,-0.001322224736213684,-0.0011005103588104248,-2.447454376433846,3,317,0 -6318,0.0018428469221653076,-0.0013629607856273651,-0.0012403316795825958,-2.403265085197329,3,318,0 -6319,0.0019064522040776355,-0.0013706199824810028,-0.001325126737356186,-2.3730688229126584,3,319,0 -6320,0.0018870942521506879,-0.0013155564665794373,-0.001352936029434204,-2.3421876611065953,3,320,0 -6321,0.0018842575247116527,-0.0017749778926372528,-0.000632360577583313,-2.79934844212868,3,321,0 -6322,0.002449119939551647,-0.001742623746395111,-0.0017208866775035858,-2.362470430161155,3,322,0 -6323,0.0025917885784605896,-0.001999698579311371,-0.0016488097608089447,-2.452072839942211,3,323,0 -6324,0.0018566557348999163,-0.001725669950246811,-0.0006850063800811768,-2.76371750127495,3,324,0 -6325,0.003841483941054649,-0.001989595592021942,-0.003286108374595642,-2.115218284415468,3,325,0 -6326,0.0021092485981652354,-0.0013606064021587372,-0.0016117319464683533,-2.271907125277009,3,326,0 -6327,0.0018461978054511866,-0.0013297796249389648,-0.0012806765735149384,-2.3750024140505688,3,327,0 -6328,0.0019315200236940837,-0.0013705193996429443,-0.0013610459864139557,-2.3596626023949185,3,328,0 -6329,0.0016006165376432826,-0.0013929978013038635,-0.0007883720099925995,-2.6265836189541467,3,329,0 -6330,0.00413683639864316,-0.001765478402376175,-0.0037411898374557495,-2.011714691221342,3,330,0 -6331,0.0023374911285804524,-0.0018282793462276459,-0.0014564543962478638,-2.4689125731506305,3,331,0 -6332,0.002458893754376094,-0.0019998475909233093,-0.0014306530356407166,-2.5206182645990403,3,332,0 -6333,0.002177728256841021,-0.0014114975929260254,-0.0016583651304244995,-2.2759506921615484,3,333,0 -6334,0.002160010168107975,-0.00153365358710289,-0.0015210360288619995,-2.3603250199907406,3,334,0 -6335,0.0019360229812322544,-0.0016645006835460663,-0.000988747924566269,-2.605581269175052,3,335,0 -6336,0.0019605946414153496,-0.0015373602509498596,-0.0012167394161224365,-2.4720886545469636,3,336,0 -6337,0.0021638644577895334,-0.0016250647604465485,-0.001428801566362381,-2.4203733489140626,3,337,0 -6338,0.0018249167411470693,-0.0015160329639911652,-0.0010158568620681763,-2.5512336562617683,3,338,0 -6339,0.003677170194818592,-0.001646384596824646,-0.0032880082726478577,-2.0350229540638574,3,339,0 -6340,0.002194651963135867,-0.0012171082198619843,-0.0018262378871440887,-2.1586534577198844,3,340,0 -6341,0.002034754493719975,-0.0011051148176193237,-0.001708492636680603,-2.1449441908582076,3,341,0 -6342,0.002290581081580346,-0.001714307814836502,-0.0015191808342933655,-2.416467050230503,3,342,0 -6343,0.0019450003413709592,-0.0015205033123493195,-0.001212887465953827,-2.4682629699350644,3,343,0 -6344,0.001908097239251541,-0.0012516528367996216,-0.0014402084052562714,-2.2862621747951457,3,344,0 -6345,0.0019024893109759588,-0.0014841891825199127,-0.0011902302503585815,-2.4656700768010844,3,345,0 -6346,0.0022064478970767834,-0.0018559247255325317,-0.0011932961642742157,-2.570178279169565,3,346,0 -6347,0.0020407206369759457,-0.0014145560562610626,-0.001470908522605896,-2.336667200239044,3,347,0 -6348,0.0021574734296209716,-0.0015521906316280365,-0.0014984644949436188,-2.373804013698912,3,348,0 -6349,0.0019090602085267024,-0.001265067607164383,-0.0014297254383563995,-2.2951681439778335,3,349,0 -6350,0.0023715166508149724,-0.0018132440745830536,-0.001528475433588028,-2.4412053108598206,3,350,0 -6351,0.002287960113800556,-0.0012332722544670105,-0.0019271224737167358,-2.140077811158096,3,351,0 -6352,0.0021297842103256263,-0.0016168951988220215,-0.0013862289488315582,-2.432852738674338,3,352,0 -6353,0.001994641699554501,-0.0016398951411247253,-0.0011354908347129822,-2.535974282801861,3,353,0 -6354,0.002228103518913498,-0.0015472210943698883,-0.001603294163942337,-2.3383983059731133,3,354,0 -6355,0.0021792033741055406,-0.0014805682003498077,-0.0015990138053894043,-2.3177518537139576,3,355,0 -6356,0.0026391655391792804,-0.0019365698099136353,-0.001793012022972107,-2.394667154838489,3,356,0 -6357,0.0016775058067182392,-0.0011729337275028229,-0.0011992715299129486,-2.3450922804680223,3,357,0 -6358,0.0019989977578121422,-0.0013708434998989105,-0.001454915851354599,-2.32645113715591,3,358,0 -6359,0.0023468569446574343,-0.0017602555453777313,-0.0015521720051765442,-2.4189310989015773,3,359,0 -6360,0.002118233686312838,-0.001521088182926178,-0.0014741793274879456,-2.371854200311943,3,360,0 -6361,0.0018910622712251133,-0.001432962715625763,-0.0012339912354946136,-2.4306627963735123,3,361,0 -6362,0.002165956470448495,-0.0016139186918735504,-0.0014445185661315918,-2.4115257592547024,3,362,0 -6363,0.003827059526555785,-0.0012654103338718414,-0.0036118030548095703,-1.907786648116697,3,363,0 -6364,0.0016647241873298103,-0.0011011548340320587,-0.0012485049664974213,-2.2935652425305983,3,364,0 -6365,0.0021144204731153014,-0.0017075203359127045,-0.0012470558285713196,-2.510798696521389,3,365,0 -6366,0.002216212620780809,-0.0015024617314338684,-0.001629173755645752,-2.3157546168554775,3,366,0 -6367,0.0020660347105432675,-0.0008930973708629608,-0.0018630288541316986,-2.0178116673342066,3,367,0 -6368,0.0019774962412553924,-0.0015484057366847992,-0.0012300126254558563,-2.4702918768384987,3,368,0 -6369,0.0022705010521631304,-0.0016821809113025665,-0.0015249401330947876,-2.4051839000887476,3,369,0 -6370,0.0019203741145207606,-0.00109013170003891,-0.0015809647738933563,-2.174464712266971,3,370,0 -6371,0.002308776902824667,-0.0014788024127483368,-0.0017730183899402618,-2.265962867959185,3,371,0 -6372,0.0036841835343625583,-0.0012751370668411255,-0.003456477075815201,-1.9242192234613698,3,372,0 -6373,0.002248242720366015,-0.001887105405330658,-0.0012220591306686401,-2.5669177775420366,3,373,0 -6374,0.0021546183326591416,-0.001406881958246231,-0.0016318894922733307,-2.282283810980459,3,374,0 -6375,0.0022026004619354043,-0.0017652064561843872,-0.0013173818588256836,-2.5004607404913926,3,375,0 -6376,0.002348711578903984,-0.0018422380089759827,-0.001456916332244873,-2.4724618118322885,3,376,0 -6377,0.0015848779140101056,-0.0007952302694320679,-0.0013709291815757751,-2.096429976244215,3,377,0 -6378,0.0019413476225863355,-0.0012892112135887146,-0.0014514699578285217,-2.2970597150671557,3,378,0 -6379,0.0016554038537833445,-0.0011501498520374298,-0.0011905953288078308,-2.338917320217503,3,379,0 -6380,0.0019020392872394704,-0.0014757290482521057,-0.0011999905109405518,-2.4588841083359423,3,380,0 -6381,0.0020271711307221006,-0.001377306878566742,-0.0014874301850795746,-2.317772426070669,3,381,0 -6382,0.0021249289900084436,-0.001447197049856186,-0.0015559382736682892,-2.3200010704473373,3,382,0 -6383,0.004009643392300166,-0.0019295960664749146,-0.003514811396598816,-2.0728637222258848,3,383,0 -6384,0.0021129527654159615,-0.0016687177121639252,-0.0012961290776729584,-2.481207906756552,3,384,0 -6385,0.00201464046101468,-0.0013374127447605133,-0.0015066862106323242,-2.296747186001157,3,385,0 -6386,0.0023339644491004743,-0.0015795640647411346,-0.0017182454466819763,-2.314166677743569,3,386,0 -6387,0.0018973805273130508,-0.001423075795173645,-0.0012549534440040588,-2.4188905973701704,3,387,0 -6388,0.0022885007249563456,-0.001693572849035263,-0.0015391707420349121,-2.4039201620795065,3,388,0 -6389,0.002008461915492372,-0.0015933401882648468,-0.0012227781116962433,-2.4870289354341413,3,389,0 -6390,0.001991479902804078,-0.0013775937259197235,-0.001438133418560028,-2.334697248633464,3,390,0 -6391,0.0021563680464905246,-0.0014453008770942688,-0.0016003213822841644,-2.3053389255917174,3,391,0 -6392,0.0019272187535043126,-0.0015244334936141968,-0.0011790990829467773,-2.483241013635475,3,392,0 -6393,0.0021212783200188668,-0.001805771142244339,-0.001113109290599823,-2.5891886991395623,3,393,0 -6394,0.002056242192487263,-0.0013758465647697449,-0.001528128981590271,-2.303803187936142,3,394,0 -6395,0.0023052760396996526,-0.0015436895191669464,-0.0017121098935604095,-2.3045112115185793,3,395,0 -6396,0.0023918490244895737,-0.0019035972654819489,-0.0014481917023658752,-2.4912369604043523,3,396,0 -6397,0.001986147114275928,-0.0016305819153785706,-0.0011340118944644928,-2.53391711533885,3,397,0 -6398,0.0021658689996744045,-0.0016819685697555542,-0.001364540308713913,-2.4600139727775856,3,398,0 -6399,0.002197966606788498,-0.0018714070320129395,-0.0011527761816978455,-2.589495528481634,3,399,0 -6400,0.002035175084143182,-0.0015150606632232666,-0.001358870416879654,-2.41048832613188,3,400,0 -6401,0.0022085357600024084,-0.001572292298078537,-0.001550976186990738,-2.363019321369188,3,401,0 -6402,0.0018917099818327333,-0.0014291442930698395,-0.0012394003570079803,-2.4271789257203955,3,402,0 -6403,0.001826405833661366,-0.0011531151831150055,-0.0014163628220558167,-2.25409890984281,3,403,0 -6404,0.001951218608439874,-0.0015675239264965057,-0.0011619478464126587,-2.503706567271188,3,404,0 -6405,0.0020331885291234994,-0.0013483799993991852,-0.0015217512845993042,-2.295862448752069,3,405,0 -6406,0.003966257620694354,-0.0019216276705265045,-0.0034696608781814575,-2.076580879627197,3,406,0 -6407,0.002358028370529056,-0.001715783029794693,-0.0016175247728824615,-2.3856636594212977,3,407,0 -6408,0.001278528020958865,0.001169983297586441,-0.0005155317485332489,-0.4150360043025595,3,408,0 -6409,0.0019440336875628647,-0.0013276636600494385,-0.0014200620353221893,-2.322579937137586,3,409,0 -6410,0.003687389749077347,-0.0016639232635498047,-0.003290623426437378,-2.038958439105904,3,410,0 -6411,0.0019788771232145,-0.0012643150985240936,-0.0015223212540149689,-2.2638707519236636,3,411,0 -6412,0.002187597786396183,-0.001662474125623703,-0.0014218874275684357,-2.4340389747937743,3,412,0 -6413,0.0023336022990917424,-0.0018238015472888947,-0.0014558322727680206,-2.467925493823033,3,413,0 -6414,0.0021396174910025645,-0.0014945268630981445,-0.0015311278402805328,-2.3440982017526637,3,414,0 -6415,0.001997589931531579,-0.001456238329410553,-0.0013673827052116394,-2.387652787868188,3,415,0 -6416,0.002133715447393258,-0.0014917626976966858,-0.0015255771577358246,-2.3449882468868837,3,416,0 -6417,0.0020024094170063124,-0.0015344992280006409,-0.0012864507734775543,-2.443899736431667,3,417,0 -6418,0.0024842758435451814,-0.00204351544380188,-0.0014126822352409363,-2.5367295083244072,3,418,0 -6419,0.0024077032103743553,-0.0017512254416942596,-0.001652345061302185,-2.3852382768584737,3,419,0 -6420,0.0021900066625944207,-0.001760583370923996,-0.0013024881482124329,-2.50464842296607,3,420,0 -6421,0.0018382036959424953,-0.0013418346643447876,-0.0012563727796077728,-2.389075268746903,3,421,0 -6422,0.0020452678109003607,-0.0012792013585567474,-0.001595858484506607,-2.2464973146008873,3,422,0 -6423,0.0041220364874910535,-0.0020084865391254425,-0.003599606454372406,-2.0797409324828546,3,423,0 -6424,0.002020731502660625,-0.0017285235226154327,-0.0010466910898685455,-2.5971091735074863,3,424,0 -6425,0.0019498442058895214,-0.0014582909643650055,-0.0012943260371685028,-2.4156911114547617,3,425,0 -6426,0.0017324639041166627,-0.0014115236699581146,-0.0010045059025287628,-2.5230929269788502,3,426,0 -6427,0.001751618497821645,-0.0011735744774341583,-0.0013003423810005188,-2.304997488456301,3,427,0 -6428,0.0022458368893953744,-0.0014845207333564758,-0.00168522447347641,-2.2929603350273866,3,428,0 -6429,0.002175165577605267,-0.0016432851552963257,-0.0014251172542572021,-2.427176499653643,3,429,0 -6430,0.0018420950193902877,-0.0010839328169822693,-0.0014894306659698486,-2.199904550805554,3,430,0 -6431,0.0022301511424851145,-0.0015354901552200317,-0.0016173571348190308,-2.330234276994826,3,431,0 -6432,0.002148639624393665,-0.0016595274209976196,-0.0013647787272930145,-2.4533476037904247,3,432,0 -6433,0.0021414084972849108,-0.0016640760004520416,-0.0013477690517902374,-2.460831908740179,3,433,0 -6434,0.0019219394449146786,-0.001505684107542038,-0.0011944733560085297,-2.4709446809598106,3,434,0 -6435,0.0018182125566881184,-0.0013569816946983337,-0.0012101642787456512,-2.4133231695603476,3,435,0 -6436,0.0019196121012207976,-0.0012238286435604095,-0.0014789029955863953,-2.262096703833055,3,436,0 -6437,0.0022999302669852485,-0.0018044598400592804,-0.0014260448515415192,-2.4728011356065682,3,437,0 -6438,0.0023263539080738338,-0.0017650164663791656,-0.001515466719865799,-2.4321192951161796,3,438,0 -6439,0.0021958120532765434,-0.001184668391942978,-0.0018488243222236633,-2.1406545194254467,3,439,0 -6440,0.002154775288507499,-0.0016086027026176453,-0.0014336854219436646,-2.413626565319806,3,440,0 -6441,0.002114756301765547,-0.0015685856342315674,-0.0014183558523654938,-2.4064476668034245,3,441,0 -6442,0.0023769818762671285,-0.00196746364235878,-0.0013338401913642883,-2.5458197589070797,3,442,0 -6443,0.002030288130018476,-0.0016423501074314117,-0.0011936314404010773,-2.5131170278998587,3,443,0 -6444,0.002019492878071654,-0.0013981461524963379,-0.0014572367072105408,-2.3355030017259155,3,444,0 -6445,0.002305213841726225,-0.0018112920224666595,-0.001425914466381073,-2.474683179576008,3,445,0 -6446,0.0020035207255228913,-0.0016088411211967468,-0.0011940374970436096,-2.5031200515709995,3,446,0 -6447,0.0023931776819166944,-0.0020066946744918823,-0.0013040229678153992,-2.5653325468609816,3,447,0 -6448,0.0018384651984802436,-0.0013758540153503418,-0.0012194178998470306,-2.416398996585178,3,448,0 -6449,0.004115119798790766,-0.001828756183385849,-0.0036864429712295532,-2.031299876427306,3,449,0 -6450,0.001861181830446942,-0.0014461353421211243,-0.0011716187000274658,-2.460679833995489,3,450,0 -6451,0.0022296773924836578,-0.0015205927193164825,-0.0016307234764099121,-2.3212611646473453,3,451,0 -6452,0.0020683058006269526,-0.0014730989933013916,-0.0014518499374389648,-2.36345912371541,3,452,0 -6453,0.004319419913017063,-0.001882106065750122,-0.0038878098130226135,-2.0216468303110418,3,453,0 -6454,0.0021313987781683167,-0.0016939938068389893,-0.0012935400009155273,-2.4894418511283614,3,454,0 -6455,0.0022480047298511704,-0.001513160765171051,-0.0016624890267848969,-2.3092062028719367,3,455,0 -6456,0.001994597188723436,-0.0015233531594276428,-0.001287560909986496,-2.4398831078611822,3,456,0 -6457,0.002052810561672149,-0.0012233108282089233,-0.001648496836423874,-2.2092071049901523,3,457,0 -6458,0.0019920541020456927,-0.0016856230795383453,-0.0010615810751914978,-2.579559435842386,3,458,0 -6459,0.0020172875661040837,-0.00111374631524086,-0.0016819685697555542,-2.155678226780813,3,459,0 -6460,0.001946423223062565,-0.0013236813247203827,-0.00142703577876091,-2.318638517167985,3,460,0 -6461,0.0020911833312925606,-0.0014584176242351532,-0.0014986880123615265,-2.3425771548966003,3,461,0 -6462,0.0014553641252293109,-0.0009013935923576355,-0.0011426173150539398,-2.2387229513918396,3,462,0 -6463,0.0019706955257432733,-0.0015679895877838135,-0.0011937543749809265,-2.4908809583496976,3,463,0 -6464,0.001909429095980779,-0.0012433715164661407,-0.0014491192996501923,-2.279927301501945,3,464,0 -6465,0.0018571978417096222,-0.0013402961194515228,-0.001285608857870102,-2.3770175427025393,3,465,0 -6466,0.001968768442909781,-0.00116073340177536,-0.0015902034938335419,-2.2013268442615264,3,466,0 -6467,0.0022320990456774037,-0.001853354275226593,-0.0012439228594303131,-2.550476204164791,3,467,0 -6468,0.0017353351571099105,-0.001241438090801239,-0.001212526112794876,-2.3679756890880257,3,468,0 -6469,0.002260462542631617,-0.0016947872936725616,-0.0014957897365093231,-2.4184842007925154,3,469,0 -6470,0.003911152247998378,-0.002513013780117035,-0.0029969774186611176,-2.268585491831581,3,470,0 -6471,0.0024724240726030173,-0.0015672557055950165,-0.0019122213125228882,-2.257374476457607,3,471,0 -6472,0.0021844779547253515,-0.0015164762735366821,-0.0015723370015621185,-2.338111610369297,3,472,0 -6473,0.0022344430077391978,-0.0018755234777927399,-0.0012145563960075378,-2.5669187033448146,3,473,0 -6474,0.0017006406998012898,-0.0011748038232326508,-0.0012296400964260101,-2.3333922245633953,3,474,0 -6475,0.0021044884791135187,-0.001513935625553131,-0.001461803913116455,-2.3737116080230636,3,475,0 -6476,0.0020111806701635427,-0.00158725306391716,-0.0012351013720035553,-2.4803252946296466,3,476,0 -6477,0.0017488341720159066,-0.0014210790395736694,-0.0010192915797233582,-2.519372561398656,3,477,0 -6478,0.0036932300659978227,-0.001935333013534546,-0.0031455419957637787,-2.122362496624571,3,478,0 -6479,0.0023412446825022727,-0.0018936768174171448,-0.0013767406344413757,-2.5129617829267485,3,479,0 -6480,0.0019722600731038064,-0.0014582984149456024,-0.0013278461992740631,-2.4029820873013548,3,480,0 -6481,0.0019763930893000113,-0.001675482839345932,-0.0010482780635356903,-2.5825208152461507,3,481,0 -6482,0.002052788757130756,-0.0016596056520938873,-0.0012081600725650787,-2.5123337903674967,3,482,0 -6483,0.0018309932217742692,-0.0012291185557842255,-0.0013571307063102722,-2.3067376324855764,3,483,0 -6484,0.0023494458811464326,-0.0018010661005973816,-0.001508660614490509,-2.444313023344455,3,484,0 -6485,0.002113769831317204,-0.0018064230680465698,-0.0010976605117321014,-2.5955721723828717,3,485,0 -6486,0.0019422003802150199,-0.0010917112231254578,-0.001606334000825882,-2.1677192709079214,3,486,0 -6487,0.0022921021267809103,-0.0012009069323539734,-0.0019523203372955322,-2.122257737527973,3,487,0 -6488,0.0016698995621646524,-0.0011576265096664429,-0.0012035220861434937,-2.336759119777499,3,488,0 -6489,0.001878791376793208,-0.0012062080204486847,-0.0014404579997062683,-2.2679169501936656,3,489,0 -6490,0.002084752729296439,-0.0016068816184997559,-0.0013282038271427155,-2.4508577888262297,3,490,0 -6491,0.0018014686717972577,-0.0011952519416809082,-0.0013478361070156097,-2.2962667729554007,3,491,0 -6492,0.004022257904315339,-0.0014105811715126038,-0.0037668049335479736,-1.9291082487824553,3,492,0 -6493,0.002399227829187049,-0.001764778047800064,-0.0016253776848316193,-2.397290501170053,3,493,0 -6494,0.0020944387392616373,-0.001352597028017044,-0.0015991106629371643,-2.2728722526980487,3,494,0 -6495,0.0019823936893145697,-0.0014535821974277496,-0.0013479553163051605,-2.3938798228561042,3,495,0 -6496,0.002272988305112393,-0.0019456557929515839,-0.0011751167476177216,-2.5982595174120973,3,496,0 -6497,0.002242434970961825,-0.00148840993642807,-0.0016772449016571045,-2.2966139366600165,3,497,0 -6498,0.002419408484633171,-0.0016643740236759186,-0.0017559602856636047,-2.3294238959228286,3,498,0 -6499,0.0020209296794940555,-0.0012223422527313232,-0.001609358936548233,-2.2203632158837725,3,499,0 -6500,0.002025081641613677,-0.0012124218046665192,-0.0016220323741436005,-2.2126767689828335,3,500,0 -6501,0.002466321272254327,-0.001746930181980133,-0.001740969717502594,-2.3579033863324708,3,501,0 -6502,0.0025842313575310436,-0.0019219443202018738,-0.0017275363206863403,-2.4094142331391035,3,502,0 -6503,0.002199020487904218,-0.0015732087194919586,-0.0015364587306976318,-2.368011920395014,3,503,0 -6504,0.0020505370046178537,-0.001359887421131134,-0.001534733921289444,-2.2958638653912606,3,504,0 -6505,0.002406793218250866,-0.001756567507982254,-0.0016453340649604797,-2.388880276461897,3,505,0 -6506,0.002217168151932015,-0.0017212219536304474,-0.0013975799083709717,-2.459595667149028,3,506,0 -6507,0.0020534341751465776,-0.0015116669237613678,-0.001389767974615097,-2.398183129324732,3,507,0 -6508,0.0021472198510339357,-0.0016530044376850128,-0.0013704486191272736,-2.449378509948169,3,508,0 -6509,0.002002898024657763,-0.001648731529712677,-0.0011372268199920654,-2.5377732047839876,3,509,0 -6510,0.0021263151354189453,-0.0017458535730838776,-0.001213759183883667,-2.534079302096816,3,510,0 -6511,0.002140101849374698,-0.001760132610797882,-0.0012173615396022797,-2.5365058625374215,3,511,0 -6512,0.0021355121286153046,-0.001425672322511673,-0.0015899278223514557,-2.301779666858297,3,512,0 -6513,0.0020876270724381257,-0.0015900582075119019,-0.0013527385890483856,-2.4366645885953364,3,513,0 -6514,0.0039686371173156335,-0.0018251873552799225,-0.0035240277647972107,-2.048682068281889,3,514,0 -6515,0.0016426401546309453,-0.0011209174990653992,-0.0012007541954517365,-2.3218204442200165,3,515,0 -6516,0.0020982430327818402,-0.0015343725681304932,-0.001431196928024292,-2.39097163557096,3,516,0 -6517,0.0016697132572311886,-0.001299303025007248,-0.0010486915707588196,-2.4625261807233785,3,517,0 -6518,0.003273632410783005,-0.0014036111533641815,-0.002957455813884735,-2.0139189726903903,3,518,0 -6519,0.0016596856378095037,-0.0012112855911254883,-0.0011346116662025452,-2.388867123053569,3,519,0 -6520,0.0021721231352267506,-0.0016167275607585907,-0.0014506243169307709,-2.410293652257829,3,520,0 -6521,0.0020194430651217983,-0.001569267362356186,-0.0012710429728031158,-2.4608082938164872,3,521,0 -6522,0.0025859055175409653,-0.0014437772333621979,-0.0021453239023685455,-2.163162476534782,3,522,0 -6523,0.0020494667765334983,-0.0012196004390716553,-0.0016470849514007568,-2.2081637921700445,3,523,0 -6524,0.002201912945098497,-0.001499313861131668,-0.001612599939107895,-2.3198065691709115,3,524,0 -6525,0.0020547002939793196,-0.0014177598059177399,-0.0014871954917907715,-2.3322965434976055,3,525,0 -6526,0.002036479874001124,-0.0016671977937221527,-0.0011694878339767456,-2.529881356962608,3,526,0 -6527,0.0018325107865156459,-0.001376185566186905,-0.0012100450694561005,-2.420346741035691,3,527,0 -6528,0.002302043418018597,-0.0014299675822257996,-0.0018040500581264496,-2.2410351435121414,3,528,0 -6529,0.002207909512144969,-0.0014770030975341797,-0.0016411356627941132,-2.303605032562486,3,529,0 -6530,0.0014734796644139867,-0.0004151687026023865,-0.0014137811958789825,-1.8564250192919058,3,530,0 -6531,0.0018048610984109609,-0.0013632886111736298,-0.0011827796697616577,-2.42697319423528,3,531,0 -6532,0.002123338901511489,-0.0015033520758152008,-0.0014995001256465912,-2.3574772533113433,3,532,0 -6533,0.001678930616899878,-0.0013677217066287994,-0.0009737275540828705,-2.522902131814119,3,533,0 -6534,0.0018299907238029413,-0.0012391433119773865,-0.0013466216623783112,-2.3146530046355003,3,534,0 -6535,0.0021397737021345057,-0.0016752555966377258,-0.0013312213122844696,-2.4701299486564445,3,535,0 -6536,0.0021156808104670593,-0.0017366595566272736,-0.0012083537876605988,-2.5336964518629026,3,536,0 -6537,0.002179948437144873,-0.0016994141042232513,-0.0013653449714183807,-2.4647692167246027,3,537,0 -6538,0.0022430006215307685,-0.0015383251011371613,-0.0016323626041412354,-2.3265447883442554,3,538,0 -6539,0.0022133003900255575,-0.001586921513080597,-0.001542847603559494,-2.3702757194567465,3,539,0 -6540,0.0021976981525883258,-0.0017496049404144287,-0.0013299472630023956,-2.4916325391156917,3,540,0 -6541,0.0022705221265994654,-0.0012197606265544891,-0.0019150599837303162,-2.1379291050437126,3,541,0 -6542,0.0021388606109956783,-0.001606866717338562,-0.00141163170337677,-2.4207840366556197,3,542,0 -6543,0.0016381993007615748,-0.0012444965541362762,-0.0010653287172317505,-2.43360718234109,3,543,0 -6544,0.0021384885732937506,-0.0016905516386032104,-0.0013096444308757782,-2.482479622365623,3,544,0 -6545,0.0018905382798255397,-0.001451440155506134,-0.0012113861739635468,-2.446101527161561,3,545,0 -6546,0.003444941999591813,-0.0017692185938358307,-0.0029559247195720673,-2.1101364782543204,3,546,0 -6547,0.0019539740790298203,-0.0014601945877075195,-0.0012984015047550201,-2.414777893875475,3,547,0 -6548,0.002231759107712043,-0.0014716312289237976,-0.0016778111457824707,-2.2908222422691598,3,548,0 -6549,0.002021288257884761,-0.0017466433346271515,-0.0010172724723815918,-2.6142031496478446,3,549,0 -6550,0.0015839015365916068,-0.0011427439749240875,-0.0010967589914798737,-2.3767251717435784,3,550,0 -6551,0.0038051368916545997,-0.0018484853208065033,-0.0033259838819503784,-2.078059432757231,3,551,0 -6552,0.002191004533741316,-0.0016543641686439514,-0.0014365166425704956,-2.4265588585112767,3,552,0 -6553,0.0019061186055377443,-0.0012638531625270844,-0.0014268718659877777,-2.2956830364288687,3,553,0 -6554,0.0019671320663082444,-0.0014665201306343079,-0.001311078667640686,-2.4120987109689387,3,554,0 -6555,0.0023061231212636512,-0.0014970861375331879,-0.0017541199922561646,-2.2773005836828633,3,555,0 -6556,0.0018162073166016583,-0.001220598816871643,-0.0013448968529701233,-2.307782436530723,3,556,0 -6557,0.002083246334647283,-0.0014950744807720184,-0.0014507472515106201,-2.371240846732748,3,557,0 -6558,0.0018646902906174587,-0.0014859922230243683,-0.0011264532804489136,-2.492960755748451,3,558,0 -6559,0.002147480396863568,-0.0015199631452560425,-0.001517031341791153,-2.35715985333892,3,559,0 -6560,0.00198215465283189,-0.0012197792530059814,-0.0015623942017555237,-2.2336648856554597,3,560,0 -6561,0.0016657817771178996,-0.0012900978326797485,-0.001053791493177414,-2.456673022443744,3,561,0 -6562,0.0022650147691647155,-0.0018054358661174774,-0.0013677328824996948,-2.493268252322913,3,562,0 -6563,0.0014593548890646261,-0.0011872164905071259,-0.0008486658334732056,-2.520978468049237,3,563,0 -6564,0.001608883646483549,-0.0011249668896198273,-0.0011501982808113098,-2.345105028546054,3,564,0 -6565,0.0017636644204297868,-0.0014920197427272797,-0.0009404197335243225,-2.5791913263387998,3,565,0 -6566,0.0021675207169320255,-0.001642327755689621,-0.0014145337045192719,-2.4305759436091283,3,566,0 -6567,0.0019931262018051408,-0.001469384878873825,-0.0013466477394104004,-2.3997520496415183,3,567,0 -6568,0.0018348284600465295,-0.0013867951929569244,-0.0012014135718345642,-2.427697832825498,3,568,0 -6569,0.0016145788981025916,-0.001223936676979065,-0.0010530166327953339,-2.4311192115805484,3,569,0 -6570,0.003909249429507043,-0.001895856112241745,-0.003418765962123871,-2.077121509295195,3,570,0 -6571,0.001742394459045556,-0.0012193918228149414,-0.0012445971369743347,-2.345965371699379,3,571,0 -6572,0.002245671198136498,-0.0016625188291072845,-0.0015096589922904968,-2.4043449073121534,3,572,0 -6573,0.0017492562636800115,-0.0014199502766132355,-0.0010215863585472107,-2.5179304650544005,3,573,0 -6574,0.002265684036346729,-0.0018579252064228058,-0.0012967027723789215,-2.532256928498172,3,574,0 -6575,0.002258512457773008,-0.0015833862125873566,-0.0016105175018310547,-2.347699983438594,3,575,0 -6576,0.0019357540338070071,-0.0015812516212463379,-0.0011165961623191833,-2.52675305747268,3,576,0 -6577,0.001953512117386887,-0.001326918601989746,-0.0014337003231048584,-2.3175334082992562,3,577,0 -6578,0.0020571139156543637,-0.0014912225306034088,-0.0014170296490192413,-2.3817001162182674,3,578,0 -6579,0.0022822174585730506,-0.0017697997391223907,-0.0014409460127353668,-2.458261422878786,3,579,0 -6580,0.0019924495839178684,-0.0014502257108688354,-0.0013662725687026978,-2.3859932981811,3,580,0 -6581,0.00215901654892308,-0.0015656724572181702,-0.0014866143465042114,-2.3820899723393945,3,581,0 -6582,0.0017424860767906423,-0.001283988356590271,-0.0011779777705669403,-2.399227227073894,3,582,0 -6583,0.002087526161711991,-0.0015483461320400238,-0.001400139182806015,-2.406417673160805,3,583,0 -6584,0.002318737435574042,-0.0017827078700065613,-0.0014827325940132141,-2.447801029289893,3,584,0 -6585,0.0020102032959182507,-0.0015563853085041046,-0.0012722350656986237,-2.456314031495943,3,585,0 -6586,0.00236515994491615,-0.002044420689344406,-0.0011892542243003845,-2.614732348544869,3,586,0 -6587,0.002211548387066169,-0.0017751865088939667,-0.0013189613819122314,-2.5025874144596822,3,587,0 -6588,0.0024287046951505437,-0.0019366666674613953,-0.0014655813574790955,-2.493782615056555,3,588,0 -6589,0.002147460434403765,-0.0013085044920444489,-0.0017027631402015686,-2.2260072132304556,3,589,0 -6590,0.0019914304414779685,-0.0011989176273345947,-0.001590091735124588,-2.2168478969015983,3,590,0 -6591,0.0017748302077949646,-0.0010176785290241241,-0.0014540813863277435,-2.1814399256177066,3,591,0 -6592,0.0018406893197297047,-0.0014525577425956726,-0.0011305809020996094,-2.480200512021782,3,592,0 -6593,0.002322672300011416,-0.0016360022127628326,-0.0016487278044223785,-2.3523203428722623,3,593,0 -6594,0.0021247416798998225,-0.0014319568872451782,-0.0015697218477725983,-2.3103307041124257,3,594,0 -6595,0.002186238750304115,-0.0019210800528526306,-0.0010435953736305237,-2.6439591573860715,3,595,0 -6596,0.00215322559418606,-0.0014352351427078247,-0.0016051419079303741,-2.30036910327987,3,596,0 -6597,0.0022014771186970265,-0.0016196779906749725,-0.0014910213649272919,-2.3975303205898157,3,597,0 -6598,0.0022662655818761874,-0.0016195401549339294,-0.001585260033607483,-2.3668905748195854,3,598,0 -6599,0.002221244431692166,-0.0016268491744995117,-0.001512378454208374,-2.3926429540329197,3,599,0 -6600,0.002333302058296275,-0.0017491206526756287,-0.0015443041920661926,-2.418304007298634,3,600,0 -6601,0.0022928070519645815,-0.0017528384923934937,-0.0014780126512050629,-2.441053197219132,3,601,0 -6602,0.00192678906692889,-0.001352742314338684,-0.0013720802962779999,-2.349097640214445,3,602,0 -6603,0.0020556851777532915,-0.0014517642557621002,-0.0014554113149642944,-2.3549399882882627,3,603,0 -6604,0.0037845262057399458,-0.0014453865587711334,-0.003497641533613205,-1.9626693052416246,3,604,0 -6605,0.0016938344978267117,-0.0010964460670948029,-0.001291077584028244,-2.274854109205097,3,605,0 -6606,0.00199636109421534,-0.0016546063125133514,-0.001117020845413208,-2.5477759002825837,3,606,0 -6607,0.0020743928809812385,-0.0013554319739341736,-0.0015703216195106506,-2.282878514180229,3,607,0 -6608,0.002108144150687756,-0.0015563182532787323,-0.0014220215380191803,-2.4012551003704563,3,608,0 -6609,0.0021843416020203934,-0.0016266517341136932,-0.001457858830690384,-2.410862715197153,3,609,0 -6610,0.002293069751309978,-0.0017970167100429535,-0.0014243945479393005,-2.4713531876794774,3,610,0 -6611,0.002046215551052918,-0.001566275954246521,-0.0013167299330234528,-2.44253687037584,3,611,0 -6612,0.0020083960131474423,-0.0012395046651363373,-0.0015802793204784393,-2.2359264003845905,3,612,0 -6613,0.0021515287530572535,-0.0014766864478588104,-0.001564759761095047,-2.327244871609833,3,613,0 -6614,0.0021317066054536734,-0.0016958639025688171,-0.0012915953993797302,-2.490699288545078,3,614,0 -6615,0.0019727970709434114,-0.0015320442616939545,-0.0012428872287273407,-2.4600230757459083,3,615,0 -6616,0.0020492900519704085,-0.0018010139465332031,-0.0009777210652828217,-2.644238023571897,3,616,0 -6617,0.0023660102160000447,-0.0014473982155323029,-0.0018716417253017426,-2.229062716976863,3,617,0 -6618,0.004031660066865323,-0.0014064908027648926,-0.0037783682346343994,-1.9271522867919975,3,618,0 -6619,0.0019067146355965527,-0.0016750544309616089,-0.0009109079837799072,-2.6435158113057255,3,619,0 -6620,0.0022669618398008444,-0.0014080256223678589,-0.0017766766250133514,-2.240950586691928,3,620,0 -6621,0.0020608800492932715,-0.001535508781671524,-0.0013745687901973724,-2.4114425740447736,3,621,0 -6622,0.00245212482075629,-0.0016482807695865631,-0.001815512776374817,-2.3079519350397626,3,622,0 -6623,0.002283188161451884,-0.0016309060156345367,-0.0015978403389453888,-2.3664351586035113,3,623,0 -6624,0.0019846027610178176,-0.0014267712831497192,-0.0013794824481010437,-2.373044128261386,3,624,0 -6625,0.0019771442358373996,-0.0014704354107379913,-0.0013217106461524963,-2.4094095965754017,3,625,0 -6626,0.0021529884306226528,-0.0015502460300922394,-0.0014940202236175537,-2.3746618021368846,3,626,0 -6627,0.0023948784406433075,-0.0016855224967002869,-0.0017013102769851685,-2.3515330064443956,3,627,0 -6628,0.0023725293760738365,-0.0016624368727207184,-0.0016926899552345276,-2.3471777631986015,3,628,0 -6629,0.00216488870518339,-0.0017706751823425293,-0.0012455731630325317,-2.5285581373783947,3,629,0 -6630,0.0017940829402207812,-0.001313474029302597,-0.0012220963835716248,-2.392217200066485,3,630,0 -6631,0.002066574993079588,-0.001513499766588211,-0.0014071427285671234,-2.3925940366203067,3,631,0 -6632,0.0022608535129616586,-0.0018216855823993683,-0.001338999718427658,-2.507739190225843,3,632,0 -6633,0.002067462239057791,-0.0013731755316257477,-0.0015455707907676697,-2.2971982010691927,3,633,0 -6634,0.0020215045568115686,-0.001434963196516037,-0.0014238543808460236,-2.3600802784447876,3,634,0 -6635,0.002099464380502373,-0.0012849792838096619,-0.0016602948307991028,-2.229447845226487,3,635,0 -6636,0.002047752152521653,-0.0016178376972675323,-0.0012553445994853973,-2.481695729788296,3,636,0 -6637,0.0020713721413560837,-0.0016143359243869781,-0.001297883689403534,-2.464433392094259,3,637,0 -6638,0.0021906417002643145,-0.0016352050006389618,-0.0014577433466911316,-2.4135078628884816,3,638,0 -6639,0.0020426301818724435,-0.0012525729835033417,-0.0016135051846504211,-2.2309215119108194,3,639,0 -6640,0.002119372839184822,-0.0016702339053153992,-0.0013046301901340485,-2.4784789155829157,3,640,0 -6641,0.002202168346359064,-0.001573469489812851,-0.001540694385766983,-2.3667186293567446,3,641,0 -6642,0.0022363924308265097,-0.001416429877281189,-0.0017306581139564514,-2.2566770287692095,3,642,0 -6643,0.0022210147523123577,-0.0015671886503696442,-0.0015737935900688171,-2.354091667107658,3,643,0 -6644,0.003922138045256016,-0.001831788569688797,-0.003468099981546402,-2.056734656186644,3,644,0 -6645,0.0016927785962453598,-0.0009534470736980438,-0.001398727297782898,-2.1691026525318073,3,645,0 -6646,0.0015028409163023917,-0.0011096149682998657,-0.0010135509073734283,-2.401409322087816,3,646,0 -6647,0.0018471738519233608,-0.0013339631259441376,-0.001277729868888855,-2.3777225065764327,3,647,0 -6648,0.002174268018117646,-0.0014440938830375671,-0.0016254335641860962,-2.297185682457936,3,648,0 -6649,0.002147289065918232,-0.0014980845153331757,-0.0015383735299110413,-2.3429268441656355,3,649,0 -6650,0.001945516257754657,-0.0013117194175720215,-0.001436810940504074,-2.3107137262386277,3,650,0 -6651,0.0018659029345990295,-0.0012964233756065369,-0.0013419687747955322,-2.338933645978475,3,651,0 -6652,0.0022215789024421216,-0.0017918311059474945,-0.0013132989406585693,-2.509101734532663,3,652,0 -6653,0.00205061495254292,-0.0005216933786869049,-0.001983143389225006,-1.828032106543495,3,653,0 -6654,0.0024906180649954617,-0.0020625926554203033,-0.001396026462316513,-2.546586238001592,3,654,0 -6655,0.0017872320822625248,-0.001454569399356842,-0.0010384730994701385,-2.5215731155484225,3,655,0 -6656,0.0020400333976153717,-0.001447036862373352,-0.0014379918575286865,-2.3593296323652626,3,656,0 -6657,0.001985242983573899,-0.0014176182448863983,-0.0013898015022277832,-2.366102460827782,3,657,0 -6658,0.0022429374256083125,-0.0016887970268726349,-0.001476053148508072,-2.4233143520597173,3,658,0 -6659,0.0019556903673428245,-0.0015080943703651428,-0.0012451410293579102,-2.451412708966443,3,659,0 -6660,0.002271943538101209,-0.0017525441944599152,-0.0014457926154136658,-2.4518117391905503,3,660,0 -6661,0.002084191994282623,-0.0012952573597431183,-0.0016328394412994385,-2.241410650914158,3,661,0 -6662,0.002193079156193803,-0.001485820859670639,-0.0016130506992340088,-2.3151607072566174,3,662,0 -6663,0.0021015012542396566,-0.001505054533481598,-0.0014666691422462463,-2.3691106495747523,3,663,0 -6664,0.0022198842849786866,-0.0015558041632175446,-0.0015834644436836243,-2.347383659338659,3,664,0 -6665,0.0021405116552848146,-0.001569896936416626,-0.0014550648629665375,-2.3941377662265175,3,665,0 -6666,0.0023365285170309073,-0.0017652921378612518,-0.0015307217836380005,-2.4272425914081697,3,666,0 -6667,0.0016177451102581052,-0.001201912760734558,-0.0010828226804733276,-2.4082715929653764,3,667,0 -6668,0.0020580336307945576,-0.0014577396214008331,-0.001452755182981491,-2.3579070627552214,3,668,0 -6669,0.002026270784427321,-0.0016603879630565643,-0.0011614151298999786,-2.531212954111796,3,669,0 -6670,0.00254132085295632,-0.001858055591583252,-0.0017337650060653687,-2.390784472717652,3,670,0 -6671,0.002235592959693138,-0.0015651658177375793,-0.0015962868928909302,-2.3463508920677856,3,671,0 -6672,0.0018623844545142384,-0.0011799260973930359,-0.0014409199357032776,-2.2569379221101293,3,672,0 -6673,0.0019611845339561644,-0.0015106648206710815,-0.0012506544589996338,-2.4500793128044256,3,673,0 -6674,0.0022403964369958184,-0.001479223370552063,-0.0016826391220092773,-2.2919488726911164,3,674,0 -6675,0.0023410106576580276,-0.001750987023115158,-0.0015538260340690613,-2.415782604363146,3,675,0 -6676,0.002318412300614249,-0.001954745501279831,-0.0012465976178646088,-2.5738923196983032,3,676,0 -6677,0.0028272635048242974,-0.001468762755393982,-0.0024158135056495667,-2.1170617525871,3,677,0 -6678,0.0016412011491895103,-0.0011912770569324493,-0.0011288933455944061,-2.383075569507526,3,678,0 -6679,0.0019069854335416144,-0.0014104582369327545,-0.0012834332883358002,-2.403312546105207,3,679,0 -6680,0.003823733588349402,-0.0020177997648715973,-0.0032479874789714813,-2.126691699793786,3,680,0 -6681,0.002033293943960616,-0.0014648139476776123,-0.0014101788401603699,-2.3751957663980585,3,681,0 -6682,0.002136498131428183,-0.0016293339431285858,-0.0013819895684719086,-2.438148609238688,3,682,0 -6683,0.001972099285809073,-0.0013708993792533875,-0.0014176778495311737,-2.3394210321403173,3,683,0 -6684,0.0019869620234963326,-0.0016310252249240875,-0.0011348016560077667,-2.533718186487609,3,684,0 -6685,0.0017475779862125894,-0.0012761056423187256,-0.0011939778923988342,-2.389431222837271,3,685,0 -6686,0.003073127956436214,-0.0013439580798149109,-0.0027636736631393433,-2.023419184356395,3,686,0 -6687,0.0018047315029213929,-0.001229897141456604,-0.0013207606971263885,-2.3205859710630645,3,687,0 -6688,0.002168856625061807,-0.0015087686479091644,-0.0015580616891384125,-2.3401229141084348,3,688,0 -6689,0.0018220624409691674,-0.0015356391668319702,-0.000980675220489502,-2.5732658600727625,3,689,0 -6690,0.0020793596407612577,-0.0016813687980175018,-0.0012234114110469818,-2.5125638851596825,3,690,0 -6691,0.002061038210513826,-0.0012616999447345734,-0.0016297213733196259,-2.2295947557779874,3,691,0 -6692,0.0022413120007196536,-0.00135045126080513,-0.0017887875437736511,-2.2174600895134713,3,692,0 -6693,0.002134898521258579,-0.0011771880090236664,-0.0017810165882110596,-2.154840595299459,3,693,0 -6694,0.0021261501130524297,-0.0017236322164535522,-0.0012448318302631378,-2.5161128215388144,3,694,0 -6695,0.0041166774642820035,-0.0019680336117744446,-0.0036157816648483276,-2.069245052531988,3,695,0 -6696,0.004162172207411865,-0.002676151692867279,-0.003187771886587143,-2.2691660912812766,3,696,0 -6697,0.0021954201040684422,-0.0016945898532867432,-0.00139579176902771,-2.452581353180507,3,697,0 -6698,0.0019521545000781757,-0.0016199685633182526,-0.0010893158614635468,-2.5496104860725626,3,698,0 -6699,0.001750327278460963,-0.0011627376079559326,-0.0013083145022392273,-2.297349586002305,3,699,0 -6700,0.0022360884567467917,-0.0019105933606624603,-0.0011617764830589294,-2.5952596939928094,3,700,0 -6701,0.002103944844883252,-0.0015565752983093262,-0.0014155060052871704,-2.403623709936081,3,701,0 -6702,0.0024548720717009302,-0.0017167292535305023,-0.0017547756433486938,-2.3452353045467094,3,702,0 -6703,0.001519979328058041,-0.0009967796504497528,-0.0011475048959255219,-2.286018291340304,3,703,0 -6704,0.0020983645140240175,-0.0012700557708740234,-0.0016703568398952484,-2.220888574930389,3,704,0 -6705,0.003571218044518398,-0.0016360841691493988,-0.003174401819705963,-2.0466872679310417,3,705,0 -6706,0.0025476403376658275,-0.0017607808113098145,-0.0018412284553050995,-2.3338641001359655,3,706,0 -6707,0.0015661337346083574,-0.0009235702455043793,-0.0012648291885852814,-2.2015004034299186,3,707,0 -6708,0.0016781323651178404,-0.0011567361652851105,-0.001215767115354538,-2.331318329442035,3,708,0 -6709,0.00227354253940801,-0.0016023069620132446,-0.0016129501163959503,-2.3528842990475987,3,709,0 -6710,0.0019744224693170735,-0.0012936852872371674,-0.0014915503561496735,-2.285272946014859,3,710,0 -6711,0.0017473415867018075,-0.001216880977153778,-0.001253955066204071,-2.341190942208664,3,711,0 -6712,0.0019237710629165976,-0.0012001581490039825,-0.0015035010874271393,-2.2444645744614555,3,712,0 -6713,0.0036855954739612425,-0.002064548432826996,-0.003053072839975357,-2.1653835388057696,3,713,0 -6714,0.001971952571501525,-0.0012394748628139496,-0.0015337206423282623,-2.250486480703228,3,714,0 -6715,0.0022652466052676306,-0.0017629489302635193,-0.001422446221113205,-2.4626850795133053,3,715,0 -6716,0.001962110906919229,-0.0015033558011054993,-0.0012608729302883148,-2.4436922242135366,3,716,0 -6717,0.001857858665771689,-0.0011873915791511536,-0.0014288946986198425,-2.2641477282123117,3,717,0 -6718,0.0020322149476254625,-0.0013907179236412048,-0.0014818236231803894,-2.324489058441105,3,718,0 -6719,0.002147035970299051,-0.0015682540833950043,-0.0014664046466350555,-2.389743969768657,3,719,0 -6720,0.0007350877661681796,-0.000682339072227478,-0.0002734363079071045,-2.7604538773974037,3,720,0 -6721,0.0021225381375809286,-0.0016222521662712097,-0.0013687461614608765,-2.440748725521636,3,721,0 -6722,0.002177943805413087,-0.0014857202768325806,-0.0015925057232379913,-2.321517815766718,3,722,0 -6723,0.0020760458949667256,-0.0014336220920085907,-0.001501563936471939,-2.3330512504552665,3,723,0 -6724,0.002026055719828557,-0.001453842967748642,-0.0014111138880252838,-2.3711077730418357,3,724,0 -6725,0.00227469228386529,-0.0017597861588001251,-0.001441311091184616,-2.45535751782238,3,725,0 -6726,0.0019013360945192676,-0.0012621693313121796,-0.0014219731092453003,-2.2967284333896028,3,726,0 -6727,0.0022311283131938044,-0.0018644444644451141,-0.0012254714965820312,-2.560113159435993,3,727,0 -6728,0.0022778457708058247,-0.001756858080625534,-0.0014498382806777954,-2.4516468696582865,3,728,0 -6729,0.0019348419623940192,-0.0013925954699516296,-0.0013432390987873077,-2.374233233525933,3,729,0 -6730,0.0019722682642645257,-0.0015626884996891022,-0.0012032650411128998,-2.4854159859127227,3,730,0 -6731,0.0022358969329547332,-0.0013255514204502106,-0.0018005967140197754,-2.2053895314876018,3,731,0 -6732,0.002346513093066144,-0.0016803666949272156,-0.0016378313302993774,-2.3690126025238154,3,732,0 -6733,0.0020648232347964686,-0.001354128122329712,-0.001558791846036911,-2.2860490891791687,3,733,0 -6734,0.002263747714879763,-0.001498449593782425,-0.0016968213021755219,-2.2941911602457687,3,734,0 -6735,0.0017114961311768917,-0.001301843672990799,-0.001111045479774475,-2.4351048722519737,3,735,0 -6736,0.0023397058788576066,-0.0017239265143871307,-0.001581866294145584,-2.39914118353497,3,736,0 -6737,0.002122504995148301,-0.0017658807337284088,-0.0011775791645050049,-2.553462511626837,3,737,0 -6738,0.0019831194444160706,-0.0015330351889133453,-0.0012580007314682007,-2.4544194403833557,3,738,0 -6739,0.001727201721113145,-0.0014728307723999023,-0.0009022168815135956,-2.591979301780093,3,739,0 -6740,0.0019242409690803906,-0.0015610121190547943,-0.001125141978263855,-2.517057920338361,3,740,0 -6741,0.0016739663780551454,-0.0012308694422245026,-0.0011345148086547852,-2.3969072795467663,3,741,0 -6742,0.0019885587824715117,-0.001612827181816101,-0.0011632516980171204,-2.516746815495925,3,742,0 -6743,0.0021475809291118158,-0.0016341246664524078,-0.0013934634625911713,-2.435517115554388,3,743,0 -6744,0.0017765665195201784,-0.0011959634721279144,-0.0013137198984622955,-2.309308048033607,3,744,0 -6745,0.0019659555882717353,-0.0014061406254768372,-0.0013739541172981262,-2.3677714590364096,3,745,0 -6746,0.002007359236664025,-0.001646336168050766,-0.001148506999015808,-2.5324698927164655,3,746,0 -6747,0.0022661178670041453,-0.0014756545424461365,-0.0017198063433170319,-2.2799368360614727,3,747,0 -6748,0.0019771988175445424,-0.0014783106744289398,-0.0013129785656929016,-2.415356817014322,3,748,0 -6749,0.0023655101082877407,-0.0015455558896064758,-0.0017907805740833282,-2.282825239074437,3,749,0 -6750,0.0023637237199970987,-0.0019354410469532013,-0.0013569295406341553,-2.530131648315013,3,750,0 -6751,0.001960504550996615,-0.0017515085637569427,-0.0008807927370071411,-2.675646383647823,3,751,0 -6752,0.001953833811861605,-0.001434076577425003,-0.0013269856572151184,-2.394961188765029,3,752,0 -6753,0.001963926312075639,-0.0010437704622745514,-0.00166359543800354,-2.1311328584171547,3,753,0 -6754,0.0018557466159997138,-0.001473691314458847,-0.0011278428137302399,-2.488359748861398,3,754,0 -6755,0.0019368295105443873,-0.001394268125295639,-0.0013443678617477417,-2.374413319785232,3,755,0 -6756,0.0021301799534434685,-0.0015861764550209045,-0.0014218688011169434,-2.410762995666396,3,756,0 -6757,0.0022464371467635683,-0.001636948436498642,-0.0015384666621685028,-2.387198379239252,3,757,0 -6758,0.0019518064000366975,-0.0013901442289352417,-0.0013700537383556366,-2.3634730028353337,3,758,0 -6759,0.0015409587050868301,-0.0010448582470417023,-0.001132618635892868,-2.3159125855702762,3,759,0 -6760,0.001974402397596352,-0.0012475661933422089,-0.0015303082764148712,-2.2547602039031407,3,760,0 -6761,0.0024359407656567183,-0.0015897266566753387,-0.0018456913530826569,-2.2818243219428385,3,761,0 -6762,0.0023296260968817873,-0.0014618411660194397,-0.001813884824514389,-2.2491349803799414,3,762,0 -6763,0.0020985566751102152,-0.0015221498906612396,-0.0014446452260017395,-2.3823125864592,3,763,0 -6764,0.001935931597164036,-0.0012875162065029144,-0.001445729285478592,-2.298374316728931,3,764,0 -6765,0.0017263640564520425,-0.001215461641550064,-0.0012259632349014282,-2.351893096901155,3,765,0 -6766,0.0016700787626185575,-0.0012510493397712708,-0.0011063627898693085,-2.4174927603736744,3,766,0 -6767,0.002224207539047399,-0.0016480237245559692,-0.001493692398071289,-2.4052782906406596,3,767,0 -6768,0.0021917465544372032,-0.0013785697519779205,-0.0017039068043231964,-2.251039748143695,3,768,0 -6769,0.0022574308679772803,-0.0015613585710525513,-0.001630384474992752,-2.3345714632756076,3,769,0 -6770,0.002333517585393073,-0.001572735607624054,-0.0017238929867744446,-2.310374472452308,3,770,0 -6771,0.002189664519922227,-0.001712355762720108,-0.0013647228479385376,-2.4686924780100137,3,771,0 -6772,0.002069794379714404,-0.0015491843223571777,-0.0013726167380809784,-2.416552164707375,3,772,0 -6773,0.00177095024905041,-0.0014276765286922455,-0.0010478571057319641,-2.5084365894500253,3,773,0 -6774,0.0021015796527948482,-0.001497112214565277,-0.0014748871326446533,-2.363672509209652,3,774,0 -6775,0.002047907439410788,-0.001381266862154007,-0.0015119612216949463,-2.3110526734793377,3,775,0 -6776,0.0019333043518658828,-0.0016477704048156738,-0.0010111965239048004,-2.591178188859868,3,776,0 -6777,0.002367406696952132,-0.0017667599022388458,-0.001575808972120285,-2.4132594664648406,3,777,0 -6778,0.00175167076635439,-0.0012970715761184692,-0.001177266240119934,-2.4045758560054526,3,778,0 -6779,0.0022150737415503347,-0.001546621322631836,-0.0015857219696044922,-2.3437122643954957,3,779,0 -6780,0.0017520173303967022,-0.00115174800157547,-0.0013202428817749023,-2.288138145956987,3,780,0 -6781,0.002037795506974715,-0.001447577029466629,-0.001434270292520523,-2.360811890384298,3,781,0 -6782,0.0020487909115777477,-0.0017238594591617584,-0.00110718235373497,-2.5706710896216896,3,782,0 -6783,0.0019286985635173649,-0.0014479085803031921,-0.0012741424143314362,-2.4199444727557142,3,783,0 -6784,0.0019661345058456406,-0.0012954026460647583,-0.0014790594577789307,-2.290095456815338,3,784,0 -6785,0.00208328409587708,-0.0013386383652687073,-0.0015962831676006317,-2.2686330315164662,3,785,0 -6786,0.0021825174363046206,-0.001247309148311615,-0.0017909780144691467,-2.1791291891970297,3,786,0 -6787,0.0019272600931461749,-0.0014216899871826172,-0.0013012029230594635,-2.4004152954850264,3,787,0 -6788,0.0020040299052294834,-0.0012755170464515686,-0.0015457011759281158,-2.260717070519546,3,788,0 -6789,0.0022861959793037743,-0.0016445629298686981,-0.0015881136059761047,-2.373654816554559,3,789,0 -6790,0.002067121776211357,-0.0014185942709445953,-0.00150352343916893,-2.327138416937988,3,790,0 -6791,0.0019756472209591183,-0.0014206282794475555,-0.00137295201420784,-2.3732592000964323,3,791,0 -6792,0.0019222281913163749,-0.001198790967464447,-0.0015026181936264038,-2.244195248765828,3,792,0 -6793,0.0023254274024257595,-0.001656029373407364,-0.001632537692785263,-2.3633378084151295,3,793,0 -6794,0.0019437031665362663,-0.0013627223670482635,-0.0013859905302524567,-2.3477295801369444,3,794,0 -6795,0.0022695073251946547,-0.0018112994730472565,-0.001367427408695221,-2.494935681434879,3,795,0 -6796,0.0022414379000227215,-0.0015850663185119629,-0.0015848055481910706,-2.356276755448251,3,796,0 -6797,0.0025333137164060735,-0.0015714354813098907,-0.0019870251417160034,-2.2399320073192546,3,797,0 -6798,0.002022257897330302,-0.001338772475719452,-0.0015156567096710205,-2.294305290466456,3,798,0 -6799,0.0017741364371323205,-0.0013631656765937805,-0.0011354908347129822,-2.447062466407019,3,799,0 -6800,0.002438213286716808,-0.001607593148946762,-0.0018331743776798248,-2.290726871760691,3,800,0 -6801,0.0019364602448264851,-0.0011443495750427246,-0.0015621595084667206,-2.2030312572002275,3,801,0 -6802,0.0021790647532402055,-0.0015629641711711884,-0.0015183761715888977,-2.3706638064362373,3,802,0 -6803,0.0028896809317493044,-0.001336764544248581,-0.002561897039413452,-2.0517212252392296,3,803,0 -6804,0.0017784559395840082,-0.0012397915124893188,-0.00127507746219635,-2.3421644811582913,3,804,0 -6805,0.0016398914843816965,-0.0013330914080142975,-0.000955045223236084,-2.519935377279876,3,805,0 -6806,0.0018986809348238304,-0.0011541619896888733,-0.0015076138079166412,-2.224178828493913,3,806,0 -6807,0.002276059699301646,-0.0015307031571865082,-0.0016844570636749268,-2.3084093566626755,3,807,0 -6808,0.0018920437506461934,-0.0014332793653011322,-0.0012351274490356445,-2.430316955614893,3,808,0 -6809,0.002000291066627691,-0.0016814395785331726,-0.001083478331565857,-2.5691816124771893,3,809,0 -6810,0.0021593469263680057,-0.001628391444683075,-0.001418139785528183,-2.42509869448053,3,810,0 -6811,0.0021775356570704397,-0.0016192682087421417,-0.0014558956027030945,-2.4092710655098863,3,811,0 -6812,0.0016396582810674287,-0.0014039836823940277,-0.0008469410240650177,-2.5987932092301476,3,812,0 -6813,0.002317130147165003,-0.0016716867685317993,-0.0016045421361923218,-2.376686109024292,3,813,0 -6814,0.0021411950931055535,-0.0014057159423828125,-0.001615140587091446,-2.2869789880308886,3,814,0 -6815,0.004025413564312009,-0.0016129538416862488,-0.003688134253025055,-1.983069098540721,3,815,0 -6816,0.002182505001260233,-0.0014701113104820251,-0.0016131028532981873,-2.309850269913047,3,816,0 -6817,0.002169088844380465,-0.001780495047569275,-0.0012388639152050018,-2.5336927641983302,3,817,0 -6818,0.0024627382945693727,-0.0016665942966938019,-0.001813158392906189,-2.3141002575795615,3,818,0 -6819,0.0017273606277776812,-0.0014313459396362305,-0.0009669661521911621,-2.5474554512462153,3,819,0 -6820,0.0026749311807949434,-0.0020891577005386353,-0.0016705319285392761,-2.467083564402928,3,820,0 -6821,0.002096577983576994,-0.001471303403377533,-0.0014936216175556183,-2.348667219686774,3,821,0 -6822,0.0017958003385289965,-0.001507297158241272,-0.0009761936962604523,-2.566874644283692,3,822,0 -6823,0.002011986661739151,-0.0016482248902320862,-0.0011538825929164886,-2.5308157231281063,3,823,0 -6824,0.002079908293754377,-0.00144273042678833,-0.0014981813728809357,-2.3373417057101853,3,824,0 -6825,0.002349147486915136,-0.001958601176738739,-0.0012970641255378723,-2.5566609006436627,3,825,0 -6826,0.002159603569096383,-0.001755259931087494,-0.0012581534683704376,-2.519686623340031,3,826,0 -6827,0.0017892809619576991,-0.0015154145658016205,-0.0009513385593891144,-2.58100070892104,3,827,0 -6828,0.0018479981960207368,-0.0012980364263057709,-0.0013153702020645142,-2.349561951116497,3,828,0 -6829,0.0025048733719443537,-0.0015399530529975891,-0.001975584775209427,-2.2329068664092686,3,829,0 -6830,0.0023481167926524115,-0.0015342235565185547,-0.0017775855958461761,-2.2828432162969565,3,830,0 -6831,0.0022406476280998995,-0.00143398717045784,-0.0017216801643371582,-2.265278729018312,3,831,0 -6832,0.0021834804048335363,-0.0016194358468055725,-0.0014645867049694061,-2.4063624795399576,3,832,0 -6833,0.0016690895860877208,-0.001302529126405716,-0.0010436847805976868,-2.466074402802609,3,833,0 -6834,0.0019010546826913766,-0.0014599859714508057,-0.0012175589799880981,-2.4464890670410493,3,834,0 -6835,0.0019482848994930144,-0.001345667988061905,-0.001408897340297699,-2.3332441357996037,3,835,0 -6836,0.0018837330786203596,-0.0015256553888320923,-0.0011049099266529083,-2.5147960109033534,3,836,0 -6837,0.0019909899633666567,-0.0014048628509044647,-0.0014108158648014069,-2.3540802557117675,3,837,0 -6838,0.0022268736771648224,-0.001786641776561737,-0.0013292394578456879,-2.5019505517431635,3,838,0 -6839,0.0021543823112569797,-0.0014223940670490265,-0.0016180723905563354,-2.2919251314337634,3,839,0 -6840,0.003928466380594117,-0.0018066465854644775,-0.003488391637802124,-2.048663109541507,3,840,0 -6841,0.0022225574012318416,-0.0015254393219947815,-0.00161641463637352,-2.327246645256911,3,841,0 -6842,0.0020036496951549134,-0.0013506971299648285,-0.0014799423515796661,-2.310566808263523,3,842,0 -6843,0.002404757414048479,-0.0018313489854335785,-0.0015585310757160187,-2.436501511423925,3,843,0 -6844,0.002311716885037994,-0.0016546547412872314,-0.001614358276128769,-2.3685206645190817,3,844,0 -6845,0.0019909208516726987,-0.0013614632189273834,-0.0014526471495628357,-2.3238034226865687,3,845,0 -6846,0.0025010681733460154,-0.001916591078042984,-0.001606866717338562,-2.4438726481595925,3,846,0 -6847,0.00217155384423533,-0.0017280913889408112,-0.001315046101808548,-2.4911001585109998,3,847,0 -6848,0.0021680632693986458,-0.0011491328477859497,-0.0018384754657745361,-2.1294291549596505,3,848,0 -6849,0.0017736373812684213,-0.0012661665678024292,-0.001242019236087799,-2.3658216022151666,3,849,0 -6850,0.001849176571908919,-0.0013422481715679169,-0.0012719370424747467,-2.383084008897209,3,850,0 -6851,0.0020045776959368325,-0.0015835054218769073,-0.001229163259267807,-2.4815150478576795,3,851,0 -6852,0.002331603664611342,-0.0017318092286586761,-0.0015611574053764343,-2.407971297658132,3,852,0 -6853,0.0021020230180714347,-0.001533210277557373,-0.0014379732310771942,-2.3882370919976585,3,853,0 -6854,0.0023148523700794116,-0.0015903450548648834,-0.0016820654273033142,-2.3281734439196953,3,854,0 -6855,0.0019992597713478807,-0.001284383237361908,-0.0015321224927902222,-2.2684604980005245,3,855,0 -6856,0.0021968403667414443,-0.0015982240438461304,-0.0015072450041770935,-2.385482505369346,3,856,0 -6857,0.001922056578283549,-0.0014170631766319275,-0.0012985505163669586,-2.399808023468949,3,857,0 -6858,0.002148775411348777,-0.0014673657715320587,-0.0015697367489337921,-2.3225004566184078,3,858,0 -6859,0.0015156715989749392,-0.001069817692041397,-0.0010736621916294098,-2.3544009135440076,3,859,0 -6860,0.0021578078245923977,-0.001714557409286499,-0.0013101249933242798,-2.4891167840046013,3,860,0 -6861,0.002142855944880316,-0.001536041498184204,-0.0014941245317459106,-2.3700268322535645,3,861,0 -6862,0.0019600561197097733,-0.0016294494271278381,-0.0010893642902374268,-2.5522890862280008,3,862,0 -6863,0.002033317019145209,-0.0017092563211917877,-0.0011012814939022064,-2.569231743981221,3,863,0 -6864,0.0026960442723282002,-0.0019037574529647827,-0.0019090212881565094,-2.354813913923735,3,864,0 -6865,0.0020696536996848663,-0.0013634972274303436,-0.0015570297837257385,-2.290024919433106,3,865,0 -6866,0.002110868490667825,-0.0017056241631507874,-0.0012436285614967346,-2.5115800743731374,3,866,0 -6867,0.0020870667564307395,-0.0015474334359169006,-0.0014004632830619812,-2.4060091810578257,3,867,0 -6868,0.0018056476908159336,-0.0012603439390659332,-0.0012930184602737427,-2.343398524426995,3,868,0 -6869,0.0018714730740416843,-0.0012851804494857788,-0.0013604126870632172,-2.3277653385349932,3,869,0 -6870,0.0021321007763224096,-0.0013785511255264282,-0.0016264840960502625,-2.2738750958136262,3,870,0 -6871,0.001935743217236792,-0.0012509785592556,-0.0014772117137908936,-2.2734595259921964,3,871,0 -6872,0.0020177171619151666,-0.001485537737607956,-0.0013654157519340515,-2.398303552544326,3,872,0 -6873,0.001990452142481273,-0.0014158561825752258,-0.001399017870426178,-2.3621763249009025,3,873,0 -6874,0.0023026467575789486,-0.0018297098577022552,-0.001397978514432907,-2.489163918388952,3,874,0 -6875,0.0021550173050103286,-0.001591712236404419,-0.0014527738094329834,-2.4017989343412984,3,875,0 -6876,0.0025186877800300804,-0.0017999820411205292,-0.0017617754638195038,-2.3669209677589174,3,876,0 -6877,0.0023328469708356046,-0.0016713440418243408,-0.0016275085508823395,-2.369481810531482,3,877,0 -6878,0.0023171621940674164,-0.0018828995525836945,-0.0013505294919013977,-2.5193761411015916,3,878,0 -6879,0.0018381403009559527,-0.0011726431548595428,-0.0014155097305774689,-2.2626306735956594,3,879,0 -6880,0.001752498512569959,-0.0011700205504894257,-0.00130472332239151,-2.3018171544623782,3,880,0 -6881,0.0021200200767203313,-0.0019489265978336334,-0.0008343681693077087,-2.737085034608331,3,881,0 -6882,0.0019898048480342908,-0.001363225281238556,-0.0014494620263576508,-2.3255441799350036,3,882,0 -6883,0.0018327092493940335,-0.0011092908680438995,-0.001458868384361267,-2.220906095409367,3,883,0 -6884,0.0024615452826880794,-0.002133697271347046,-0.00122741237282753,-2.6195694498558177,3,884,0 -6885,0.0025004385526781305,-0.0018971972167491913,-0.0016287527978420258,-2.43218182581823,3,885,0 -6886,0.0015055348839703683,-0.0011351555585861206,-0.0009889677166938782,-2.424908810188159,3,886,0 -6887,0.0019854862892097385,-0.0013764984905719757,-0.0014308765530586243,-2.3368271942153434,3,887,0 -6888,0.0015657461902315317,-0.0012592971324920654,-0.00093044713139534,-2.505257885350936,3,888,0 -6889,0.001647356581058799,-0.0014578625559806824,-0.0007670857012271881,-2.657227735825611,3,889,0 -6890,0.0023939284104262425,-0.0016644299030303955,-0.001720629632472992,-2.3395937284768937,3,890,0 -6891,0.0016808158351918551,-0.0013075992465019226,-0.001056089997291565,-2.462200997475074,3,891,0 -6892,0.0022932961472789154,-0.0017213784158229828,-0.0015152767300605774,-2.419786002017115,3,892,0 -6893,0.0021215501920229347,-0.00166427344083786,-0.0013157390058040619,-2.4726229126704253,3,893,0 -6894,0.0020355155565930294,-0.001272108405828476,-0.0015890449285507202,-2.245871965132737,3,894,0 -6895,0.001955776234502952,-0.001412864774465561,-0.0013523586094379425,-2.3780721119822212,3,895,0 -6896,0.002397633584610673,-0.0018196292221546173,-0.0015612803399562836,-2.432460296775994,3,896,0 -6897,0.0020593763855976245,-0.0012075193226337433,-0.0016682110726833344,-2.1973443141979043,3,897,0 -6898,0.002373016451603664,-0.0017188861966133118,-0.0016360431909561157,-2.3808823940711115,3,898,0 -6899,0.002154357410563533,-0.001635957509279251,-0.0014017485082149506,-2.4331428724480904,3,899,0 -6900,0.0018263242141072283,-0.001164846122264862,-0.0014066249132156372,-2.2624465663989968,3,900,0 -6901,0.002185565354773521,-0.0015753284096717834,-0.0015149377286434174,-2.3757342296131254,3,901,0 -6902,0.001973735904425184,-0.0014414004981517792,-0.0013483315706253052,-2.3895433640457973,3,902,0 -6903,0.0019894473543256973,-0.0014679953455924988,-0.001342717558145523,-2.400736544334336,3,903,0 -6904,0.002167769293701135,-0.0016322657465934753,-0.001426510512828827,-2.423360479931189,3,904,0 -6905,0.0024037126588738592,-0.0015893541276454926,-0.001803271472454071,-2.293224227721398,3,905,0 -6906,0.001952382262678751,-0.0011781193315982819,-0.0015568658709526062,-2.218587562865355,3,906,0 -6907,0.0018077399767825303,-0.0011545196175575256,-0.0013910457491874695,-2.263543579750798,3,907,0 -6908,0.0017880254134252198,-0.001378670334815979,-0.0011385530233383179,-2.451296487786125,3,908,0 -6909,0.0018657928996138316,-0.0013818293809890747,-0.0012536868453025818,-2.4047776479334635,3,909,0 -6910,0.002123750642066309,-0.0013973638415336609,-0.001599278301000595,-2.2889159466733795,3,910,0 -6911,0.0020714745610759923,-0.001194879412651062,-0.001692119985818863,-2.185633510386901,3,911,0 -6912,0.0017982561561791079,-0.0012169517576694489,-0.0013239160180091858,-2.3141218010754074,3,912,0 -6913,0.0038508447838770605,-0.0024476200342178345,-0.0029729045927524567,-2.259589548475706,3,913,0 -6914,0.0024237474456571075,-0.0016942843794822693,-0.0017331913113594055,-2.344843494770962,3,914,0 -6915,0.0022686929374528013,-0.0016452036798000336,-0.0015621371567249298,-2.3820875780926647,3,915,0 -6916,0.0020267671457797213,-0.0014709830284118652,-0.0013942718505859375,-2.3829609945315533,3,916,0 -6917,0.0023589759579855977,-0.0016009807586669922,-0.0017325207591056824,-2.3167549428745167,3,917,0 -6918,0.0018883130956532407,-0.0013964734971523285,-0.0012710578739643097,-2.4031755071142142,3,918,0 -6919,0.0037436272531710182,-0.0014224834740161896,-0.003462843596935272,-1.9605652230357553,3,919,0 -6920,0.0020980681233544974,-0.001454956829547882,-0.0015116184949874878,-2.337096786448645,3,920,0 -6921,0.0023429291583019667,-0.001936882734298706,-0.0013182573020458221,-2.544000563452993,3,921,0 -6922,0.0038822274227940765,-0.0018591023981571198,-0.0034081414341926575,-2.070169316259383,3,922,0 -6923,0.0021827870615013325,-0.0013293810188770294,-0.0017312727868556976,-2.2256323354612295,3,923,0 -6924,0.0017896965562507758,-0.001232694834470749,-0.001297488808631897,-2.330591678258231,3,924,0 -6925,0.002110321161138094,-0.001576203852891922,-0.0014032237231731415,-2.4141875642812147,3,925,0 -6926,0.002037776000789682,-0.0015836022794246674,-0.001282472163438797,-2.460877510782553,3,926,0 -6927,0.0020040177331969423,-0.001461263746023178,-0.0013714209198951721,-2.3879003556565284,3,927,0 -6928,0.0027349477735336427,-0.0012368150055408478,-0.002439308911561966,-2.04005608789546,3,928,0 -6929,0.001836152708401299,-0.0014625079929828644,-0.0011101923882961273,-2.492291823183487,3,929,0 -6930,0.0021396895838003884,-0.0015408955514431,-0.0014845579862594604,-2.3748135349642956,3,930,0 -6931,0.0026167958064474512,-0.0018660984933376312,-0.001834474503993988,-2.3647399828977704,3,931,0 -6932,0.002062923228051919,-0.0014132857322692871,-0.001502756029367447,-2.3255220085440986,3,932,0 -6933,0.002340693206436324,-0.0018134266138076782,-0.0014799758791923523,-2.4570987288352706,3,933,0 -6934,0.0037038509978433616,-0.0019961558282375336,-0.003119915723800659,-2.1399752959580005,3,934,0 -6935,0.002512183015463598,-0.00179947167634964,-0.0017529875040054321,-2.3692788121409962,3,935,0 -6936,0.0020170996011176956,-0.0015535429120063782,-0.0012865439057350159,-2.449929853056179,3,936,0 -6937,0.0024372467681608003,-0.001855451613664627,-0.0015803389251232147,-2.4360966158404187,3,937,0 -6938,0.0020190816412545987,-0.0012805573642253876,-0.0015610456466674805,-2.25780544123808,3,938,0 -6939,0.0023287721065146233,-0.0017790868878364563,-0.0015026740729808807,-2.4402231398166268,3,939,0 -6940,0.002025870700870519,-0.0016608424484729767,-0.0011600665748119354,-2.531887009235855,3,940,0 -6941,0.0020388002171628406,-0.0013703219592571259,-0.0015096105635166168,-2.307866917385828,3,941,0 -6942,0.0019938797222096194,-0.0015746615827083588,-0.0012231096625328064,-2.4811936429730164,3,942,0 -6943,0.002103282209308017,-0.001738034188747406,-0.0011844970285892487,-2.543380498186531,3,943,0 -6944,0.0021500543275760333,-0.0014293268322944641,-0.0016061626374721527,-2.298004150094663,3,944,0 -6945,0.002385355995501965,-0.0017170123755931854,-0.0016558356583118439,-2.3743305014232123,3,945,0 -6946,0.0022217357735133257,-0.0016825348138809204,-0.0014509260654449463,-2.429974998638358,3,946,0 -6947,0.0005769294601545819,-0.0005519352853298187,-0.0001679733395576477,-2.846163365381194,3,947,0 -6948,0.002156820943701477,-0.0015803240239620209,-0.0014678053557872772,-2.393091743649205,3,948,0 -6949,0.0021312360354325704,-0.001363605260848999,-0.0016379095613956451,-2.2650590240632185,3,949,0 -6950,0.00399866876757387,-0.0013835430145263672,-0.003751687705516815,-1.92410169947086,3,950,0 -6951,0.00218766628797048,-0.001393284648656845,-0.0016866065561771393,-2.261243126329651,3,951,0 -6952,0.0032473185497942344,-0.0015967302024364471,-0.0028276368975639343,-2.0848456845236627,3,952,0 -6953,0.0020122184574418956,-0.0013477690517902374,-0.0014941692352294922,-2.3047257835863224,3,953,0 -6954,0.0017356196501704647,-0.0012392513453960419,-0.0012151673436164856,-2.366006682771202,3,954,0 -6955,0.0017581110586034003,-0.001114439219236374,-0.0013597719371318817,-2.257361616355261,3,955,0 -6956,0.0022938217789495057,-0.0015736669301986694,-0.0016688890755176544,-2.32683654337366,3,956,0 -6957,0.0018337020402291557,-0.0013051778078079224,-0.0012880116701126099,-2.3628140940066915,3,957,0 -6958,0.002200325572269643,-0.0016002319753170013,-0.0015101954340934753,-2.3851330875294936,3,958,0 -6959,0.0017114466406783408,-0.001210588961839676,-0.0012097619473934174,-2.3565361821391275,3,959,0 -6960,0.002086146041053481,-0.001426350325345993,-0.0015223436057567596,-2.323651475182378,3,960,0 -6961,0.002318225446480416,-0.0017693229019641876,-0.0014978870749473572,-2.4390829214390624,3,961,0 -6962,0.002021313516546008,-0.0013949498534202576,-0.0014628134667873383,-2.33245184483879,3,962,0 -6963,0.002046270496194689,-0.0013764575123786926,-0.0015141293406486511,-2.3086028145833715,3,963,0 -6964,0.001978575631599117,-0.0010105781257152557,-0.0017010271549224854,-2.106865382023881,3,964,0 -6965,0.0020094019355562927,-0.0014566518366336823,-0.001384146511554718,-2.3817118196942357,3,965,0 -6966,0.002099103604914595,-0.0016036033630371094,-0.001354508101940155,-2.4402038271733737,3,966,0 -6967,0.00207548017193127,-0.0015445537865161896,-0.0013863518834114075,-2.4101192993988714,3,967,0 -6968,0.002317936972905042,-0.0016714781522750854,-0.0016059242188930511,-2.376193619369243,3,968,0 -6969,0.0024286031200270656,-0.0017516650259494781,-0.0016821958124637604,-2.376422374096965,3,969,0 -6970,0.0024173891418045176,-0.0013458207249641418,-0.0020081177353858948,-2.1612342992237945,3,970,0 -6971,0.0017387678473335295,-0.0013072900474071503,-0.0011464320123195648,-2.421657564008406,3,971,0 -6972,0.0022907776918996313,-0.0017763525247573853,-0.001446455717086792,-2.4582023448625065,3,972,0 -6973,0.0023760061738598006,-0.0016618669033050537,-0.0016981177031993866,-2.345405930814236,3,973,0 -6974,0.001700427220838795,-0.0013054199516773224,-0.0010896474123001099,-2.4460423217829357,3,974,0 -6975,0.0021295159105203577,-0.0014253854751586914,-0.001582123339176178,-2.3041260830568886,3,975,0 -6976,0.0019471512631790606,-0.001368839293718338,-0.0013848021626472473,-2.3503975517116453,3,976,0 -6977,0.002592928558606007,-0.0018227770924568176,-0.0018441155552864075,-2.3503753337510735,3,977,0 -6978,0.0017236287475872775,-0.0010073892772197723,-0.0013985931873321533,-2.19500873886847,3,978,0 -6979,0.001758082332795576,-0.0010758154094219208,-0.0013904944062232971,-2.2292891516099953,3,979,0 -6980,0.0022204506293985577,-0.001455545425415039,-0.0016768388450145721,-2.285664714420564,3,980,0 -6981,0.002316661540809543,-0.0015321187674999237,-0.0017376802861690521,-2.293410402452588,3,981,0 -6982,0.002347302998074483,-0.001867339015007019,-0.0014222785830497742,-2.4906704247530858,3,982,0 -6983,0.001949960892356856,-0.0013510771095752716,-0.0014060363173484802,-2.336263525564423,3,983,0 -6984,0.0019747556186823115,-0.0014862939715385437,-0.0013002268970012665,-2.4228694866261153,3,984,0 -6985,0.0015774781587077065,-0.001203041523694992,-0.0010203570127487183,-2.4381748744827907,3,985,0 -6986,0.0019704987166917465,-0.0016566365957260132,-0.0010669678449630737,-2.5694068757585216,3,986,0 -6987,0.0020169910924566297,-0.0016968324780464172,-0.0010904185473918915,-2.570422964519508,3,987,0 -6988,0.000986569201476433,-0.0006270036101341248,-0.0007616989314556122,-2.2595033042891766,3,988,0 -6989,0.0017553845342587395,-0.0012249089777469635,-0.0012573674321174622,-2.343119151574597,3,989,0 -6990,0.001964641947311546,-0.0013717301189899445,-0.0014064759016036987,-2.343688588559443,3,990,0 -6991,0.0020640829020017945,-0.0017601102590560913,-0.0010781697928905487,-2.591990392729191,3,991,0 -6992,0.0017877937628866813,-0.0012781992554664612,-0.0012499652802944183,-2.367361801926765,3,992,0 -6993,0.0016631811022258843,-0.0013381727039813995,-0.0009876564145088196,-2.505774782953301,3,993,0 -6994,0.002305771744905391,-0.001761075109243393,-0.0014883540570735931,-2.439927163360272,3,994,0 -6995,0.0019235224334635509,-0.001183144748210907,-0.0015166103839874268,-2.2332999526794453,3,995,0 -6996,0.001759788141509495,-0.0012503117322921753,-0.0012383759021759033,-2.360990487261834,3,996,0 -6997,0.002284809494654441,-0.0017366856336593628,-0.0014846809208393097,-2.434264624522459,3,997,0 -6998,0.0018965087607833776,-0.0011563077569007874,-0.0015032291412353516,-2.2264826113834397,3,998,0 -6999,0.0018838392542416247,-0.0015543550252914429,-0.0010643452405929565,-2.541174800724933,3,999,0 -7000,0.003626109705611459,-0.0018357113003730774,-0.0031271129846572876,-2.101624987402191,3,1000,0 -7001,0.002311612106400948,-0.0015154406428337097,-0.0017455630004405975,-2.285743325614609,3,1001,0 -7002,0.002181311592807552,-0.0015747249126434326,-0.0015094242990016937,-2.377364301964904,3,1002,0 -7003,0.0017924998506443105,-0.001375008374452591,-0.0011499598622322083,-2.4450888387459933,3,1003,0 -7004,0.00200133051312065,-0.0014410130679607391,-0.0013888143002986908,-2.374638317971997,3,1004,0 -7005,0.002260260160203303,-0.001702338457107544,-0.0014868825674057007,-2.4236495210906845,3,1005,0 -7006,0.0021465988188707798,-0.0014674924314022064,-0.0015666373074054718,-2.323529568256253,3,1006,0 -7007,0.002039070665038779,-0.0014760568737983704,-0.001406792551279068,-2.380216209319873,3,1007,0 -7008,0.0022474053929192168,-0.0018371045589447021,-0.0012945570051670074,-2.527737682814632,3,1008,0 -7009,0.0021609409996350237,-0.0018014423549175262,-0.0011935122311115265,-2.5564583528182148,3,1009,0 -7010,0.0020730997947703326,-0.0014126375317573547,-0.0015172995626926422,-2.320488075947906,3,1010,0 -7011,0.0017900012235129391,-0.0014079324901103973,-0.0011053644120693207,-2.476004828117652,3,1011,0 -7012,0.0022978915414995716,-0.0016592927277088165,-0.0015896707773208618,-2.3776201837697806,3,1012,0 -7013,0.0024569426201695734,-0.0015979520976543427,-0.0018663108348846436,-2.2788839981526854,3,1013,0 -7014,0.001993687601950583,-0.001721661537885666,-0.001005321741104126,-2.6130766395399414,3,1014,0 -7015,0.0035268302487484362,-0.001966409385204315,-0.0029277577996253967,-2.1622364946191728,3,1015,0 -7016,0.002399478482773302,-0.0017533153295516968,-0.0016381032764911652,-2.390153070977699,3,1016,0 -7017,0.002178395266549637,-0.0013979114592075348,-0.0016707032918930054,-2.2675301769676786,3,1017,0 -7018,0.002319942104709814,-0.0016749612987041473,-0.0016051903367042542,-2.377461934568031,3,1018,0 -7019,0.0017353079573475827,-0.001067817211151123,-0.0013678669929504395,-2.2336229163596864,3,1019,0 -7020,0.003281676747231447,-0.0012465529143810272,-0.0030357055366039276,-1.9604331000795536,3,1020,0 -7021,0.0020118908057503637,-0.001629747450351715,-0.0011796727776527405,-2.515046680911621,3,1021,0 -7022,0.003996207339755354,-0.0022568590939044952,-0.0032979175448417664,-2.1709269177319883,3,1022,0 -7023,0.004107685521158436,-0.00171675905585289,-0.0037317313253879547,-2.001971039716494,3,1023,0 -7024,0.002274678081729638,-0.0016217492520809174,-0.0015950202941894531,-2.3645035537969825,3,1024,0 -7025,0.002179779883274,-0.0015860088169574738,-0.0014953315258026123,-2.3856138723966795,3,1025,0 -7026,0.0025977767278575277,-0.001409187912940979,-0.00218234583735466,-2.144158024199063,3,1026,0 -7027,0.0021179615588046755,-0.001570478081703186,-0.0014210417866706848,-2.4061063041291906,3,1027,0 -7028,0.002115682603988382,-0.0018082447350025177,-0.0010983459651470184,-2.5957424187557105,3,1028,0 -7029,0.002037425829952188,-0.0012162663042545319,-0.0016345642507076263,-2.210505628583459,3,1029,0 -7030,0.0022461468393666175,-0.001482635736465454,-0.0016872957348823547,-2.291721064438546,3,1030,0 -7031,0.0024398569045297543,-0.0015822649002075195,-0.0018572397530078888,-2.2764180995444203,3,1031,0 -7032,0.0021282071835715378,-0.0015727914869785309,-0.0014337338507175446,-2.4024134933321495,3,1032,0 -7033,0.0018652407832786845,-0.0013670772314071655,-0.0012689456343650818,-2.3934044490859776,3,1033,0 -7034,0.0019680409004826207,-0.0013149268925189972,-0.0014642924070358276,-2.3025024498076463,3,1034,0 -7035,0.001717440635966903,-0.0011905469000339508,-0.0012378208339214325,-2.3367295785773665,3,1035,0 -7036,0.0020015151609333775,-0.0015944577753543854,-0.0012098625302314758,-2.492488081039075,3,1036,0 -7037,0.00218409695025527,-0.00152602419257164,-0.0015625394880771637,-2.3443722977146573,3,1037,0 -7038,0.0019811504084365677,-0.0012739598751068115,-0.0015172287821769714,-2.2692581493481803,3,1038,0 -7039,0.0022192584470940627,-0.0014932230114936829,-0.0016417652368545532,-2.3088478333579805,3,1039,0 -7040,0.0022472720456390488,-0.0016702711582183838,-0.0015034712851047516,-2.40870239037578,3,1040,0 -7041,0.0022105533012725677,-0.001614980399608612,-0.0015094317495822906,-2.3899635709371885,3,1041,0 -7042,0.002060409019429159,-0.0011267587542533875,-0.0017250217497348785,-2.1494074773789,3,1042,0 -7043,0.0017905392830961226,-0.0013940632343292236,-0.0011236630380153656,-2.4631829647236825,3,1043,0 -7044,0.002139883594907381,-0.001679394394159317,-0.0013261735439300537,-2.4731800438875498,3,1044,0 -7045,0.0021142039008450212,-0.0016303136944770813,-0.0013460814952850342,-2.4514012321843595,3,1045,0 -7046,0.0017106485469338512,-0.001508086919784546,-0.0008074603974819183,-2.6500119105477653,3,1046,0 -7047,0.002308295322094197,-0.0016136951744556427,-0.0016505196690559387,-2.3449136970145736,3,1047,0 -7048,0.001729507889932351,-0.001373291015625,-0.0010513179004192352,-2.488215909832105,3,1048,0 -7049,0.0020426700654051907,-0.0016765817999839783,-0.0011668652296066284,-2.5335706467912895,3,1049,0 -7050,0.0018016885560964062,-0.001447100192308426,-0.0010733045637607574,-2.5034290433361215,3,1050,0 -7051,0.00166186745821041,-0.001293778419494629,-0.0010430440306663513,-2.4630827020324566,3,1051,0 -7052,0.002108165950651144,-0.0013718120753765106,-0.0016007795929908752,-2.279320057427162,3,1052,0 -7053,0.0019589223220940113,-0.001520887017250061,-0.0012346170842647552,-2.459713345673151,3,1053,0 -7054,0.002130822476687289,-0.0017223656177520752,-0.001254536211490631,-2.512072705753205,3,1054,0 -7055,0.002085612819052903,-0.001637239009141922,-0.0012919865548610687,-2.4735179538295746,3,1055,0 -7056,0.001964790486486125,-0.0014465078711509705,-0.001329667866230011,-2.398256341968877,3,1056,0 -7057,0.0017853975664924235,-0.0010627582669258118,-0.0014346390962600708,-2.2083733174644737,3,1057,0 -7058,0.0021844109861470684,-0.0014740116894245148,-0.0016121231019496918,-2.31147210084129,3,1058,0 -7059,0.0020102767572246125,-0.0014861151576042175,-0.0013537630438804626,-2.4027656476645465,3,1059,0 -7060,0.0021164580904163718,-0.0015474185347557068,-0.001443915069103241,-2.3907818023899345,3,1060,0 -7061,0.0020357034992509767,-0.001353781670331955,-0.0015203170478343964,-2.298315693998872,3,1061,0 -7062,0.002520074264173219,-0.001849249005317688,-0.0017120316624641418,-2.394705776547427,3,1062,0 -7063,0.0021442283472799632,-0.0015002042055130005,-0.0015320256352424622,-2.3457004764508027,3,1063,0 -7064,0.0025963130171015106,-0.0013031885027885437,-0.0022455602884292603,-2.096634512642048,3,1064,0 -7065,0.002451231199730131,-0.0017200782895088196,-0.0017463862895965576,-2.3486053473019695,3,1065,0 -7066,0.0018493179792104257,-0.001270730048418045,-0.0013435855507850647,-2.328333794712046,3,1066,0 -7067,0.002069323721911834,-0.0014641284942626953,-0.0014623366296291351,-2.356806786711789,3,1067,0 -7068,0.0018526877462552071,-0.001428414136171341,-0.0011798664927482605,-2.4511993755015498,3,1068,0 -7069,0.0018893053595661399,-0.0016076453030109406,-0.0009924471378326416,-2.5885281080153457,3,1069,0 -7070,0.0018790690799218234,-0.001067034900188446,-0.001546718180179596,-2.1746914178061796,3,1070,0 -7071,0.00424295266803953,-0.0021862946450710297,-0.0036363117396831512,-2.1121268051108144,3,1071,0 -7072,0.0021938884292234187,-0.0014916770160198212,-0.0016087405383586884,-2.318455076522743,3,1072,0 -7073,0.0037037730182995303,-0.0016660280525684357,-0.0033079124987125397,-2.037359169606666,3,1073,0 -7074,0.0017275600918942693,-0.0012409761548042297,-0.0012018494307994843,-2.3722101152291883,3,1074,0 -7075,0.0022997583175271945,-0.0018987767398357391,-0.0012975111603736877,-2.5421352425472254,3,1075,0 -7076,0.001825940901915348,-7.62939453125e-06,-0.001825924962759018,-1.5749746749128677,3,1076,0 -7077,0.001928433702228611,-0.0011893175542354584,-0.0015180185437202454,-2.235374606410856,3,1077,0 -7078,0.0022002004952543404,-0.0018841922283172607,-0.0011360906064510345,-2.599000279577136,3,1078,0 -7079,0.001973393139163535,-0.0013373196125030518,-0.001451157033443451,-2.315392913781697,3,1079,0 -7080,0.0018200231354434952,-0.0011328086256980896,-0.0014245100319385529,-2.242620027640923,3,1080,0 -7081,0.004131473308090416,-0.002225324511528015,-0.003480948507785797,-2.1396034110267537,3,1081,0 -7082,0.002154720170861243,-0.001581486314535141,-0.0014634616672992706,-2.3949359052864367,3,1082,0 -7083,0.004088192183724775,-0.0019815675914287567,-0.0035758502781391144,-2.0768223074405747,3,1083,0 -7084,0.0021650162690508385,-0.0017634667456150055,-0.0012559778988361359,-2.522711735360191,3,1084,0 -7085,0.0021977208607489537,-0.0012880340218544006,-0.0017807148396968842,-2.197005166595765,3,1085,0 -7086,0.0018173317275819746,-0.0014678239822387695,-0.001071535050868988,-2.511004432655603,3,1086,0 -7087,0.0018962881103906503,-0.0013424456119537354,-0.0013393089175224304,-2.357364132292854,3,1087,0 -7088,0.0017647205586236027,-0.0011286363005638123,-0.001356620341539383,-2.264715914697772,3,1088,0 -7089,0.002047325399521557,-0.0015137828886508942,-0.0013784058392047882,-2.4029681702094394,3,1089,0 -7090,0.002286116813230502,-0.001565631479024887,-0.0016658715903759003,-2.3251847783748056,3,1090,0 -7091,0.002088298159448572,-0.0013421103358268738,-0.001599915325641632,-2.268789358190014,3,1091,0 -7092,0.0022964930669448023,-0.0018269829452037811,-0.0013914071023464203,-2.4907167921725417,3,1092,0 -7093,0.002069284595786595,-0.0015735551714897156,-0.0013438239693641663,-2.4347780762693465,3,1093,0 -7094,0.001984784032450378,-0.0013750046491622925,-0.0014313384890556335,-2.3361234324956124,3,1094,0 -7095,0.0021906854743390953,-0.0016366206109523773,-0.0014562197029590607,-2.414457031559218,3,1095,0 -7096,0.002078895261880385,-0.001466907560825348,-0.0014730878174304962,-2.35409236188716,3,1096,0 -7097,0.0016032019437296123,-0.0011648684740066528,-0.0011015161871910095,-2.3841402290965585,3,1097,0 -7098,0.0020371520895129717,-0.0015147402882575989,-0.001362185925245285,-2.4091717325332307,3,1098,0 -7099,0.0022457674749192707,-0.0017741434276103973,-0.001376911997795105,-2.481595971641318,3,1099,0 -7100,0.0020283644470474433,-0.0016449466347694397,-0.001186765730381012,-2.5166077156288473,3,1100,0 -7101,0.0021378811604845335,-0.0014393478631973267,-0.0015807636082172394,-2.3094039897775227,3,1101,0 -7102,0.002181140344544989,-0.0015113428235054016,-0.0015726462006568909,-2.3363191585168304,3,1102,0 -7103,0.00213498616210894,-0.0016594380140304565,-0.0013432912528514862,-2.4610944842791316,3,1103,0 -7104,0.0018975254293142015,-0.001135990023612976,-0.001519910991191864,-2.212634966548711,3,1104,0 -7105,0.0020750806227577004,-0.0015897005796432495,-0.0013337209820747375,-2.4435333782752617,3,1105,0 -7106,0.0033893199821043996,-0.0016483254730701447,-0.002961505204439163,-2.078680132605736,3,1106,0 -7107,0.0021582332210774557,-0.0011463947594165802,-0.0018285922706127167,-2.1307805005999985,3,1107,0 -7108,0.002088786283456861,-0.0014830194413661957,-0.0014709457755088806,-2.360281741645259,3,1108,0 -7109,0.002702683719256499,-0.001235131174325943,-0.002403944730758667,-2.045417745050975,3,1109,0 -7110,0.002057131262081358,-0.001617133617401123,-0.0012714825570583344,-2.4752879728923878,3,1110,0 -7111,0.0019130824521498184,-0.0013742335140705109,-0.0013309270143508911,-2.3722019693263228,3,1111,0 -7112,0.0021777364642130473,-0.0014665350317955017,-0.0016099102795124054,-2.309623995040628,3,1112,0 -7113,0.002211477926163245,-0.0016146227717399597,-0.001511167734861374,-2.38927965237665,3,1113,0 -7114,0.0025578742086454468,-0.002071324735879898,-0.0015007779002189636,-2.5145796238759797,3,1114,0 -7115,0.001975796674324873,-0.0014395304024219513,-0.001353338360786438,-2.387046170164531,3,1115,0 -7116,0.0037810748701862865,-0.0016698315739631653,-0.003392372280359268,-2.02820962567581,3,1116,0 -7117,0.0019887342248641328,-0.0015294663608074188,-0.0012711398303508759,-2.448173728018016,3,1117,0 -7118,0.002170820764241642,-0.0016834326088428497,-0.0013705901801586151,-2.458274615929195,3,1118,0 -7119,0.002270425095756725,-0.0017907172441482544,-0.0013957656919956207,-2.4795114849222326,3,1119,0 -7120,0.001956355361737862,-0.0013949945569038391,-0.0013716109097003937,-2.3646463965742304,3,1120,0 -7121,0.0018048708692797173,-0.0012439265847206116,-0.001307748258113861,-2.331188024357836,3,1121,0 -7122,0.002379834766347589,-0.0015554502606391907,-0.0018011629581451416,-2.283122261143568,3,1122,0 -7123,0.0038482012662921653,-0.0021942518651485443,-0.0031613148748874664,-2.17754799019553,3,1123,0 -7124,0.001942065808268557,-0.0016236752271652222,-0.0010655038058757782,-2.5608505329977915,3,1124,0 -7125,0.002212590237495829,-0.0016746371984481812,-0.0014460794627666473,-2.4293028222422177,3,1125,0 -7126,0.0019206419216514128,-0.0014077350497245789,-0.001306578516960144,-2.3934450647867327,3,1126,0 -7127,0.004186121072516362,-0.001973796635866165,-0.0036915764212608337,-2.0617982559460906,3,1127,0 -7128,0.0022044818821137895,-0.0014194399118423462,-0.001686692237854004,-2.2703656379801114,3,1128,0 -7129,0.002008981677336411,-0.001534249633550644,-0.0012969523668289185,-2.4398140727285993,3,1129,0 -7130,0.001901555971748304,-0.00122065469622612,-0.001458052545785904,-2.267801390156212,3,1130,0 -7131,0.002318325110224146,-0.0017978660762310028,-0.0014636628329753876,-2.45830637799483,3,1131,0 -7132,0.001958592253155998,-0.0016274712979793549,-0.001089688390493393,-2.551590195140799,3,1132,0 -7133,0.0020441483424538257,-0.0015087276697158813,-0.0013792328536510468,-2.4010040133211965,3,1133,0 -7134,0.004088699684844857,-0.0019204728305339813,-0.003609605133533478,-2.059750189739566,3,1134,0 -7135,0.001992551054110548,-0.0014194846153259277,-0.0013983286917209625,-2.363702271511095,3,1135,0 -7136,0.001657122821241896,-0.0010433681309223175,-0.001287415623664856,-2.2518684449047153,3,1136,0 -7137,0.0023122766891489964,-0.0019481293857097626,-0.0012455582618713379,-2.5727328012641864,3,1137,0 -7138,0.001894838883762553,-0.001553211361169815,-0.001085333526134491,-2.5316943899839357,3,1138,0 -7139,0.0022603551517089812,-0.001676306128501892,-0.0015163123607635498,-2.406266252537039,3,1139,0 -7140,0.0017802858182467821,-0.0011661425232887268,-0.0013451874256134033,-2.2850200652227044,3,1140,0 -7141,0.001730621142759678,-0.0011642426252365112,-0.001280464231967926,-2.3086901569215494,3,1141,0 -7142,0.0020507154767118417,-0.0014749951660633087,-0.0014247186481952667,-2.3735311944081783,3,1142,0 -7143,0.0023892776908085267,-0.002095140516757965,-0.0011484920978546143,-2.640155914761934,3,1143,0 -7144,0.0021934686972528332,-0.0015217326581478119,-0.0015797577798366547,-2.337487886283206,3,1144,0 -7145,0.0022684140023736957,-0.0016185715794563293,-0.001589316874742508,-2.3653138514668313,3,1145,0 -7146,0.004105989583054917,-0.001722436398267746,-0.0037272460758686066,-2.0036837296375163,3,1146,0 -7147,0.0020274742062667862,-0.0011526085436344147,-0.0016679763793945312,-2.1754714083241793,3,1147,0 -7148,0.0020081472499622775,-0.0014107376337051392,-0.0014291517436504364,-2.3497104869652348,3,1148,0 -7149,0.0024609995365343284,-0.0017787888646125793,-0.0017007142305374146,-2.3786291691663677,3,1149,0 -7150,0.0022121880982097137,-0.0013559162616729736,-0.0017479322850704193,-2.2305597163512294,3,1150,0 -7151,0.0022130103564366073,-0.0015450678765773773,-0.0015843547880649567,-2.3436411051218844,3,1151,0 -7152,0.0022768641450491324,-0.0017825067043304443,-0.0014166086912155151,-2.4700743810140935,3,1152,0 -7153,0.0018673494297454425,-0.001216445118188858,-0.001416776329278946,-2.280262385171416,3,1153,0 -7154,0.0016639655132930445,-0.0012560151517391205,-0.0010914243757724762,-2.426194952834685,3,1154,0 -7155,0.0021078408712296094,-0.0015990473330020905,-0.001373331993818283,-2.431986623531112,3,1155,0 -7156,0.0016726693462508766,-0.0012170001864433289,-0.001147489994764328,-2.385583564710201,3,1156,0 -7157,0.0022092963184417802,-0.0019243918359279633,-0.0010852217674255371,-2.628117771521369,3,1157,0 -7158,0.0021512245758384067,-0.0015314221382141113,-0.0015107989311218262,-2.3629733832179336,3,1158,0 -7159,0.002134207627089147,-0.0016159340739250183,-0.001394130289554596,-2.429748942222442,3,1159,0 -7160,0.003094421742333156,-0.001560945063829422,-0.0026718713343143463,-2.099527719433626,3,1160,0 -7161,0.001947620570324407,-0.0016610249876976013,-0.001016966998577118,-2.5922125092678945,3,1161,0 -7162,0.0018451433365154713,-0.0014306679368019104,-0.0011652223765850067,-2.4580963798976483,3,1162,0 -7163,0.002177083182667196,-0.0016389116644859314,-0.001433059573173523,-2.4231042330483117,3,1163,0 -7164,0.0019476731327881032,-0.0015661902725696564,-0.0011577904224395752,-2.505013616589543,3,1164,0 -7165,0.002011954099900072,-0.00164790078997612,-0.001154288649559021,-2.5305580057551853,3,1165,0 -7166,0.0023593467327621314,-0.0019024461507797241,-0.0013954266905784607,-2.508741447430897,3,1166,0 -7167,0.0017443749254513906,-0.0013616979122161865,-0.0010902397334575653,-2.4664571513128597,3,1167,0 -7168,0.0017918757243966254,-0.0014815665781497955,-0.0010078586637973785,-2.5442344510093635,3,1168,0 -7169,0.0036977004593620284,-0.0016030967235565186,-0.003332126885652542,-2.0192124901538167,3,1169,0 -7170,0.0022154673333323553,-0.0019367821514606476,-0.0010757185518741608,-2.6346012877261846,3,1170,0 -7171,0.0023059961058374836,-0.001753106713294983,-0.0014980770647525787,-2.4344762820247756,3,1171,0 -7172,0.002132797480098272,-0.0014455094933509827,-0.0015682242810726166,-2.3154984486723613,3,1172,0 -7173,0.0020445509269675223,-0.0016530528664588928,-0.0012031644582748413,-2.512422885666067,3,1173,0 -7174,0.0015458205938530495,-0.0006584376096725464,-0.0013985782861709595,-2.0108046300956053,3,1174,0 -7175,0.0018618995503295454,-0.0014425106346607208,-0.0011772140860557556,-2.457119286014113,3,1175,0 -7176,0.0021527598381691003,-0.0014601945877075195,-0.0015818364918231964,-2.3162287142599167,3,1176,0 -7177,0.002008080646943302,-0.00150245800614357,-0.0013322941958904266,-2.416150300561755,3,1177,0 -7178,0.0019022530779499924,-0.001324933022260666,-0.0013649612665176392,-2.3413146154874043,3,1178,0 -7179,0.0022713920668800814,-0.0016372613608837128,-0.0015743561089038849,-2.3757787682255618,3,1179,0 -7180,0.002355375229115636,-0.0016495808959007263,-0.0016812719404697418,-2.3466803837714445,3,1180,0 -7181,0.0018339222524920596,-0.0015103965997695923,-0.001040179282426834,-2.5385047665387406,3,1181,0 -7182,0.002498287641019275,-0.0017368830740451813,-0.001795738935470581,-2.3395353581155196,3,1182,0 -7183,0.002094193116531179,-0.0014925599098205566,-0.0014689825475215912,-2.364155498533041,3,1183,0 -7184,0.003983739014914417,-0.00217491015791893,-0.0033376552164554596,-2.148315278850067,3,1184,0 -7185,0.002199995631928609,-0.0013540573418140411,-0.001733928918838501,-2.233793492128931,3,1185,0 -7186,0.0037984693012370627,-0.00147349014878273,-0.003501027822494507,-1.9691666828067553,3,1186,0 -7187,0.002054700858799789,-0.001330263912677765,-0.0015659481287002563,-2.27499669697228,3,1187,0 -7188,0.0022736241628379117,-0.001759808510541916,-0.0014395974576473236,-2.4559468382362417,3,1188,0 -7189,0.0020662667111208998,-0.0016799867153167725,-0.0012029558420181274,-2.5201753659449198,3,1189,0 -7190,0.003754358326425636,-0.00183882936835289,-0.003273211419582367,-2.08263975668846,3,1190,0 -7191,0.0022082620079439423,-0.0014636926352977753,-0.0016534887254238129,-2.295382478058171,3,1191,0 -7192,0.002005291792488929,-0.0016069896519184113,-0.0011994913220405579,-2.5003858430986625,3,1192,0 -7193,0.0018049507987872814,-0.001393597573041916,-0.001147054135799408,-2.4529310511777367,3,1193,0 -7194,0.0021329903302900414,-0.0014112740755081177,-0.0015993602573871613,-2.2938016410863393,3,1194,0 -7195,0.0018582438450226542,-0.001501426100730896,-0.0010948926210403442,-2.5115140633844106,3,1195,0 -7196,0.002248029444139039,-0.0014646351337432861,-0.0017054267227649689,-2.280382059863167,3,1196,0 -7197,0.0015262261714194733,-0.0012212544679641724,-0.0009153708815574646,-2.4983903049330167,3,1197,0 -7198,0.00224039670632591,-0.0015082061290740967,-0.0016567111015319824,-2.309306651487108,3,1198,0 -7199,0.001451827933084501,-0.000676468014717102,-0.0012845993041992188,-2.0554955833921444,3,1199,0 -7200,0.0018324415989943077,-0.0012803003191947937,-0.001310981810092926,-2.3443547692663635,3,1200,0 -7201,0.0016215044922172198,-0.0008951984345912933,-0.0013519972562789917,-2.1556518340442175,3,1201,0 -7202,0.002296703463307158,-0.0016645900905132294,-0.0015823990106582642,-2.3815020996212812,3,1202,0 -7203,0.001787809728397342,-0.0013752616941928864,-0.0011423304677009583,-2.4484532665985035,3,1203,0 -7204,0.0019904935315977978,-0.0014446265995502472,-0.0013693496584892273,-2.3829392048877427,3,1204,0 -7205,0.00188099802847945,-0.0012542195618152618,-0.0014018155634403229,-2.3006815362708113,3,1205,0 -7206,0.0019445225389478921,-0.0014826767146587372,-0.001258108764886856,-2.437947485640256,3,1206,0 -7207,0.0018219693458979105,-0.0013307631015777588,-0.0012444444000720978,-2.3897010701315637,3,1207,0 -7208,0.002208979830928798,-0.0017378292977809906,-0.0013636499643325806,-2.4762596461724375,3,1208,0 -7209,0.0016406649078465599,-0.0012645162642002106,-0.0010453611612319946,-2.4507887049706385,3,1209,0 -7210,0.0018596461561356163,-0.0013871192932128906,-0.0012386217713356018,-2.4126888293255018,3,1210,0 -7211,0.0018805778575790163,-0.0011196620762348175,-0.0015109367668628693,-2.2085372598055444,3,1211,0 -7212,0.0017209239806905737,-0.0014480799436569214,-0.0009298622608184814,-2.5707665871271566,3,1212,0 -7213,0.0017825595742428037,-0.0013235397636890411,-0.0011940523982048035,-2.407582228163994,3,1213,0 -7214,0.0018319782163177304,-0.0010714083909988403,-0.0014860108494758606,-2.1954752506136153,3,1214,0 -7215,0.0022455193124484934,-0.0016274526715278625,-0.0015471763908863068,-2.3814759247940613,3,1215,0 -7216,0.0022669002815073553,-0.0017457976937294006,-0.0014460384845733643,-2.4498341835986506,3,1216,0 -7217,0.0020315836092930388,-0.0013964027166366577,-0.0014755986630916595,-2.328626299282623,3,1217,0 -7218,0.00234178383247293,-0.0017225779592990875,-0.0015864036977291107,-2.3973242033393745,3,1218,0 -7219,0.001954505448077236,-0.0014434494078159332,-0.001317780464887619,-2.4016750509603724,3,1219,0 -7220,0.0021279087584795756,-0.0013184845447540283,-0.00167020782828331,-2.239048645474544,3,1220,0 -7221,0.0021321241472630954,-0.0016517192125320435,-0.001348249614238739,-2.457009133511047,3,1221,0 -7222,0.0020883902874178706,-0.0011999979615211487,-0.0017092041671276093,-2.1829168614044816,3,1222,0 -7223,0.0020117137908647214,-0.0016283653676509857,-0.0011812783777713776,-2.513997320116777,3,1223,0 -7224,0.0023646976753504607,-0.0017617419362068176,-0.0015773586928844452,-2.411357900836581,3,1224,0 -7225,0.0019445095760806258,-0.0014497600495815277,-0.0012958832085132599,-2.4121799275093685,3,1225,0 -7226,0.002112717927495545,-0.0015327073633670807,-0.001454092562198639,-2.3825091601978117,3,1226,0 -7227,0.0021413228701304453,-0.001527894288301468,-0.0015002675354480743,-2.3653175120132444,3,1227,0 -7228,0.0022466587023959005,-0.001735389232635498,-0.001426849514245987,-2.453456654008713,3,1228,0 -7229,0.0018531371622667997,-0.0010756254196166992,-0.0015090219676494598,-2.1900589475471275,3,1229,0 -7230,0.0018016976084318322,-0.0015940144658088684,-0.0008397810161113739,-2.6567090112688283,3,1230,0 -7231,0.0021308556928900796,-0.0016296952962875366,-0.0013728216290473938,-2.441539452973724,3,1231,0 -7232,0.0019253167455937706,-0.0013940595090389252,-0.0013279467821121216,-2.380477950289914,3,1232,0 -7233,0.0016948834810123247,-0.0010584890842437744,-0.0013237185776233673,-2.245313460843645,3,1233,0 -7234,0.0018776515157991394,-0.0011865384876728058,-0.0014552325010299683,-2.2548332491492338,3,1234,0 -7235,0.00352183583019314,-0.0017603561282157898,-0.003050323575735092,-2.094210919722566,3,1235,0 -7236,0.0019442092981079228,-0.0015812963247299194,-0.0011311285197734833,-2.5206604646901885,3,1236,0 -7237,0.0019467273951208736,-0.0014433003962039948,-0.0013063810765743256,-2.405948007126069,3,1237,0 -7238,0.0020111768973761933,-0.0014605820178985596,-0.001382581889629364,-2.3836218812911327,3,1238,0 -7239,0.0018886486125680054,-0.0013945363461971283,-0.0012736804783344269,-2.4014581730146847,3,1239,0 -7240,0.0019180561034122705,-0.001474875956773758,-0.0012262463569641113,-2.4479826207085256,3,1240,0 -7241,0.0019162050594113895,-0.0013698600232601166,-0.0013398975133895874,-2.3672513055905653,3,1241,0 -7242,0.0023856725892073194,-0.001830369234085083,-0.0015300922095775604,-2.4453136935090964,3,1242,0 -7243,0.002500167692167494,-0.0012979842722415924,-0.0021368376910686493,-2.1166628522498527,3,1243,0 -7244,0.00237263579204014,-0.001720726490020752,-0.0016335546970367432,-2.3821768605302003,3,1244,0 -7245,0.001788958193025346,-0.001394905149936676,-0.001120094209909439,-2.4650314927645813,3,1245,0 -7246,0.001964582393396185,-0.0013255439698696136,-0.0014500059187412262,-2.3113822437997364,3,1246,0 -7247,0.004137882640149759,-0.0021335668861865997,-0.0035454146564006805,-2.112525124962475,3,1247,0 -7248,0.0016392563718691249,-0.0013434998691082,-0.0009392388164997101,-2.531471942412424,3,1248,0 -7249,0.0019264391392232185,-0.00161641463637352,-0.0010480321943759918,-2.566365273043974,3,1249,0 -7250,0.0019420619655447732,-0.0011336877942085266,-0.0015768185257911682,-2.194141780879714,3,1250,0 -7251,0.0019434691629477215,-0.0015123076736927032,-0.00122065469622612,-2.462508914506123,3,1251,0 -7252,0.0020201559469524006,-0.0013232603669166565,-0.0015264376997947693,-2.2850170888215264,3,1252,0 -7253,0.0023685076223718747,-0.001891396939754486,-0.0014256387948989868,-2.495696417402033,3,1253,0 -7254,0.0019498224294231987,-0.001407574862241745,-0.001349274069070816,-2.3773389583244837,3,1254,0 -7255,0.0023212652912535663,-0.001750405877828598,-0.0015245825052261353,-2.4250394631658727,3,1255,0 -7256,0.0023877677790153933,-0.0019306577742099762,-0.0014049895107746124,-2.5125000842774754,3,1256,0 -7257,0.0019750716978318822,-0.0016928650438785553,-0.0010174065828323364,-2.6004404873121953,3,1257,0 -7258,0.0020522033906914265,-0.0015918426215648651,-0.0012952126562595367,-2.4585800379333578,3,1258,0 -7259,0.002361154591725521,-0.0015694163739681244,-0.0017640814185142517,-2.2978641032442164,3,1259,0 -7260,0.002103356269698783,-0.0016635842621326447,-0.0012870877981185913,-2.4831055619269913,3,1260,0 -7261,0.0018204280201526164,-0.001301199197769165,-0.0012731216847896576,-2.3671008227732524,3,1261,0 -7262,0.0017258038689596878,-0.0010847114026546478,-0.0013423115015029907,-2.2504520734269735,3,1262,0 -7263,0.002070015595044572,-0.001406930387020111,-0.0015183910727500916,-2.3181108826409127,3,1263,0 -7264,0.002352852032816481,-0.0015557780861854553,-0.0017650686204433441,-2.293254488596809,3,1264,0 -7265,0.0020352674263416155,-0.001552097499370575,-0.0013165511190891266,-2.4381212717544436,3,1265,0 -7266,0.002143820344116402,-0.0015484727919101715,-0.0014826320111751556,-2.37791278522482,3,1266,0 -7267,0.0018959617531481728,-0.0011463537812232971,-0.0015101470053195953,-2.220096541711586,3,1267,0 -7268,0.00173449733349218,-0.0012576021254062653,-0.0011945366859436035,-2.3819073658032006,3,1268,0 -7269,0.0020949981853432683,-0.0015170946717262268,-0.0014447979629039764,-2.3805986009455964,3,1269,0 -7270,0.0021960987570687827,-0.001826602965593338,-0.0012191683053970337,-2.553047121830322,3,1270,0 -7271,0.001661200739725955,-0.0012612305581569672,-0.0010811500251293182,-2.432922842148948,3,1271,0 -7272,0.002455189949884997,-0.001613914966583252,-0.0018501989543437958,-2.288090906600592,3,1272,0 -7273,0.0037810539326131615,-0.0019523948431015015,-0.0032379813492298126,-2.1133943499025682,3,1273,0 -7274,0.00201269108126521,-0.0013869218528270721,-0.0014585517346858978,-2.3310265331055695,3,1274,0 -7275,0.002366098934730253,-0.0017058253288269043,-0.00163969025015831,-2.3759601927473453,3,1275,0 -7276,0.002233355463517215,-0.0017716474831104279,-0.001359831541776657,-2.486952584427152,3,1276,0 -7277,0.0021977062279789337,-0.001620858907699585,-0.001484159380197525,-2.4001914328664107,3,1277,0 -7278,0.0015939540590764337,-0.000995773822069168,-0.0012446381151676178,-2.2455682939847774,3,1278,0 -7279,0.001955735140642506,-0.0016614757478237152,-0.0010316967964172363,-2.5859095100443503,3,1279,0 -7280,0.0018350112489624033,-0.0011204145848751068,-0.0014532506465911865,-2.2275845461615673,3,1280,0 -7281,0.0017985917319612945,-0.0012452714145183563,-0.001297779381275177,-2.335549795662388,3,1281,0 -7282,0.0020542075936372884,-0.0013956688344478607,-0.0015072748064994812,-2.3177676217856207,3,1282,0 -7283,0.0023611770016799616,-0.0018590763211250305,-0.0014556758105754852,-2.4772975111578956,3,1283,0 -7284,0.001690745529885345,-0.001362394541501999,-0.001001249998807907,-2.507813282621041,3,1284,0 -7285,0.001958289409114238,-0.0017417818307876587,-0.0008950382471084595,-2.66691579229294,3,1285,0 -7286,0.001977037997346147,-0.001511063426733017,-0.001274898648262024,-2.4407618729702483,3,1286,0 -7287,0.0019997441223317584,-0.0014413036406040192,-0.0013862252235412598,-2.3756713743851643,3,1287,0 -7288,0.002186958927041718,-0.0015765130519866943,-0.001515716314315796,-2.375853091938772,3,1288,0 -7289,0.002473918547822653,-0.0018592886626720428,-0.0016319677233695984,-2.4212142097282623,3,1289,0 -7290,0.0018867354981232107,-0.0012208223342895508,-0.001438528299331665,-2.2745123042409645,3,1290,0 -7291,0.001861230536935981,-0.0015430152416229248,-0.0010408088564872742,-2.548166483551689,3,1291,0 -7292,0.0021974807563527447,-0.0013503693044185638,-0.0017336159944534302,-2.2325583814047434,3,1292,0 -7293,0.0019541567333390742,-0.0015693418681621552,-0.0011644288897514343,-2.5032405962448947,3,1293,0 -7294,0.0021879444052185296,-0.0016764476895332336,-0.0014059245586395264,-2.443734774894367,3,1294,0 -7295,0.002205542954400897,-0.001625005155801773,-0.0014912337064743042,-2.399095364306689,3,1295,0 -7296,0.0018578817277734503,-0.0013188831508159637,-0.001308538019657135,-2.3601318405554235,3,1296,0 -7297,0.001521789743888078,-0.0008722320199012756,-0.001247018575668335,-2.1811556944974115,3,1297,0 -7298,0.002480286368030896,-0.001726340502500534,-0.0017808899283409119,-2.3406423247754367,3,1298,0 -7299,0.0017514145095148099,-0.0007214061915874481,-0.0015959404408931732,-1.995333599381989,3,1299,0 -7300,0.001741672656483685,-0.001077406108379364,-0.0013684369623661041,-2.237761350522351,3,1300,0 -7301,0.002255455405871723,-0.0016094855964183807,-0.001580074429512024,-2.3654153021905473,3,1301,0 -7302,0.0020056400916318045,-0.001265745609998703,-0.0015557892620563507,-2.2537578895885124,3,1302,0 -7303,0.0021052854853403726,-0.0018018931150436401,-0.0010887645184993744,-2.5980659626186844,3,1303,0 -7304,0.0022096861235781527,-0.0016395673155784607,-0.0014813952147960663,-2.4068317166636204,3,1304,0 -7305,0.0018835613586954323,-0.001117650419473648,-0.0015161335468292236,-2.206036505078745,3,1305,0 -7306,0.0018651182720679888,-0.001352209597826004,-0.0012845993041992188,-2.381829826310213,3,1306,0 -7307,0.003454291229813018,-0.0018141679465770721,-0.0029395446181297302,-2.1237376669417642,3,1307,0 -7308,0.002438662469696247,-0.001652199774980545,-0.0017936863005161285,-2.3151579925562635,3,1308,0 -7309,0.002224638572935487,-0.0015668459236621857,-0.001579243689775467,-2.3522538198802923,3,1309,0 -7310,0.0017791657844156796,-0.0011776871979236603,-0.0013335980474948883,-2.2941899863898616,3,1310,0 -7311,0.002147328160975486,-0.0014088638126850128,-0.0016205310821533203,-2.2864367231284404,3,1311,0 -7312,0.0020737788942213147,-0.0017702244222164154,-0.0010802149772644043,-2.5936969974293222,3,1312,0 -7313,0.002200876583037629,-0.0015197284519672394,-0.0015919432044029236,-2.3329909521258636,3,1313,0 -7314,0.0021136922322719212,-0.0015803836286067963,-0.0014035962522029877,-2.4153708167883488,3,1314,0 -7315,0.0019109363072868219,-0.001558654010295868,-0.0011055655777454376,-2.5246470651853454,3,1315,0 -7316,0.002114925287503722,-0.0013321563601493835,-0.0016426406800746918,-2.2521994227595474,3,1316,0 -7317,0.002172293093824932,-0.0013003423810005188,-0.0017401054501533508,-2.212553026776965,3,1317,0 -7318,0.0022062021828102587,-0.001339782029390335,-0.001752801239490509,-2.223428584091789,3,1318,0 -7319,0.0039071949190937,-0.0018859021365642548,-0.003421921283006668,-2.0745019027255203,3,1319,0 -7320,0.002119082040006622,-0.0013585165143013,-0.001626327633857727,-2.2667104496831803,3,1320,0 -7321,0.003825155784724415,-0.0016584619879722595,-0.003446929156780243,-2.0192439474906236,3,1321,0 -7322,0.002161379197985945,-0.0016041062772274017,-0.0014485865831375122,-2.4070955683473048,3,1322,0 -7323,0.0018372790188664317,-0.001483328640460968,-0.0010841265320777893,-2.5104448866920888,3,1323,0 -7324,0.0021730440006999907,-0.0015696994960308075,-0.0015027187764644623,-2.3779916888087054,3,1324,0 -7325,0.002334695376747819,-0.0017316155135631561,-0.001565985381603241,-2.406379780612152,3,1325,0 -7326,0.0020382628178059136,-0.0015684664249420166,-0.0013017021119594574,-2.4488720157935915,3,1326,0 -7327,0.002480473292350148,-0.0019869282841682434,-0.0014848783612251282,-2.4998066544167967,3,1327,0 -7328,0.0021227188862617086,-0.0014733374118804932,-0.0015281401574611664,-2.3379379296957734,3,1328,0 -7329,0.0036489870555048583,-0.0016009733080863953,-0.0032790228724479675,-2.0249974615191646,3,1329,0 -7330,0.0017974084318171557,-0.001238558441400528,-0.0013025552034378052,-2.331015279060708,3,1330,0 -7331,0.002139922080408823,-0.0016844570636749268,-0.0013197995722293854,-2.4769838727212496,3,1331,0 -7332,0.001990491145623539,-0.0015766546130180359,-0.0012149959802627563,-2.485027052546429,3,1332,0 -7333,0.001867013490623599,-0.001203041523694992,-0.0014277361333370209,-2.2709913123035803,3,1333,0 -7334,0.0021743402201095455,-0.0016348809003829956,-0.0014334991574287415,-2.421731788641462,3,1334,0 -7335,0.0018508575812873143,-0.0012088455259799957,-0.001401558518409729,-2.282503204767845,3,1335,0 -7336,0.002007206387748889,-0.0014627203345298767,-0.0013745278120040894,-2.387268309059947,3,1336,0 -7337,0.002249798967278182,-0.0014272481203079224,-0.0017391256988048553,-2.2580144094719263,3,1337,0 -7338,0.002450996724774655,-0.0017863921821117401,-0.0016781501471996307,-2.387427139822606,3,1338,0 -7339,0.0020525562880181407,-0.0015221722424030304,-0.0013769455254077911,-2.4062460701116186,3,1339,0 -7340,0.002127130149532191,-0.0018897131085395813,-0.0009765587747097015,-2.664614328634336,3,1340,0 -7341,0.002249899379671407,-0.0015719197690486908,-0.0016096942126750946,-2.344322318056857,3,1341,0 -7342,0.0022380554537919112,-0.0017714761197566986,-0.001367758959531784,-2.484096128266179,3,1342,0 -7343,0.002032025630323552,-0.0011898316442966461,-0.0016472488641738892,-2.1963419713482364,3,1343,0 -7344,0.001756164211696617,-0.0012805871665477753,-0.0012017525732517242,-2.387942000149106,3,1344,0 -7345,0.0020483952657172158,-0.0013079755008220673,-0.0015764273703098297,-2.263391657151977,3,1345,0 -7346,0.0021985671023802967,-0.001515861600637436,-0.001592438668012619,-2.3315631567850255,3,1346,0 -7347,0.002046100756818717,-0.0015423335134983063,-0.0013445205986499786,-2.4246095129495653,3,1347,0 -7348,0.0018661593002796534,-0.001431141048669815,-0.0011976584792137146,-2.4447792281155816,3,1348,0 -7349,0.0020764804318526395,-0.0013535618782043457,-0.001574687659740448,-2.2808228764284735,3,1349,0 -7350,0.0018519232412451785,-0.0009985044598579407,-0.0015596821904182434,-2.1402495344878973,3,1350,0 -7351,0.001861089210407746,-0.0010589882731437683,-0.0015304237604141235,-2.1761042542739246,3,1351,0 -7352,0.0023987426917180697,-0.0016938559710979462,-0.001698475331068039,-2.3548327844202688,3,1352,0 -7353,0.0017164306670915653,-0.0009921528398990631,-0.001400630921125412,-2.187111934277185,3,1353,0 -7354,0.0023414394908755393,-0.0013575069606304169,-0.0019077509641647339,-2.1892482538406135,3,1354,0 -7355,0.0042311704481184246,-0.002355661243200302,-0.0035147778689861298,-2.1612523100139542,3,1355,0 -7356,0.002058150016086038,-0.0014963410794734955,-0.0014131329953670502,-2.384785708982654,3,1356,0 -7357,0.0023776166359023116,-0.0014750957489013672,-0.0018647126853466034,-2.240060951569509,3,1357,0 -7358,0.0022096017898306833,-0.0012266859412193298,-0.0018378198146820068,-2.1593535038811744,3,1358,0 -7359,0.0020517613343859933,-0.001749873161315918,-0.001071292906999588,-2.5922422809193457,3,1359,0 -7360,0.002370428654287921,-0.0017078518867492676,-0.0016438290476799011,-2.3752938780042587,3,1360,0 -7361,0.0021334571530843794,-0.001790013164281845,-0.0011608153581619263,-2.566275853885937,3,1361,0 -7362,0.0018337517166268562,-0.0011596046388149261,-0.0014205500483512878,-2.2554016399253825,3,1362,0 -7363,0.0022439162119678854,-0.001453157514333725,-0.001709822565317154,-2.2752253092830754,3,1363,0 -7364,0.0020245956340626745,-0.0015966258943080902,-0.0012448988854885101,-2.47934913879987,3,1364,0 -7365,0.002088932763199776,-0.0014782249927520752,-0.0014759711921215057,-2.3569574050606406,3,1365,0 -7366,0.0020391971317556866,-0.0012733638286590576,-0.0015927553176879883,-2.245215445270293,3,1366,0 -7367,0.0018994897760661277,-0.0015368685126304626,-0.001116286963224411,-2.5134075916554264,3,1367,0 -7368,0.0017779251835778075,-0.001078277826309204,-0.0014136247336864471,-2.222423525466467,3,1368,0 -7369,0.0021024373446708686,-0.0016604550182819366,-0.0012896247208118439,-2.4812404160532053,3,1369,0 -7370,0.0021418693933316323,-0.0018732883036136627,-0.0010384581983089447,-2.6354155092930407,3,1370,0 -7371,0.0018896986486780128,-0.0012834779918193817,-0.0013869553804397583,-2.3174645800508125,3,1371,0 -7372,0.0018664902715940885,-0.0011288076639175415,-0.001486465334892273,-2.2202803206794033,3,1372,0 -7373,0.0023423370680997753,-0.0019236579537391663,-0.0013364441692829132,-2.534404904874751,3,1373,0 -7374,0.001675622275554891,-0.0012083016335964203,-0.0011609122157096863,-2.376193993173942,3,1374,0 -7375,0.002115408832547838,-0.0015719756484031677,-0.0014155730605125427,-2.408498219642193,3,1375,0 -7376,0.0020939246143177603,-0.001296013593673706,-0.0016446486115455627,-2.238188681074456,3,1376,0 -7377,0.001997919672492978,-0.0015242472290992737,-0.0012916475534439087,-2.4386097888693494,3,1377,0 -7378,0.0015475691895237744,-0.0010554306209087372,-0.0011318288743495941,-2.3212799282722862,3,1378,0 -7379,0.0018979887216221166,-0.0009275823831558228,-0.0016558840870857239,-2.0814167180330507,3,1379,0 -7380,0.001648067320556855,-0.0012713968753814697,-0.001048654317855835,-2.451908733392778,3,1380,0 -7381,0.0020311597125061706,-0.0015237778425216675,-0.001343023031949997,-2.4191621889791026,3,1381,0 -7382,0.0021450766433936557,-0.0011818036437034607,-0.001790165901184082,-2.1542837816610443,3,1382,0 -7383,0.002296855978384705,-0.0017027109861373901,-0.001541532576084137,-2.4058350286336383,3,1383,0 -7384,0.0021321092495508037,-0.0016515813767910004,-0.001348394900560379,-2.4569154651132843,3,1384,0 -7385,0.002109839982182993,-0.001382395625114441,-0.00159386545419693,-2.2852615191780212,3,1385,0 -7386,0.002387640429206194,-0.001499909907579422,-0.0018577128648757935,-2.2500307736984326,3,1386,0 -7387,0.002310022684037592,-0.0018002614378929138,-0.0014475025236606598,-2.464386292489357,3,1387,0 -7388,0.0015031721097736712,-0.0011838525533676147,-0.0009262934327125549,-2.47765120170283,3,1388,0 -7389,0.002019672219027753,-0.001477409154176712,-0.0013770759105682373,-2.391329357665802,3,1389,0 -7390,0.0018285464197308327,-0.0014780201017856598,-0.0010765865445137024,-2.5120609228536073,3,1390,0 -7391,0.0019023602137583503,-0.001630336046218872,-0.0009802952408790588,-2.600229452585328,3,1391,0 -7392,0.0020040063288227876,-0.0013942345976829529,-0.0014394968748092651,-2.340223171472113,3,1392,0 -7393,0.0016721513070652916,-0.0012275390326976776,-0.0011354461312294006,-2.395147894793405,3,1393,0 -7394,0.0024513902478380777,-0.00194627046585083,-0.001490417867898941,-2.4880676710675167,3,1394,0 -7395,0.0019712837867102056,-0.0015364736318588257,-0.0012349933385849,-2.464548484659063,3,1395,0 -7396,0.002056840799220988,-0.0010297596454620361,-0.0017805024981498718,-2.095147111899044,3,1396,0 -7397,0.0019922933128353735,-0.0012478716671466827,-0.0015530772507190704,-2.247657639150257,3,1397,0 -7398,0.002217091566788074,-0.0015647336840629578,-0.0015707015991210938,-2.354291115600875,3,1398,0 -7399,0.002399129225008334,-0.0014844685792922974,-0.0018847212195396423,-2.2379507771772533,3,1399,0 -7400,0.002165970324177878,-0.001760978251695633,-0.0012611038982868195,-2.520117557474616,3,1400,0 -7401,0.002388544984733844,-0.0016320869326591492,-0.0017439723014831543,-2.3230657959700554,3,1401,0 -7402,0.0024364245096637612,-0.0017374791204929352,-0.0017080195248126984,-2.364744450839343,3,1402,0 -7403,0.0022693249302621747,-0.0014898106455802917,-0.0017118118703365326,-2.2869650767740715,3,1403,0 -7404,0.0018070634347355917,-0.0012059248983860016,-0.0013458169996738434,-2.3014271149161103,3,1404,0 -7405,0.0023298209287865457,-0.0017862096428871155,-0.0014958344399929047,-2.4444386101315647,3,1405,0 -7406,0.002019142783746914,-0.00104474276304245,-0.0017278455197811127,-2.114628342497879,3,1406,0 -7407,0.0025695071461816835,-0.0018089599907398224,-0.001824837177991867,-2.351825207736689,3,1407,0 -7408,0.0021125288263817853,-0.0015676841139793396,-0.0014160312712192535,-2.4069776358784276,3,1408,0 -7409,0.0018969366289598698,-0.001511983573436737,-0.0011455453932285309,-2.4932172611791934,3,1409,0 -7410,0.001967905573526799,-0.0014498308300971985,-0.0013306550681591034,-2.3990297596692076,3,1410,0 -7411,0.00204121316287617,-0.0017835795879364014,-0.0009926706552505493,-2.6337262445090346,3,1411,0 -7412,0.002066290427641858,-0.001351386308670044,-0.0015631094574928284,-2.283677012000961,3,1412,0 -7413,0.0018160405480760243,-0.0018150806427001953,-5.9038400650024414e-05,-3.1090775179023846,3,1413,0 -7414,0.002121611461426841,-0.001901879906654358,-0.0009402595460414886,-2.6824476970019804,3,1414,0 -7415,0.0018622281301052407,-0.0013727173209190369,-0.0012583881616592407,-2.399620070957483,3,1415,0 -7416,0.0024623558528585254,-0.0019404739141464233,-0.0015158355236053467,-2.478440776439684,3,1416,0 -7417,0.0020645762742163938,-0.0016391091048717499,-0.0012553073465824127,-2.488026154870726,3,1417,0 -7418,0.0020563021203744533,-0.0016869232058525085,-0.0011758692562580109,-2.5328495252521974,3,1418,0 -7419,0.0020799107657661227,-0.001416582614183426,-0.0015229322016239166,-2.3200309636562664,3,1419,0 -7420,0.0019296664421170888,-0.0013024061918258667,-0.001423850655555725,-2.3116776908152126,3,1420,0 -7421,0.0022073355684834005,-0.0017556287348270416,-0.0013379454612731934,-2.4903993317008553,3,1421,0 -7422,0.0021741549374448997,-0.0012799985706806183,-0.0017574280500411987,-2.200287868330923,3,1422,0 -7423,0.002175364504851852,-0.0015984214842319489,-0.001475553959608078,-2.3961434610460053,3,1423,0 -7424,0.0021546353513581303,-0.0016911514103412628,-0.001335088163614273,-2.4733146624245865,3,1424,0 -7425,0.002378763398397124,-0.001616150140762329,-0.0017454437911510468,-2.3177514320133965,3,1425,0 -7426,0.0022973630934403706,-0.0019648633897304535,-0.0011904574930667877,-2.596866026040289,3,1426,0 -7427,0.0022596341631466116,-0.0016298182308673859,-0.0015651322901248932,-2.3764380288506524,3,1427,0 -7428,0.0023847376687437315,-0.001375984400510788,-0.0019477270543575287,-2.1858423690036597,3,1428,0 -7429,0.002014930720518149,-0.001497112214565277,-0.0013485550880432129,-2.408351814071374,3,1429,0 -7430,0.0018655070199645773,-0.0013201497495174408,-0.0013180747628211975,-2.3569809987926096,3,1430,0 -7431,0.0018330718201632367,-0.0011852197349071503,-0.0013983584940433502,-2.273883379044039,3,1431,0 -7432,0.0022869961498889354,-0.0017470046877861023,-0.0014759153127670288,-2.440109932358675,3,1432,0 -7433,0.0020262784542766786,-0.0018358975648880005,-0.0008574873208999634,-2.7046367349415954,3,1433,0 -7434,0.0021905916249196898,-0.0016425885260105133,-0.0014493428170681,-2.4186133001883023,3,1434,0 -7435,0.0023001414164778903,-0.0014926381409168243,-0.0017500519752502441,-2.2769778054326455,3,1435,0 -7436,0.0025839585429571054,-0.00167064368724823,-0.0019712410867214203,-2.2738422000513525,3,1436,0 -7437,0.002202950814195333,-0.0016830377280712128,-0.0014213994145393372,-2.4402746190103013,3,1437,0 -7438,0.002132878240284238,-0.0016065947711467743,-0.0014028623700141907,-2.4237887484570084,3,1438,0 -7439,0.0019687669555097857,-0.0014807544648647308,-0.0012974627315998077,-2.4220736054644925,3,1439,0 -7440,0.0025597958947971896,-0.0017801225185394287,-0.0018394887447357178,-2.3397946893484427,3,1440,0 -7441,0.0021063658331941892,-0.0013450272381305695,-0.001621011644601822,-2.2634134975984446,3,1441,0 -7442,0.0021754918658975805,-0.001533370465040207,-0.0015432238578796387,-2.352991806277651,3,1442,0 -7443,0.0019746014432942267,-0.0015047639608383179,-0.001278568059206009,-2.4372843114417915,3,1443,0 -7444,0.0019621380477170473,-0.0015305206179618835,-0.00122779980301857,-2.465505261253765,3,1444,0 -7445,0.0027085830695422566,-0.0016616582870483398,-0.002138998359441757,-2.2312545729205313,3,1445,0 -7446,0.0020513781337116216,-0.0015305094420909882,-0.00136590376496315,-2.41296429353075,3,1446,0 -7447,0.0021553388169643687,-0.0014518499374389648,-0.0015929900109767914,-2.3098737909874245,3,1447,0 -7448,0.0019882463743203464,-0.0015220493078231812,-0.001279253512620926,-2.4426508879631097,3,1448,0 -7449,0.0023873351895586127,-0.001913074404001236,-0.001428116112947464,-2.500333272957925,3,1449,0 -7450,0.0022769277351409323,-0.0019432604312896729,-0.0011866502463817596,-2.593379701055522,3,1450,0 -7451,0.0017631921557782915,-0.0009813271462917328,-0.0014648698270320892,-2.161039164740969,3,1451,0 -7452,0.0021396064079943324,-0.0015183426439762115,-0.001507498323917389,-2.359778377694959,3,1452,0 -7453,0.001912755284280324,-0.0012171529233455658,-0.0014755241572856903,-2.2605340623972476,3,1453,0 -7454,0.0019416474507531795,-0.0015128739178180695,-0.0012170486152172089,-2.46413728159994,3,1454,0 -7455,0.0022836552552547174,-0.0015785321593284607,-0.001650247722864151,-2.3339867906408576,3,1455,0 -7456,0.0019719314956701973,-0.0014360882341861725,-0.0013513565063476562,-2.386582767755656,3,1456,0 -7457,0.003886546840652379,-0.0017128102481365204,-0.003488771617412567,-2.0271772567472213,3,1457,0 -7458,0.0019730978190393017,-0.0013466477394104004,-0.00144210085272789,-2.32197990961647,3,1458,0 -7459,0.0023154169491579387,-0.001890759915113449,-0.0013364814221858978,-2.526284937388236,3,1459,0 -7460,0.002413275203660184,-0.0019780322909355164,-0.001382492482662201,-2.531589799130686,3,1460,0 -7461,0.0022897031818087748,-0.0018026866018772125,-0.0014117583632469177,-2.4772162622104865,3,1461,0 -7462,0.002221779818599578,-0.0017426051199436188,-0.0013782717287540436,-2.47240916931339,3,1462,0 -7463,0.0021265449991919264,-0.0015983767807483673,-0.0014026351273059845,-2.4213274462468255,3,1463,0 -7464,0.002077154387923891,-0.0015123486518859863,-0.001423858106136322,-2.3863230799643222,3,1464,0 -7465,0.002308488657230564,-0.0018314197659492493,-0.0014053545892238617,-2.4870746718365107,3,1465,0 -7466,0.0017584059576810239,-0.001309998333454132,-0.0011729858815670013,-2.411319142928875,3,1466,0 -7467,0.002013990326933802,-0.0015274249017238617,-0.0013126805424690247,-2.431662293884513,3,1467,0 -7468,0.004134342902648934,-0.0013499259948730469,-0.003907747566699982,-1.9034107225117272,3,1468,0 -7469,0.0021482572127050417,-0.0016940347850322723,-0.0013210810720920563,-2.479264015245214,3,1469,0 -7470,0.0017910931193285472,-0.0013888999819755554,-0.001130916178226471,-2.4582209924326492,3,1470,0 -7471,0.002102508074330209,-0.0017559900879859924,-0.001156304031610489,-2.5592713603469432,3,1471,0 -7472,0.001916427487820264,-0.0014136061072349548,-0.0012939907610416412,-2.4003434630822396,3,1472,0 -7473,0.0020842053921059315,-0.0018024779856204987,-0.0010464154183864594,-2.6156028721955957,3,1473,0 -7474,0.0022599775047213006,-0.0012677162885665894,-0.0018709339201450348,-2.1663195621158047,3,1474,0 -7475,0.002277954662733517,-0.0017943568527698517,-0.0014033392071723938,-2.477871479223927,3,1475,0 -7476,0.0022750243432494805,-0.001904081553220749,-0.0012450739741325378,-2.562482487273835,3,1476,0 -7477,0.001990930148144895,-0.0016180090606212616,-0.0011601075530052185,-2.519550194518796,3,1477,0 -7478,0.0037992110099152624,-0.0016625188291072845,-0.0034161433577537537,-2.02371947527427,3,1478,0 -7479,0.001981536029437053,-0.0013870522379875183,-0.0014151223003864288,-2.3461775825469324,3,1479,0 -7480,0.0019963472824930484,-0.0012036487460136414,-0.001592680811882019,-2.2179593866348184,3,1480,0 -7481,0.0018933359697103844,-0.0013644658029079437,-0.0013126134872436523,-2.3755610562292024,3,1481,0 -7482,0.002106868200005313,-0.0014874562621116638,-0.0014921016991138458,-2.3546353887086364,3,1482,0 -7483,0.002298201349277791,-0.0018714331090450287,-0.001333966851234436,-2.5223243366417205,3,1483,0 -7484,0.00211816697443712,-0.0016079805791378021,-0.0013787783682346344,-2.4327838228159933,3,1484,0 -7485,0.0019354811380530679,-0.0009413324296474457,-0.0016911476850509644,-2.078710480560084,3,1485,0 -7486,0.0019928775063969635,-0.0011649318039417267,-0.001616939902305603,-2.1951187147935527,3,1486,0 -7487,0.0021098478641064125,-0.0015121810138225555,-0.0014713145792484283,-2.3698911348761547,3,1487,0 -7488,0.0017630245062425518,-0.0013014152646064758,-0.0011893585324287415,-2.4011528977354963,3,1488,0 -7489,0.001955898482599715,-0.001488901674747467,-0.0012683495879173279,-2.4360143803230536,3,1489,0 -7490,0.0021093138067953925,-0.001390799880027771,-0.0015858374536037445,-2.290765230781097,3,1490,0 -7491,0.0018234038304190273,-0.001361604779958725,-0.0012127794325351715,-2.413940294674847,3,1491,0 -7492,0.0019088462053286812,-0.0012552440166473389,-0.0014380738139152527,-2.2884157310436746,3,1492,0 -7493,0.0018552725464848067,-0.0015302039682865143,-0.0010490529239177704,-2.5406210514015872,3,1493,0 -7494,0.0021689970791374477,-0.0015464536845684052,-0.0015208646655082703,-2.364536769188566,3,1494,0 -7495,0.001989910559467162,-0.0015103556215763092,-0.0012955963611602783,-2.432582604485857,3,1495,0 -7496,0.0022464908776342165,-0.0013998039066791534,-0.0017570629715919495,-2.2435050641605048,3,1496,0 -7497,0.002264960656784762,-0.0017093457281589508,-0.0014859959483146667,-2.4259795451081363,3,1497,0 -7498,0.0020616477738161815,-0.0012490823864936829,-0.0016401782631874084,-2.221650334599829,3,1498,0 -7499,0.002087775833023225,-0.0014766938984394073,-0.0014758668839931488,-2.3564745909203473,3,1499,0 -7500,0.0026141327131708734,-0.00190628319978714,-0.0017887912690639496,-2.387980685368031,3,1500,0 -7501,0.002298932692635267,-0.0018076226115226746,-0.0014204196631908417,-2.475573905047003,3,1501,0 -7502,0.0018315014441172878,-0.0013183914124965668,-0.0012713149189949036,-2.3743708017163327,3,1502,0 -7503,0.002145691401046624,-0.0017695799469947815,-0.0012134984135627747,-2.5404911616953227,3,1503,0 -7504,0.0019643958408694625,-0.001317530870437622,-0.0014570392668247223,-2.3059557145565948,3,1504,0 -7505,0.0026854293818475536,-0.0015215277671813965,-0.002212800085544586,-2.1731535467624683,3,1505,0 -7506,0.0017381847226226818,-0.001370701938867569,-0.0010688602924346924,-2.4792966528934954,3,1506,0 -7507,0.0026568586940923238,-0.002034708857536316,-0.0017084665596485138,-2.4431313638126606,3,1507,0 -7508,0.0018229844419268137,-0.0011652149260044098,-0.0014019794762134552,-2.2642276864409174,3,1508,0 -7509,0.001897651033525325,-0.0011685974895954132,-0.0014951452612876892,-2.2342132855440298,3,1509,0 -7510,0.0019233809829319185,-0.0011932961642742157,-0.0015084557235240936,-2.2400692326109857,3,1510,0 -7511,0.002137268105282925,-0.0016307570040225983,-0.00138150155544281,-2.438753433764514,3,1511,0 -7512,0.0013530164337232865,-0.0008606612682342529,-0.0010439902544021606,-2.2602368055378337,3,1512,0 -7513,0.002045931347077854,-0.001666475087404251,-0.0011868849396705627,-2.522717098696098,3,1513,0 -7514,0.0023528860376808777,-0.001921527087688446,-0.0013578683137893677,-2.5264101738425513,3,1514,0 -7515,0.0018983580308965552,-0.0010955259203910828,-0.0015503503382205963,-2.1859589104587456,3,1515,0 -7516,0.001946937777950095,-0.0015780143439769745,-0.0011403672397136688,-2.5158202175394613,3,1516,0 -7517,0.001747750773830218,-0.0013264007866382599,-0.001138109713792801,-2.4324473573665926,3,1517,0 -7518,0.0019183499601524315,-0.001443568617105484,-0.001263398677110672,-2.4226543242142817,3,1518,0 -7519,0.0021484801486989355,-0.0016560405492782593,-0.0013687573373317719,-2.4508864533675996,3,1519,0 -7520,0.002436829719958822,-0.0016894899308681488,-0.0017560645937919617,-2.3368749933160435,3,1520,0 -7521,0.001707177970087701,-0.0013124719262123108,-0.00109172984957695,-2.4477529072331774,3,1521,0 -7522,0.0018837618485232706,-0.0014569945633411407,-0.0011940374970436096,-2.4550615451698548,3,1522,0 -7523,0.0019552968252545483,-0.0014268942177295685,-0.001336846500635147,-2.388764793416319,3,1523,0 -7524,0.0020687195730611776,-0.0017101764678955078,-0.0011640004813671112,-2.543984095383143,3,1524,0 -7525,0.002223050973040705,-0.0018108822405338287,-0.0012894421815872192,-2.522823863022976,3,1525,0 -7526,0.00444051175976332,-0.0022181272506713867,-0.0038468241691589355,-2.0938416669042423,3,1526,0 -7527,0.0020135859367745278,-0.0015360154211521149,-0.0013019926846027374,-2.4384685551037086,3,1527,0 -7528,0.001647200791422593,-0.0009406432509422302,-0.0013522058725357056,-2.178587506488692,3,1528,0 -7529,0.002088263009349432,-0.0012392215430736542,-0.0016808249056339264,-2.206100239857773,3,1529,0 -7530,0.002153846056041956,-0.0014573000371456146,-0.001585979014635086,-2.3139366587147316,3,1530,0 -7531,0.001570968151744398,-0.0011985525488853455,-0.0010155849158763885,-2.4386432341067152,3,1531,0 -7532,0.00209298612569813,-0.0013866610825061798,-0.0015677250921726227,-2.294984541939168,3,1532,0 -7533,0.002160721605565947,-0.0016297698020935059,-0.0014186501502990723,-2.4253395197401026,3,1533,0 -7534,0.0018973035793805855,-0.0015789419412612915,-0.0010519996285438538,-2.553865601137456,3,1534,0 -7535,0.002331712130355698,-0.0014393143355846405,-0.0018344633281230927,-2.2360743454552288,3,1535,0 -7536,0.0021369802574178923,-0.0016212500631809235,-0.0013922043144702911,-2.432056329751715,3,1536,0 -7537,0.0020205816254567047,-0.0015143118798732758,-0.0013377629220485687,-2.4180175432586815,3,1537,0 -7538,0.0019310263892328837,-0.0013828016817569733,-0.0013478584587574005,-2.3689904128009704,3,1538,0 -7539,0.0023858000963699975,-0.0016345791518688202,-0.0017378702759742737,-2.325576138045192,3,1539,0 -7540,0.0019512758738386758,-0.001494869589805603,-0.0012541301548480988,-2.4435451102181367,3,1540,0 -7541,0.002105482190248287,-0.0016382522881031036,-0.0013225674629211426,-2.462413953655322,3,1541,0 -7542,0.0020738421308368025,-0.0015898644924163818,-0.0013315975666046143,-2.444368582484822,3,1542,0 -7543,0.002366867336527631,-0.0017728284001350403,-0.0015681646764278412,-2.4173763866689497,3,1543,0 -7544,0.0020801688908459173,-0.0013977140188217163,-0.0015406161546707153,-2.3075989883866925,3,1544,0 -7545,0.0021274484882499965,-0.0017331577837467194,-0.0012337751686573029,-2.522947601490213,3,1545,0 -7546,0.002291749649317817,-0.0017905272543430328,-0.0014304295182228088,-2.467530543599267,3,1546,0 -7547,0.002350061854206316,-0.00196104496717453,-0.0012950263917446136,-2.5579580075470076,3,1547,0 -7548,0.0025852749963476795,-0.0014827288687229156,-0.0021178200840950012,-2.1816030363151104,3,1548,0 -7549,0.0016122145489052768,-0.001161031424999237,-0.0011185891926288605,-2.3748104515882336,3,1549,0 -7550,0.0018883799714747532,-0.0012398883700370789,-0.001424308866262436,-2.287082947761561,3,1550,0 -7551,0.0018791461402749578,-0.0014278143644332886,-0.0012216940522193909,-2.433833794709652,3,1551,0 -7552,0.0021739390818174813,-0.0017816275358200073,-0.0012457184493541718,-2.5314021162732807,3,1552,0 -7553,0.001732406218090332,-0.0012711212038993835,-0.0011770650744438171,-2.3945943030349732,3,1553,0 -7554,0.003888197192289967,-0.001726292073726654,-0.003483962267637253,-2.0308348718215643,3,1554,0 -7555,0.0020080133353696404,-0.0014690198004245758,-0.001368977129459381,-2.3914310549824394,3,1555,0 -7556,0.0020195761781220175,-0.001629061996936798,-0.0011936686933040619,-2.5092338376106404,3,1556,0 -7557,0.001987487221058395,-0.0014085657894611359,-0.0014021582901477814,-2.358474147687101,3,1557,0 -7558,0.0018956213002653702,-0.0013246163725852966,-0.0013560131192207336,-2.344482572836834,3,1558,0 -7559,0.0027303358179742742,-0.001244284212589264,-0.0024303272366523743,-2.04398365842685,3,1559,0 -7560,0.0017230825272961212,-0.0012195929884910583,-0.0012172125279903412,-2.3571713673897254,3,1560,0 -7561,0.0021771174209931593,-0.00171608105301857,-0.001339741051197052,-2.4787325330766476,3,1561,0 -7562,0.0027569138081211006,-0.0012773312628269196,-0.0024431534111499786,-2.0525334066074166,3,1562,0 -7563,0.0019613702529404967,-0.0015234015882015228,-0.0012354031205177307,-2.4602102156772276,3,1563,0 -7564,0.001761031618835205,-0.0012038983404636383,-0.0012852475047111511,-2.3235245603185444,3,1564,0 -7565,0.0018084094920687369,-0.0012115463614463806,-0.001342572271823883,-2.3049395678011937,3,1565,0 -7566,0.0019647544103890166,-0.0015129521489143372,-0.0012534894049167633,-2.4497102743768404,3,1566,0 -7567,0.0018112960856768346,-0.0010629594326019287,-0.0014665983617305756,-2.197959528333099,3,1567,0 -7568,0.002187892442233602,-0.0015233978629112244,-0.0015703924000263214,-2.3410057025896434,3,1568,0 -7569,0.0021224058229881455,-0.0016232505440711975,-0.0013673566281795502,-2.441552452519377,3,1569,0 -7570,0.003592496154878864,-0.0018228739500045776,-0.0030956678092479706,-2.1029745470914105,3,1570,0 -7571,0.0022800151617773856,-0.0014121904969215393,-0.0017900243401527405,-2.238746109233081,3,1571,0 -7572,0.0026730446328908177,-0.0013430491089820862,-0.0023111440241336823,-2.097216845344387,3,1572,0 -7573,0.0020327450248440685,-0.0012895576655864716,-0.0015713348984718323,-2.258018366400631,3,1573,0 -7574,0.0019559952547766836,-0.0014170780777931213,-0.0013482607901096344,-2.3810750166494827,3,1574,0 -7575,0.0017082476797031039,-0.0011841952800750732,-0.0012311749160289764,-2.3367466585390866,3,1575,0 -7576,0.0020127140313716675,-0.0014851577579975128,-0.001358427107334137,-2.4007322306978915,3,1576,0 -7577,0.0018971494557172878,-0.0014813728630542755,-0.0011852048337459564,-2.466807858025334,3,1577,0 -7578,0.0020782199750932753,-0.0016328468918800354,-0.0012856163084506989,-2.474615014984755,3,1578,0 -7579,0.002012732603769518,-0.001320771872997284,-0.0015187673270702362,-2.2865791446926815,3,1579,0 -7580,0.0024853247379235713,-0.00204375758767128,-0.0014141760766506195,-2.5362904876261934,3,1580,0 -7581,0.0017092358861280302,-0.001329902559518814,-0.0010737068951129913,-2.4623814637393298,3,1581,0 -7582,0.0017788507984301896,-0.0011699125170707703,-0.0013400055468082428,-2.2885295889374104,3,1582,0 -7583,0.0015799115135100464,-0.0011794231832027435,-0.0010512284934520721,-2.4136009594139085,3,1583,0 -7584,0.0017765119613684483,-0.001273825764656067,-0.0012382902204990387,-2.370339209000548,3,1584,0 -7585,0.002007354090347183,-0.00150337815284729,-0.001330159604549408,-2.4172500572099227,3,1585,0 -7586,0.002019557131804713,-0.0012865401804447174,-0.00155673548579216,-2.261449424339676,3,1586,0 -7587,0.002203890998895084,-0.0016901195049285889,-0.0014144368469715118,-2.444761557360048,3,1587,0 -7588,0.0024787671553166855,-0.0016322210431098938,-0.0018655136227607727,-2.289594940259636,3,1588,0 -7589,0.002254326565247628,-0.0016519315540790558,-0.0015339851379394531,-2.3931987772677927,3,1589,0 -7590,0.002416736415332147,-0.00181671604514122,-0.0015937872231006622,-2.421467008167002,3,1590,0 -7591,0.002037549735017548,-0.0011941231787204742,-0.0016509629786014557,-2.1969820265144335,3,1591,0 -7592,0.0018962601739672346,-0.0012651793658733368,-0.0014124885201454163,-2.3012359151940673,3,1592,0 -7593,0.0022785030852456568,-0.0017875917255878448,-0.0014128312468528748,-2.47276082019813,3,1593,0 -7594,0.0017253281724710484,-0.0013403035700321198,-0.0010864362120628357,-2.4604278753485342,3,1594,0 -7595,0.0023866383030047246,-0.0016298294067382812,-0.0017434731125831604,-2.3225180734472746,3,1595,0 -7596,0.0017869416688990564,-0.0013197138905525208,-0.0012047886848449707,-2.4016869820949234,3,1596,0 -7597,0.001988634039158251,-0.0017035827040672302,-0.0010259002447128296,-2.5995558957422342,3,1597,0 -7598,0.0021668812314307824,-0.0018058009445667267,-0.0011976882815361023,-2.5559627024363474,3,1598,0 -7599,0.002151028613294278,-0.0014534741640090942,-0.0015856660902500153,-2.3127254025218322,3,1599,0 -7600,0.0022106823297307504,-0.0016917362809181213,-0.001423075795173645,-2.4422340983306827,3,1600,0 -7601,0.00205837782418864,-0.0013470649719238281,-0.0015563853085041046,-2.284225351405236,3,1601,0 -7602,0.0021759796248333268,-0.0017257221043109894,-0.0013254322111606598,-2.4866424253604356,3,1602,0 -7603,0.0021210849461180113,-0.0015821084380149841,-0.0014127753674983978,-2.412675135894312,3,1603,0 -7604,0.0018159929576259488,-0.0013534799218177795,-0.0012107528746128082,-2.4117978370524122,3,1604,0 -7605,0.002206402749510683,-0.0016784295439720154,-0.0014321617782115936,-2.4352004189738774,3,1605,0 -7606,0.0018195460324537066,-0.0013601630926132202,-0.0012085959315299988,-2.415130199478972,3,1606,0 -7607,0.002315534488675439,-0.0018164850771427155,-0.001435995101928711,-2.4726497339502767,3,1607,0 -7608,0.00196165359778961,-0.0013783052563667297,-0.0013958364725112915,-2.3498750644070974,3,1608,0 -7609,0.0020972529102450924,-0.001351386308670044,-0.0016038157045841217,-2.270982673528373,3,1609,0 -7610,0.0021176979439288257,-0.0014122314751148224,-0.001578051596879959,-2.3007982406716954,3,1610,0 -7611,0.002254394227398662,-0.001568388193845749,-0.0016193985939025879,-2.340194032745757,3,1611,0 -7612,0.002082114093251416,-0.0015632733702659607,-0.0013752728700637817,-2.420084798861134,3,1612,0 -7613,0.0018664551760183674,-0.001583889126777649,-0.0009873956441879272,-2.5841451082561724,3,1613,0 -7614,0.0022366721645109833,-0.0017302967607975006,-0.0014173127710819244,-2.455304157231289,3,1614,0 -7615,0.0018303134463879354,-0.0013717003166675568,-0.0012118108570575714,-2.4180040902580457,3,1615,0 -7616,0.0018396009791864525,-0.0012578479945659637,-0.0013423673808574677,-2.3237011670028282,3,1616,0 -7617,0.002199655206220058,-0.0017283819615840912,-0.001360580325126648,-2.474706165394154,3,1617,0 -7618,0.001896178167342227,-0.0012991651892662048,-0.0013811811804771423,-2.3256050076898425,3,1618,0 -7619,0.0020658071280470975,-0.0014881975948810577,-0.001432769000530243,-2.375168326705003,3,1619,0 -7620,0.003937084785889073,-0.002004604786634445,-0.003388538956642151,-2.105004468793662,3,1620,0 -7621,0.0019225097639783341,-0.0013399384915828705,-0.0013786256313323975,-2.341964725227787,3,1621,0 -7622,0.0016989541396289338,-0.0009302981197834015,-0.001421615481376648,-2.1502550041972888,3,1622,0 -7623,0.001965195619155184,-0.0013194717466831207,-0.0014563612639904022,-2.306919656593334,3,1623,0 -7624,0.0018155745904452076,-0.0014175474643707275,-0.0011344030499458313,-2.4666946930995772,3,1624,0 -7625,0.0018865528805700742,-0.0010669603943824768,-0.0015558525919914246,-2.171909445784086,3,1625,0 -7626,0.0020955086703933305,-0.0016152597963809967,-0.00133495032787323,-2.450923507539017,3,1626,0 -7627,0.0017457641618041618,-0.0013161301612854004,-0.001146949827671051,-2.4247732736724954,3,1627,0 -7628,0.0022799892224913193,-0.001479264348745346,-0.0017349720001220703,-2.276806975050431,3,1628,0 -7629,0.002046081991631867,-0.0013943947851657867,-0.001497369259595871,-2.3205999601337832,3,1629,0 -7630,0.004198197554608916,-0.0019463598728179932,-0.003719750791788101,-2.0528705211056435,3,1630,0 -7631,0.0019850465136640625,-0.0013221390545368195,-0.0014806613326072693,-2.299696149502253,3,1631,0 -7632,0.0018484658761061682,-0.001466996967792511,-0.001124609261751175,-2.487547887983178,3,1632,0 -7633,0.0018799531359325996,-0.0015558898448944092,-0.0010551922023296356,-2.545653290010202,3,1633,0 -7634,0.002008394172463485,-0.0014622099697589874,-0.0013768039643764496,-2.3862684023332297,3,1634,0 -7635,0.0015775401987749864,-0.0010087080299854279,-0.0012129060924053192,-2.264537743867496,3,1635,0 -7636,0.0016893855658078464,-0.0013676807284355164,-0.0009917020797729492,-2.5142204588632793,3,1636,0 -7637,0.0019949909896370406,-0.001275576651096344,-0.0015339143574237823,-2.2645005555735174,3,1637,0 -7638,0.0023094850381761276,-0.0018455497920513153,-0.00138840451836586,-2.496622065398639,3,1638,0 -7639,0.001794861799340042,-0.0013932213187217712,-0.0011315755546092987,-2.459456312361912,3,1639,0 -7640,0.002357960412358956,-0.0017669536173343658,-0.0015613622963428497,-2.417886480975283,3,1640,0 -7641,0.0018636839739179702,-0.0013814345002174377,-0.0012509822845458984,-2.405710047593632,3,1641,0 -7642,0.0020306356473380263,-0.0014076419174671173,-0.0014635659754276276,-2.3367194157279148,3,1642,0 -7643,0.0018157337484558942,-0.001303691416978836,-0.001263834536075592,-2.3717167012836273,3,1643,0 -7644,0.0018833568916830981,-0.0014604702591896057,-0.0011891424655914307,-2.4582415940921356,3,1644,0 -7645,0.0023832357290944303,-0.0019434280693531036,-0.0013794563710689545,-2.5243159368526964,3,1645,0 -7646,0.0018890322076354738,-0.001415211707353592,-0.0012512467801570892,-2.4176088091938426,3,1646,0 -7647,0.0019413255579737092,-0.0015872232615947723,-0.001117795705795288,-2.528022674911128,3,1647,0 -7648,0.0021065316762988854,-0.0014536939561367035,-0.001524548977613449,-2.3324080968495564,3,1648,0 -7649,0.0034221150181983503,-0.0011203810572624207,-0.003233514726161957,-1.9043409306929693,3,1649,0 -7650,0.00252888730941018,-0.002067767083644867,-0.0014558881521224976,-2.528128925377277,3,1650,0 -7651,0.0039973649649778144,-0.0018253698945045471,-0.0035562552511692047,-2.0450147886480945,3,1651,0 -7652,0.002184178793011901,-0.0016947612166404724,-0.001377832144498825,-2.458978095338277,3,1652,0 -7653,0.0018322278643948602,-0.001161869615316391,-0.001416727900505066,-2.257678437164199,3,1653,0 -7654,0.0029085828517415174,-0.0019629821181297302,-0.002146288752555847,-2.311615975147313,3,1654,0 -7655,0.004229228994174037,-0.0022091828286647797,-0.0036063678562641144,-2.1204133051643295,3,1655,0 -7656,0.002147918302607002,-0.0016664192080497742,-0.0013552121818065643,-2.4588256697821675,3,1656,0 -7657,0.0020900203126530607,-0.0014737360179424286,-0.0014819875359535217,-2.3534027891336056,3,1657,0 -7658,0.0017874507994042738,-0.001387074589729309,-0.0011273883283138275,-2.4591066627594653,3,1658,0 -7659,0.002212030603847879,-0.0015629194676876068,-0.0015653632581233978,-2.355413298032662,3,1659,0 -7660,0.0024250455741316574,-0.001569073647260666,-0.0018490143120288849,-2.2744770892790434,3,1660,0 -7661,0.0023487819591905606,-0.001756768673658371,-0.0015590190887451172,-2.415762727715859,3,1661,0 -7662,0.0018765897534736467,-0.0010536052286624908,-0.0015529021620750427,-2.166929409939122,3,1662,0 -7663,0.0022135655060232288,-0.0016945227980613708,-0.0014242418110370636,-2.442641340146478,3,1663,0 -7664,0.0020675956674975765,-0.0014014020562171936,-0.0015202052891254425,-2.315553225956572,3,1664,0 -7665,0.0020227196947951655,-0.0016967207193374634,-0.0011011511087417603,-2.5659293006247617,3,1665,0 -7666,0.002180586003654346,-0.00131312757730484,-0.0017408765852451324,-2.217038037503344,3,1666,0 -7667,0.0018262210244068342,-0.0015026703476905823,-0.0010378174483776093,-2.5371702828469718,3,1667,0 -7668,0.002098738901682879,-0.0014256872236728668,-0.0015401691198349,-2.317613697319482,3,1668,0 -7669,0.0020358777174591166,-0.0017079897224903107,-0.0011079572141170502,-2.566138337349669,3,1669,0 -7670,0.0020203646425795995,-0.001314006745815277,-0.001534685492515564,-2.2788822102152544,3,1670,0 -7671,0.0019256458184071217,-0.0012790970504283905,-0.0014394521713256836,-2.2972772071699494,3,1671,0 -7672,0.0018237318664912142,-0.001539573073387146,-0.0009776055812835693,-2.575845418528663,3,1672,0 -7673,0.0021760135001905974,-0.0017556622624397278,-0.0012855678796768188,-2.5095545251415796,3,1673,0 -7674,0.0021843225175499368,-0.0015490762889385223,-0.001540008932352066,-2.3591297703467715,3,1674,0 -7675,0.0019644159214681246,-0.0011305548250675201,-0.001606479287147522,-2.184032567922604,3,1675,0 -7676,0.0020214080104207772,-0.001454625278711319,-0.001403622329235077,-2.374036729273797,3,1676,0 -7677,0.0021572544030940225,-0.001347869634628296,-0.001684337854385376,-2.2456818235198837,3,1677,0 -7678,0.002218520303999498,-0.0014207065105438232,-0.001703944057226181,-2.265795393992977,3,1678,0 -7679,0.0021074327182612515,-0.0016451366245746613,-0.0013171173632144928,-2.466478192724656,3,1679,0 -7680,0.0019438945163130505,-0.001603107899427414,-0.0010994412004947662,-2.5404479565484435,3,1680,0 -7681,0.002149485043693868,-0.0017431825399398804,-0.001257617026567459,-2.516616065405745,3,1681,0 -7682,0.0023045846831968903,-0.0014891363680362701,-0.001758858561515808,-2.2733419171541773,3,1682,0 -7683,0.0019259056118820258,-0.001192435622215271,-0.0015123523771762848,-2.2384635219706825,3,1683,0 -7684,0.0022898082361369047,-0.0014262087643146515,-0.0017914101481437683,-2.243177633479865,3,1684,0 -7685,0.002181713757078527,-0.001656562089920044,-0.00141974538564682,-2.43302379503611,3,1685,0 -7686,0.002304934524996685,-0.001708701252937317,-0.001546952873468399,-2.4058359714765607,3,1686,0 -7687,0.0022728154908233395,-0.001470416784286499,-0.0017330795526504517,-2.274384962056134,3,1687,0 -7688,0.002117227463050276,-0.0013692565262317657,-0.0016148649156093597,-2.2740744950095766,3,1688,0 -7689,0.002072768604766423,-0.0013545602560043335,-0.0015689283609390259,-2.2829993564023963,3,1689,0 -7690,0.002145032250315138,-0.0012009330093860626,-0.0017773360013961792,-2.1650217371800893,3,1690,0 -7691,0.0018927680369232218,-0.00125788152217865,-0.0014143213629722595,-2.2977178360960466,3,1691,0 -7692,0.0020420686695648287,-0.0018027983605861664,-0.0009591467678546906,-2.652648872006766,3,1692,0 -7693,0.0018435931658240486,-0.0011434108018875122,-0.0014461837708950043,-2.2398038642396276,3,1693,0 -7694,0.00152071956170271,-0.0010456182062625885,-0.001104205846786499,-2.3289489382618798,3,1694,0 -7695,0.0017890914800078287,-0.0011478140950202942,-0.0013723596930503845,-2.26732989873723,3,1695,0 -7696,0.0017141626181694984,-0.0012709423899650574,-0.0011502429842948914,-2.40600462453332,3,1696,0 -7697,0.0022855029529416063,-0.001718822866678238,-0.0015063770115375519,-2.4219700692570947,3,1697,0 -7698,0.002550315165407247,-0.0018326044082641602,-0.0017736032605171204,-2.372554026162662,3,1698,0 -7699,0.002430371664010227,-0.001911889761686325,-0.0015004612505435944,-2.476185676619305,3,1699,0 -7700,0.00235250665022544,-0.0020255744457244873,-0.0011963844299316406,-2.608084249172001,3,1700,0 -7701,0.0017108671900512699,-0.0011278577148914337,-0.0012864693999290466,-2.2905927390664944,3,1701,0 -7702,0.0019080030298005517,-0.0012808889150619507,-0.0014141425490379333,-2.3067905388281575,3,1702,0 -7703,0.001828263551277721,-0.001531749963760376,-0.0009981431066989899,-2.56406834803613,3,1703,0 -7704,0.002271393555398814,-0.0013495683670043945,-0.001826990395784378,-2.207015698791265,3,1704,0 -7705,0.0020717219786015855,-0.0015558227896690369,-0.001368008553981781,-2.42034201798918,3,1705,0 -7706,0.002344694390729636,-0.0016891583800315857,-0.001626141369342804,-2.3752001390665707,3,1706,0 -7707,0.002178720009149421,-0.0015323646366596222,-0.00154876708984375,-2.350871024759773,3,1707,0 -7708,0.0022593241213042683,-0.0019033066928386688,-0.0012173615396022797,-2.572560829439604,3,1708,0 -7709,0.00180693696459919,-0.0012882426381111145,-0.0012670643627643585,-2.364482257746656,3,1709,0 -7710,0.0021314493501794975,-0.0016182325780391693,-0.001387227326631546,-2.432905528646959,3,1710,0 -7711,0.002388608539441362,-0.0016432031989097595,-0.001733589917421341,-2.329433851296005,3,1711,0 -7712,0.002050208100664376,-0.0017672032117843628,-0.001039396971464157,-2.609925060240074,3,1712,0 -7713,0.0020924098898861924,-0.0015656985342502594,-0.0013880804181098938,-2.416254670086997,3,1713,0 -7714,0.002051137807715206,-0.0015406571328639984,-0.0013540834188461304,-2.4205581184065874,3,1714,0 -7715,0.002195163951238385,-0.0016857534646987915,-0.001406051218509674,-2.4464145940625497,3,1715,0 -7716,0.002062222345612419,-0.0016961246728897095,-0.0011729970574378967,-2.5365436047019094,3,1716,0 -7717,0.0019718480558635495,-0.0015705786645412445,-0.0011922530829906464,-2.4922821052359634,3,1717,0 -7718,0.0021008871748531017,-0.0018374435603618622,-0.0010185912251472473,-2.63541402055899,3,1718,0 -7719,0.00214164773481196,-0.0017640851438045502,-0.001214355230331421,-2.538710185892008,3,1719,0 -7720,0.0019596547246275913,-0.0012530311942100525,-0.0015067048370838165,-2.2645325363966244,3,1720,0 -7721,0.002274965078207963,-0.0018154829740524292,-0.001370944082736969,-2.494809958090538,3,1721,0 -7722,0.0018862255730948147,-0.0010636970400810242,-0.0015576891601085663,-2.169931949958032,3,1722,0 -7723,0.0024954627695785705,-0.001988206058740616,-0.0015081018209457397,-2.492658529174347,3,1723,0 -7724,0.0022012989220966373,-0.0017851665616035461,-0.0012879818677902222,-2.5165882441792937,3,1724,0 -7725,0.0015923483050125644,-0.0011025220155715942,-0.0011489205062389374,-2.3355890679551154,3,1725,0 -7726,0.0023987081073491997,-0.0017923489212989807,-0.0015941411256790161,-2.414656770413066,3,1726,0 -7727,0.0017589181369243494,-0.0009330734610557556,-0.0014910288155078888,-2.1299647537912882,3,1727,0 -7728,0.0023558744346158277,-0.002023741602897644,-0.00120607390999794,-2.604147263182453,3,1728,0 -7729,0.0021471466365067574,-0.0018126703798770905,-0.0011508539319038391,-2.575910016863406,3,1729,0 -7730,0.002177349865321084,-0.0014374330639839172,-0.001635432243347168,-2.2918487345443825,3,1730,0 -7731,0.001817267009179887,-0.001539323478937149,-0.0009658895432949066,-2.5812143568964747,3,1731,0 -7732,0.0020568295814197344,-0.0013089142739772797,-0.0015865974128246307,-2.260585648812935,3,1732,0 -7733,0.0023160318235714373,-0.0011092834174633026,-0.0020330995321273804,-2.070264358748629,3,1733,0 -7734,0.0019417955686563807,-0.001374218612909317,-0.0013718940317630768,-2.3570409888221504,3,1734,0 -7735,0.002193401254051106,-0.0014705248177051544,-0.0016274414956569672,-2.3055862283793855,3,1735,0 -7736,0.002371974517560731,-0.0019478276371955872,-0.0013535991311073303,-2.534279121796743,3,1736,0 -7737,0.0037804730807008543,-0.0011863000690937042,-0.0035895220935344696,-1.8899854289437976,3,1737,0 -7738,0.002078183397636229,-0.0013123303651809692,-0.001611407846212387,-2.2542562195839646,3,1738,0 -7739,0.0020208919897834613,-0.0015174970030784607,-0.0013346187770366669,-2.4202270288684584,3,1739,0 -7740,0.0019880575679495534,-0.0013474784791469574,-0.0014617368578910828,-2.315544193643664,3,1740,0 -7741,0.001752790173709064,-0.0014123432338237762,-0.0010380558669567108,-2.5077684084048872,3,1741,0 -7742,0.0020583304988906225,-0.0012738853693008423,-0.0016167685389518738,-2.2381283095924864,3,1742,0 -7743,0.003187487688570699,-0.0012115947902202606,-0.0029482394456863403,-1.9607111550435705,3,1743,0 -7744,0.0025569017930995638,-0.0019057467579841614,-0.0017046630382537842,-2.4118325471139648,3,1744,0 -7745,0.002206247352370052,-0.0015766285359859467,-0.001543298363685608,-2.366877081646437,3,1745,0 -7746,0.0024168949594240356,-0.0019154921174049377,-0.0014738626778125763,-2.4857634846076673,3,1746,0 -7747,0.00201248267812695,-0.0014154314994812012,-0.001430608332157135,-2.3508619264489936,3,1747,0 -7748,0.0015574132294337935,-0.0010464973747730255,-0.0011534206569194794,-2.307629404830094,3,1748,0 -7749,0.0019308724310152484,-0.0015001259744167328,-0.0012156851589679718,-2.460549152903249,3,1749,0 -7750,0.0020026395598489177,-0.0016273930668830872,-0.0011671148240566254,-2.519436986984842,3,1750,0 -7751,0.0017734406709362398,-0.0012265928089618683,-0.0012808442115783691,-2.334561667884526,3,1751,0 -7752,0.002169043233070065,-0.0016644373536109924,-0.0013908259570598602,-2.44551034272267,3,1752,0 -7753,0.0018216024430240218,-0.0009863115847110748,-0.0015314780175685883,-2.142960392759191,3,1753,0 -7754,0.0024855431206445484,-0.0018912740051746368,-0.0016127638518810272,-2.435510377412321,3,1754,0 -7755,0.002361605174097223,-0.0017315410077571869,-0.0016059093177318573,-2.393819739496223,3,1755,0 -7756,0.0018326631169079143,-0.0012638270854949951,-0.00132717564702034,-2.3317499218688926,3,1756,0 -7757,0.0019399048112445963,-0.001403816044330597,-0.001338854432106018,-2.3798755955061477,3,1757,0 -7758,0.0020765031416740635,-0.0015681274235248566,-0.0013611912727355957,-2.426720426295698,3,1758,0 -7759,0.002223147140214368,-0.0014168322086334229,-0.0017131753265857697,-2.261797790046182,3,1759,0 -7760,0.002466353592953205,-0.0015673749148845673,-0.001904267817735672,-2.259456042585279,3,1760,0 -7761,0.0017351795723216036,-0.0011618174612522125,-0.0012888088822364807,-2.3044208146036347,3,1761,0 -7762,0.0021875385051977926,-0.001842692494392395,-0.0011789016425609589,-2.5724417740336163,3,1762,0 -7763,0.0022792335870082257,-0.0018963366746902466,-0.0012644417583942413,-2.5535107200049576,3,1763,0 -7764,0.0015756896333746209,-0.001125149428844452,-0.0011031031608581543,-2.366088139034374,3,1764,0 -7765,0.0027021550110276835,-0.0011849366128444672,-0.0024284906685352325,-2.024742446249239,3,1765,0 -7766,0.0019864197492128564,-0.0012451931834220886,-0.001547694206237793,-2.248303864504,3,1766,0 -7767,0.003789184958910774,-0.001714419573545456,-0.0033791549503803253,-2.0403078816920024,3,1767,0 -7768,0.0019056105530787658,-0.0014437921345233917,-0.0012437105178833008,-2.4305062981866197,3,1768,0 -7769,0.003645528341179229,-0.001658950001001358,-0.0032461918890476227,-2.0432408106603397,3,1769,0 -7770,0.0019970524765403536,-0.0014218725264072418,-0.0014023184776306152,-2.363118149496247,3,1770,0 -7771,0.0024711756647103744,-0.0019237585365772247,-0.0015510842204093933,-2.4630353574444843,3,1771,0 -7772,0.0024153665236533828,-0.0016608759760856628,-0.0017537064850330353,-2.3290146959898763,3,1772,0 -7773,0.002570861436397568,-0.0018312036991119385,-0.0018044449388980865,-2.36355446353119,3,1773,0 -7774,0.0021391204192091925,-0.0013020634651184082,-0.001697193831205368,-2.2252060950373194,3,1774,0 -7775,0.0021339822283372783,-0.0016828551888465881,-0.0013122037053108215,-2.4793227838036174,3,1775,0 -7776,0.0018807669568121524,-0.001274310052394867,-0.0013832636177539825,-2.315220053416713,3,1776,0 -7777,0.0016786996867051121,-0.0014271996915340424,-0.0008838176727294922,-2.5871265706356534,3,1777,0 -7778,0.002287821584791308,-0.0014080703258514404,-0.001803182065486908,-2.233770036532769,3,1778,0 -7779,0.0019935547338769642,-0.0013498775660991669,-0.0014670006930828094,-2.3146393744579354,3,1779,0 -7780,0.0020746591710817754,-0.0011934563517570496,-0.0016970187425613403,-2.183711179005998,3,1780,0 -7781,0.002248108913934953,-0.0015636347234249115,-0.0016152523458003998,-2.339958277501504,3,1781,0 -7782,0.0018025312945086707,-0.0012408122420310974,-0.0013074800372123718,-2.3300387026515317,3,1782,0 -7783,0.0020906693389498646,-0.0016739889979362488,-0.0012524612247943878,-2.4992511827289396,3,1783,0 -7784,0.0020483029280316083,-0.0014590062201023102,-0.0014376528561115265,-2.363566078164821,3,1784,0 -7785,0.0023529911933129577,-0.001571938395500183,-0.0017508789896965027,-2.3023943876828485,3,1785,0 -7786,0.0018962294716975794,-0.0013280883431434631,-0.0013534650206565857,-2.346731348287947,3,1786,0 -7787,0.0020496509638277503,-0.0014074407517910004,-0.0014900267124176025,-2.3276993964646286,3,1787,0 -7788,0.001976037142281478,-0.0015117637813091278,-0.0012725144624710083,-2.441912597994916,3,1788,0 -7789,0.002083646700219371,-0.0012060105800628662,-0.001699153333902359,-2.1880502721437987,3,1789,0 -7790,0.001719830670144289,-0.000997442752122879,-0.0014010444283485413,-2.189482879298526,3,1790,0 -7791,0.0021390813100346674,-0.0015376769006252289,-0.0014870166778564453,-2.3729418019778965,3,1791,0 -7792,0.0022255700608788684,-0.001452174037694931,-0.0016865208745002747,-2.28166898690101,3,1792,0 -7793,0.0021770003089762093,-0.001707613468170166,-0.0013503283262252808,-2.4725055781899625,3,1793,0 -7794,0.0015305968300756347,-0.0009681247174739838,-0.0011855214834213257,-2.2555916837711947,3,1794,0 -7795,0.0020320491030738313,-0.001309707760810852,-0.0015536695718765259,-2.2711990386078416,3,1795,0 -7796,0.0022315469811067354,-0.001205839216709137,-0.0018776990473270416,-2.141661479479829,3,1796,0 -7797,0.002313661191932552,-0.0016960129141807556,-0.001573711633682251,-2.3935812151265856,3,1797,0 -7798,0.0016811107804255746,-0.0012491457164287567,-0.0011250637471675873,-2.4084094211020517,3,1798,0 -7799,0.004006228009136446,-0.0019055008888244629,-0.0035240501165390015,-2.066481712878317,3,1799,0 -7800,0.001322952258705122,-0.0009058676660060883,-0.0009641610085964203,-2.3250321487962875,3,1800,0 -7801,0.0022460621520861207,-0.0015512630343437195,-0.0016243085265159607,-2.333196232425325,3,1801,0 -7802,0.001905612949152612,-0.0014243647456169128,-0.0012659169733524323,-2.4150228815421206,3,1802,0 -7803,0.002216534308234633,-0.0013319700956344604,-0.001771688461303711,-2.2154537453673546,3,1803,0 -7804,0.0019065334126814773,-0.001780979335308075,-0.0006804279983043671,-2.7766531593420942,3,1804,0 -7805,0.0023212140119488363,-0.0017094872891902924,-0.0015702508389949799,-2.3986225397465795,3,1805,0 -7806,0.0022871679276993706,-0.0017415843904018402,-0.0014825724065303802,-2.4363571356096165,3,1806,0 -7807,0.0024751534381767153,-0.001967180520296097,-0.0015021935105323792,-2.4894267225338154,3,1807,0 -7808,0.002161370969519936,-0.0014412514865398407,-0.001610688865184784,-2.300733505316622,3,1808,0 -7809,0.002239064392533193,-0.0014257170259952545,-0.0017264820635318756,-2.2610681130572923,3,1809,0 -7810,0.0018086943418925037,-0.001622810959815979,-0.0007986612617969513,-2.6842472983196117,3,1810,0 -7811,0.0022267906128020302,-0.001610051840543747,-0.0015382878482341766,-2.3789847778676436,3,1811,0 -7812,0.0020824173936647436,-0.0015678778290748596,-0.0013704821467399597,-2.423272566592595,3,1812,0 -7813,0.003008254624649638,-0.0015753768384456635,-0.0025627687573432922,-2.121966735333014,3,1813,0 -7814,0.0020250712703291725,-0.0016479603946208954,-0.0011769197881221771,-2.5214214357509075,3,1814,0 -7815,0.001953935528725994,-0.0015883669257164001,-0.0011379607021808624,-2.5199218359866724,3,1815,0 -7816,0.001597468515776919,-0.0013157948851585388,-0.0009058639407157898,-2.5386579473456377,3,1816,0 -7817,0.0018230984107035866,-0.0012242309749126434,-0.0013509057462215424,-2.307042636450582,3,1817,0 -7818,0.00237374135310203,-0.0018628500401973724,-0.0014712028205394745,-2.473127415030702,3,1818,0 -7819,0.001790740189048217,-0.0013872571289539337,-0.0011323727667331696,-2.457010975903062,3,1819,0 -7820,0.001986675971671462,-0.001346401870250702,-0.0014608502388000488,-2.3154482304455892,3,1820,0 -7821,0.001813696706703687,-0.001445673406124115,-0.0010952278971672058,-2.493251535824891,3,1821,0 -7822,0.0021539962866729215,-0.0015909112989902496,-0.0014521367847919464,-2.4017667016336275,3,1822,0 -7823,0.0018862816371462052,-0.0014296211302280426,-0.0012305453419685364,-2.430891092560666,3,1823,0 -7824,0.0020487165313323487,-0.001339096575975418,-0.0015505030751228333,-2.283163432983585,3,1824,0 -7825,0.0020036551255215897,-0.0014452636241912842,-0.0013877488672733307,-2.376493326629224,3,1825,0 -7826,0.0017093881507966875,-0.0014087781310081482,-0.0009681694209575653,-2.5394815247017104,3,1826,0 -7827,0.0021444484993007984,-0.0016313865780830383,-0.0013918466866016388,-2.4352623236742814,3,1827,0 -7828,0.0023646208208242653,-0.0016506798565387726,-0.001693129539489746,-2.3435001653364873,3,1828,0 -7829,0.002057523240156115,-0.0015815719962120056,-0.0013160668313503265,-2.447567455039664,3,1829,0 -7830,0.002119438620477482,-0.001687370240688324,-0.0012824982404708862,-2.491685819865031,3,1830,0 -7831,0.0017631528619552021,-0.0013587549328804016,-0.0011236071586608887,-2.45064009438533,3,1831,0 -7832,0.0020115289561967995,-0.0014964640140533447,-0.0013441890478134155,-2.4097488513492245,3,1832,0 -7833,0.0018965035622680335,-0.0013481788337230682,-0.0013338439166545868,-2.3615392549102006,3,1833,0 -7834,0.0020998875058353995,-0.0017547085881233215,-0.0011534839868545532,-2.5600573498409744,3,1834,0 -7835,0.0020169076205655105,-0.0012305974960327148,-0.0015979818999767303,-2.2270345342985935,3,1835,0 -7836,0.0022376385384375833,-0.0014841929078102112,-0.0016745738685131073,-2.295996649594404,3,1836,0 -7837,0.0021730547591929466,-0.001777399331331253,-0.0012502074241638184,-2.5285941988460174,3,1837,0 -7838,0.002243919480275646,-0.0013305619359016418,-0.0018068701028823853,-2.2055302916699535,3,1838,0 -7839,0.002074338697431542,-0.001771438866853714,-0.0010792985558509827,-2.5943790811563714,3,1839,0 -7840,0.001887286835824913,-0.0012179799377918243,-0.001441657543182373,-2.272291145933508,3,1840,0 -7841,0.0022278422925360642,-0.0013017356395721436,-0.00180797278881073,-2.194817642800727,3,1841,0 -7842,0.0020803245006246773,-0.0013950169086456299,-0.0015432685613632202,-2.3057820835360303,3,1842,0 -7843,0.0021284462668831753,-0.0017070509493350983,-0.0012713223695755005,-2.5014614619178226,3,1843,0 -7844,0.0019010418182209968,-0.001307312399148941,-0.001380179077386856,-2.329087862592619,3,1844,0 -7845,0.0026266755678820866,-0.0018455758690834045,-0.0018690302968025208,-2.349880465236351,3,1845,0 -7846,0.002083838357778203,-0.0017063617706298828,-0.0011961236596107483,-2.53020998681431,3,1846,0 -7847,0.002248958777358372,-0.0016751773655414581,-0.0015005320310592651,-2.4111332671548023,3,1847,0 -7848,0.0019116275377801255,-0.0013977475464344025,-0.001304078847169876,-2.3908492700940025,3,1848,0 -7849,0.0018689301260217538,-0.001293376088142395,-0.0013491027057170868,-2.3351088494311916,3,1849,0 -7850,0.002170741053287777,-0.0018617808818817139,-0.0011161938309669495,-2.6015186793320444,3,1850,0 -7851,0.0022549046724954073,-0.001268971711397171,-0.0018639490008354187,-2.168518079340952,3,1851,0 -7852,0.002527894848894371,-0.0020221062004566193,-0.001517016440629959,-2.497953314271904,3,1852,0 -7853,0.001954777442974827,-0.001125384122133255,-0.0015983320772647858,-2.1842680474137977,3,1853,0 -7854,0.0020005188475280848,-0.001354992389678955,-0.0014717578887939453,-2.3149106329759292,3,1854,0 -7855,0.001924451476283073,-0.0013958550989627838,-0.0013248026371002197,-2.382304468660311,3,1855,0 -7856,0.0018482629697419237,-0.0014697946608066559,-0.0011206157505512238,-2.4901836028359097,3,1856,0 -7857,0.001757305415665438,-0.001169838011264801,-0.00131133571267128,-2.2992276590506195,3,1857,0 -7858,0.0021751756475909827,-0.0014242343604564667,-0.0016440637409687042,-2.284671321659657,3,1858,0 -7859,0.002213695005871462,-0.0015645362436771393,-0.0015661008656024933,-2.3556947127539294,3,1859,0 -7860,0.002187480742980926,-0.0015518739819526672,-0.0015416741371154785,-2.3594916129406194,3,1860,0 -7861,0.0021610191634568233,-0.00143495574593544,-0.0016158297657966614,-2.2969761219601104,3,1861,0 -7862,0.002021851496690166,-0.0014205500483512878,-0.001438722014427185,-2.349839123855426,3,1862,0 -7863,0.0020510428913463074,-0.0015878230333328247,-0.0012983046472072601,-2.4561738093519363,3,1863,0 -7864,0.0019098286308787092,-0.0013484284281730652,-0.0013524740934371948,-2.354696597467217,3,1864,0 -7865,0.0021265653853060466,-0.0011074095964431763,-0.0018154680728912354,-2.1185259317809138,3,1865,0 -7866,0.0020549795498027877,-0.0014096423983573914,-0.0014952756464481354,-2.326724310740532,3,1866,0 -7867,0.0021339543061284073,-0.0013266392052173615,-0.0016714632511138916,-2.2416835507204387,3,1867,0 -7868,0.0029244563519327874,-0.001437205821275711,-0.002546936273574829,-2.084543065734556,3,1868,0 -7869,0.002426549655959634,-0.0018682144582271576,-0.0015485212206840515,-2.449489726368294,3,1869,0 -7870,0.0021708924466763797,-0.0015669018030166626,-0.0015025287866592407,-2.37716371529182,3,1870,0 -7871,0.0018574083455742592,-0.0014552362263202667,-0.001154232770204544,-2.4710373915018424,3,1871,0 -7872,0.0022716527279573787,-0.0013793706893920898,-0.0018049217760562897,-2.2233409683677428,3,1872,0 -7873,0.0021045084416384248,-0.0018324442207813263,-0.0010349415242671967,-2.6274672337406892,3,1873,0 -7874,0.0023184684251695937,-0.0016810670495033264,-0.001596655696630478,-2.3819418476555176,3,1874,0 -7875,0.0022518634013713274,-0.001653626561164856,-0.0015285313129425049,-2.3954857109697185,3,1875,0 -7876,0.0017537737476133037,-0.0010885782539844513,-0.0013750344514846802,-2.240439436062059,3,1876,0 -7877,0.0019875749047079485,-0.0016651302576065063,-0.0010852627456188202,-2.5639822447941456,3,1877,0 -7878,0.0024115595593281742,-0.001805141568183899,-0.0015990883111953735,-2.4166493290654616,3,1878,0 -7879,0.002609283694959469,-0.0014361552894115448,-0.002178490161895752,-2.153642132455462,3,1879,0 -7880,0.002216908122570425,-0.0014768131077289581,-0.0016533918678760529,-2.2998429689086457,3,1880,0 -7881,0.0024604649147545437,-0.0016703121364116669,-0.0018066391348838806,-2.317005789391678,3,1881,0 -7882,0.0018368786815630461,-0.001209840178489685,-0.0013821758329868317,-2.2898050903980813,3,1882,0 -7883,0.0021904562124883814,-0.0013431273400783539,-0.001730348914861679,-2.2308666706242906,3,1883,0 -7884,0.0019853337797049973,-0.0015977248549461365,-0.0011784844100475311,-2.5060738565795497,3,1884,0 -7885,0.0021527393046185364,-0.00163993239402771,-0.0013945996761322021,-2.436866001162081,3,1885,0 -7886,0.0019172404055733392,-0.001006878912448883,-0.0016315653920173645,-2.1237122772103305,3,1886,0 -7887,0.0022283349552760564,-0.0014027543365955353,-0.0017314031720161438,-2.251715967355689,3,1887,0 -7888,0.002188930077009198,-0.0014864876866340637,-0.0016067884862422943,-2.3173230168338868,3,1888,0 -7889,0.0021117826461546727,-0.0016491636633872986,-0.001319047063589096,-2.4669566762315522,3,1889,0 -7890,0.0021597424906807973,-0.0016656816005706787,-0.0013747699558734894,-2.4515845148885287,3,1890,0 -7891,0.002093557020897896,-0.0014783814549446106,-0.001482352614402771,-2.3548532157030624,3,1891,0 -7892,0.002622228457112212,-0.001718137413263321,-0.0019809305667877197,-2.2852705782905263,3,1892,0 -7893,0.0019468865372169928,-0.0011081099510192871,-0.0016007684171199799,-2.176292704273017,3,1893,0 -7894,0.0018995242802322427,-0.0012592785060405731,-0.0014221146702766418,-2.295540785164556,3,1894,0 -7895,0.0017331969981568501,-0.0011486522853374481,-0.0012979097664356232,-2.295262979499704,3,1895,0 -7896,0.001987060746621639,-0.0014694146811962128,-0.0013376213610172272,-2.4031110969830407,3,1896,0 -7897,0.0018815813737724113,-0.0011203773319721222,-0.0015116557478904724,-2.208615172338229,3,1897,0 -7898,0.0020216978013347093,-0.0015250630676746368,-0.0013271942734718323,-2.4254562238834296,3,1898,0 -7899,0.0020833697152263997,-0.0016321651637554169,-0.0012947842478752136,-2.470955104246169,3,1899,0 -7900,0.0021361825882611194,-0.0015350095927715302,-0.0014856047928333282,-2.3725489098019903,3,1900,0 -7901,0.0022970163437579945,-0.001788608729839325,-0.0014412365853786469,-2.4633333656206218,3,1901,0 -7902,0.0020370848373995106,-0.0016749389469623566,-0.0011594370007514954,-2.5361029282081815,3,1902,0 -7903,0.0017719984592767192,-0.0012745186686515808,-0.0012310892343521118,-2.3735256479822957,3,1903,0 -7904,0.002089652276788598,-0.0015170425176620483,-0.0014370903372764587,-2.383252402461428,3,1904,0 -7905,0.00166968985389775,-0.0010771602392196655,-0.001275770366191864,-2.2719844271646883,3,1905,0 -7906,0.002017672360266524,-0.0013820528984069824,-0.0014700107276439667,-2.325364196474505,3,1906,0 -7907,0.0020864535894682444,-0.0013963133096694946,-0.0015503540635108948,-2.303965771188018,3,1907,0 -7908,0.002100744672085803,-0.0013096854090690613,-0.001642514020204544,-2.243929320496055,3,1908,0 -7909,0.0015604720944681874,-0.0013061240315437317,-0.0008538812398910522,-2.562584321003809,3,1909,0 -7910,0.0022752229766458396,-0.0017759762704372406,-0.0014221630990505219,-2.4663773731037413,3,1910,0 -7911,0.0021713040793515537,-0.0014025084674358368,-0.0016575679183006287,-2.2730360302356143,3,1911,0 -7912,0.0021676667294491686,-0.0017312690615653992,-0.0013044103980064392,-2.4958924589115608,3,1912,0 -7913,0.0020087587644262383,-0.001412034034729004,-0.0014287307858467102,-2.350317002998036,3,1913,0 -7914,0.001990710953439982,-0.001298900693655014,-0.001508571207523346,-2.2816498449385,3,1914,0 -7915,0.0021247438058587713,-0.001502443104982376,-0.0015023984014987946,-2.356209367344262,3,1915,0 -7916,0.0018344828360022354,-0.0014565028250217438,-0.0011153146624565125,-2.4880885398005748,3,1916,0 -7917,0.002065383539866334,-0.0015017203986644745,-0.0014179721474647522,-2.3848705554820726,3,1917,0 -7918,0.002145099477728482,-0.0014272518455982208,-0.0016013756394386292,-2.2987650689541463,3,1918,0 -7919,0.0020417544104025798,-0.0013870596885681152,-0.0014982745051383972,-2.3176686971216944,3,1919,0 -7920,0.0018050592856339305,-0.0011877194046974182,-0.001359250396490097,-2.288948949439116,3,1920,0 -7921,0.0020966920648447063,-0.0016016140580177307,-0.0013531260192394257,-2.4400951704117975,3,1921,0 -7922,0.002106736893513046,-0.001462053507566452,-0.0015168190002441406,-2.3378119230860213,3,1922,0 -7923,0.0019010589972622337,-0.0015735924243927002,-0.0010666921734809875,-2.5458734794731397,3,1923,0 -7924,0.00229147215500215,-0.001804932951927185,-0.0014117583632469177,-2.4778206894903136,3,1924,0 -7925,0.0023878212116322265,-0.0017928369343280792,-0.0015771575272083282,-2.420107252522209,3,1925,0 -7926,0.002188625773554044,-0.0013989470899105072,-0.001683160662651062,-2.2642405143982893,3,1926,0 -7927,0.0020786909779346697,-0.0016136616468429565,-0.0013103634119033813,-2.459551149067361,3,1927,0 -7928,0.001983365417274224,-0.0013440027832984924,-0.0014585591852664948,-2.315341632594027,3,1928,0 -7929,0.002089136575705424,-0.0012171044945716858,-0.001697983592748642,-2.1927047518845373,3,1929,0 -7930,0.0038439855420923535,-0.0017511136829853058,-0.003421962261199951,-2.0437822039584606,3,1930,0 -7931,0.0022469683034191,-0.001690734177827835,-0.0014799609780311584,-2.4225722221034367,3,1931,0 -7932,0.0021967600381988333,-0.0016572624444961548,-0.00144195556640625,-2.425554406334252,3,1932,0 -7933,0.00180526262864034,-0.0016112439334392548,-0.0008141659200191498,-2.673711883800064,3,1933,0 -7934,0.0018423892486297314,-0.0013232827186584473,-0.0012819208204746246,-2.372069803868226,3,1934,0 -7935,0.0023830010998285613,-0.0016124695539474487,-0.0017546042799949646,-2.314006407119907,3,1935,0 -7936,0.002308690940665707,-0.0015575438737869263,-0.001704145222902298,-2.311278269265036,3,1936,0 -7937,0.002176176912257736,-0.001711830496788025,-0.00134364515542984,-2.4761164586756497,3,1937,0 -7938,0.0019096746886745769,-0.00120612233877182,-0.0014805831015110016,-2.2543924969899005,3,1938,0 -7939,0.001744551004706174,-0.0013969093561172485,-0.0010450370609760284,-2.4993044445068793,3,1939,0 -7940,0.001988090579676549,-0.0016705282032489777,-0.0010778866708278656,-2.5685730267771207,3,1940,0 -7941,0.0017912239872653727,-0.001376871019601822,-0.0011457353830337524,-2.447565089834,3,1941,0 -7942,0.0019465118181530064,-0.0015310421586036682,-0.0012020058929920197,-2.4760095250855985,3,1942,0 -7943,0.0018493921738244293,-0.0014023706316947937,-0.0012056566774845123,-2.431478279519425,3,1943,0 -7944,0.0016060702054854022,-0.001212887465953827,-0.0010527893900871277,-2.4267395925585933,3,1944,0 -7945,0.0018437694587106037,-0.0011629126965999603,-0.0014307759702205658,-2.253284296680765,3,1945,0 -7946,0.001979971246471726,-0.0015268512070178986,-0.001260560005903244,-2.4514389562914296,3,1946,0 -7947,0.0018661000116065995,-0.0011765919625759125,-0.0014484338462352753,-2.2530045237076517,3,1947,0 -7948,0.0018977444874682529,-0.001494821161031723,-0.0011691637337207794,-2.477835435852743,3,1948,0 -7949,0.002016087608817918,-0.0013795159757137299,-0.0014702193439006805,-2.3243765326911614,3,1949,0 -7950,0.0020628521563981024,-0.0014978349208831787,-0.0014183968305587769,-2.383427734225603,3,1950,0 -7951,0.0018372640679753997,-0.0013915114104747772,-0.0011996813118457794,-2.4300912683413385,3,1951,0 -7952,0.0020518557737248646,-0.0014370866119861603,-0.001464545726776123,-2.3467314390780607,3,1952,0 -7953,0.001696690044481181,-0.001299351453781128,-0.0010910741984844208,-2.4431047818605913,3,1953,0 -7954,0.001981469132063022,-0.0011837594211101532,-0.0015890039503574371,-2.2110701108098603,3,1954,0 -7955,0.0022247676587973516,-0.0014311522245407104,-0.0017033480107784271,-2.269573134351557,3,1955,0 -7956,0.0022290026017711597,-0.0014037825167179108,-0.001731429249048233,-2.2520670096717375,3,1956,0 -7957,0.0019776212396265067,-0.0012476220726966858,-0.0015344135463237762,-2.25347042805823,3,1957,0 -7958,0.002263026039321679,-0.001289762556552887,-0.001859515905380249,-2.177214906189416,3,1958,0 -7959,0.002308695710522113,-0.0016277097165584564,-0.0016372650861740112,-2.3532678696479477,3,1959,0 -7960,0.0019754190049678672,-0.0013754479587078094,-0.0014178939163684845,-2.3410002558009735,3,1960,0 -7961,0.0021845059752159833,-0.001346200704574585,-0.0017204098403453827,-2.2347678682507315,3,1961,0 -7962,0.00184871521380921,-0.0014575421810150146,-0.0011372417211532593,-2.47901331813827,3,1962,0 -7963,0.0019765706469445556,-0.0015234127640724182,-0.00125938281416893,-2.4507907046423343,3,1963,0 -7964,0.0023149370629513997,-0.0015446171164512634,-0.0017242655158042908,-2.30129259146442,3,1964,0 -7965,0.001714791320481134,-0.001306787133216858,-0.0011103227734565735,-2.437296890870888,3,1965,0 -7966,0.0025441505352709983,-0.0016128607094287872,-0.0019675828516483307,-2.2574446126837335,3,1966,0 -7967,0.002113179125233752,-0.001556437462568283,-0.0014293454587459564,-2.3987345320123805,3,1967,0 -7968,0.0019927420294055614,-0.0014315582811832428,-0.0013862401247024536,-2.372275927992412,3,1968,0 -7969,0.002145766368113008,-0.001480191946029663,-0.0015534944832324982,-2.332036332068801,3,1969,0 -7970,0.0018404230144771431,-0.0014081411063671112,-0.0011850297451019287,-2.4420211771548317,3,1970,0 -7971,0.0025578604758595166,-0.0016171894967556,-0.00198175385594368,-2.255241241337403,3,1971,0 -7972,0.0019385321444505795,-0.0012633204460144043,-0.0014703497290611267,-2.28060569534158,3,1972,0 -7973,0.0016634368622956287,-0.0013561062514781952,-0.0009633265435695648,-2.5239460321237654,3,1973,0 -7974,0.002316527235041623,-0.001583445817232132,-0.0016908571124076843,-2.323401925465984,3,1974,0 -7975,0.0017416107144572095,-0.001409389078617096,-0.0010231472551822662,-2.513661464298906,3,1975,0 -7976,0.002231916019488509,-0.0017778463661670685,-0.00134933739900589,-2.4923735119771644,3,1976,0 -7977,0.002130577415771288,-0.0017707385122776031,-0.0011848397552967072,-2.551892262097579,3,1977,0 -7978,0.0024129397754586385,-0.0017940029501914978,-0.0016136392951011658,-2.409074310105931,3,1978,0 -7979,0.0018066944709890177,-0.0014954619109630585,-0.001013774424791336,-2.5458530293301362,3,1979,0 -7980,0.0020079913783403523,-0.0014134049415588379,-0.0014262944459915161,-2.3516554830108016,3,1980,0 -7981,0.002086847876169524,-0.0014125443994998932,-0.0015361160039901733,-2.3143112881292645,3,1981,0 -7982,0.002141754750018497,-0.0016044005751609802,-0.0014188066124916077,-2.417507303859667,3,1982,0 -7983,0.0019262384986779813,-0.0015887729823589325,-0.0010891258716583252,-2.540655248983616,3,1983,0 -7984,0.0022813351316825197,-0.0017532072961330414,-0.0014597102999687195,-2.447290720960785,3,1984,0 -7985,0.001989958715107074,-0.0014972575008869171,-0.0013107843697071075,-2.4225039526545635,3,1985,0 -7986,0.002299017771185135,-0.0018317028880119324,-0.0013893693685531616,-2.4926658263034933,3,1986,0 -7987,0.0036296029871767258,-0.001848563551902771,-0.003123592585325241,-2.1051696858955453,3,1987,0 -7988,0.0020050021382049268,-0.0012676343321800232,-0.0015534274280071259,-2.255232019405875,3,1988,0 -7989,0.002196207870524995,-0.0014822371304035187,-0.0016205869615077972,-2.3116356461229235,3,1989,0 -7990,0.002023953587796561,-0.001176733523607254,-0.0016467198729515076,-2.1912488660195963,3,1990,0 -7991,0.0020123661978045703,-0.001275327056646347,-0.0015566498041152954,-2.257181385531634,3,1991,0 -7992,0.002384050868324278,-0.0019157379865646362,-0.0014190301299095154,-2.50405566766627,3,1992,0 -7993,0.002018224084116432,-0.0013681873679161072,-0.001483675092458725,-2.3157210595252553,3,1993,0 -7994,0.002109379059844907,-0.0016112923622131348,-0.0013613291084766388,-2.4400856247411564,3,1994,0 -7995,0.0019452929406792115,-0.0015544667840003967,-0.0011695288121700287,-2.496578672160782,3,1995,0 -7996,0.0021664545770365795,-0.0014735981822013855,-0.001588091254234314,-2.318816516519529,3,1996,0 -7997,0.0018807250036921614,-0.0013358928263187408,-0.0013238266110420227,-2.3607311087278284,3,1997,0 -7998,0.0019956757228187004,-0.0014428496360778809,-0.0013787336647510529,-2.378913982200401,3,1998,0 -7999,0.0023557021929305087,-0.0015601441264152527,-0.0017650164663791656,-2.2946595109785424,3,1999,0 -8000,0.002318962751078035,-0.0017835088074207306,-0.0014821216464042664,-2.448224441853062,3,2000,0 -8001,0.0021159524261276136,-0.0012738928198814392,-0.0016895122826099396,-2.2168527351102885,3,2001,0 -8002,0.0017508326149971148,-0.0014150291681289673,-0.0010310709476470947,-2.511891555964338,3,2002,0 -8003,0.001996688347181555,-0.0013909600675106049,-0.0014324784278869629,-2.3414906571626477,3,2003,0 -8004,0.002065597177326364,-0.0017512328922748566,-0.0010953880846500397,-2.582637188736604,3,2004,0 -8005,0.002191530675079921,-0.0015448518097400665,-0.0015544258058071136,-2.3531053943444373,3,2005,0 -8006,0.0020710846117233794,-0.0012184344232082367,-0.001674756407737732,-2.199760431016538,3,2006,0 -8007,0.002282908581131234,-0.0015681199729442596,-0.0016591176390647888,-2.3280051925870526,3,2007,0 -8008,0.0019493992850172018,-0.0013541541993618011,-0.001402292400598526,-2.338732403932568,3,2008,0 -8009,0.00197353757028745,-0.0014357082545757294,-0.0013541020452976227,-2.3854376777037993,3,2009,0 -8010,0.002337752912877938,-0.001742638647556305,-0.001558300107717514,-2.411980824390332,3,2010,0 -8011,0.0022280605608252274,-0.0015463829040527344,-0.0016040429472923279,-2.3378942320545293,3,2011,0 -8012,0.002412058060917121,-0.0018838010728359222,-0.0015064254403114319,-2.467050944004375,3,2012,0 -8013,0.0023127575881099196,-0.0017123371362686157,-0.001554589718580246,-2.404443195161518,3,2013,0 -8014,0.0016030656162089685,-0.0012706927955150604,-0.0009773224592208862,-2.4859630538973514,3,2014,0 -8015,0.002249754085801717,-0.0018101036548614502,-0.0013360083103179932,-2.5057615892524567,3,2015,0 -8016,0.0022864114078080485,-0.0015392601490020752,-0.0016906671226024628,-2.309352500565631,3,2016,0 -8017,0.002277746971769015,-0.001179274171590805,-0.0019487030804157257,-2.115000188029909,3,2017,0 -8018,0.0018315800380325046,-0.0012555122375488281,-0.0013335570693016052,-2.3260596437778065,3,2018,0 -8019,0.002123956349202997,-0.001620367169380188,-0.0013731718063354492,-2.4385838595599614,3,2019,0 -8020,0.0022477610650722623,-0.0012259148061275482,-0.0018840283155441284,-2.147655121562125,3,2020,0 -8021,0.0018700934831128574,-0.0014614276587963104,-0.0011668242514133453,-2.467819554459451,3,2021,0 -8022,0.0019068131078340907,-0.0014910772442817688,-0.0011885389685630798,-2.4686219752765455,3,2022,0 -8023,0.0023975679693213243,-0.0016654618084430695,-0.001724693924188614,-2.3387244698211687,3,2023,0 -8024,0.0020066524059875386,-0.0014743991196155548,-0.0013611763715744019,-2.3961026617366885,3,2024,0 -8025,0.002770404989200935,-0.002610165625810623,-0.000928536057472229,-2.7998148780121213,3,2025,0 -8026,0.0019029351081178815,-0.0014936067163944244,-0.0011791102588176727,-2.473325069653761,3,2026,0 -8027,0.0022597626403909688,-0.001645255833864212,-0.0015490837395191193,-2.386292433775931,3,2027,0 -8028,0.0025103591885615776,-0.0018704421818256378,-0.0016743205487728119,-2.411465293657297,3,2028,0 -8029,0.0019603278334538446,-0.0014556758105754852,-0.0013129711151123047,-2.407692036163878,3,2029,0 -8030,0.0037833896329062373,-0.001724831759929657,-0.0033673420548439026,-2.0441748551421752,3,2030,0 -8031,0.0019480926679133108,-0.001407630741596222,-0.0013467147946357727,-2.378307190692141,3,2031,0 -8032,0.0019355073756464835,-0.0013525336980819702,-0.001384500414133072,-2.344515694324865,3,2032,0 -8033,0.0019077697628474169,-0.0011818446218967438,-0.0014976076781749725,-2.2388894069174308,3,2033,0 -8034,0.0023835319696362336,-0.0016108602285385132,-0.0017568022012710571,-2.312885305474289,3,2034,0 -8035,0.001962527494570278,-0.0014139413833618164,-0.0013609863817691803,-2.375275554340847,3,2035,0 -8036,0.0021876892444100335,-0.001509401947259903,-0.0015835687518119812,-2.332219935831754,3,2036,0 -8037,0.0023064977199540853,-0.0016816668212413788,-0.0015785843133926392,-2.387801925877876,3,2037,0 -8038,0.0021332312976124453,-0.0014786161482334137,-0.0015376508235931396,-2.3366248899005178,3,2038,0 -8039,0.0024479709617232824,-0.0016862787306308746,-0.0017745494842529297,-2.330694345599724,3,2039,0 -8040,0.0021887359080670727,-0.0013562403619289398,-0.0017178989946842194,-2.239087292448517,3,2040,0 -8041,0.0023143459457228106,-0.0018947459757328033,-0.0013289600610733032,-2.5299329332824185,3,2041,0 -8042,0.0021498308258530788,-0.0014572478830814362,-0.0015805698931217194,-2.315621177027323,3,2042,0 -8043,0.0015097333373660644,-0.0008358471095561981,-0.0012572407722473145,-2.1575239567996998,3,2043,0 -8044,0.004154056061167577,-0.0020409859716892242,-0.0036180876195430756,-2.084405155420109,3,2044,0 -8045,0.002243995677478141,-0.0017277970910072327,-0.0014318637549877167,-2.449581898231473,3,2045,0 -8046,0.0017674746223919297,-0.0011839121580123901,-0.0013123713433742523,-2.3047796680885653,3,2046,0 -8047,0.0017226848373601742,-0.0012811757624149323,-0.0011516213417053223,-2.4093975132306307,3,2047,0 -8048,0.002075303049626035,-0.0016054250299930573,-0.001315101981163025,-2.4552767323414915,3,2048,0 -8049,0.002030092209974673,-0.001368403434753418,-0.0014995820820331573,-2.3104873959034604,3,2049,0 -8050,0.002040629960261202,-0.0014189593493938446,-0.0014665350317955017,-2.339708104960544,3,2050,0 -8051,0.0024856488506171436,-0.0013582706451416016,-0.002081718295812607,-2.1489099801352434,3,2051,0 -8052,0.00199694708025844,-0.0013549067080020905,-0.0014669783413410187,-2.3165001852292666,3,2052,0 -8053,0.002326008188688405,-0.0013476014137268066,-0.0018958598375320435,-2.1887423918007087,3,2053,0 -8054,0.0018257337675617368,-0.0013229809701442719,-0.0012581832706928253,-2.3812932775678033,3,2054,0 -8055,0.0020439468581519515,-0.0013474524021148682,-0.0015369094908237457,-2.2906044799262357,3,2055,0 -8056,0.0022624574888521314,-0.001447536051273346,-0.0017387792468070984,-2.2650433890156974,3,2056,0 -8057,0.002078779278161864,-0.001723460853099823,-0.0011623278260231018,-2.548244995190888,3,2057,0 -8058,0.0017886019395082818,-0.001507837325334549,-0.0009620413184165955,-2.573680219043003,3,2058,0 -8059,0.002104469784891835,-0.0016255863010883331,-0.0013365112245082855,-2.45347776975094,3,2059,0 -8060,0.0022904896836817763,-0.0014614574611186981,-0.001763656735420227,-2.2627654066606784,3,2060,0 -8061,0.0022342402664723765,-0.0014785118401050568,-0.0016750618815422058,-2.293948876891607,3,2061,0 -8062,0.002049849315496105,-0.001562025398015976,-0.0013273879885673523,-2.4372225900542492,3,2062,0 -8063,0.0020250028641891006,-0.0013724826276302338,-0.0014889352023601532,-2.315519428913466,3,2063,0 -8064,0.0022976455016596948,-0.001781214028596878,-0.0014513619244098663,-2.4578825505562,3,2064,0 -8065,0.002277515142774161,-0.0018120110034942627,-0.001379743218421936,-2.4908081160319413,3,2065,0 -8066,0.002045426209152753,-0.001643538475036621,-0.0012175999581813812,-2.5039794071922468,3,2066,0 -8067,0.001970299332914036,-0.0015560537576675415,-0.0012086257338523865,-2.4812058295499595,3,2067,0 -8068,0.001873217036287141,-0.0017054490745067596,-0.0007748454809188843,-2.7151394581230455,3,2068,0 -8069,0.0014938057840053712,-0.0011692643165588379,-0.000929664820432663,-2.469855698310929,3,2069,0 -8070,0.0020817709844137867,-0.0018090344965457916,-0.0010301284492015839,-2.6239503042837042,3,2070,0 -8071,0.0020997364059131096,-0.0016066357493400574,-0.0013518929481506348,-2.442087195321147,3,2071,0 -8072,0.001968322451896949,-0.0014400184154510498,-0.0013418793678283691,-2.3914575996543017,3,2072,0 -8073,0.002215970427881047,-0.0016965121030807495,-0.0014256127178668976,-2.4427453560794397,3,2073,0 -8074,0.001965082609538225,-0.0015246868133544922,-0.0012397095561027527,-2.4589200411627927,3,2074,0 -8075,0.002027496471971083,-0.0015922598540782928,-0.0012551695108413696,-2.474030144907283,3,2075,0 -8076,0.0017424385722710715,-0.0012492872774600983,-0.0012146495282649994,-2.370251452867797,3,2076,0 -8077,0.0018180674906850157,-0.0015751048922538757,-0.0009079724550247192,-2.618667799195206,3,2077,0 -8078,0.002048400174918979,-0.0014437586069107056,-0.001453101634979248,-2.3529692756866547,3,2078,0 -8079,0.002160616463881487,-0.0012400485575199127,-0.001769334077835083,-2.182096614839243,3,2079,0 -8080,0.0018103418312690692,-0.0010207407176494598,-0.0014951340854167938,-2.1698227314051177,3,2080,0 -8081,0.0017304218702958736,-0.0013745985925197601,-0.0010511130094528198,-2.4887692598800895,3,2081,0 -8082,0.002044704486609948,-0.001064397394657135,-0.001745816320180893,-2.1183064708037995,3,2082,0 -8083,0.0022185714941930857,-0.0016187801957130432,-0.0015171058475971222,-2.388605981263717,3,2083,0 -8084,0.002290567780072691,-0.0017376802861690521,-0.001492369920015335,-2.431995279341217,3,2084,0 -8085,0.0022465268026500276,-0.0017223022878170013,-0.0014424137771129608,-2.4444053049452314,3,2085,0 -8086,0.0022006776160289855,-0.0012151002883911133,-0.0018348060548305511,-2.155734993787373,3,2086,0 -8087,0.002144764413353879,-0.001665070652961731,-0.001351870596408844,-2.459637713171411,3,2087,0 -8088,0.0018293658824565379,-0.0011482350528240204,-0.0014241263270378113,-2.2493507718519097,3,2088,0 -8089,0.0023616557945082745,-0.001400243490934372,-0.0019017718732357025,-2.205461007002751,3,2089,0 -8090,0.0021703039471191476,-0.0013052821159362793,-0.0017339140176773071,-2.2160839522695284,3,2090,0 -8091,0.0018545178727803469,-0.0016138255596160889,-0.0009136758744716644,-2.6264308132960963,3,2091,0 -8092,0.0018644246904343245,-0.0011372566223144531,-0.0014774054288864136,-2.2268281921453292,3,2092,0 -8093,0.002089177121099119,-0.0014544762670993805,-0.0014997199177742004,-2.3408806413372245,3,2093,0 -8094,0.0020574466107840523,-0.0017939135432243347,-0.0010074526071548462,-2.629891050932552,3,2094,0 -8095,0.0037777792867254743,-0.0017419829964637756,-0.0033521801233291626,-2.0500453828573106,3,2095,0 -8096,0.0022380517556391684,-0.0017566382884979248,-0.0013867579400539398,-2.473324894424529,3,2096,0 -8097,0.002499091035551254,-0.0018656253814697266,-0.0016627982258796692,-2.4136150874979503,3,2097,0 -8098,0.0022124293199948333,-0.0015765950083732605,-0.0015521571040153503,-2.364005082572439,3,2098,0 -8099,0.0017881925876745918,-0.0011273771524429321,-0.0013880394399166107,-2.2529371496297728,3,2099,0 -8100,0.0023365992984026667,-0.0016061514616012573,-0.001697048544883728,-2.3286835462392013,3,2100,0 -8101,0.002419100021266893,-0.0017995871603488922,-0.001616641879081726,-2.4096952057847587,3,2101,0 -8102,0.0022445795136543626,-0.001528814435005188,-0.0016434304416179657,-2.320079317720251,3,2102,0 -8103,0.002088827319373072,-0.001552484929561615,-0.001397494226694107,-2.4086858190581486,3,2103,0 -8104,0.002228505384800332,-0.0012581013143062592,-0.0018394067883491516,-2.1706835262184656,3,2104,0 -8105,0.001989299810261444,-0.0016367211937904358,-0.0011306889355182648,-2.53705056507746,3,2105,0 -8106,0.0019839804354670858,-0.0015609487891197205,-0.0012245886027812958,-2.476365020114066,3,2106,0 -8107,0.0019877432377041183,-0.0012760236859321594,-0.0015241019427776337,-2.2678298016157874,3,2107,0 -8108,0.0020175571821842426,-0.0015370659530162811,-0.0013068914413452148,-2.4369530484160777,3,2108,0 -8109,0.0019074636252195492,-0.0016318261623382568,-0.0009877048432826996,-2.5973029352872135,3,2109,0 -8110,0.0020233077312523445,-0.001346353441476822,-0.0015103332698345184,-2.298855308285249,3,2110,0 -8111,0.002619902382410089,-0.0018655359745025635,-0.001839473843574524,-2.363228668874118,3,2111,0 -8112,0.0022253432545474195,-0.0019477009773254395,-0.001076389104127884,-2.6367202545220434,3,2112,0 -8113,0.002089568235297911,-0.0012158378958702087,-0.0016994215548038483,-2.1918111750562943,3,2113,0 -8114,0.002089423506578187,-0.0015359260141849518,-0.0014165528118610382,-2.3966039990540353,3,2114,0 -8115,0.0018687308440614213,-0.001198798418045044,-0.0014335401356220245,-2.267253644106661,3,2115,0 -8116,0.00246112129796867,-0.0018280856311321259,-0.0016477927565574646,-2.4080177774898743,3,2116,0 -8117,0.00217896063966068,-0.0018335282802581787,-0.0011773034930229187,-2.5707930353201895,3,2117,0 -8118,0.00178025389845531,-0.0012924671173095703,-0.001224268227815628,-2.3832860172899943,3,2118,0 -8119,0.0037879635645062734,-0.0015339814126491547,-0.003463461995124817,-1.98773362893849,3,2119,0 -8120,0.003891410614343672,-0.0015895627439022064,-0.003551952540874481,-1.9915843146732641,3,2120,0 -8121,0.0024187535201423307,-0.0017316676676273346,-0.0016886964440345764,-2.368757176964169,3,2121,0 -8122,0.004150108595746198,-0.0020021088421344757,-0.003635238856077194,-2.074215391056103,3,2122,0 -8123,0.002280312097714469,-0.001489192247390747,-0.0017268843948841095,-2.2824211310662714,3,2123,0 -8124,0.0022566011245035546,-0.0016622543334960938,-0.0015261583030223846,-2.3988531676596367,3,2124,0 -8125,0.001814996031351327,-0.0012037642300128937,-0.0013583675026893616,-2.29592591118482,3,2125,0 -8126,0.0017747838946076265,-0.0011839456856250763,-0.0013221688568592072,-2.3010959439579044,3,2126,0 -8127,0.002398351565722819,-0.0020083636045455933,-0.001310940831899643,-2.5632931085870974,3,2127,0 -8128,0.001891891530084593,-0.0011804141104221344,-0.0014784708619117737,-2.2445621261004938,3,2128,0 -8129,0.0020077958338367893,-0.0013739131391048431,-0.0014641061425209045,-2.324424918416012,3,2129,0 -8130,0.0020100746955093404,-0.0013284720480442047,-0.0015084967017173767,-2.292822767249132,3,2130,0 -8131,0.0017185486915005312,-0.0010804012417793274,-0.001336466521024704,-2.250639046209955,3,2131,0 -8132,0.0019960408993419726,-0.001356717199087143,-0.00146406888961792,-2.318155481181515,3,2132,0 -8133,0.0022764564689245572,-0.0019171051681041718,-0.0012275837361812592,-2.5720439887974282,3,2133,0 -8134,0.0017182180076513397,-0.001295473426580429,-0.0011287257075309753,-2.4248709785449623,3,2134,0 -8135,0.0016773839620543404,-0.0013476274907588959,-0.000998757779598236,-2.503797049866672,3,2135,0 -8136,0.002305853879333869,-0.0016044415533542633,-0.001656118780374527,-2.340346631133203,3,2136,0 -8137,0.002305881747405894,-0.0019063763320446014,-0.0012972354888916016,-2.5440933904368186,3,2137,0 -8138,0.0017712261865862199,-0.0013181455433368683,-0.001183103770017624,-2.410131852982925,3,2138,0 -8139,0.0018540815581818547,-0.0013668052852153778,-0.0012527815997600555,-2.399694385897216,3,2139,0 -8140,0.0017550678468702383,-0.0012217946350574493,-0.0012599527835845947,-2.3408201850869657,3,2140,0 -8141,0.0018981314216701684,-0.001629471778869629,-0.0009735114872455597,-2.603057692229898,3,2141,0 -8142,0.00173508893181294,-0.0013197362422943115,-0.0011264234781265259,-2.4350576296245223,3,2142,0 -8143,0.002678653312120687,-0.0019772835075855255,-0.0018070787191390991,-2.4011400193340435,3,2143,0 -8144,0.0022945856139997777,-0.0015738755464553833,-0.0016697421669960022,-2.326647629355445,3,2144,0 -8145,0.0018673312700532695,-0.001571357250213623,-0.0010088421404361725,-2.5708480349230145,3,2145,0 -8146,0.002348548456155266,-0.0015857145190238953,-0.0017323940992355347,-2.3120174712149577,3,2146,0 -8147,0.001746813687726178,-0.0013715066015720367,-0.001081816852092743,-2.4737307730647062,3,2147,0 -8148,0.0019289158894322037,-0.001247689127922058,-0.0014710500836372375,-2.274222506197226,3,2148,0 -8149,0.0017223980901718298,-0.001380186527967453,-0.0010304078459739685,-2.500289435673651,3,2149,0 -8150,0.0020540801776477023,-0.0017246268689632416,-0.001115754246711731,-2.5673617166620546,3,2150,0 -8151,0.0023379073935539466,-0.0018052607774734497,-0.0014855451881885529,-2.4530447227276015,3,2151,0 -8152,0.0023074853659342713,-0.0013456381857395172,-0.0018744990229606628,-2.193412202967272,3,2152,0 -8153,0.0021739897501085875,-0.0015725605189800262,-0.0015010945498943329,-2.379441436622153,3,2153,0 -8154,0.004016891639935767,-0.001896534115076065,-0.0035409852862358093,-2.0625128344517916,3,2154,0 -8155,0.0021805243435811398,-0.0016294829547405243,-0.00144895538687706,-2.4147699859180225,3,2155,0 -8156,0.001770337419846706,-0.0014766566455364227,-0.00097651407122612,-2.557314156991104,3,2156,0 -8157,0.0019339073026400126,-0.0014422126114368439,-0.0012884177267551422,-2.412457166840916,3,2157,0 -8158,0.0019978893819471238,-0.0017762035131454468,-0.0009146928787231445,-2.6660402891499095,3,2158,0 -8159,0.0016274401010271263,-0.001155417412519455,-0.001146111637353897,-2.3602377693573042,3,2159,0 -8160,0.0021519661731473436,-0.0016527436673641205,-0.001378186047077179,-2.4465332124330574,3,2160,0 -8161,0.001721840104801463,-0.0012440532445907593,-0.0011904053390026093,-2.3782278179432828,3,2161,0 -8162,0.0019528051920586508,-0.0012575313448905945,-0.0014940090477466583,-2.2704614090767867,3,2162,0 -8163,0.002139537875075501,-0.001386154443025589,-0.0016297847032546997,-2.2755886248222077,3,2163,0 -8164,0.001959495093378964,-0.001618947833776474,-0.001103915274143219,-2.5431369895674627,3,2164,0 -8165,0.0020224665233042637,-0.0014403797686100006,-0.00141974538564682,-2.363408868536441,3,2165,0 -8166,0.0023322096900332207,-0.0018522664904594421,-0.0014171488583087921,-2.488504270119663,3,2166,0 -8167,0.0018894181156253148,-0.0013816021382808685,-0.001288827508687973,-2.390921984823296,3,2167,0 -8168,0.0020503376643977956,-0.0013905763626098633,-0.0015067122876644135,-2.3161315905970787,3,2168,0 -8169,0.0021286692034124277,-0.001228969544172287,-0.0017380639910697937,-2.1862655677834444,3,2169,0 -8170,0.0022802358474864636,-0.0010322071611881256,-0.0020332299172878265,-2.040560047374843,3,2170,0 -8171,0.002413029674467987,-0.001925777643918991,-0.0014539919793605804,-2.4948893420120117,3,2171,0 -8172,0.0017444439997527338,-0.0013192370533943176,-0.0011413581669330597,-2.4283599518865913,3,2172,0 -8173,0.0020136024608696096,-0.0013851337134838104,-0.0014615058898925781,-2.3293720360009456,3,2173,0 -8174,0.002048908017321082,-0.0016610436141490936,-0.001199565827846527,-2.5161379933743544,3,2174,0 -8175,0.002031088227348637,-0.0014834068715572357,-0.001387380063533783,-2.3896316696473803,3,2175,0 -8176,0.0018354024709325407,-0.0013898499310016632,-0.0011987574398517609,-2.4298814099539308,3,2176,0 -8177,0.0018695326523613803,-0.0010334588587284088,-0.001557920128107071,-2.156504850627042,3,2177,0 -8178,0.0022960506572052854,-0.0017470456659793854,-0.0014898590743541718,-2.435482404239164,3,2178,0 -8179,0.002079114667125734,-0.00135866180062294,-0.0015737712383270264,-2.282970364901226,3,2179,0 -8180,0.0019609004910710725,-0.001477666199207306,-0.0012890435755252838,-2.4242649478321896,3,2180,0 -8181,0.002132205630201858,-0.0016446523368358612,-0.0013569891452789307,-2.4517379930121597,3,2181,0 -8182,0.0017751332634260077,-0.0014358200132846832,-0.001043800264596939,-2.5129933980081396,3,2182,0 -8183,0.0019145908793669288,-0.001573033630847931,-0.0010914318263530731,-2.535013677119804,3,2183,0 -8184,0.0019611109768094418,-0.001200895756483078,-0.001550421118736267,-2.2298320787700163,3,2184,0 -8185,0.002067173502705926,-0.0014495663344860077,-0.0014737583696842194,-2.3479191580239394,3,2185,0 -8186,0.0018388607184381632,-0.0015486963093280792,-0.0009914375841617584,-2.5721549003087785,3,2186,0 -8187,0.0020268532130005277,-0.0014098770916461945,-0.0014561526477336884,-2.340049669806611,3,2187,0 -8188,0.0022580655146341258,-0.001805923879146576,-0.0013555437326431274,-2.497701538995891,3,2188,0 -8189,0.001973440277873273,-0.001406647264957428,-0.0013841278851032257,-2.3642635354931807,3,2189,0 -8190,0.0018710974925444325,-0.0012799464166164398,-0.001364823430776596,-2.324113100074349,3,2190,0 -8191,0.0019467575363597762,-0.0014837868511676788,-0.0012602545320987701,-2.4374760023178097,3,2191,0 -8192,0.0017391005439780954,-0.0014029517769813538,-0.0010277144610881805,-2.5093616880329055,3,2192,0 -8193,0.0021324170754878683,-0.00176968052983284,-0.0011897198855876923,-2.5497143239403743,3,2193,0 -8194,0.0016786280402999627,-0.001274559646844864,-0.0010923780500888824,-2.433012357289397,3,2194,0 -8195,0.0023291771622019567,-0.0016139782965183258,-0.0016793273389339447,-2.3363541004033523,3,2195,0 -8196,0.0019678918752372766,-0.0014157183468341827,-0.0013668723404407501,-2.37374683458726,3,2196,0 -8197,0.002155149557957722,-0.001633521169424057,-0.0014058016240596771,-2.430979195901324,3,2197,0 -8198,0.002095656703335234,-0.0013804547488689423,-0.001576744019985199,-2.2899149564742274,3,2198,0 -8199,0.001755903845460979,-0.001540638506412506,-0.0008423961699008942,-2.641222050613069,3,2199,0 -8200,0.0017099224323577264,-0.001260954886674881,-0.0011549144983291626,-2.4000595964048825,3,2200,0 -8201,0.002293006712028775,-0.001939423382282257,-0.0012233220040798187,-2.5788578619460134,3,2201,0 -8202,0.0021996324752024316,-0.0013160184025764465,-0.0017625205218791962,-2.212161808527662,3,2202,0 -8203,0.0019531989721127373,-0.0012986883521080017,-0.0014589019119739532,-2.2981606122752556,3,2203,0 -8204,0.003963283835903338,-0.0018677674233913422,-0.003495577722787857,-2.061523804264359,3,2204,0 -8205,0.0021586898394303643,-0.0016654878854751587,-0.0013733506202697754,-2.4520344829725618,3,2205,0 -8206,0.0019344867003253882,-0.0014697611331939697,-0.0012577921152114868,-2.4337525842323964,3,2206,0 -8207,0.002364486692155096,-0.0012881606817245483,-0.0019827857613563538,-2.146941035913598,3,2207,0 -8208,0.0018721720851808856,-0.0013289973139762878,-0.0013186335563659668,-2.3601088216028243,3,2208,0 -8209,0.002051921886133779,-0.0016906261444091797,-0.0011628270149230957,-2.5390958592491977,3,2209,0 -8210,0.0021593084263284686,-0.0014599114656448364,-0.0015909969806671143,-2.313254840682944,3,2210,0 -8211,0.002385143512311645,-0.00193009153008461,-0.0014013051986694336,-2.5136093718577617,3,2211,0 -8212,0.0021909093929578937,-0.0015717186033725739,-0.0015263631939888,-2.3708332804192644,3,2212,0 -8213,0.0020598803306188314,-0.0014805831015110016,-0.001432124525308609,-2.3728299072106864,3,2213,0 -8214,0.0016401800042872708,-0.0013523772358894348,-0.000928044319152832,-2.540166955092219,3,2214,0 -8215,0.002114543080384339,-0.0019037649035453796,-0.0009203106164932251,-2.6912999616094417,3,2215,0 -8216,0.00205719448940025,-0.0014445856213569641,-0.001464657485485077,-2.3492952573265042,3,2216,0 -8217,0.0020867917472919997,-0.0015130750834941864,-0.001437116414308548,-2.3819358331997793,3,2217,0 -8218,0.0017404082277474992,-0.0012772493064403534,-0.0011822246015071869,-2.3948114741144235,3,2218,0 -8219,0.0019923151252751346,-0.001742970198392868,-0.0009650774300098419,-2.6359154602933823,3,2219,0 -8220,0.0020964862319632497,-0.001540984958410263,-0.0014214850962162018,-2.3965105469186185,3,2220,0 -8221,0.0021472549588308835,-0.0014235153794288635,-0.0016075782477855682,-2.295544063176959,3,2221,0 -8222,0.0021659986001587362,-0.0013560689985752106,-0.0016889721155166626,-2.2473006452267286,3,2222,0 -8223,0.0017841274829556478,-0.0011596307158470154,-0.0013558641076087952,-2.278342301751406,3,2223,0 -8224,0.0021036059607853126,-0.0012933947145938873,-0.0016590021550655365,-2.2329876125361148,3,2224,0 -8225,0.0017919937802481033,-0.0010832734405994415,-0.0014275014400482178,-2.2199436282933136,3,2225,0 -8226,0.00209366809646825,-0.001682814210653305,-0.0012456253170967102,-2.5043907093845132,3,2226,0 -8227,0.002008163687762049,-0.0013083182275295258,-0.001523490995168686,-2.2803560165202663,3,2227,0 -8228,0.0022843516531261387,-0.0020334534347057343,-0.001040831208229065,-2.668506903958071,3,2228,0 -8229,0.002339428201489977,-0.0018950216472148895,-0.0013717934489250183,-2.515010259117917,3,2229,0 -8230,0.004005045000781544,-0.0016891732811927795,-0.0036314018070697784,-2.0061833766192456,3,2230,0 -8231,0.0021247272653792857,-0.0018601380288600922,-0.0010268166661262512,-2.637206794701568,3,2231,0 -8232,0.002342370619118661,-0.0017854385077953339,-0.0015162155032157898,-2.4375563404325344,3,2232,0 -8233,0.0020111770082645217,-0.0013626515865325928,-0.0014791935682296753,-2.3152081910367794,3,2233,0 -8234,0.002412372251265064,-0.0015981048345565796,-0.0018070973455905914,-2.2948968994414054,3,2234,0 -8235,0.0018799371485202826,-0.0012011267244815826,-0.0014461874961853027,-2.2638879701724433,3,2235,0 -8236,0.0017750618714680866,-0.0013386458158493042,-0.0011657066643238068,-2.4251404716945917,3,2236,0 -8237,0.00202167919248277,-0.0014571622014045715,-0.0014013797044754028,-2.3757063320909193,3,2237,0 -8238,0.0019100149336591858,-0.0015778541564941406,-0.0010763518512248993,-2.5429392175990855,3,2238,0 -8239,0.0025381475527030527,-0.0018806718289852142,-0.001704484224319458,-2.4052986213673937,3,2239,0 -8240,0.002602621096711133,-0.0021659769117832184,-0.0014429762959480286,-2.553912404392987,3,2240,0 -8241,0.0017856121696784568,-0.0011368878185749054,-0.0013769157230854034,-2.2609991396191904,3,2241,0 -8242,0.0037454963702539274,-0.001454044133424759,-0.0034517385065555573,-1.9694862323860025,3,2242,0 -8243,0.0026158454107342915,-0.0020100921392440796,-0.0016739703714847565,-2.4471793081606408,3,2243,0 -8244,0.0021505698344856704,-0.0015610232949256897,-0.0014792419970035553,-2.3830874003812976,3,2244,0 -8245,0.0038182704315706294,-0.0017575733363628387,-0.003389708697795868,-2.049136343550553,3,2245,0 -8246,0.001993923096839692,-0.0013656318187713623,-0.001452852040529251,-2.3252585685493874,3,2246,0 -8247,0.0021978547219591886,-0.001631457358598709,-0.001472722738981247,-2.4072857525206652,3,2247,0 -8248,0.0025152271578364614,-0.0016744434833526611,-0.0018768608570098877,-2.299258058486541,3,2248,0 -8249,0.0022806112525701784,-0.001471634954214096,-0.0017422623932361603,-2.272187291060715,3,2249,0 -8250,0.0018485673785381455,-0.0015791356563568115,-0.000961005687713623,-2.5948996127655164,3,2250,0 -8251,0.0018588542100432099,-0.0013115666806697845,-0.0013172440230846405,-2.354034831613607,3,2251,0 -8252,0.00244661889947118,-0.001784730702638626,-0.001673523336648941,-2.3883404968554482,3,2252,0 -8253,0.0021148187126747847,-0.0017545931041240692,-0.0011806190013885498,-2.5493053914453716,3,2253,0 -8254,0.00195943504047174,-0.0013034343719482422,-0.0014630258083343506,-2.2985703988083688,3,2254,0 -8255,0.002031577479987356,-0.0011188872158527374,-0.0016956999897956848,-2.154056450172027,3,2255,0 -8256,0.0017976456164063264,-0.0015300139784812927,-0.0009437091648578644,-2.5889133469373986,3,2256,0 -8257,0.0021230508484240953,-0.0016161911189556122,-0.0013766884803771973,-2.4360484698211056,3,2257,0 -8258,0.0021076824750366845,-0.0015426650643348694,-0.0014361441135406494,-2.391938834587832,3,2258,0 -8259,0.002435993918872003,-0.0017186254262924194,-0.0017263814806938171,-2.3539431039088545,3,2259,0 -8260,0.0021815288268806463,-0.0018433257937431335,-0.0011667124927043915,-2.57730486643521,3,2260,0 -8261,0.00212182353539097,-0.0014404244720935822,-0.0015579834580421448,-2.3170074259303672,3,2261,0 -8262,0.0018860765342793464,-0.0015042312443256378,-0.0011377930641174316,-2.4940112617790064,3,2262,0 -8263,0.00212999724482838,-0.0017440319061279297,-0.001222800463438034,-2.5301058681705935,3,2263,0 -8264,0.0022603351109853494,-0.0016915760934352875,-0.0014992281794548035,-2.4164035824211747,3,2264,0 -8265,0.002163530549064984,-0.001566186547279358,-0.0014926232397556305,-2.3802395060347914,3,2265,0 -8266,0.0019617756173497605,-0.0013744309544563293,-0.0013998225331306458,-2.347042165140466,3,2266,0 -8267,0.001907586948482404,-0.0013555064797401428,-0.0013421960175037384,-2.361128449455854,3,2267,0 -8268,0.0019897192884151455,-0.0013466663658618927,-0.0014647431671619415,-2.31422001192393,3,2268,0 -8269,0.003926039237224647,-0.0017362050712108612,-0.0035212747752666473,-2.0288777558189164,3,2269,0 -8270,0.0021931635696688595,-0.0014740414917469025,-0.0016239359974861145,-2.307847560954378,3,2270,0 -8271,0.002024952914182124,-0.00156451016664505,-0.0012855902314186096,-2.453747051095653,3,2271,0 -8272,0.0021556292902354074,-0.0014637373387813568,-0.001582469791173935,-2.317237066989357,3,2272,0 -8273,0.001898645932054809,-0.001349080353975296,-0.0013359785079956055,-2.3610739891792174,3,2273,0 -8274,0.0021907682323437836,-0.0016056075692176819,-0.001490466296672821,-2.3933668056156217,3,2274,0 -8275,0.0024554525634454677,-0.0017273128032684326,-0.0017451755702495575,-2.3510504529766107,3,2275,0 -8276,0.0021569843085754025,-0.0015882179141044617,-0.0014595016837120056,-2.3984030263121285,3,2276,0 -8277,0.002414584183441629,-0.001666247844696045,-0.0017475225031375885,-2.332391099960818,3,2277,0 -8278,0.0021733547714281195,-0.0017364174127578735,-0.001307029277086258,-2.4963555300606655,3,2278,0 -8279,0.0023001714041057477,-0.0015667155385017395,-0.0016840994358062744,-2.3201011042164517,3,2279,0 -8280,0.0020133646230212606,-0.0014824233949184418,-0.0013623721897602081,-2.3983697582054226,3,2280,0 -8281,0.002034048822554429,-0.0013342872262001038,-0.0015352629125118256,-2.2862713211570256,3,2281,0 -8282,0.0017787345666381573,-0.001135207712650299,-0.001369379460811615,-2.2629683676986696,3,2282,0 -8283,0.0019130231777972548,-0.001581050455570221,-0.0010770037770271301,-2.5435992512323935,3,2283,0 -8284,0.0021911841396251965,-0.0017634890973567963,-0.0013005360960960388,-2.5061532921235905,3,2284,0 -8285,0.0019214166562928252,-0.001126512885093689,-0.0015565380454063416,-2.1972714045098765,3,2285,0 -8286,0.0019059629271812523,-0.001255720853805542,-0.001433826982975006,-2.2900694486157054,3,2286,0 -8287,0.002123205327889487,-0.0014912784099578857,-0.0015113204717636108,-2.3495196844825386,3,2287,0 -8288,0.0021070424050538585,-0.0018020644783973694,-0.00109187513589859,-2.5968444753042177,3,2288,0 -8289,0.0017498485054611855,-0.001208081841468811,-0.0012659020721912384,-2.332827439836384,3,2289,0 -8290,0.0021055529645923367,-0.0016133934259414673,-0.0013528913259506226,-2.443790757542081,3,2290,0 -8291,0.0018309102867968801,-0.0011665336787700653,-0.0014111809432506561,-2.2615693357404325,3,2291,0 -8292,0.0022409754949699436,-0.0017459951341152191,-0.0014048032462596893,-2.4640616169636416,3,2292,0 -8293,0.001899769904061545,-0.001322772353887558,-0.001363597810268402,-2.3409984035206715,3,2293,0 -8294,0.001921234153470082,-0.0014702677726745605,-0.0012367106974124908,-2.4422609684741006,3,2294,0 -8295,0.001941015841478017,-0.0013416409492492676,-0.0014026910066604614,-2.333952286775405,3,2295,0 -8296,0.002241134734510348,-0.0019934438169002533,-0.0010241419076919556,-2.6670016229174136,3,2296,0 -8297,0.0019622716641482735,-0.0013241730630397797,-0.0014481283724308014,-2.3115121896906117,3,2297,0 -8298,0.0018401046034852372,-0.0012449659407138824,-0.001355007290840149,-2.3138957031265455,3,2298,0 -8299,0.002206256585218659,-0.0016248486936092377,-0.0014924593269824982,-2.398638117222146,3,2299,0 -8300,0.0020719784272411976,-0.0015477649867534637,-0.0013775043189525604,-2.414332315939213,3,2300,0 -8301,0.0020840362152177057,-0.0015396662056446075,-0.0014045052230358124,-2.402070266529373,3,2301,0 -8302,0.002075337923671697,-0.0013475790619850159,-0.001578308641910553,-2.277499369360743,3,2302,0 -8303,0.002210224599880559,-0.0016042068600654602,-0.0015203990042209625,-2.3830099576897994,3,2303,0 -8304,0.0015911519484499382,-0.001303102821111679,-0.0009130649268627167,-2.5304069374605738,3,2304,0 -8305,0.0020367275127710287,-0.0014652088284492493,-0.0014147162437438965,-2.373725297667666,3,2305,0 -8306,0.0018077542419697834,-0.001347314566373825,-0.0012052878737449646,-2.4117771378164674,3,2306,0 -8307,0.0020107985999499225,-0.0018072128295898438,-0.0008816421031951904,-2.6877151876932346,3,2307,0 -8308,0.002156891391844102,-0.0015506111085414886,-0.0014992617070674896,-2.373029470991873,3,2308,0 -8309,0.0020725258491307704,-0.0009999088943004608,-0.0018153637647628784,-2.0742562946132512,3,2309,0 -8310,0.0022080280899668793,-0.0016117803752422333,-0.0015091560781002045,-2.3890651797337212,3,2310,0 -8311,0.0017834056188229621,-0.0013611577451229095,-0.0011522956192493439,-2.4391016824705427,3,2311,0 -8312,0.002154152057177105,-0.0014127939939498901,-0.0016261562705039978,-2.286100308517103,3,2312,0 -8313,0.001978109825609794,-0.0013621747493743896,-0.0014343634247779846,-2.330386636617222,3,2313,0 -8314,0.001877764244558718,-0.0013570673763751984,-0.0012978315353393555,-2.3785026896103965,3,2314,0 -8315,0.0022871618223224833,-0.0014747865498065948,-0.0017481744289398193,-2.2715719969694876,3,2315,0 -8316,0.0018552575107032858,-0.0011433809995651245,-0.0014610476791858673,-2.2348222767164416,3,2316,0 -8317,0.002077133823224198,-0.0015677623450756073,-0.001362573355436325,-2.4261027319965254,3,2317,0 -8318,0.0017549959153445023,-0.0013898573815822601,-0.001071590930223465,-2.4847815395036257,3,2318,0 -8319,0.0017806118924654306,-0.0012773126363754272,-0.0012405849993228912,-2.3707800841502733,3,2319,0 -8320,0.00203816998915746,-0.0016917884349822998,-0.0011366568505764008,-2.5499984428631786,3,2320,0 -8321,0.0021480906390465592,-0.0015738792717456818,-0.001461915671825409,-2.393058928794236,3,2321,0 -8322,0.0018794137419346317,-0.0014053843915462494,-0.0012478344142436981,-2.4155055392798572,3,2322,0 -8323,0.0017340710830968083,-0.0012859292328357697,-0.0011633522808551788,-2.406198856354807,3,2323,0 -8324,0.0017497958872525867,-0.0012386031448841095,-0.0012359805405139923,-2.3572543061943985,3,2324,0 -8325,0.0021903969168427647,-0.0016059651970863342,-0.0014895349740982056,-2.393789501599478,3,2325,0 -8326,0.0016890847529439812,-0.0014754384756088257,-0.0008222460746765137,-2.633170282220546,3,2326,0 -8327,0.003620012845003391,-0.0016283579170703888,-0.0032331012189388275,-2.037361271286817,3,2327,0 -8328,0.0019165078265129811,-0.0010950639843940735,-0.0015728436410427094,-2.1789889146910757,3,2328,0 -8329,0.0020568138187387996,-0.0012740343809127808,-0.0016147196292877197,-2.2388017297988605,3,2329,0 -8330,0.002017651376712576,-0.0014067217707633972,-0.0014463923871517181,-2.342291064678866,3,2330,0 -8331,0.0019154984213920338,-0.0012852922081947327,-0.0014202669262886047,-2.3063478954323586,3,2331,0 -8332,0.002204521579659894,-0.0016102269291877747,-0.001505684107542038,-2.389733195029242,3,2332,0 -8333,0.002126087174621913,-0.0016059279441833496,-0.001393284648656845,-2.4269757558973026,3,2333,0 -8334,0.001807246477301593,-0.001061316579580307,-0.001462787389755249,-2.198460986696547,3,2334,0 -8335,0.002102575383779989,-0.0015046074986457825,-0.001468665897846222,-2.3682821274535106,3,2335,0 -8336,0.0018303357964377985,-0.0014182478189468384,-0.001157023012638092,-2.457284581203583,3,2336,0 -8337,0.0021865551184630056,-0.0015059597790241241,-0.0015852786600589752,-2.3305408624674686,3,2337,0 -8338,0.0036690799116024684,-0.0024079978466033936,-0.0027683377265930176,-2.2866936826686435,3,2338,0 -8339,0.0020178718770143583,-0.0013524219393730164,-0.0014975853264331818,-2.3053040764065567,3,2339,0 -8340,0.0021823813432821208,-0.0013699978590011597,-0.0016987919807434082,-2.2494603605946004,3,2340,0 -8341,0.0017891106643605562,-0.0015295781195163727,-0.0009280666708946228,-2.5962270138469505,3,2341,0 -8342,0.0022226760045256687,-0.00164007768034935,-0.001500144600868225,-2.400726550057298,3,2342,0 -8343,0.0017740207785857881,-0.0012184865772724152,-0.0012893564999103546,-2.3279426960475855,3,2343,0 -8344,0.002325257541405526,-0.0016446970403194427,-0.0016437135636806488,-2.3564935637351305,3,2344,0 -8345,0.003997393957462071,-0.0018802322447299957,-0.0035275891423225403,-2.0605001133381164,3,2345,0 -8346,0.0020280629447383828,-0.0018096864223480225,-0.0009154640138149261,-2.6732609841487958,3,2346,0 -8347,0.0021551672878143842,-0.0015169642865657806,-0.001530870795249939,-2.3516317721295277,3,2347,0 -8348,0.002120161136139716,-0.0013378560543060303,-0.0016447566449642181,-2.2536587852500007,3,2348,0 -8349,0.0020222053972803584,-0.001307368278503418,-0.001542758196592331,-2.2737922170303437,3,2349,0 -8350,0.0018288188179400979,-0.001156143844127655,-0.0014170072972774506,-2.25516069241409,3,2350,0 -8351,0.002212291554320578,-0.001615472137928009,-0.001511450856924057,-2.389448566144965,3,2351,0 -8352,0.0019562609647423347,-0.001285504549741745,-0.0014745965600013733,-2.287792283561931,3,2352,0 -8353,0.002266039308196563,-0.0014557316899299622,-0.0017365999519824982,-2.2684382918612624,3,2353,0 -8354,0.001898135913629561,-0.0013484805822372437,-0.0013358592987060547,-2.360896275765516,3,2354,0 -8355,0.002236506977585326,-0.0017957426607608795,-0.001333143562078476,-2.502978983297995,3,2355,0 -8356,0.0020824718187415674,-0.0016692057251930237,-0.0012451671063899994,-2.5006796979578403,3,2356,0 -8357,0.0022455036368364515,-0.0017023459076881409,-0.001464344561100006,-2.431211208702519,3,2357,0 -8358,0.0022201651827272327,-0.0015654638409614563,-0.0015743114054203033,-2.3533766002650354,3,2358,0 -8359,0.0017396127729285016,-0.0013490840792655945,-0.0010982826352119446,-2.4583160813262026,3,2359,0 -8360,0.0018351940239522513,-0.0014368481934070587,-0.001141667366027832,-2.4701753516838325,3,2360,0 -8361,0.002011097072471399,-0.0015053264796733856,-0.0013336054980754852,-2.416608762713076,3,2361,0 -8362,0.0018623075334375972,-0.0014499127864837646,-0.0011687353253364563,-2.4631597107466088,3,2362,0 -8363,0.001968915027784816,-0.0014784857630729675,-0.001300271600484848,-2.4202412546936043,3,2363,0 -8364,0.0015320777932967549,-0.0010594762861728668,-0.0011066943407058716,-2.3344000029420817,3,2364,0 -8365,0.0021517658258284216,-0.001939631998538971,-0.0009316243231296539,-2.693820893247858,3,2365,0 -8366,0.0022443340507730535,-0.001795012503862381,-0.0013472065329551697,-2.4977539283615395,3,2366,0 -8367,0.0018894183704382533,-0.000989530235528946,-0.0016095750033855438,-2.1220107181821954,3,2367,0 -8368,0.0016703368115926782,-0.0013474300503730774,-0.0009871460497379303,-2.509311787051004,3,2368,0 -8369,0.0021684912656297936,-0.0016710683703422546,-0.00138198584318161,-2.4505993717783157,3,2369,0 -8370,0.0015654958284953724,-0.0010741092264652252,-0.0011388882994651794,-2.326930751916405,3,2370,0 -8371,0.002308873653626034,-0.001731235533952713,-0.0015276521444320679,-2.4185836235674034,3,2371,0 -8372,0.002409189744027028,-0.0017077699303627014,-0.0016993284225463867,-2.3586721088780815,3,2372,0 -8373,0.002175247443372844,-0.0018763095140457153,-0.0011005289852619171,-2.611129638653493,3,2373,0 -8374,0.002306190950910244,-0.0018357336521148682,-0.0013959221541881561,-2.4914582500732028,3,2374,0 -8375,0.0019268185608572845,-0.0013724081218242645,-0.001352451741695404,-2.3635181781362986,3,2375,0 -8376,0.002239812996187912,-0.0017594248056411743,-0.0013860687613487244,-2.4743372718817747,3,2376,0 -8377,0.0015590205918577602,-0.0011584833264350891,-0.0010432936251163483,-2.4084635361842257,3,2377,0 -8378,0.0019849529173367694,-0.0013890601694583893,-0.001417938619852066,-2.345906836451641,3,2378,0 -8379,0.0024526895763524598,-0.0017106607556343079,-0.001757647842168808,-2.3426477682335665,3,2379,0 -8380,0.0020677352517525843,-0.001513160765171051,-0.0014092102646827698,-2.3917501027202417,3,2380,0 -8381,0.002199171362196924,-0.0018762089312076569,-0.001147255301475525,-2.5927781774797274,3,2381,0 -8382,0.0017943921846622641,-0.0013101287186145782,-0.0012261345982551575,-2.38929966229296,3,2382,0 -8383,0.0021094772773100757,-0.0016638301312923431,-0.0012967512011528015,-2.479553719202842,3,2383,0 -8384,0.002095848496253749,-0.0015965737402439117,-0.0013577677309513092,-2.4368513586111664,3,2384,0 -8385,0.002818894623833968,-0.0012450926005840302,-0.002529013901948929,-2.028283779057953,3,2385,0 -8386,0.001589025750525149,-0.0012371987104415894,-0.0009971670806407928,-2.463211256453676,3,2386,0 -8387,0.0020632687909104405,-0.0013098008930683136,-0.0015942081809043884,-2.2585697298794747,3,2387,0 -8388,0.0020449836766383432,-0.001445472240447998,-0.0014465712010860443,-2.3558144956980134,3,2388,0 -8389,0.0019708681604441707,-0.0015085972845554352,-0.0012682490050792694,-2.4425337164544425,3,2389,0 -8390,0.002326056686110352,-0.0016519352793693542,-0.0016375742852687836,-2.3605601570440884,3,2390,0 -8391,0.0020502419548511456,-0.0015517883002758026,-0.001339942216873169,-2.429323127451963,3,2391,0 -8392,0.002329895587193269,-0.0018121115863323212,-0.0014644674956798553,-2.461898741169731,3,2392,0 -8393,0.002274106809654425,-0.001581583172082901,-0.001634061336517334,-2.33987629762165,3,2393,0 -8394,0.0020946965085816855,-0.0014838427305221558,-0.0014785006642341614,-2.357997812692599,3,2394,0 -8395,0.002131139159447914,-0.0015626214444637299,-0.0014491267502307892,-2.3938606590277676,3,2395,0 -8396,0.0018134200838316344,-0.0013783127069473267,-0.001178450882434845,-2.4342057011043505,3,2396,0 -8397,0.0020963344907113956,-0.0015600509941577911,-0.0014003068208694458,-2.4101033099532025,3,2397,0 -8398,0.0020018989436188443,-0.0015239045023918152,-0.0012981966137886047,-2.43600327965544,3,2398,0 -8399,0.00214949158853162,-0.0012556947767734528,-0.0017445757985115051,-2.1946684371323535,3,2399,0 -8400,0.0018732264632977465,-0.0013681240379810333,-0.001279536634683609,-2.3896407580234484,3,2400,0 -8401,0.0021971544836703115,-0.0017246045172214508,-0.0013613328337669373,-2.473373625701985,3,2401,0 -8402,0.0038299731974883004,-0.0019697658717632294,-0.0032846182584762573,-2.110990798899055,3,2402,0 -8403,0.002070277410577645,-0.0016922317445278168,-0.0011926442384719849,-2.527668539131686,3,2403,0 -8404,0.001991499713721072,-0.0012028813362121582,-0.0015871822834014893,-2.2193166383675518,3,2404,0 -8405,0.0022267640983108217,-0.0013011321425437927,-0.0018070787191390991,-2.194832304748138,3,2405,0 -8406,0.0020855301898940653,-0.0014784149825572968,-0.0014709606766700745,-2.358721903067558,3,2406,0 -8407,0.001978030180369907,-0.0013362430036067963,-0.0014584437012672424,-2.3124962447658697,3,2407,0 -8408,0.0021919119524225084,-0.0015625134110450745,-0.0015372149646282196,-2.364355813270431,3,2408,0 -8409,0.0022283501668171673,-0.0016624778509140015,-0.0014838166534900665,-2.4129182130085685,3,2409,0 -8410,0.0023338952147908005,-0.0021107830107212067,-0.000995822250843048,-2.7007759710478756,3,2410,0 -8411,0.002138648879080442,-0.001521330326795578,-0.0015031211078166962,-2.3622150857809014,3,2411,0 -8412,0.0018103600916945005,-0.0012518428266048431,-0.0013077817857265472,-2.3343436079663373,3,2412,0 -8413,0.0018154188991401734,-0.0014523454010486603,-0.001089237630367279,-2.4981009841250192,3,2413,0 -8414,0.002414623317118812,-0.0019735395908355713,-0.0013912394642829895,-2.5275547223461223,3,2414,0 -8415,0.0022134019637160326,-0.0017465166747570038,-0.0013597160577774048,-2.4800808096184457,3,2415,0 -8416,0.002297093872691029,-0.0016823634505271912,-0.0015640631318092346,-2.3926185380808707,3,2416,0 -8417,0.0019222278532063529,-0.0011312812566757202,-0.0015540793538093567,-2.2000308973311697,3,2417,0 -8418,0.001745530852874729,-0.0012063197791576385,-0.0012616142630577087,-2.33379306726807,3,2418,0 -8419,0.0021533887259501147,-0.0017022080719470978,-0.0013189278542995453,-2.4823866095685085,3,2419,0 -8420,0.002379665136783537,-0.0019687600433826447,-0.001336708664894104,-2.5451277266185213,3,2420,0 -8421,0.0020187070942724867,-0.0017015188932418823,-0.0010862834751605988,-2.5734012425029995,3,2421,0 -8422,0.0022480591316827257,-0.001873314380645752,-0.0012427642941474915,-2.555852206790435,3,2422,0 -8423,0.004063074475383314,-0.0021520182490348816,-0.0034463591873645782,-2.1289873575106464,3,2423,0 -8424,0.0018361258508799046,-0.0013899728655815125,-0.0011997222900390625,-2.4295272207401735,3,2424,0 -8425,0.002038763385067467,-0.0014475993812084198,-0.0014356225728988647,-2.3603484331119455,3,2425,0 -8426,0.002477750987239728,-0.0016213096678256989,-0.001873660832643509,-2.2841154860805943,3,2426,0 -8427,0.002335256888346429,-0.0014950558543205261,-0.0017939433455467224,-2.2655685083726977,3,2427,0 -8428,0.0020487953293697103,-0.0014904886484146118,-0.0014057047665119171,-2.385460379170665,3,2428,0 -8429,0.0020241021438186235,-0.0014556869864463806,-0.0014064013957977295,-2.3734129381656586,3,2429,0 -8430,0.0017790594377376694,-0.0014903098344802856,-0.0009716115891933441,-2.5638459011506147,3,2430,0 -8431,0.0021275356269114124,-0.001594632863998413,-0.0014083869755268097,-2.418134688573986,3,2431,0 -8432,0.0019970059530666,-0.0015882402658462524,-0.001210588961839676,-2.4903163219002216,3,2432,0 -8433,0.0019073494602524102,-0.0014861561357975006,-0.0011955425143241882,-2.4641424604907107,3,2433,0 -8434,0.002086907577910718,-0.0014876686036586761,-0.0014635659754276276,-2.364361273187863,3,2434,0 -8435,0.001985610825341013,-0.0014570429921150208,-0.0013489536941051483,-2.394696275738629,3,2435,0 -8436,0.00231028247558381,-0.0014263391494750977,-0.0018174052238464355,-2.236213473530727,3,2436,0 -8437,0.002384265372193906,-0.0013020969927310944,-0.0019973143935203552,-2.148522837990131,3,2437,0 -8438,0.002163729643943646,-0.0014468766748905182,-0.0016088113188743591,-2.303249521356282,3,2438,0 -8439,0.0018449428220604987,-0.0014679990708827972,-0.0011174939572811127,-2.490939108608358,3,2439,0 -8440,0.0021256025367882092,-0.0016157850623130798,-0.0013810954988002777,-2.434346274848268,3,2440,0 -8441,0.002286447077211824,-0.0017096176743507385,-0.0015182383358478546,-2.4154150867996345,3,2441,0 -8442,0.0039860591471836595,-0.0018418394029140472,-0.0035350099205970764,-2.051124528728307,3,2442,0 -8443,0.0022777782376990066,-0.0014180727303028107,-0.0017825104296207428,-2.2428167756340915,3,2443,0 -8444,0.003909162248227235,-0.001743372529745102,-0.0034988857805728912,-2.0330550199799227,3,2444,0 -8445,0.0020166955744973414,-0.0014977119863033295,-0.0013505257666110992,-2.407824805128059,3,2445,0 -8446,0.002106483056467774,-0.0013987421989440918,-0.0015750527381896973,-2.296975749150159,3,2446,0 -8447,0.0020786380550017708,-0.0013274066150188446,-0.0015996024012565613,-2.2634666635214193,3,2447,0 -8448,0.001955886857037015,-0.0009562931954860687,-0.0017061643302440643,-2.081659888403768,3,2448,0 -8449,0.0019260974156746317,-0.0016046501696109772,-0.0010653398931026459,-2.5555024115589817,3,2449,0 -8450,0.0022664692282740036,-0.001614689826965332,-0.0015904903411865234,-2.3637444638912717,3,2450,0 -8451,0.002019795548378656,-0.0014558099210262299,-0.0014000684022903442,-2.3757101822608715,3,2451,0 -8452,0.0019367745493459212,-0.0013380907475948334,-0.0014002174139022827,-2.3335104071181414,3,2452,0 -8453,0.0015411435332578845,-0.0008504651486873627,-0.0012852363288402557,-2.1553657154639105,3,2453,0 -8454,0.0019381019557609977,-0.0014056377112865448,-0.0013343244791030884,-2.3822157018091765,3,2454,0 -8455,0.0020056614522282238,-0.0014155395328998566,-0.0014208890497684479,-2.354308487999825,3,2455,0 -8456,0.002404542105907394,-0.0016784146428108215,-0.0017218440771102905,-2.343422793535631,3,2456,0 -8457,0.0021083865483012376,-0.0012993104755878448,-0.0016604475677013397,-2.2347789070505026,3,2457,0 -8458,0.0020411560372498474,-0.0014843195676803589,-0.0014011114835739136,-2.3850238155535894,3,2458,0 -8459,0.0022996948607379563,-0.0017441026866436005,-0.0014989003539085388,-2.4316605525852477,3,2459,0 -8460,0.002119808862054661,-0.00157850980758667,-0.0014148838818073273,-2.410802491805697,3,2460,0 -8461,0.0023467385731526006,-0.0015671513974666595,-0.0017467737197875977,-2.302045189296113,3,2461,0 -8462,0.0022466855220340046,-0.0019280463457107544,-0.0011533573269844055,-2.602497732691313,3,2462,0 -8463,0.0023532776293096235,-0.001713193953037262,-0.0016133449971675873,-2.386201349326994,3,2463,0 -8464,0.0021819032804804798,-0.0013891421258449554,-0.0016825534403324127,-2.260962467512668,3,2464,0 -8465,0.002066500623351873,-0.0015346333384513855,-0.001383952796459198,-2.407776616591106,3,2465,0 -8466,0.0016362195416822329,-0.0012172684073448181,-0.0010933764278888702,-2.4097611210346535,3,2466,0 -8467,0.0018889152803877845,-0.0014015734195709229,-0.0012663304805755615,-2.406843717465426,3,2467,0 -8468,0.001841476902760557,-0.0013510771095752716,-0.0012512505054473877,-2.3945361966109573,3,2468,0 -8469,0.00224420297854008,-0.0017959102988243103,-0.0013457909226417542,-2.498498567340877,3,2469,0 -8470,0.001981542891924241,-0.0015480592846870422,-0.0012369416654109955,-2.467445088839152,3,2470,0 -8471,0.001974776566451644,-0.0014837421476840973,-0.0013031698763370514,-2.4208970053492602,3,2471,0 -8472,0.0021745073390428914,-0.0017855949699878693,-0.0012410208582878113,-2.5342180644498042,3,2472,0 -8473,0.0019420581916321463,-0.001593664288520813,-0.001109875738620758,-2.533266633048693,3,2473,0 -8474,0.002103927313264863,-0.0014945641160011292,-0.0014808066189289093,-2.3608182498029913,3,2474,0 -8475,0.002293813599463931,-0.0012266486883163452,-0.0019382759928703308,-2.135024632147427,3,2475,0 -8476,0.0017789298856917468,-0.0012565776705741882,-0.0012592077255249023,-2.3551490695469037,3,2476,0 -8477,0.0019467506885743726,-0.0014383494853973389,-0.0013118647038936615,-2.402152989143238,3,2477,0 -8478,0.0022504167144842754,-0.00161801278591156,-0.0015641003847122192,-2.37313519619956,3,2478,0 -8479,0.001934271890884216,-0.0015113465487957,-0.001207161694765091,-2.4676250198813614,3,2479,0 -8480,0.002078411223299348,-0.0011842399835586548,-0.0017080307006835938,-2.177036112056645,3,2480,0 -8481,0.0023622446501033755,-0.001537960022687912,-0.0017930082976818085,-2.2797747930742394,3,2481,0 -8482,0.0021409533548431676,-0.0015740282833576202,-0.001451246440410614,-2.396757581638058,3,2482,0 -8483,0.0018237029681708139,-0.0012647807598114014,-0.0013138577342033386,-2.337164660997883,3,2483,0 -8484,0.002281600177765641,-0.0016567632555961609,-0.0015687048435211182,-2.3834886816834393,3,2484,0 -8485,0.0019187634477732705,-0.0013127401471138,-0.0013994164764881134,-2.3242469109320987,3,2485,0 -8486,0.002086074491823193,-0.0015778802335262299,-0.0013645514845848083,-2.4285686913418374,3,2486,0 -8487,0.0020916668696831426,-0.0013778060674667358,-0.001573760062456131,-2.2899019359842026,3,2487,0 -8488,0.002251500194731727,-0.0013361722230911255,-0.0018121525645256042,-2.206145553760856,3,2488,0 -8489,0.0017787691079813716,-0.0014060772955417633,-0.001089479774236679,-2.4823848458953996,3,2489,0 -8490,0.0017215124202019244,-0.001088518649339676,-0.0013336911797523499,-2.255319513508628,3,2490,0 -8491,0.0022505686649978494,-0.001549888402223587,-0.0016318410634994507,-2.330442915177483,3,2491,0 -8492,0.0023971342235903476,-0.0020164810121059418,-0.0012961700558662415,-2.570304008574176,3,2492,0 -8493,0.0021205129799202562,-0.001632053405046463,-0.0013538748025894165,-2.4490895441011467,3,2493,0 -8494,0.0017593086936580822,-0.0013412237167358398,-0.001138545572757721,-2.4377458801142224,3,2494,0 -8495,0.0019717579980128956,-0.0015015192329883575,-0.0012779943645000458,-2.4364404988037105,3,2495,0 -8496,0.0015950749819378114,-0.0011591576039791107,-0.0010957270860671997,-2.3843173449962767,3,2496,0 -8497,0.0035938958753852683,-0.0018202699720859528,-0.003098823130130768,-2.10190470398147,3,2497,0 -8498,0.0023171873770643165,-0.0014698505401611328,-0.0017913393676280975,-2.2579317544791957,3,2498,0 -8499,0.0021097575520482212,-0.001560807228088379,-0.0014194920659065247,-2.4035754354410397,3,2499,0 -8500,0.0022498048830950014,-0.0016602389514446259,-0.00151829794049263,-2.4008209259391946,3,2500,0 -8501,0.0019846098199336804,-0.0017193518579006195,-0.0009912140667438507,-2.6186284443599166,3,2501,0 -8502,0.002269153664092457,-0.0014682561159133911,-0.0017301104962825775,-2.2745053994942115,3,2502,0 -8503,0.002280245787628566,-0.0016918480396270752,-0.0015287809073925018,-2.4067833665173226,3,2503,0 -8504,0.0019750388696070384,-0.0013536065816879272,-0.001438237726688385,-2.3258900652908934,3,2504,0 -8505,0.0019996823982140676,-0.001453150063753128,-0.0013737119734287262,-2.3842882524953715,3,2505,0 -8506,0.0033966186223784423,-0.0014335289597511292,-0.0030792877078056335,-2.0064972002095005,3,2506,0 -8507,0.0018950042045291172,-0.0013393014669418335,-0.0013406388461589813,-2.3556954570237356,3,2507,0 -8508,0.0022192883979268462,-0.0015516579151153564,-0.0015866942703723907,-2.345031020406818,3,2508,0 -8509,0.002042809314747265,-0.0012603327631950378,-0.0016076788306236267,-2.235671058751877,3,2509,0 -8510,0.0019788821870391354,-0.0011564604938030243,-0.001605793833732605,-2.194937870641069,3,2510,0 -8511,0.0035911291510933316,-0.001952480524778366,-0.003013972193002701,-2.145630276044464,3,2511,0 -8512,0.0020192843496473216,-0.001620020717382431,-0.0012054219841957092,-2.5018923277583855,3,2512,0 -8513,0.0020769912010982577,-0.0015469975769519806,-0.0013858899474143982,-2.4110707429358844,3,2513,0 -8514,0.003308209606679337,-0.001569308340549469,-0.0029123052954673767,-2.065042155120295,3,2514,0 -8515,0.0023677620481990726,-0.0015300214290618896,-0.0018070228397846222,-2.273376344726182,3,2515,0 -8516,0.002442996630316086,-0.0017414689064025879,-0.0017133355140686035,-2.364337576476522,3,2516,0 -8517,0.0023033377765785,-0.001385517418384552,-0.0018400289118289948,-2.216206226528341,3,2517,0 -8518,0.003997230522477674,-0.0020250417292118073,-0.0034463107585906982,-2.1020460247302464,3,2518,0 -8519,0.0023385267384645183,-0.0016931481659412384,-0.0016130581498146057,-2.380413897011464,3,2519,0 -8520,0.0037355114298279622,-0.0015657320618629456,-0.0033915378153324127,-2.003303008098545,3,2520,0 -8521,0.002282906472254257,-0.0011800900101661682,-0.00195423886179924,-2.114050478716477,3,2521,0 -8522,0.0020874941533900356,-0.0016120783984661102,-0.0013262107968330383,-2.4531797481272215,3,2522,0 -8523,0.001992475548092467,-0.0016270875930786133,-0.0011500194668769836,-2.5263199723817986,3,2523,0 -8524,0.001983724323930255,-0.0014515556395053864,-0.0013520903885364532,-2.391656724596274,3,2524,0 -8525,0.002343671002423982,-0.0016559809446334839,-0.0016584694385528564,-2.3554436889541046,3,2525,0 -8526,0.0017359004715055385,-0.0014222078025341034,-0.0009953267872333527,-2.5309698893362245,3,2526,0 -8527,0.002245503295766626,-0.001555848866701126,-0.001619141548871994,-2.33626236699652,3,2527,0 -8528,0.0017686365304342446,-0.001396220177412033,-0.0010856539011001587,-2.4806812009975068,3,2528,0 -8529,0.002186878794803881,-0.001804649829864502,-0.0012351833283901215,-2.5413828347736436,3,2529,0 -8530,0.004027705477208775,-0.0019676387310028076,-0.0035143718123435974,-2.081195943820747,3,2530,0 -8531,0.001962867249687086,-0.00138053297996521,-0.001395341008901596,-2.3508599942706137,3,2531,0 -8532,0.003944962565909004,-0.0021145567297935486,-0.0033303722739219666,-2.1365052107086626,3,2532,0 -8533,0.0018576554046996474,-0.001557718962430954,-0.0010121241211891174,-2.565394903864538,3,2533,0 -8534,0.0020959573918155152,-0.0015534162521362305,-0.0014071017503738403,-2.405576236974185,3,2534,0 -8535,0.0019138772942130452,-0.00130399689078331,-0.0014008991420269012,-2.320385044378139,3,2535,0 -8536,0.001990612257201849,-0.0013233236968517303,-0.0014870613813400269,-2.297998623255719,3,2536,0 -8537,0.0024185072115253266,-0.0019564777612686157,-0.0014217495918273926,-2.5131786892004486,3,2537,0 -8538,0.0018790581849274651,-0.0016002990305423737,-0.000984836369752884,-2.5899209165546426,3,2538,0 -8539,0.0018649485892736216,-0.0016728416085243225,-0.0008243992924690247,-2.6837105797127947,3,2539,0 -8540,0.002076410983808914,-0.0014133378863334656,-0.0015211701393127441,-2.31946473637447,3,2540,0 -8541,0.0018647268859974867,-0.0013180151581764221,-0.0013191066682338715,-2.3557805881935114,3,2541,0 -8542,0.0020198467927067124,-0.0014751888811588287,-0.0013797096908092499,-2.3896260163853835,3,2542,0 -8543,0.0018975305504861054,-0.0015536807477474213,-0.0010893568396568298,-2.5300980628243463,3,2543,0 -8544,0.0038134524720880455,-0.0017162002623081207,-0.0034054480493068695,-2.037604728685952,3,2544,0 -8545,0.0021208888596694515,-0.001261785626411438,-0.001704718917608261,-2.207977944312429,3,2545,0 -8546,0.0022481837076609576,-0.0015662088990211487,-0.0016128607094287872,-2.341520869345829,3,2546,0 -8547,0.00215316100823533,-0.001524750143289566,-0.0015202760696411133,-2.357663794597616,3,2547,0 -8548,0.001966068065025283,-0.0013042353093624115,-0.0014711879193782806,-2.296112960297681,3,2548,0 -8549,0.0020432983195747523,-0.001556742936372757,-0.0013234876096248627,-2.4370030853761855,3,2549,0 -8550,0.0017629839632762928,-0.0012760348618030548,-0.0012164898216724396,-2.380079395660656,3,2550,0 -8551,0.0020808830401510357,-0.0014586672186851501,-0.0014840364456176758,-2.3475736430560032,3,2551,0 -8552,0.0020098916254760522,-0.0013320185244083405,-0.0015051215887069702,-2.2952568074196447,3,2552,0 -8553,0.00229936962838746,-0.0017676390707492828,-0.001470562070608139,-2.447679769671575,3,2553,0 -8554,0.0022813080766369113,-0.001707863062620163,-0.0015124715864658356,-2.416794476323391,3,2554,0 -8555,0.0025084155117866274,-0.0017994120717048645,-0.0017476454377174377,-2.370787701333045,3,2555,0 -8556,0.001991741687790618,-0.0011703483760356903,-0.0016116201877593994,-2.1988864879825347,3,2556,0 -8557,0.002299092942387775,-0.0018605366349220276,-0.0013506412506103516,-2.5136674389992817,3,2557,0 -8558,0.002125367649188055,-0.00146416574716568,-0.0015405863523483276,-2.3307667239455316,3,2558,0 -8559,0.001863749741724724,-0.0012180022895336151,-0.0014106854796409607,-2.2830252037080614,3,2559,0 -8560,0.0023054982533693828,-0.0016351044178009033,-0.0016253478825092316,-2.3591868683264026,3,2560,0 -8561,0.0020904420528904976,-0.0016538389027118683,-0.0012785792350769043,-2.483472084279975,3,2561,0 -8562,0.002204169547957458,-0.0016844943165779114,-0.0014215633273124695,-2.440644191095334,3,2562,0 -8563,0.002025939229378372,-0.0016665533185005188,-0.0011519677937030792,-2.5367784434187746,3,2563,0 -8564,0.0018851497743064365,-0.0013337098062038422,-0.0013322941958904266,-2.3567254759595313,3,2564,0 -8565,0.002134018663651907,-0.0015431009232997894,-0.0014740675687789917,-2.379070677619271,3,2565,0 -8566,0.0020502170674899203,-0.0016213804483413696,-0.0012547969818115234,-2.4829660737660157,3,2566,0 -8567,0.0018171320278093678,-0.001126118004322052,-0.0014261230826377869,-2.23918567814529,3,2567,0 -8568,0.0022229602445286854,-0.0017118565738201141,-0.001418132334947586,-2.449762411919598,3,2568,0 -8569,0.001887207915296739,-0.0013065561652183533,-0.0013617873191833496,-2.335498778165451,3,2569,0 -8570,0.0022742290208427342,-0.0015259608626365662,-0.0016862861812114716,-2.3063252280564246,3,2570,0 -8571,0.0016425186988397054,-0.0013482645153999329,-0.0009381100535392761,-2.533697241580605,3,2571,0 -8572,0.0019984167001946868,-0.0013700909912586212,-0.001454826444387436,-2.326207754164276,3,2572,0 -8573,0.0022276677954805387,-0.0012654326856136322,-0.001833353191614151,-2.1749341113018876,3,2573,0 -8574,0.0021937932263660248,-0.0015489757061004639,-0.0015535131096839905,-2.354731986822341,3,2574,0 -8575,0.002017625431135873,-0.0011872388422489166,-0.0016313418745994568,-2.1999166438965196,3,2575,0 -8576,0.00210767435413655,-0.0015192106366157532,-0.0014609210193157196,-2.375751406610226,3,2576,0 -8577,0.002270886062115464,-0.0019020438194274902,-0.0012406259775161743,-2.5636307357498103,3,2577,0 -8578,0.0020656934664049376,-0.0012945756316184998,-0.0016097091138362885,-2.24811094547857,3,2578,0 -8579,0.002092375264898338,-0.001732703298330307,-0.0011729337275028229,-2.5465123916932786,3,2579,0 -8580,0.0021116017810938197,-0.0017301104962825775,-0.0012106113135814667,-2.5310474949679804,3,2580,0 -8581,0.0020320646246787797,-0.0015064291656017303,-0.0013638027012348175,-2.4058452678318525,3,2581,0 -8582,0.0019291171332588767,-0.0013031065464019775,-0.0014224648475646973,-2.3124304230933053,3,2582,0 -8583,0.00220380502357165,-0.001312006264925003,-0.001770704984664917,-2.2084811083752705,3,2583,0 -8584,0.0021533487921426846,-0.001627642661333084,-0.0014098547399044037,-2.427771790167671,3,2584,0 -8585,0.0020435747757939437,-0.0014615319669246674,-0.0014283284544944763,-2.367683644204558,3,2585,0 -8586,0.0017975133393708313,-0.0009669549763202667,-0.001515273004770279,-2.138788252195286,3,2586,0 -8587,0.0019999870399717594,-0.0014031045138835907,-0.0014252178370952606,-2.3483761194790267,3,2587,0 -8588,0.002583220258644555,-0.001974966377019882,-0.0016650930047035217,-2.4411183990172622,3,2588,0 -8589,0.0019127033356524587,-0.0012293681502342224,-0.001465294510126114,-2.268863973949708,3,2589,0 -8590,0.0019603943049707607,-0.0015195086598396301,-0.0012386441230773926,-2.457675353521967,3,2590,0 -8591,0.0021020461527190126,-0.001643296331167221,-0.0013107918202877045,-2.468280144622103,3,2591,0 -8592,0.0018345668456020744,-0.0014342404901981354,-0.0011439360678195953,-2.468322868904926,3,2592,0 -8593,0.0018250978209062923,-0.0012023039162158966,-0.0013731159269809723,-2.289967536761097,3,2593,0 -8594,0.002263420739459688,-0.0018564052879810333,-0.0012949258089065552,-2.5325163925908902,3,2594,0 -8595,0.002046736476161542,-0.0014072209596633911,-0.001486223191022873,-2.328897399275912,3,2595,0 -8596,0.0017121233415177406,-0.0012980736792087555,-0.0011164098978042603,-2.4312921827732157,3,2596,0 -8597,0.0024547096180886283,-0.0017543770372867584,-0.00171690434217453,-2.366989132144883,3,2597,0 -8598,0.0018281221191682117,-0.0015687979757785797,-0.0009385645389556885,-2.602446289170782,3,2598,0 -8599,0.001860511861596006,-0.001585986465215683,-0.0009727030992507935,-2.5914430312324996,3,2599,0 -8600,0.0022510341844870817,-0.0017764940857887268,-0.0013824701309204102,-2.480285608528432,3,2600,0 -8601,0.002101637438833628,-0.0016101077198982239,-0.0013507157564163208,-2.443579428591567,3,2601,0 -8602,0.0022769787541301843,-0.0017975755035877228,-0.0013976246118545532,-2.480719236470902,3,2602,0 -8603,0.001640362501355576,-0.001180887222290039,-0.0011385492980480194,-2.374446001969458,3,2603,0 -8604,0.0021398538736720177,-0.0016857758164405823,-0.0013180039823055267,-2.47802448396339,3,2604,0 -8605,0.0020275266568190384,-0.0015986636281013489,-0.0012470521032810211,-2.4791296191971353,3,2605,0 -8606,0.002017892443518585,-0.0015686415135860443,-0.0012693516910076141,-2.4612643880703766,3,2606,0 -8607,0.001932450885144046,-0.0015015266835689545,-0.0012164637446403503,-2.4606924923362894,3,2607,0 -8608,0.0019986615167119255,-0.001505427062511444,-0.0013146623969078064,-2.4237364939329784,3,2608,0 -8609,0.0021053749418205813,-0.0015520565211772919,-0.0014225766062736511,-2.3996950589893458,3,2609,0 -8610,0.002083008045568214,-0.0015592798590660095,-0.0013811476528644562,-2.416700919978746,3,2610,0 -8611,0.0019825672947981834,-0.0014580711722373962,-0.00134335458278656,-2.3971209837259844,3,2611,0 -8612,0.0021142052883221206,-0.001673046499490738,-0.001292586326599121,-2.483787260788075,3,2612,0 -8613,0.0023572475672674737,-0.0017873235046863556,-0.0015369094908237457,-2.4313823470423968,3,2613,0 -8614,0.0017982100477614766,-0.0015214011073112488,-0.0009585916996002197,-2.5793546222092827,3,2614,0 -8615,0.0031768935327198327,-0.0015192069113254547,-0.002790100872516632,-2.069406251345239,3,2615,0 -8616,0.0022708361015470334,-0.0015548057854175568,-0.0016550756990909576,-2.324966758391999,3,2616,0 -8617,0.0033317028105448727,-0.0011614635586738586,-0.0031226985156536102,-1.9268835518640282,3,2617,0 -8618,0.001959211819466055,-0.0011952221393585205,-0.0015524029731750488,-2.2269232193560815,3,2618,0 -8619,0.002218947143440348,-0.001459699124097824,-0.0016712285578250885,-2.2887357399434336,3,2619,0 -8620,0.002081029098795103,-0.0015450119972229004,-0.0013941377401351929,-2.4074820937125443,3,2620,0 -8621,0.002021665512302566,-0.0017551034688949585,-0.0010033659636974335,-2.6222534088488803,3,2621,0 -8622,0.002345765412204184,-0.0015495605766773224,-0.0017611011862754822,-2.2923844620460523,3,2622,0 -8623,0.002893289395631951,-0.0013442561030387878,-0.002562049776315689,-2.0539923847709907,3,2623,0 -8624,0.002408110006401315,-0.0017255693674087524,-0.0016797035932540894,-2.3696627206114464,3,2624,0 -8625,0.0017297598756620624,-0.0011521950364112854,-0.0012901611626148224,-2.2997655153468766,3,2625,0 -8626,0.002539478619527141,-0.0017590411007404327,-0.0018315911293029785,-2.335991875911368,3,2626,0 -8627,0.0024127359988569278,-0.0020155422389507294,-0.0013262294232845306,-2.5596131629379895,3,2627,0 -8628,0.002140150185998717,-0.0014953389763832092,-0.0015310794115066528,-2.344385556600884,3,2628,0 -8629,0.001882567966141663,-0.0014726445078849792,-0.001172766089439392,-2.4690706348639773,3,2629,0 -8630,0.002012897618308171,-0.0014472119510173798,-0.0013990476727485657,-2.3731148306049796,3,2630,0 -8631,0.0019487406272194676,-0.0014636889100074768,-0.0012865476310253143,-2.4205151123301007,3,2631,0 -8632,0.0018956805764212457,-0.0014435648918151855,-0.0012287087738513947,-2.4364238957853566,3,2632,0 -8633,0.002135206300546191,-0.0012501329183578491,-0.0017309747636318207,-2.1962754737404584,3,2633,0 -8634,0.0020577444958431827,-0.0014974214136600494,-0.001411397010087967,-2.3857595317927394,3,2634,0 -8635,0.001633747784719613,-0.001194056123495102,-0.001115061342716217,-2.3903910987046433,3,2635,0 -8636,0.001993255679173911,-0.0014247000217437744,-0.0013940222561359406,-2.3670776320514872,3,2636,0 -8637,0.001923907755698739,-0.0016289427876472473,-0.001023702323436737,-2.580519265285423,3,2637,0 -8638,0.0019363898321177893,-0.001714605838060379,-0.0008998513221740723,-2.658290479997799,3,2638,0 -8639,0.0023258568489250117,-0.0015372000634670258,-0.0017454586923122406,-2.292837342594413,3,2639,0 -8640,0.002495096249938276,-0.0016844011843204498,-0.001840732991695404,-2.3118757683576487,3,2640,0 -8641,0.0019252122946358343,-0.0011068210005760193,-0.0015752427279949188,-2.183288697940077,3,2641,0 -8642,0.002238188332443666,-0.0015434399247169495,-0.0016208887100219727,-2.3317237937313813,3,2642,0 -8643,0.002272687281116859,-0.001412767916917801,-0.0017802231013774872,-2.241616722373288,3,2643,0 -8644,0.002186458724761595,-0.0016282126307487488,-0.0014592893421649933,-2.4108519578016896,3,2644,0 -8645,0.0020633430336306235,-0.0013497881591320038,-0.0015605948865413666,-2.2838881252393115,3,2645,0 -8646,0.0020157896109238454,-0.0014875233173370361,-0.0013603977859020233,-2.400802887998435,3,2646,0 -8647,0.0020382557119070135,-0.0014930255711078644,-0.001387573778629303,-2.3927857379371438,3,2647,0 -8648,0.0017582284393895756,-0.0009347051382064819,-0.001489192247390747,-2.1313055540317185,3,2648,0 -8649,0.002145305199668004,-0.0013997741043567657,-0.0016257204115390778,-2.281652078921485,3,2649,0 -8650,0.0021471404164805077,-0.0016845576465129852,-0.0013313442468643188,-2.4727803858786577,3,2650,0 -8651,0.0026004956467035175,-0.0017924532294273376,-0.0018840618431568146,-2.331282403610253,3,2651,0 -8652,0.00196453482688738,-0.0012616552412509918,-0.0015058629214763641,-2.2681817739578585,3,2652,0 -8653,0.0018100205215793648,-0.0013744086027145386,-0.0011777840554714203,-2.4330840276274537,3,2653,0 -8654,0.0022074648725453803,-0.0018218830227851868,-0.0012464523315429688,-2.5415795320728316,3,2654,0 -8655,0.001858276724757231,-0.0012870505452156067,-0.0013404078781604767,-2.3358896969876404,3,2655,0 -8656,0.0018832095291977994,-0.0014397241175174713,-0.0012139491736888885,-2.441070247538597,3,2656,0 -8657,0.0017133447874381634,-0.001361154019832611,-0.001040581613779068,-2.4888855157263494,3,2657,0 -8658,0.002168611998606702,-0.00152689591050148,-0.0015399567782878876,-2.351935795643804,3,2658,0 -8659,0.001878948721743418,-0.0012617520987987518,-0.001392275094985962,-2.307054857612475,3,2659,0 -8660,0.0019848506121539927,-0.0016128867864608765,-0.0011568181216716766,-2.5193932849832663,3,2660,0 -8661,0.002476989329754031,-0.0017884820699691772,-0.0017137117683887482,-2.3775408085121676,3,2661,0 -8662,0.002109029161136624,-0.0015930570662021637,-0.001382090151309967,-2.426985737968144,3,2662,0 -8663,0.0021823049764892457,-0.001721799373626709,-0.0013408437371253967,-2.479946721442991,3,2663,0 -8664,0.0018069153344878468,-0.0012476369738578796,-0.0013070367276668549,-2.3329472735879895,3,2664,0 -8665,0.0021386090192565613,-0.0016153790056705475,-0.0014014989137649536,-2.426970587726998,3,2665,0 -8666,0.0018280752282709503,-0.0012221038341522217,-0.0013595297932624817,-2.3030125159658184,3,2666,0 -8667,0.004244826770520801,-0.002331610769033432,-0.0035471320152282715,-2.152302177066751,3,2667,0 -8668,0.001993373644515372,-0.0010870620608329773,-0.001670878380537033,-2.147588424974467,3,2668,0 -8669,0.002235235335989832,-0.001435849815607071,-0.0017130710184574127,-2.2683839896478415,3,2669,0 -8670,0.0017727187004020607,-0.0013042129576206207,-0.0012006498873233795,-2.3975157629150083,3,2670,0 -8671,0.0019890374563550643,-0.0013548098504543304,-0.0014562830328941345,-2.320112742949611,3,2671,0 -8672,0.001277007405805781,-0.000973135232925415,-0.0008268952369689941,-2.437259515140724,3,2672,0 -8673,0.002234632839872988,-0.0012548714876174927,-0.0018490217626094818,-2.1670614358586273,3,2673,0 -8674,0.002373721436451049,-0.0016260668635368347,-0.0017292946577072144,-2.3254391620175014,3,2674,0 -8675,0.0037710616963322324,-0.001988690346479416,-0.003204062581062317,-2.126281466187837,3,2675,0 -8676,0.0022885115370369687,-0.0017612352967262268,-0.001461278647184372,-2.4490086216027684,3,2676,0 -8677,0.0021115205454173874,-0.0015635006129741669,-0.0014191493391990662,-2.4045537449046623,3,2677,0 -8678,0.0019371471995451404,-0.0015937909483909607,-0.001101076602935791,-2.5370314604023783,3,2678,0 -8679,0.002268791719629641,-0.001771140843629837,-0.0014179125428199768,-2.4665075785496815,3,2679,0 -8680,0.0020954182658941742,-0.0013125501573085785,-0.0016333982348442078,-2.2477104362275306,3,2680,0 -8681,0.001954651775572114,-0.00151844322681427,-0.0012308508157730103,-2.4604213414611333,3,2681,0 -8682,0.0020347328278015617,-0.0014247037470340729,-0.001452706754207611,-2.3464627806789866,3,2682,0 -8683,0.0020496774772195284,-0.001869983971118927,-0.0008392482995986938,-2.719737321965245,3,2683,0 -8684,0.0015891972502058626,-0.0011651180684566498,-0.0010807625949382782,-2.393736929552376,3,2684,0 -8685,0.0021220906379156366,-0.0014939308166503906,-0.0015071295201778412,-2.351796505164276,3,2685,0 -8686,0.0019390377674094875,-0.0011008642613887787,-0.0015962347388267517,-2.174551059314534,3,2686,0 -8687,0.0020280291355606168,-0.0014465712010860443,-0.0014213845133781433,-2.364976369249965,3,2687,0 -8688,0.0019324370323366843,-0.0015679709613323212,-0.0011295042932033539,-2.5173322422651427,3,2688,0 -8689,0.0037919602402676634,-0.0017431192100048065,-0.0033675655722618103,-2.048440349367326,3,2689,0 -8690,0.003891845143075346,-0.0021787434816360474,-0.003224831074476242,-2.1649682091283466,3,2690,0 -8691,0.0016926987970593786,-0.0014127641916275024,-0.0009323768317699432,-2.5582430842632546,3,2691,0 -8692,0.0022101492870038146,-0.0015111453831195831,-0.0016128234565258026,-2.323658252777782,3,2692,0 -8693,0.0021387427469253956,-0.0017213188111782074,-0.0012693628668785095,-2.50618096177887,3,2693,0 -8694,0.0023601340037791695,-0.0018683001399040222,-0.0014421120285987854,-2.4842319139026054,3,2694,0 -8695,0.0020090788811298462,-0.001194000244140625,-0.0016157850623130798,-2.207194199265167,3,2695,0 -8696,0.001854309781573617,-0.0014869607985019684,-0.0011078864336013794,-2.501255709742925,3,2696,0 -8697,0.0022935520989767356,-0.0013668164610862732,-0.0018417909741401672,-2.209230419517469,3,2697,0 -8698,0.0019280943070715578,-0.0015717409551143646,-0.001116771250963211,-2.523833570747878,3,2698,0 -8699,0.0019763728489963143,-0.0014738962054252625,-0.0013166926801204681,-2.41246847203003,3,2699,0 -8700,0.0017234730211980384,-0.0013058148324489594,-0.0011248141527175903,-2.430523901812117,3,2700,0 -8701,0.0020383175261570676,-0.001486416906118393,-0.0013947412371635437,-2.3880027923193516,3,2701,0 -8702,0.0023904734937973448,-0.0015469416975975037,-0.0018224529922008514,-2.2746072211348163,3,2702,0 -8703,0.00208186975097269,-0.0016681402921676636,-0.0012455880641937256,-2.500211623274029,3,2703,0 -8704,0.0019483770206088107,-0.0013204067945480347,-0.0014327242970466614,-2.3154208221221944,3,2704,0 -8705,0.002030806151018108,-0.0014391914010047913,-0.0014327950775623322,-2.3584216291133044,3,2705,0 -8706,0.0021481284901808664,-0.0016028694808483124,-0.0014301277697086334,-2.4130871548694905,3,2706,0 -8707,0.0020785568707887285,-0.001684330403804779,-0.001217961311340332,-2.515522401945353,3,2707,0 -8708,0.002004717882558223,-0.0016801804304122925,-0.0010935664176940918,-2.5646113524482055,3,2708,0 -8709,0.0021076297142617797,-0.0017406642436981201,-0.0011883564293384552,-2.54257009278899,3,2709,0 -8710,0.0017782919707178366,-0.0013666190207004547,-0.0011378377676010132,-2.447291308771078,3,2710,0 -8711,0.0023930673840015125,-0.0016127489507198334,-0.0017679966986179352,-2.310305572334406,3,2711,0 -8712,0.002077517165758411,-0.0016560852527618408,-0.0012543760240077972,-2.4933504506618047,3,2712,0 -8713,0.0018013471222649378,-0.0012390874326229095,-0.0013074837625026703,-2.3293427410922547,3,2713,0 -8714,0.0016503608303048184,-0.0012273825705051422,-0.001103278249502182,-2.409392803561973,3,2714,0 -8715,0.0013743800032308838,-0.001078341156244278,-0.0008521154522895813,-2.472850089224351,3,2715,0 -8716,0.0017790156685713045,-0.0012163370847702026,-0.0012982375919818878,-2.3236356778961467,3,2716,0 -8717,0.0015748917508333264,-0.0012032724916934967,-0.001016080379486084,-2.44034068265178,3,2717,0 -8718,0.0020649828130900865,-0.001707177609205246,-0.001161765307188034,-2.544061782507467,3,2718,0 -8719,0.0018219925197572183,-0.001261599361896515,-0.0013145431876182556,-2.335645792801069,3,2719,0 -8720,0.0023589469891805866,-0.0016408003866672516,-0.0016948170959949493,-2.340001989547967,3,2720,0 -8721,0.0019911766248763506,-0.0013983473181724548,-0.0014175362884998322,-2.349380048978433,3,2721,0 -8722,0.001985178179781377,-0.0016783960163593292,-0.0010601505637168884,-2.5782291280001948,3,2722,0 -8723,0.0024146671554308883,-0.0018089748919010162,-0.0015994459390640259,-2.417591137064961,3,2723,0 -8724,0.0021601199192796553,-0.0015957169234752655,-0.0014559552073478699,-2.401960914789408,3,2724,0 -8725,0.0023581454672422595,-0.0015496313571929932,-0.001777496188879013,-2.2878143142091343,3,2725,0 -8726,0.0021468669989103436,-0.00128859281539917,-0.0017171390354633331,-2.2145726417602885,3,2726,0 -8727,0.0019460677732760355,-0.0013061389327049255,-0.0014426298439502716,-2.306579950562094,3,2727,0 -8728,0.0024158341967943364,-0.0015020258724689484,-0.0018921345472335815,-2.241761369222019,3,2728,0 -8729,0.0018839532154904706,-0.0012935586273670197,-0.0013696663081645966,-2.327625002164627,3,2729,0 -8730,0.0023364478664252113,-0.001726105809211731,-0.0015746578574180603,-2.4020450338607553,3,2730,0 -8731,0.0021588687486812073,-0.0013571754097938538,-0.0016789250075817108,-2.250613935250878,3,2731,0 -8732,0.0020121353528538516,-0.0013177022337913513,-0.0015206411480903625,-2.2848168842929484,3,2732,0 -8733,0.0021610098494077024,-0.0013824999332427979,-0.0016609206795692444,-2.2649655910326865,3,2733,0 -8734,0.004089103702458111,-0.0021744705736637115,-0.003463011234998703,-2.1314878074810477,3,2734,0 -8735,0.0024436644296692866,-0.0018343888223171234,-0.0016144700348377228,-2.419873943008117,3,2735,0 -8736,0.0021821283446907852,-0.0014797709882259369,-0.0016037337481975555,-2.31601422368912,3,2736,0 -8737,0.0020138306967400444,-0.0013581626117229462,-0.0014869123697280884,-2.310971788338825,3,2737,0 -8738,0.0018837309689259988,-0.0013784319162368774,-0.0012838877737522125,-2.391691515489918,3,2738,0 -8739,0.0021234465776967873,-0.0015689916908740997,-0.0014308355748653412,-2.4022166607823867,3,2739,0 -8740,0.002398906078116159,-0.0014791935682296753,-0.0018885806202888489,-2.2352278708497275,3,2740,0 -8741,0.0020821706438260423,-0.001649852842092514,-0.001270204782485962,-2.4854831563436557,3,2741,0 -8742,0.002636904028420978,-0.0018485039472579956,-0.0018805041909217834,-2.3476132651045085,3,2742,0 -8743,0.002023117943858315,-0.0014820434153079987,-0.001377154141664505,-2.3928629109323274,3,2743,0 -8744,0.0018483730586788584,-0.0014575906097888947,-0.0011366233229637146,-2.4792932082122627,3,2744,0 -8745,0.0021480448383770037,-0.0017555803060531616,-0.0012377537786960602,-2.52749235508572,3,2745,0 -8746,0.0017798319359351668,-0.0014161355793476105,-0.0010781288146972656,-2.490887597731587,3,2746,0 -8747,0.002269532785680776,-0.0014738775789737701,-0.0017258226871490479,-2.2776163962310183,3,2747,0 -8748,0.0017578283893665335,-0.001198112964630127,-0.0012862682342529297,-2.3207255779202347,3,2748,0 -8749,0.002268994673621415,-0.001498933881521225,-0.0017033889889717102,-2.292435154644891,3,2749,0 -8750,0.002178953550477677,-0.0010969564318656921,-0.0018826909363269806,-2.098363379444619,3,2750,0 -8751,0.0018454061085666923,-0.0012849792838096619,-0.0013245195150375366,-2.341043226060729,3,2751,0 -8752,0.002205862582590963,-0.0017557032406330109,-0.0013354159891605377,-2.491331848783855,3,2752,0 -8753,0.001976946646835701,-0.0014833323657512665,-0.0013069212436676025,-2.419334496086705,3,2753,0 -8754,0.002454077450145167,-0.0002472288906574249,-0.002441592514514923,-1.6717096042097102,3,2754,0 -8755,0.001632541113928046,-0.0011890046298503876,-0.0011186860501766205,-2.3866564704932887,3,2755,0 -8756,0.002103499528807828,-0.0014865174889564514,-0.001488279551267624,-2.355602159999303,3,2756,0 -8757,0.0022838368741144336,-0.0015999861061573029,-0.0016297101974487305,-2.346991379648906,3,2757,0 -8758,0.002044829355125244,-0.0014276020228862762,-0.0014639943838119507,-2.3436095943362503,3,2758,0 -8759,0.002158249780762733,-0.00164761021733284,-0.001394066959619522,-2.4393586290618163,3,2759,0 -8760,0.0016803105710013072,-0.001307569444179535,-0.0010553225874900818,-2.462545151107514,3,2760,0 -8761,0.0021520160411106193,-0.0016009770333766937,-0.0014380700886249542,-2.409747848021452,3,2761,0 -8762,0.0036976823063535978,-0.0017084814608097076,-0.0032793208956718445,-2.0510917231504604,3,2762,0 -8763,0.001946453690518425,-0.0011655427515506744,-0.0015589073300361633,-2.2128023073559597,3,2763,0 -8764,0.0019897470343285535,-0.0014133602380752563,-0.0014005377888679504,-2.3607512866129263,3,2764,0 -8765,0.002062563574340609,-0.0016914159059524536,-0.0011803731322288513,-2.5323037279096052,3,2765,0 -8766,0.001125701315170915,-0.00044731423258781433,-0.0010330118238925934,-1.979439881420846,3,2766,0 -8767,0.002034051472805414,-0.0013829953968524933,-0.001491539180278778,-2.3184519494659033,3,2767,0 -8768,0.0018978464358476714,-0.0011575669050216675,-0.0015039481222629547,-2.2267775103963205,3,2768,0 -8769,0.0038600031265321804,-0.0016299523413181305,-0.0034989826381206512,-2.0067412149814814,3,2769,0 -8770,0.0021767200775858206,-0.001625746488571167,-0.001447431743144989,-2.4141524174524855,3,2770,0 -8771,0.0017816984267224932,-0.0015366524457931519,-0.0009017474949359894,-2.610916293701308,3,2771,0 -8772,0.0017977403482718059,-0.001273665577173233,-0.0012687183916568756,-2.3581403722199643,3,2772,0 -8773,0.001987676698021415,-0.0014480575919151306,-0.001361612230539322,-2.3869518764793174,3,2773,0 -8774,0.002401424888351149,-0.0018414109945297241,-0.0015414431691169739,-2.4446361709726676,3,2774,0 -8775,0.00228941014098999,-0.0016250908374786377,-0.001612599939107895,-2.3600524362601254,3,2775,0 -8776,0.0020618683566328826,-0.0013786852359771729,-0.0015331432223320007,-2.3031991428657674,3,2776,0 -8777,0.002174887649283042,-0.001476004719734192,-0.0015973560512065887,-2.3167300944087024,3,2777,0 -8778,0.0021166900611856057,-0.0014539211988449097,-0.001538340002298355,-2.327989593933258,3,2778,0 -8779,0.0021811812411967704,-0.0013482272624969482,-0.0017145946621894836,-2.2371425554471682,3,2779,0 -8780,0.002840624857183926,-0.0022029802203178406,-0.0017933286726474762,-2.458345173300703,3,2780,0 -8781,0.0022457237519078613,-0.0018434301018714905,-0.0012825913727283478,-2.533715642914149,3,2781,0 -8782,0.0023094172225509384,-0.001562744379043579,-0.0017003640532493591,-2.3140450580792464,3,2782,0 -8783,0.0022260065885289894,-0.0014305897057056427,-0.0017054378986358643,-2.2687757118281477,3,2783,0 -8784,0.0023351560891077374,-0.0015654154121875763,-0.001732751727104187,-2.3055018036545003,3,2784,0 -8785,0.001964067257122601,-0.0015117600560188293,-0.0012538507580757141,-2.449181372160812,3,2785,0 -8786,0.0018656083251895525,-0.0014395862817764282,-0.0011866278946399689,-2.452218808824226,3,2786,0 -8787,0.0020254337101558006,-0.00173230841755867,-0.0010495185852050781,-2.596882980353264,3,2787,0 -8788,0.002072081688279297,-0.0014660581946372986,-0.0014643073081970215,-2.3567919877503205,3,2788,0 -8789,0.0018430647293560193,-0.0011962950229644775,-0.001402057707309723,-2.2771697372144173,3,2789,0 -8790,0.0021700017589443028,-0.0016011446714401245,-0.0014646649360656738,-2.4006818211891137,3,2790,0 -8791,0.002092483680623768,-0.0015446357429027557,-0.001411590725183487,-2.401169157306926,3,2791,0 -8792,0.0018615350871753365,-0.0010903291404247284,-0.001508805900812149,-2.1965583340176797,3,2792,0 -8793,0.0021942227944194486,-0.0011747144162654877,-0.0018532834947109222,-2.135738497712866,3,2793,0 -8794,0.0034241413209609916,-0.0017826706171035767,-0.0029234960675239563,-2.1183712952765283,3,2794,0 -8795,0.002385862837534211,-0.0019379295408725739,-0.001391679048538208,-2.5188043948441328,3,2795,0 -8796,0.0035140680398783567,-0.0016694031655788422,-0.003092210739850998,-2.06583177744079,3,2796,0 -8797,0.002028657746351559,-0.001709621399641037,-0.001092083752155304,-2.573140536079524,3,2797,0 -8798,0.0022213118802691017,-0.001562073826789856,-0.0015792883932590485,-2.350714576400711,3,2798,0 -8799,0.0019168874687616425,-0.0010581910610198975,-0.0015983395278453827,-2.1556004763400263,3,2799,0 -8800,0.00196537763846937,-0.001157328486442566,-0.0015884898602962494,-2.200441575097259,3,2800,0 -8801,0.0020136403805392903,-0.0013722777366638184,-0.0014736354351043701,-2.3205943613409814,3,2801,0 -8802,0.001469786643212638,-0.0011061020195484161,-0.0009678900241851807,-2.4227366647567967,3,2802,0 -8803,0.0020048191984021876,-0.0015302188694477081,-0.0012952722609043121,-2.4391561181889574,3,2803,0 -8804,0.0019435381724577005,-0.0013879463076591492,-0.0013604946434497833,-2.366182243931997,3,2804,0 -8805,0.0019190669430030835,-0.0014902949333190918,-0.001209065318107605,-2.460003782476503,3,2805,0 -8806,0.0016155975390076745,-0.0014769397675991058,-0.0006548315286636353,-2.724265477250769,3,2806,0 -8807,0.0018219422661314424,-0.0011099986732006073,-0.0014447756111621857,-2.225897169672692,3,2807,0 -8808,0.0015980236031088782,-0.001231662929058075,-0.001018177717924118,-2.4508002639605113,3,2808,0 -8809,0.0017751738546719746,-0.0012310780584812164,-0.001278940588235855,-2.337128205579996,3,2809,0 -8810,0.00212531830519833,-0.0016486681997776031,-0.0013412199914455414,-2.458663670606108,3,2810,0 -8811,0.0023423037474204493,-0.0019521266222000122,-0.0012944452464580536,-2.5560668756927285,3,2811,0 -8812,0.001874135610859139,-0.0012392960488796234,-0.0014058910310268402,-2.293297148072888,3,2812,0 -8813,0.002153064444308325,-0.0016146302223205566,-0.001424308866262436,-2.4187403680646837,3,2813,0 -8814,0.002370784171597616,-0.0015792325139045715,-0.0017682313919067383,-2.299794051414117,3,2814,0 -8815,0.0021137153546294004,-0.0016833581030368805,-0.001278318464756012,-2.4921115601738726,3,2815,0 -8816,0.0017018481656038262,-0.001416180282831192,-0.0009437799453735352,-2.5537563982779767,3,2816,0 -8817,0.002342087750113008,-0.0014232434332370758,-0.0018600411713123322,-2.2239343047229028,3,2817,0 -8818,0.001767901681208783,-0.0013570822775363922,-0.0011330507695674896,-2.4459206098858632,3,2818,0 -8819,0.0019335071604089794,-0.0014030151069164276,-0.0013304129242897034,-2.382749100709663,3,2819,0 -8820,0.0018973802892107896,-0.0010847188532352448,-0.0015567392110824585,-2.179364046264551,3,2820,0 -8821,0.0018554073230612263,-0.0014218054711818695,-0.0011920593678951263,-2.4438643605113546,3,2821,0 -8822,0.00201935816536516,-0.0015011578798294067,-0.0013506785035133362,-2.40891138298049,3,2822,0 -8823,0.0036260431158258244,-0.0020742081105709076,-0.002974197268486023,-2.17977585651064,3,2823,0 -8824,0.001829971349835018,-0.0012860484421253204,-0.0013018734753131866,-2.350079608657973,3,2824,0 -8825,0.002474159014702977,-0.0014935694634914398,-0.001972489058971405,-2.218889773946379,3,2825,0 -8826,0.0018124419180172932,-0.0015573874115943909,-0.0009270869195461273,-2.604648437358095,3,2826,0 -8827,0.0022469448024411086,-0.0014964193105697632,-0.0016761533915996552,-2.2996025121140122,3,2827,0 -8828,0.0019503184960175841,-0.001100294291973114,-0.0016103088855743408,-2.1702134855306934,3,2828,0 -8829,0.0024098005166986397,-0.0015872381627559662,-0.0018132328987121582,-2.2898322485660203,3,2829,0 -8830,0.0020016628937341943,-0.0014211870729923248,-0.0014095678925514221,-2.360299089611921,3,2830,0 -8831,0.0021678866778008852,-0.0015120767056941986,-0.0015534982085227966,-2.3426834902989215,3,2831,0 -8832,0.0014954717188235237,-0.0010625235736370087,-0.0010523684322834015,-2.36099618374385,3,2832,0 -8833,0.001981229533161277,-0.0013593919575214386,-0.0014412924647331238,-2.326959788611284,3,2833,0 -8834,0.0020803617799305014,-0.0016183219850063324,-0.001307263970375061,-2.462119857694109,3,2834,0 -8835,0.0018308377056824026,-0.001446366310119629,-0.0011224932968616486,-2.4816093532854118,3,2835,0 -8836,0.002275455707581841,-0.0013018734753131866,-0.0018662326037883759,-2.1799059915430163,3,2836,0 -8837,0.0016436842800643032,-0.0010923072695732117,-0.00122823566198349,-2.297685231108571,3,2837,0 -8838,0.0016491309782343852,-0.0012672021985054016,-0.0010553821921348572,-2.4471430267547594,3,2838,0 -8839,0.001837379941345876,-0.0015933476388454437,-0.0009149909019470215,-2.620317000089606,3,2839,0 -8840,0.0017625442977420704,-0.0013244673609733582,-0.0011629052460193634,-2.4210562982201407,3,2840,0 -8841,0.001807633138352597,-0.0012868456542491913,-0.0012694746255874634,-2.362989711209316,3,2841,0 -8842,0.0019255687875501853,-0.0016984343528747559,-0.0009072683751583099,-2.650976979280745,3,2842,0 -8843,0.002102532525350319,-0.0017321743071079254,-0.0011917278170585632,-2.5389690404746137,3,2843,0 -8844,0.0020901955546580846,-0.0015937387943267822,-0.0013523735105991364,-2.4379386362855,3,2844,0 -8845,0.0019497002868361362,-0.0014319568872451782,-0.0013231895864009857,-2.395651865683491,3,2845,0 -8846,0.002318491671615939,-0.0018473826348781586,-0.001400921493768692,-2.492783062543304,3,2846,0 -8847,0.0018807669269612498,-0.0010914094746112823,-0.001531701534986496,-2.1898936159385625,3,2847,0 -8848,0.002124547401550491,-0.0011858269572257996,-0.0017628148198127747,-2.1629569772675263,3,2848,0 -8849,0.001978739648108278,-0.0013066045939922333,-0.0014859996736049652,-2.2920432886158935,3,2849,0 -8850,0.0017452059613064746,-0.001357298344373703,-0.0010970346629619598,-2.461842197210912,3,2850,0 -8851,0.0015791807355128348,-0.001313328742980957,-0.0008769147098064423,-2.5528723164505673,3,2851,0 -8852,0.0022806878857453594,-0.0019805319607257843,-0.0011309422552585602,-2.622747399063662,3,2852,0 -8853,0.0021607446712458554,-0.0014813132584095001,-0.0015730634331703186,-2.3261646011386565,3,2853,0 -8854,0.0023372924280027378,-0.001619875431060791,-0.0016849152743816376,-2.336516557769743,3,2854,0 -8855,0.002385399691234525,-0.001683652400970459,-0.001689806580543518,-2.3543701986329504,3,2855,0 -8856,0.0021157757114710135,-0.0017549693584442139,-0.001181773841381073,-2.548951817266952,3,2856,0 -8857,0.002120691594552759,-0.001421164721250534,-0.0015740469098091125,-2.305196548734306,3,2857,0 -8858,0.003714258892899092,-0.001504402607679367,-0.00339595228433609,-1.9878127771983853,3,2858,0 -8859,0.001955595178814103,-0.0012782290577888489,-0.0014800280332565308,-2.2831628372286343,3,2859,0 -8860,0.0018627521592112582,-0.0012845657765865326,-0.001348976045846939,-2.3317417055799865,3,2860,0 -8861,0.0020126356164044206,-0.0013368390500545502,-0.001504514366388321,-2.297250368891087,3,2861,0 -8862,0.00214069469744269,-0.0015623196959495544,-0.001463465392589569,-2.3888535031764984,3,2862,0 -8863,0.0017927810596646042,-0.0012659728527069092,-0.0012694001197814941,-2.3548427107799204,3,2863,0 -8864,0.0018879998795053251,-0.0013837069272994995,-0.0012844838201999664,-2.3933647736300467,3,2864,0 -8865,0.00190277695992838,-0.0013005435466766357,-0.00138893723487854,-2.3233398657259556,3,2865,0 -8866,0.0020392361929992267,-0.0012868866324424744,-0.0015818998217582703,-2.2537191728104427,3,2866,0 -8867,0.0018135496485979492,-0.0012705698609352112,-0.001294068992137909,-2.347032001845303,3,2867,0 -8868,0.001980595897193565,-0.0017785914242267609,-0.0008714199066162109,-2.6860177565344485,3,2868,0 -8869,0.0021915281405574696,-0.0018089935183525085,-0.0012370683252811432,-2.5417925267384693,3,2869,0 -8870,0.002100434712502955,-0.0013562440872192383,-0.0016038790345191956,-2.272731856829525,3,2870,0 -8871,0.0021706855346448487,-0.0016253925859928131,-0.0014387406408786774,-2.41703440066602,3,2871,0 -8872,0.0020587224352391744,-0.0014695711433887482,-0.001441769301891327,-2.365743698522937,3,2872,0 -8873,0.0020722134812292308,-0.001321312040090561,-0.001596309244632721,-2.262218215984251,3,2873,0 -8874,0.0019400367696402825,-0.0011393837630748749,-0.0015702061355113983,-2.1985152904540257,3,2874,0 -8875,0.0015963646896013258,-0.0010222531855106354,-0.001226123422384262,-2.2657673588133886,3,2875,0 -8876,0.0023013031398818147,-0.001749470829963684,-0.0014951080083847046,-2.434430725200177,3,2876,0 -8877,0.002211966048621473,-0.0014344491064548492,-0.001683790236711502,-2.276402111292697,3,2877,0 -8878,0.002111658282928429,-0.00165504589676857,-0.0013114586472511292,-2.4715029649179225,3,2878,0 -8879,0.002192174446507899,-0.0017045475542545319,-0.0013784579932689667,-2.4615727107028667,3,2879,0 -8880,0.0021544425747129147,-0.0015069320797920227,-0.0015397332608699799,-2.3454286494631154,3,2880,0 -8881,0.002497513085145591,-0.0019795484840869904,-0.0015228129923343658,-2.4858705625127993,3,2881,0 -8882,0.0035962456808508168,-0.002085864543914795,-0.0029295310378074646,-2.189539370892974,3,2882,0 -8883,0.0023984857057434495,-0.001682564616203308,-0.0017093010246753693,-2.348312145318656,3,2883,0 -8884,0.002058781939398997,-0.0014925040304660797,-0.0014181025326251984,-2.3817511215302356,3,2884,0 -8885,0.0020564524835459293,-0.0009853653609752655,-0.0018050074577331543,-2.0704913283860553,3,2885,0 -8886,0.0022424167417595107,-0.001727268099784851,-0.001430027186870575,-2.450061982992791,3,2886,0 -8887,0.0020895569933879906,-0.0013827048242092133,-0.0015666447579860687,-2.2939088904784897,3,2887,0 -8888,0.0019848577842740914,-0.0017306804656982422,-0.0009718053042888641,-2.629950763510528,3,2888,0 -8889,0.0019760918370194157,-0.0013354755938053131,-0.0014565177261829376,-2.312868317575716,3,2889,0 -8890,0.0020710305413178995,-0.001640278846025467,-0.0012643784284591675,-2.4848922083482776,3,2890,0 -8891,0.002104169783399537,-0.0016459822654724121,-0.001310829073190689,-2.4690622913595153,3,2891,0 -8892,0.0018064192333308064,-0.0013208352029323578,-0.001232292503118515,-2.3908606873329203,3,2892,0 -8893,0.0020627547642676266,-0.0016822963953018188,-0.0011936649680137634,-2.524489344285135,3,2893,0 -8894,0.001963585785076702,-0.0015859678387641907,-0.0011577457189559937,-2.5110193401423517,3,2894,0 -8895,0.0019716205889060935,-0.0012391172349452972,-0.0015335828065872192,-2.2503893451799617,3,2895,0 -8896,0.0019496821168705721,-0.001550782471895218,-0.0011816658079624176,-2.4904680932234147,3,2896,0 -8897,0.0020720754483907226,-0.0014231465756893158,-0.0015060380101203918,-2.327903573026857,3,2897,0 -8898,0.0017007289885289927,-0.0012701861560344696,-0.0011309757828712463,-2.4141059168566215,3,2898,0 -8899,0.002033412876327591,-0.0013514161109924316,-0.0015193559229373932,-2.297761209584189,3,2899,0 -8900,0.001992440409241911,-0.0015535950660705566,-0.001247461885213852,-2.4650544503970053,3,2900,0 -8901,0.0022085396758375468,-0.00156509131193161,-0.0015582479536533356,-2.3583855257301267,3,2901,0 -8902,0.0020537718570273616,-0.0015407726168632507,-0.0013579390943050385,-2.4191851081121083,3,2902,0 -8903,0.0022606280600366334,-0.001674991101026535,-0.0015181712806224823,-2.4052661958349235,3,2903,0 -8904,0.0023164520142671214,-0.00163288414478302,-0.0016430579125881195,-2.353088899519713,3,2904,0 -8905,0.0021970789945371474,-0.001439504325389862,-0.0016598142683506012,-2.285230504589223,3,2905,0 -8906,0.001736153337955878,-0.001222703605890274,-0.0012325681746006012,-2.352176802329314,3,2906,0 -8907,0.0020297561219547416,-0.0013439580798149109,-0.001521080732345581,-2.294450992901504,3,2907,0 -8908,0.0016513356290813901,-0.0013472288846969604,-0.0009549260139465332,-2.5249800034665983,3,2908,0 -8909,0.0018975846486113423,-0.0015145651996135712,-0.0011432059109210968,-2.495021527274984,3,2909,0 -8910,0.00231074300254086,-0.0017186105251312256,-0.0015446394681930542,-2.409456274645413,3,2910,0 -8911,0.0016943071727141342,-0.0014490894973278046,-0.0008779615163803101,-2.5968673129174022,3,2911,0 -8912,0.0018021967255975142,-0.0012738853693008423,-0.0012748055160045624,-2.355833463019906,3,2912,0 -8913,0.0017121880891109108,-0.0014173872768878937,-0.000960521399974823,-2.546010720831223,3,2913,0 -8914,0.0020764916301498713,-0.001285891979932785,-0.0016304291784763336,-2.2385985416252905,3,2914,0 -8915,0.002007481225530982,-0.0017673596739768982,-0.000952061265707016,-2.647473190282068,3,2915,0 -8916,0.0025996850358109697,-0.002011537551879883,-0.0016468390822410583,-2.455554823043434,3,2916,0 -8917,0.0021778738233877025,-0.001471102237701416,-0.0016059242188930511,-2.3124068254873995,3,2917,0 -8918,0.001803914584603675,-0.0009916983544826508,-0.0015068650245666504,-2.1528588042534116,3,2918,0 -8919,0.002299947434259154,-0.001764535903930664,-0.0014751851558685303,-2.4452716145847853,3,2919,0 -8920,0.0019460601672004264,-0.0014865398406982422,-0.0012559257447719574,-2.4400871828479143,3,2920,0 -8921,0.0019399464310704806,-0.0016147270798683167,-0.001075197011232376,-2.5541423531488423,3,2921,0 -8922,0.001837344712477798,-0.0013927184045314789,-0.001198403537273407,-2.431046939349876,3,2922,0 -8923,0.002234455700631742,-0.0015433244407176971,-0.0016158409416675568,-2.3332441979911045,3,2923,0 -8924,0.0017223458054959862,-0.0013559013605117798,-0.0010620765388011932,-2.477118368081788,3,2924,0 -8925,0.001615444295990322,-0.0010682493448257446,-0.0012118183076381683,-2.2933105358017243,3,2925,0 -8926,0.0020156184097152438,-0.001501522958278656,-0.0013446733355522156,-2.4112473094300424,3,2926,0 -8927,0.0020004879571927595,-0.0013459287583827972,-0.0014800094068050385,-2.3087836256172105,3,2927,0 -8928,0.002123017277342214,-0.001453496515750885,-0.0015474334359169006,-2.3249021047495844,3,2928,0 -8929,0.0017044093429953852,-0.001302272081375122,-0.0010995902121067047,-2.4403803420982864,3,2929,0 -8930,0.0019282057346295543,-0.0015983805060386658,-0.0010784976184368134,-2.5480188934496,3,2930,0 -8931,0.001947808403520563,-0.001268431544303894,-0.0014781877398490906,-2.2799735747122476,3,2931,0 -8932,0.001874552481956127,-0.0015440620481967926,-0.001062929630279541,-2.5386956028579353,3,2932,0 -8933,0.0019560855509905654,-0.0015042498707771301,-0.0012504011392593384,-2.4480877272674966,3,2933,0 -8934,0.0018437976096722123,-0.0013835392892360687,-0.0012187734246253967,-2.4194252541565175,3,2934,0 -8935,0.002356637469975616,-0.001650433987379074,-0.0016822032630443573,-2.346662005556506,3,2935,0 -8936,0.00233300605780265,-0.001960374414920807,-0.0012648515403270721,-2.568592706846387,3,2936,0 -8937,0.0022773097191753954,-0.0015043281018733978,-0.001709718257188797,-2.292377347938245,3,2937,0 -8938,0.002321649025322294,-0.0017286278307437897,-0.0015498064458370209,-2.410685246075733,3,2938,0 -8939,0.0023615081573483544,-0.0013332366943359375,-0.0019491538405418396,-2.170708536028348,3,2939,0 -8940,0.001886255958270954,-0.0014866366982460022,-0.0011609792709350586,-2.4785800183838793,3,2940,0 -8941,0.0022812253354872335,-0.001626286655664444,-0.0015997439622879028,-2.364421967737731,3,2941,0 -8942,0.0020641343573072025,-0.0013448148965835571,-0.0015659257769584656,-2.280376317058612,3,2942,0 -8943,0.0040700605535054805,-0.0014871098101139069,-0.0037886537611484528,-1.9448349694521958,3,2943,0 -8944,0.001889155762856736,-0.0013052448630332947,-0.0013657398521900177,-2.3335494155648804,3,2944,0 -8945,0.0024001378343404775,-0.0018846020102500916,-0.0014862492680549622,-2.4738246365519725,3,2945,0 -8946,0.0023959053818869685,-0.0016804076731204987,-0.0017078034579753876,-2.348109047226102,3,2946,0 -8947,0.0023444469595107834,-0.001817941665649414,-0.0014803782105445862,-2.458183453833671,3,2947,0 -8948,0.0018000808638878511,-0.0013636946678161621,-0.0011750012636184692,-2.430384971592609,3,2948,0 -8949,0.0021726085787738157,-0.001803964376449585,-0.0012107603251934052,-2.550481297598356,3,2949,0 -8950,0.002202946976746796,-0.0016648061573505402,-0.0014427043497562408,-2.4275457445884623,3,2950,0 -8951,0.0021729780572037794,-0.0014514103531837463,-0.0016171708703041077,-2.302228322633836,3,2951,0 -8952,0.0020191097955936537,-0.0015094280242919922,-0.001341056078672409,-2.4151937798977743,3,2952,0 -8953,0.001952435193365449,-0.0013934150338172913,-0.0013676248490810394,-2.3655349690727756,3,2953,0 -8954,0.002121439182783871,-0.0015615448355674744,-0.001435995101928711,-2.3980542807248106,3,2954,0 -8955,0.004051255211600127,-0.0018165744841098785,-0.0036211498081684113,-2.0357685102296554,3,2955,0 -8956,0.002168507370182038,-0.0017073974013328552,-0.0013368688523769379,-2.4773123285118266,3,2956,0 -8957,0.0015419048673589685,-0.0012452006340026855,-0.000909365713596344,-2.5108214739043815,3,2957,0 -8958,0.0014584501706783619,-0.0010617561638355255,-0.0009998753666877747,-2.38620093067703,3,2958,0 -8959,0.002059660780927845,-0.0015298910439014435,-0.0013789981603622437,-2.4080210637200126,3,2959,0 -8960,0.0019898005075977463,-0.0015107505023479462,-0.0012949667870998383,-2.4329519636464148,3,2960,0 -8961,0.00183797983485941,-0.0014502927660942078,-0.0011290796101093292,-2.4800881830120374,3,2961,0 -8962,0.002452394898305396,-0.0015084333717823029,-0.001933615654706955,-2.2332911569097567,3,2962,0 -8963,0.004234538782191791,-0.0020784735679626465,-0.003689344972372055,-2.0838479317117073,3,2963,0 -8964,0.0021685983145971507,-0.0013889223337173462,-0.0016654469072818756,-2.26590653170314,3,2964,0 -8965,0.0024302798120209093,-0.0017947852611541748,-0.0016385987401008606,-2.4016536982586336,3,2965,0 -8966,0.002124649412642734,-0.0016270875930786133,-0.0013662800192832947,-2.443103495311083,3,2966,0 -8967,0.00222688333991945,-0.0017374679446220398,-0.0013929158449172974,-2.465820261918013,3,2967,0 -8968,0.0038442685458576873,-0.0014402195811271667,-0.003564290702342987,-1.9548055819047203,3,2968,0 -8969,0.0017838709273286437,-0.0011924542486667633,-0.0013267435133457184,-2.3029385347594507,3,2969,0 -8970,0.002194230721017665,-0.0015857554972171783,-0.0015165843069553375,-2.3784872548924847,3,2970,0 -8971,0.001852918171082852,-8.404627442359924e-05,-0.0018510110676288605,-1.616170764963821,3,2971,0 -8972,0.002248609640994873,-0.0016085244715213776,-0.0015712715685367584,-2.3679094550198476,3,2972,0 -8973,0.0020584678627911333,-0.0014377161860466003,-0.0014731809496879578,-2.3440116450452972,3,2973,0 -8974,0.001857771375405029,-0.0013294331729412079,-0.0012976601719856262,-2.3682882560917853,3,2974,0 -8975,0.0016063128023969771,-0.0011342428624629974,-0.001137424260377884,-2.354794022754578,3,2975,0 -8976,0.002539491090287108,-0.0017797909677028656,-0.0018114522099494934,-2.3473784840300747,3,2976,0 -8977,0.0036330710251268514,-0.0017632655799388885,-0.0031764917075634003,-2.0775454553273867,3,2977,0 -8978,0.001987710495210959,-0.0015760958194732666,-0.001211162656545639,-2.4863830161367093,3,2978,0 -8979,0.002153657045160583,-0.0013706125319004059,-0.0016612224280834198,-2.2606336313995428,3,2979,0 -8980,0.0020645418411697897,-0.0012615397572517395,-0.0016342736780643463,-2.2281835771603387,3,2980,0 -8981,0.0018436943613405418,-0.0014715492725372314,-0.0011107437312602997,-2.4950186762556688,3,2981,0 -8982,0.0020757402063389936,-0.0016577281057834625,-0.0012492537498474121,-2.4957954286538127,3,2982,0 -8983,0.00192919074938649,-0.0015078932046890259,-0.0012033432722091675,-2.4680543863474576,3,2983,0 -8984,0.002052380691160718,-0.0017492249608039856,-0.001073535531759262,-2.591145456526144,3,2984,0 -8985,0.001920028309725197,-0.0014575459063053131,-0.0012498274445533752,-2.4327677193614057,3,2985,0 -8986,0.004095805401772595,-0.0020304061472415924,-0.0035571157932281494,-2.089469410690393,3,2986,0 -8987,0.0018698749860956148,-0.0012759193778038025,-0.0013669170439243317,-2.3217762681016696,3,2987,0 -8988,0.0020065048714847673,-0.0013807862997055054,-0.0014558471739292145,-2.329739411267723,3,2988,0 -8989,0.0015393073730075586,-0.0010576508939266205,-0.0011184103786945343,-2.32827997186652,3,2989,0 -8990,0.002249340727600581,-0.0015104636549949646,-0.0016667433083057404,-2.3070463542248216,3,2990,0 -8991,0.0020093846941639723,-0.0015171095728874207,-0.0013175755739212036,-2.4264687591300906,3,2991,0 -8992,0.0018696668728514071,-0.0014061592519283295,-0.0012322217226028442,-2.4220250870273596,3,2992,0 -8993,0.002113948614637001,-0.0014388561248779297,-0.0015487000346183777,-2.3194438995821423,3,2993,0 -8994,0.0015670680517725615,-0.001086939126253128,-0.0011288337409496307,-2.3372892927951288,3,2994,0 -8995,0.0023738711394918413,-0.001801963895559311,-0.0015453770756721497,-2.4326988061350736,3,2995,0 -8996,0.0018096238717400111,-0.0014028958976268768,-0.0011430755257606506,-2.457893981276354,3,2996,0 -8997,0.002464152037967054,-0.0018612965941429138,-0.0016148127615451813,-2.426983969833266,3,2997,0 -8998,0.0022631226697404777,-0.0017167478799819946,-0.001474618911743164,-2.4319194057558646,3,2998,0 -8999,0.0020275464254827123,-0.0015361346304416656,-0.0013233423233032227,-2.430474090599208,3,2999,0 -9000,0.0010070299987924452,0.0008936263620853424,0.00046426430344581604,0.47914802454085065,4,0,0 -9001,0.001158580391314729,0.0010434724390506744,0.0005034618079662323,0.4495392458939573,4,1,0 -9002,0.0011209235330131356,0.0009404011070728302,0.00061001256108284,0.5754416058888231,4,2,0 -9003,0.001237599317639291,0.0010554827749729156,0.0006462261080741882,0.5493828673433248,4,3,0 -9004,0.0011544280460334638,0.000918995589017868,0.000698678195476532,0.6500370351478517,4,4,0 -9005,0.0008997438796549356,0.0006892159581184387,0.0005783773958683014,0.6981798387787335,4,5,0 -9006,0.0012196048858824878,0.0011110343039035797,0.0005030296742916107,0.42514511615876044,4,6,0 -9007,0.0011752880613011486,0.0011399686336517334,0.00028596073389053345,0.24577817463937435,4,7,0 -9008,0.0011923873324535246,0.0009368099272251129,0.0007376819849014282,0.6670355939646374,4,8,0 -9009,0.0011551679844946107,0.001000862568616867,0.0005767904222011566,0.5228057081561513,4,9,0 -9010,0.0010596847763136908,0.0010438822209835052,0.000182323157787323,0.17291453186487588,4,10,0 -9011,0.00095586655983176,0.0007606633007526398,0.0005788542330265045,0.650495244540799,4,11,0 -9012,0.0007476151929646301,0.0005949027836322784,0.00045279040932655334,0.6505778796934472,4,12,0 -9013,0.0008528454362538426,0.0006835870444774628,0.0005099549889564514,0.6409353004658984,4,13,0 -9014,0.0013029296564731375,0.001203838735818863,0.0004983954131603241,0.3925211610251448,4,14,0 -9015,0.0010628350323639065,0.000977788120508194,0.0004165917634963989,0.4027641152328602,4,15,0 -9016,0.001274400964836049,0.0011469274759292603,0.0005555674433708191,0.4510869206013517,4,16,0 -9017,0.0009916392967545806,0.0009588152170181274,0.00025302544236183167,0.2580118832046083,4,17,0 -9018,0.0005141744583243511,0.00045977532863616943,0.00023017823696136475,0.4641530718451183,4,18,0 -9019,0.0009916188529765714,0.0008773133158683777,0.00046220049262046814,0.48488543539039247,4,19,0 -9020,0.0006702164802902394,0.0005871988832950592,0.00032309070229530334,0.5030148891772671,4,20,0 -9021,0.00096501929620252,0.000837467610836029,0.0004794895648956299,0.5199888281610587,4,21,0 -9022,0.0011435185390897187,0.0008201859891414642,0.0007968246936798096,0.770951956841628,4,22,0 -9023,0.0011648939952335266,0.0011350885033607483,0.0002618245780467987,0.226699373543299,4,23,0 -9024,0.0013897602843966814,0.0012718848884105682,0.0005601271986961365,0.4148347639225003,4,24,0 -9025,0.0010703767278887688,0.00036770477890968323,0.0010052360594272614,1.2201249790592579,4,25,0 -9026,0.0010241177798804633,0.0007868260145187378,0.0006555318832397461,0.6946209092410702,4,26,0 -9027,0.001013377827541991,0.0008634030818939209,0.0005305372178554535,0.5509929405397206,4,27,0 -9028,0.0010825984265101763,0.0008906498551368713,0.0006154365837574005,0.6046582484092812,4,28,0 -9029,0.000949380587688476,0.000793159008026123,0.0005217492580413818,0.5818471474055096,4,29,0 -9030,0.0007993192497845502,0.0006085671484470367,0.0005182251334190369,0.7053930198051013,4,30,0 -9031,0.001069180856892943,0.0010405294597148895,0.00024585798382759094,0.23202615757078815,4,31,0 -9032,0.0009731793223197181,0.0008736439049243927,0.00042874738574028015,0.4562263885136916,4,32,0 -9033,0.0006550358442950618,0.000542227178812027,0.00036750733852386475,0.5956527430427832,4,33,0 -9034,0.0009317051555667877,0.0008794739842414856,0.000307571142911911,0.33642687526188536,4,34,0 -9035,0.0009651039139625284,0.000890679657459259,0.000371638685464859,0.39529054288676363,4,35,0 -9036,0.0010698801357548696,0.000858500599861145,0.0006384514272212982,0.6394452992768254,4,36,0 -9037,0.0010990999749973243,0.0009959563612937927,0.0004648566246032715,0.4366906357820686,4,37,0 -9038,0.0010486245917695,0.0009769462049007416,0.0003810375928878784,0.37188145961962277,4,38,0 -9039,0.0013629533397305548,0.001238897442817688,0.0005681328475475311,0.42996561039356157,4,39,0 -9040,0.0012923967969451543,0.0010511316359043121,0.000751938670873642,0.6209611957691598,4,40,0 -9041,0.0009305947565638644,0.0008427873253822327,0.00039460882544517517,0.43790092001311864,4,41,0 -9042,0.0014345514048830434,0.0013536475598812103,0.0004749484360218048,0.3374457948631256,4,42,0 -9043,0.0012551382344409437,0.0009934715926647186,0.0007670633494853973,0.6574982105960433,4,43,0 -9044,0.0008714857433559175,0.0006273500621318817,0.0006049126386642456,0.7671918634808401,4,44,0 -9045,0.0013916889023945613,0.00109056755900383,0.0008645579218864441,0.6703104562604976,4,45,0 -9046,0.001034437236972197,0.0009076222777366638,0.0004962682723999023,0.5003664625745071,4,46,0 -9047,0.0008268278639147836,0.0006744712591171265,0.00047826021909713745,0.6168000209620191,4,47,0 -9048,0.0011133998926402345,0.000991683453321457,0.000506184995174408,0.4719567593062287,4,48,0 -9049,0.001423662043000172,0.0013255961239337921,0.0005192384123802185,0.37333236710739154,4,49,0 -9050,0.001070788905055029,0.0009624920785427094,0.00046925246715545654,0.4536292417800312,4,50,0 -9051,0.0009272633148171088,0.0008147284388542175,0.0004427582025527954,0.49779486091592967,4,51,0 -9052,0.001066619438512914,0.0009035058319568634,0.0005668811500072479,0.5603404438342261,4,52,0 -9053,0.0010245476101253864,0.0008830688893795013,0.0005195066332817078,0.531769787115147,4,53,0 -9054,0.000964716763528601,0.000757317990064621,0.0005976185202598572,0.6680745471961654,4,54,0 -9055,0.0010745071795330496,0.000859338790178299,0.0006450600922107697,0.6439150657056366,4,55,0 -9056,0.0007126617433924595,0.0006937645375728607,0.00016302615404129028,0.2308003327956861,4,56,0 -9057,0.0010320936535539952,0.0009151846170425415,0.0004771314561367035,0.48058132437605533,4,57,0 -9058,0.00083690720690125,0.0007294528186321259,0.00041025876998901367,0.5123285989602437,4,58,0 -9059,0.0008821540864689672,0.0007723644375801086,0.00042620301246643066,0.5042363418312905,4,59,0 -9060,0.0010066462619886512,0.000978514552116394,0.00023631751537322998,0.23696883898714582,4,60,0 -9061,0.0009921340110438967,0.0009561702609062195,0.00026470422744750977,0.2700741463829736,4,61,0 -9062,0.0009746163695991492,0.0008559972047805786,0.0004659891128540039,0.49851941538599026,4,62,0 -9063,0.0010996629321850806,0.00100664421916008,0.00044263526797294617,0.4142669981443607,4,63,0 -9064,0.0008240426662929746,0.0007264278829097748,0.00038903579115867615,0.4916786688775135,4,64,0 -9065,0.0009278647807540166,0.0007239915430545807,0.0005803182721138,0.6756877471627358,4,65,0 -9066,0.000787648215015898,0.0007705092430114746,0.00016341730952262878,0.2089930796091589,4,66,0 -9067,0.0007916107789211675,0.0006135180592536926,0.0005002431571483612,0.6840418407241537,4,67,0 -9068,0.0011573290542749577,0.0010393336415290833,0.000509113073348999,0.45549118772551644,4,68,0 -9069,0.0012549386334344196,0.0011731982231140137,0.0004455074667930603,0.3629176914844542,4,69,0 -9070,0.0012214132089648894,0.0009188167750835419,0.0008047521114349365,0.7193151785287966,4,70,0 -9071,0.0011850037720182427,0.0009847097098827362,0.0006592273712158203,0.5899364880139218,4,71,0 -9072,0.0007146945269968095,0.000625908374786377,0.0003450028598308563,0.5037667005344622,4,72,0 -9073,0.0012185947916349327,0.0010828599333763123,0.0005589164793491364,0.476482754819153,4,73,0 -9074,0.0011794407280035987,0.0010428167879581451,0.0005510114133358002,0.48609890252358573,4,74,0 -9075,0.0009691526471482197,0.0007920004427433014,0.0005585625767707825,0.6142443666872054,4,75,0 -9076,0.0011332612490862393,0.0008351132273674011,0.0007660724222660065,0.7423063047622769,4,76,0 -9077,0.0009637429796832972,0.0008566156029701233,0.00044159963726997375,0.47598376203708914,4,77,0 -9078,0.0008774651371723763,0.0007626749575138092,0.00043390318751335144,0.5172551242271736,4,78,0 -9079,0.0015752343294648315,0.0014884807169437408,0.0005155466496944427,0.33342626611685655,4,79,0 -9080,0.0008087976152543611,0.0007181651890277863,0.0003720112144947052,0.4779455038495185,4,80,0 -9081,0.0007430695186086926,0.0006247013807296753,0.00040236860513687134,0.572214646696335,4,81,0 -9082,0.0009389930331789821,0.000917237251996994,0.0002009570598602295,0.2156816822962271,4,82,0 -9083,0.0011620543796204722,0.0010196976363658905,0.0005573034286499023,0.5001813014447251,4,83,0 -9084,0.0006557106230983247,0.000620134174823761,0.00021304935216903687,0.3309204555426137,4,84,0 -9085,0.0013186069188157615,0.001163046807050705,0.0006213262677192688,0.49064965944093547,4,85,0 -9086,0.0013032351809777634,0.001133255660533905,0.0006435476243495941,0.5164632116685899,4,86,0 -9087,0.0012116478417009949,0.0011758245527744293,0.0002924501895904541,0.24377287952646848,4,87,0 -9088,0.0012158039073916608,0.0011227764189243317,0.00046642497181892395,0.3937293065212173,4,88,0 -9089,0.0013744007496844322,0.001196008175611496,0.0006771571934223175,0.5151813670924512,4,89,0 -9090,0.0011421953201181149,0.0009844079613685608,0.0005792677402496338,0.5318781879181874,4,90,0 -9091,0.0010613338546880942,0.0007273964583873749,0.000772867351770401,0.8156974863484608,4,91,0 -9092,0.0008007979219553926,0.0007637515664100647,0.00024075061082839966,0.3053619558911737,4,92,0 -9093,0.0009367524694157268,0.0008578747510910034,0.00037623941898345947,0.4133094475298246,4,93,0 -9094,0.000846442896933166,0.0006874799728393555,0.0004937984049320221,0.6228848380905662,4,94,0 -9095,0.0012010663130459925,0.0009135007858276367,0.0007797926664352417,0.706598322265182,4,95,0 -9096,0.0009156480590336574,0.0008990317583084106,0.0001736469566822052,0.19079932734521898,4,96,0 -9097,0.0009705337569644395,0.0009389333426952362,0.00024564191699028015,0.25588306290297325,4,97,0 -9098,0.0010640091785912578,0.0009155161678791046,0.0005421675741672516,0.5346635754717789,4,98,0 -9099,0.0012059378707360558,0.0011381208896636963,0.0003987066447734833,0.3369599743095325,4,99,0 -9100,0.0015239124556477423,0.0014120526611804962,0.0005730763077735901,0.3855360842139206,4,100,0 -9101,0.0009302807505643228,0.0007745735347270966,0.000515226274728775,0.5869685949043187,4,101,0 -9102,0.0010132852024548927,0.0007486343383789062,0.0006828568875789642,0.7394801631050485,4,102,0 -9103,0.0011947432567457309,0.0011650845408439636,0.0002645552158355713,0.22328338926506758,4,103,0 -9104,0.0010583895326197058,0.0009094029664993286,0.0005414560437202454,0.5370282667674793,4,104,0 -9105,0.001000717777127395,0.0007851868867874146,0.0006204172968864441,0.668707392730699,4,105,0 -9106,0.0009172321551743324,0.0007765740156173706,0.0004881061613559723,0.5611393422987216,4,106,0 -9107,0.0009846937740896088,0.0009662359952926636,0.00018976256251335144,0.1939254717823952,4,107,0 -9108,0.0012644430686619501,0.0012206360697746277,0.00032994523644447327,0.26399700780400814,4,108,0 -9109,0.001143025221458207,0.0010554753243923187,0.00043872371315956116,0.3939369716727755,4,109,0 -9110,0.0010376108366236916,0.000887017697095871,0.000538364052772522,0.5455047876646952,4,110,0 -9111,0.0011461930866207269,0.0009464919567108154,0.0006464608013629913,0.5992301152613398,4,111,0 -9112,0.0010690206313824242,0.0007623881101608276,0.0007493793964385986,0.7767934059854914,4,112,0 -9113,0.0009797504592201258,0.0009095706045627594,0.00036413222551345825,0.38079445227507,4,113,0 -9114,0.0008906203230559145,0.0008637793362140656,0.00021700188517570496,0.24613009704153382,4,114,0 -9115,0.0009780122508755288,0.0009224601089954376,0.0003249235451221466,0.33866530133209666,4,115,0 -9116,0.0009015405459800848,0.0008566044270992279,0.0002810768783092499,0.3170594953514916,4,116,0 -9117,0.0010982856014914095,0.0009603053331375122,0.0005329586565494537,0.5066652752477981,4,117,0 -9118,0.001146550645310102,0.001090504229068756,0.00035408884286880493,0.3139622938038259,4,118,0 -9119,0.000938216899868594,0.0008280687034130096,0.00044108182191848755,0.4894355417980816,4,119,0 -9120,0.0008511818473993244,0.0006549805402755737,0.0005436092615127563,0.6927456084541105,4,120,0 -9121,0.0010153748788685182,0.0008332356810569763,0.0005802623927593231,0.6083033960372154,4,121,0 -9122,0.0010490482384587982,0.0010072030127048492,0.0002933330833911896,0.2833965264304217,4,122,0 -9123,0.0010232475679436592,0.0008404441177845001,0.0005836859345436096,0.607023132609368,4,123,0 -9124,0.0008097486479424435,0.0007780976593494415,0.00022418051958084106,0.2805164864806192,4,124,0 -9125,0.0010630075555771207,0.0009828992187976837,0.0004048384726047516,0.39070730911477897,4,125,0 -9126,0.0014274198679108518,0.0013216733932495117,0.0005391724407672882,0.3873382450596223,4,126,0 -9127,0.0013174158181468595,0.0011676028370857239,0.0006101541221141815,0.4815400860782907,4,127,0 -9128,0.0009737128368922428,0.0007943771779537201,0.0005630999803543091,0.6166456904304315,4,128,0 -9129,0.0010778130199482745,0.000841096043586731,0.0006739720702171326,0.6755344334840716,4,129,0 -9130,0.001005310202127072,0.0008330307900905609,0.000562768429517746,0.594139349607401,4,130,0 -9131,0.0010257374722463866,0.0009499527513980865,0.000386945903301239,0.3868108166156297,4,131,0 -9132,0.0009598846015978644,0.0007799193263053894,0.0005595572292804718,0.6223450998949847,4,132,0 -9133,0.0008661590252453806,0.0007511749863624573,0.00043123960494995117,0.5211476756956711,4,133,0 -9134,0.001147094715774271,0.000990491360425949,0.0005785785615444183,0.5286707866840478,4,134,0 -9135,0.001286569587134076,0.00103822723031044,0.0007598325610160828,0.6317872969866537,4,135,0 -9136,0.001266434139044096,0.0010425373911857605,0.0007190071046352386,0.6037596040191326,4,136,0 -9137,0.0011722168110436244,0.0011124983429908752,0.0003693774342536926,0.320572731783602,4,137,0 -9138,0.0012027589137654346,0.0010430216789245605,0.0005989447236061096,0.5212628994060694,4,138,0 -9139,0.0010662171288756254,0.0009249299764633179,0.0005303993821144104,0.5206672398338801,4,139,0 -9140,0.0011755378789265862,0.0010710470378398895,0.0004845075309276581,0.4248215073729419,4,140,0 -9141,0.001305363863597452,0.0012607835233211517,0.00033823028206825256,0.2620985971709645,4,141,0 -9142,0.0012950489679605306,0.0012452155351638794,0.0003557950258255005,0.27831388355383657,4,142,0 -9143,0.0012946071846657772,0.0009742341935634613,0.0008525699377059937,0.7188968616950829,4,143,0 -9144,0.0010655914585716735,0.0009817630052566528,0.0004142783582210541,0.39930471881716934,4,144,0 -9145,0.0007872344893058747,0.0007400065660476685,0.00026856735348701477,0.3481431372317554,4,145,0 -9146,0.0010986367511734328,0.0009337998926639557,0.000578809529542923,0.5548824696342185,4,146,0 -9147,0.0011854200709039814,0.0011418797075748444,0.00031832605600357056,0.27187121405553377,4,147,0 -9148,0.0009906872822073658,0.0008309930562973022,0.0005393624305725098,0.5757125004961112,4,148,0 -9149,0.0008807697397955046,0.0007590837776660919,0.00044670701026916504,0.5319072062461697,4,149,0 -9150,0.0009809724936201299,0.0009735859930515289,0.00012015551328659058,0.12279447854888494,4,150,0 -9151,0.00090287999456095,0.0007935464382171631,0.0004306696355342865,0.4972329992113006,4,151,0 -9152,0.0009042439323023008,0.0008206181228160858,0.00037979334592819214,0.43345859582806723,4,152,0 -9153,0.0013574473144989027,0.0012370683252811432,0.0005588605999946594,0.42431833368804595,4,153,0 -9154,0.00072088813787063,0.0006078481674194336,0.00038755685091018677,0.5676003727056804,4,154,0 -9155,0.0008416175010970888,0.0006964392960071564,0.00047253817319869995,0.596154273294466,4,155,0 -9156,0.000998792924365286,0.0008623525500297546,0.0005039200186729431,0.5288363843374969,4,156,0 -9157,0.0009833170134133462,0.0009444057941436768,0.00027387961745262146,0.2822593140429507,4,157,0 -9158,0.0010280661718754702,0.0008531287312507629,0.0005736649036407471,0.5919784060546747,4,158,0 -9159,0.0010057544345863185,0.0008438900113105774,0.0005471669137477875,0.5752401326698848,4,159,0 -9160,0.0009593213290374749,0.0008552595973014832,0.0004345439374446869,0.4700940794225588,4,160,0 -9161,0.001095460352975158,0.0010221153497695923,0.0003940984606742859,0.3680063966552686,4,161,0 -9162,0.0010664342875598208,0.000630699098110199,0.0008599422872066498,0.9379909649839486,4,162,0 -9163,0.0011177155173042435,0.000983409583568573,0.000531218945980072,0.49527321100534644,4,163,0 -9164,0.0012007825499706177,0.0011596567928791046,0.00031156837940216064,0.2624745146999862,4,164,0 -9165,0.0011777702667534614,0.0011370666325092316,0.0003069564700126648,0.26366960241910864,4,165,0 -9166,0.0011767408810435015,0.0011248812079429626,0.00034548714756965637,0.2979871099226488,4,166,0 -9167,0.001065600571217569,0.0008476823568344116,0.000645708292722702,0.6509685353743948,4,167,0 -9168,0.0009893395555655316,0.0009750686585903168,0.00016743317246437073,0.17005577265563554,4,168,0 -9169,0.0011645187178780355,0.0010444335639476776,0.0005150362849235535,0.4581324856573508,4,169,0 -9170,0.0008517737014976127,0.0006174929440021515,0.0005867034196853638,0.759835208441945,4,170,0 -9171,0.0011746982628297565,0.0011393427848815918,0.0002860315144062042,0.24596624799847527,4,171,0 -9172,0.0006536754690922619,0.0004832558333873749,0.0004401765763759613,0.7387807329949356,4,172,0 -9173,0.001011108087044123,0.0009370408952236176,0.00037986040115356445,0.38513821936415993,4,173,0 -9174,0.00126615150701646,0.0011723190546035767,0.00047833845019340515,0.38740745022580186,4,174,0 -9175,0.001094673401273028,0.0010058805346488953,0.0004318729043006897,0.40554776182516317,4,175,0 -9176,0.0012083062217851219,0.0011105872690677643,0.0004760250449180603,0.4049367220451335,4,176,0 -9177,0.0011146294965069337,0.0010008849203586578,0.0004905387759208679,0.4557003783160218,4,177,0 -9178,0.0012592539382919258,0.0011937394738197327,0.00040088221430778503,0.32398735227378245,4,178,0 -9179,0.0010393763657091386,0.0009024515748023987,0.0005156397819519043,0.5191069929465065,4,179,0 -9180,0.0011333464100949943,0.0010003633797168732,0.0005326792597770691,0.48929722269360953,4,180,0 -9181,0.001229700384346133,0.0011186487972736359,0.0005106739699840546,0.42825414799583095,4,181,0 -9182,0.001279160097184651,0.0010965988039970398,0.0006585754454135895,0.540832548991341,4,182,0 -9183,0.0013447583751656016,0.0010423362255096436,0.000849653035402298,0.6839064912396106,4,183,0 -9184,0.0010484261411077911,0.0009414702653884888,0.000461336225271225,0.455629182027011,4,184,0 -9185,0.0012573862124911454,0.0010679885745048523,0.0006636418402194977,0.556002133118223,4,185,0 -9186,0.0011438340511953304,0.0010299049317836761,0.0004976466298103333,0.4501148043034427,4,186,0 -9187,0.0011311495490003137,0.001037638634443283,0.0004503391683101654,0.40947220930495715,4,187,0 -9188,0.0013353444034265775,0.001060333102941513,0.0008116886019706726,0.6533496784776323,4,188,0 -9189,0.0007771692129102545,0.0005548521876335144,0.000544179230928421,0.7756872297260525,4,189,0 -9190,0.0010017593978092752,0.0009496733546257019,0.00031881406903266907,0.32388729574321334,4,190,0 -9191,0.00106454682893969,0.0009358227252960205,0.0005074404180049896,0.49686584239870063,4,191,0 -9192,0.0007534781319030159,0.0005874447524547577,0.00047184526920318604,0.6766990972304653,4,192,0 -9193,0.0013223337306525888,0.0012561455368995667,0.00041311606764793396,0.3177335671913043,4,193,0 -9194,0.0011236889142393239,0.001007772982120514,0.0004970617592334747,0.4582152730021119,4,194,0 -9195,0.0011338756183538635,0.0010877996683120728,0.0003199465572834015,0.286056076932382,4,195,0 -9196,0.0008526633416474817,0.000730421394109726,0.00043990835547447205,0.5420843971000537,4,196,0 -9197,0.0012383471252504076,0.0011591538786888123,0.0004357360303401947,0.3595671027038056,4,197,0 -9198,0.0011403130908410222,0.0008051879703998566,0.0008074566721916199,0.7868049831239711,4,198,0 -9199,0.001102541291139572,0.001062009483575821,0.0002961978316307068,0.2719913411222827,4,199,0 -9200,0.0010392222204764216,0.0009252540767192841,0.00047316774725914,0.4727198033730196,4,200,0 -9201,0.001312321727738171,0.0012259148061275482,0.0004683174192905426,0.3649062760243975,4,201,0 -9202,0.0007322286815806381,0.0005605407059192657,0.00047111883759498596,0.6989365684257246,4,202,0 -9203,0.001342110046738649,0.0008622109889984131,0.0010285191237926483,0.8731321079339811,4,203,0 -9204,0.0012570826128488817,0.0009372495114803314,0.0008377470076084137,0.7293989146335672,4,204,0 -9205,0.0009070595569525197,0.0008204244077205658,0.0003868602216243744,0.4406188079142422,4,205,0 -9206,0.001039781172159899,0.0009347535669803619,0.00045539066195487976,0.45333687895448505,4,206,0 -9207,0.0009019011636911806,0.0008925795555114746,0.00012933462858200073,0.1438983160116816,4,207,0 -9208,0.0013460362376225992,0.0012541748583316803,0.0004887320101261139,0.3715818559611164,4,208,0 -9209,0.0009224347575110932,0.0006187781691551208,0.000684104859828949,0.8354963128325075,4,209,0 -9210,0.0010685133649810162,0.0007911287248134613,0.0007182173430919647,0.7371290825269124,4,210,0 -9211,0.0009483003898604319,0.0007538162171840668,0.0005753561854362488,0.6519323114463851,4,211,0 -9212,0.000974131692859754,0.0008928626775741577,0.00038952380418777466,0.4113725047061966,4,212,0 -9213,0.0008836242482570139,0.0008311867713928223,0.00029986724257469177,0.3462370609469209,4,213,0 -9214,0.0009946160487538103,0.0009171515703201294,0.00038482993841171265,0.39728156216883354,4,214,0 -9215,0.0008750147163004477,0.0008473247289657593,0.00021838396787643433,0.25224390295232446,4,215,0 -9216,0.0008175783669252268,0.0007663071155548096,0.0002849698066711426,0.3560273860561839,4,216,0 -9217,0.0010332462104184156,0.0008873641490936279,0.0005293227732181549,0.5378503568587008,4,217,0 -9218,0.0010045850931010175,0.0009049326181411743,0.00043622031807899475,0.4491825697196323,4,218,0 -9219,0.0010219235441959083,0.0009937956929206848,0.00023811310529708862,0.23516640543550038,4,219,0 -9220,0.0009769614148727147,0.0009650588035583496,0.00015203654766082764,0.15625694687377994,4,220,0 -9221,0.001200565388402541,0.001004725694656372,0.0006571784615516663,0.5792432788248578,4,221,0 -9222,0.0012456080167872492,0.0010358206927776337,0.0006918199360370636,0.588852822865234,4,222,0 -9223,0.0010306714404132243,0.0010225474834442139,0.0001291520893573761,0.12563896885567036,4,223,0 -9224,0.0010885247545521265,0.0010676942765712738,0.0002119317650794983,0.19594783698259105,4,224,0 -9225,0.0013970205434314614,0.0012879371643066406,0.0005411878228187561,0.3977957632746561,4,225,0 -9226,0.0010440258473700635,0.0009380988776683807,0.0004582144320011139,0.45436501898926723,4,226,0 -9227,0.001177838125035229,0.0010365359485149384,0.0005593709647655487,0.49486548487666526,4,227,0 -9228,0.0006920645404718324,0.0005222596228122711,0.00045409053564071655,0.7156909610551045,4,228,0 -9229,0.0011454763147561054,0.0009438358247280121,0.0006490685045719147,0.602417825186641,4,229,0 -9230,0.0009984332239995639,0.0009766407310962677,0.00020746514201164246,0.20931582161750917,4,230,0 -9231,0.0009915313734135743,0.0007942244410514832,0.0005935840308666229,0.6418194265306378,4,231,0 -9232,0.0013718634632591817,0.0011836253106594086,0.0006935708224773407,0.5300406392512231,4,232,0 -9233,0.0010219084559604723,0.0009432695806026459,0.00039311498403549194,0.3948687952870935,4,233,0 -9234,0.0011967450827858135,0.0010102838277816772,0.0006415024399757385,0.5657384262410337,4,234,0 -9235,0.0009992842359940286,0.000875372439622879,0.00048196688294410706,0.5032921909095068,4,235,0 -9236,0.0012286637118694075,0.0010871179401874542,0.0005725286900997162,0.4847381857660139,4,236,0 -9237,0.0011691386969902443,0.0009728595614433289,0.0006484054028987885,0.5878832992248985,4,237,0 -9238,0.0011568384278291643,0.0010441318154335022,0.0004980601370334625,0.44508611718503105,4,238,0 -9239,0.001461104352685602,0.0011545643210411072,0.0008954368531703949,0.6596614313515311,4,239,0 -9240,0.0011412550731626247,0.0010483302175998688,0.0004510730504989624,0.40633234865558876,4,240,0 -9241,0.0010716294018097937,0.0009676739573478699,0.00046043097972869873,0.44411073021658964,4,241,0 -9242,0.0006520429092624152,0.0004938989877700806,0.00042570382356643677,0.7113764597773317,4,242,0 -9243,0.0008732267657955115,0.0007111430168151855,0.0005067549645900726,0.6191272043183204,4,243,0 -9244,0.0011392002971442896,0.0010542012751102448,0.0004317834973335266,0.38874065710206335,4,244,0 -9245,0.0007580907964259134,0.000645611435174942,0.00039735063910484314,0.551712607930533,4,245,0 -9246,0.00107784946196533,0.0008638091385364532,0.0006446652114391327,0.6411322099361323,4,246,0 -9247,0.0010803845300138295,0.0010009892284870148,0.000406511127948761,0.3857619747967334,4,247,0 -9248,0.0009015702365487273,0.0007024407386779785,0.0005651600658893585,0.6775190068304517,4,248,0 -9249,0.0013026072778111579,0.0011064857244491577,0.0006873682141304016,0.5558746371316232,4,249,0 -9250,0.0010084657658492588,0.0008569955825805664,0.000531565397977829,0.5551879937192191,4,250,0 -9251,0.0011146819534163484,0.000901978462934494,0.0006549432873725891,0.6280409730118045,4,251,0 -9252,0.0009809861167174997,0.0009436234831809998,0.00026815757155418396,0.27687927061820033,4,252,0 -9253,0.001263686720534101,0.0010910332202911377,0.0006376132369041443,0.5288791047352518,4,253,0 -9254,0.0008510911563745974,0.0008508786559104919,-1.901760697364807e-05,-0.022346830608571233,4,254,0 -9255,0.0006513334018549458,0.00046497955918312073,0.000456102192401886,0.7757604825873496,4,255,0 -9256,0.0014405243822245251,0.001033097505569458,0.001003902405500412,0.7710667434042199,4,256,0 -9257,0.0011175394690446194,0.0009780935943126678,0.0005405806005001068,0.5049045981487836,4,257,0 -9258,0.0011666741937882113,0.001106351613998413,0.0003702901303768158,0.3229753720556619,4,258,0 -9259,0.0007688235365678403,0.000527258962392807,0.000559542328119278,0.8150943696837898,4,259,0 -9260,0.001173755774900605,0.0010846294462680817,0.00044864416122436523,0.3922078709700985,4,260,0 -9261,0.0011863878256422654,0.0010476745665073395,0.0005566813051700592,0.4884115086119721,4,261,0 -9262,0.0010465706664779153,0.000720243901014328,0.0007593147456645966,0.8117991220335009,4,262,0 -9263,0.0009423781151124915,0.0006950721144676208,0.0006363578140735626,0.7413280377034366,4,263,0 -9264,0.0009143827237675531,0.0008417032659053802,0.00035725533962249756,0.4013990510592133,4,264,0 -9265,0.0010246660200452637,0.000988200306892395,0.00027092546224594116,0.2675855407010701,4,265,0 -9266,0.0010399775662178203,0.0008718334138393402,0.0005669742822647095,0.5766030268236977,4,266,0 -9267,0.0010925540923727686,0.0009660534560680389,0.0005103088915348053,0.4859842038358449,4,267,0 -9268,0.0011378998755741598,0.00099891796708107,0.0005449578166007996,0.49941883497312395,4,268,0 -9269,0.001019541338283976,0.000907164067029953,0.0004653148353099823,0.47394078875573403,4,269,0 -9270,0.0007783227159137987,0.0007209479808807373,0.0002932921051979065,0.3863671223813957,4,270,0 -9271,0.001443537758272588,0.0013332217931747437,0.0005534626543521881,0.39348252262953015,4,271,0 -9272,0.0013963135526253493,0.0012319199740886688,0.0006573162972927094,0.4901420423373539,4,272,0 -9273,0.001186042626518629,0.0011150836944580078,0.0004040859639644623,0.3476624547643117,4,273,0 -9274,0.0008362374973046999,0.0004515126347541809,0.0007038675248622894,1.0004382311267999,4,274,0 -9275,0.0009281836209472623,0.0008457675576210022,0.00038236379623413086,0.4245913393806148,4,275,0 -9276,0.0007961224142599745,0.0007272586226463318,0.00032389163970947266,0.41898830694076883,4,276,0 -9277,0.0012331094940506307,0.0010529682040214539,0.0006417296826839447,0.5473378312437599,4,277,0 -9278,0.0007446175356432767,0.0007344149053096771,0.00012284144759178162,0.16573017168260007,4,278,0 -9279,0.0010560352024782062,0.0009192861616611481,0.0005197338759899139,0.5145645400244003,4,279,0 -9280,0.0011112689970050593,0.0009043850004673004,0.0006457604467868805,0.62008191704341,4,280,0 -9281,0.0011485058034,0.0009369701147079468,0.00066419318318367,0.6166564685122814,4,281,0 -9282,0.001004404628429966,0.0009654387831687927,0.00027704983949661255,0.279458180347404,4,282,0 -9283,0.0011572098276608372,0.0010727494955062866,0.0004339851438999176,0.38442609945979556,4,283,0 -9284,0.0009807054782561735,0.0007815100252628326,0.0005924738943576813,0.6486740410001189,4,284,0 -9285,0.0009834915356725313,0.0008296966552734375,0.0005280710756778717,0.5667998120952765,4,285,0 -9286,0.0007771504826073069,0.0006719864904880524,0.0003903806209564209,0.5262833163686766,4,286,0 -9287,0.0010702894773773955,0.0009304806590080261,0.0005288906395435333,0.5168644719667973,4,287,0 -9288,0.001142410924004372,0.001102834939956665,0.00029809027910232544,0.2639863548741799,4,288,0 -9289,0.0014482814172106127,0.0011639222502708435,0.0008618608117103577,0.6373802292169579,4,289,0 -9290,0.0009260289853873618,0.0008256956934928894,0.0004192329943180084,0.4698148952310745,4,290,0 -9291,0.0011908892971861887,0.0009704828262329102,0.0006902031600475311,0.6182003673912031,4,291,0 -9292,0.0013304431742251438,0.0012195780873298645,0.0005317032337188721,0.4111281246240743,4,292,0 -9293,0.0011270177280092053,0.0010409951210021973,0.0004318542778491974,0.39324010458281483,4,293,0 -9294,0.0010335042572468412,0.00093817338347435,0.0004335455596446991,0.4328843399206244,4,294,0 -9295,0.0011695174013117752,0.001021798700094223,0.0005689449608325958,0.5080545069325946,4,295,0 -9296,0.0011520408598549691,0.0011354833841323853,0.00019461661577224731,0.16974603820508324,4,296,0 -9297,0.0010811206411416067,0.0009042844176292419,0.0005925297737121582,0.5800550522688765,4,297,0 -9298,0.0011042068711943538,0.0010977834463119507,0.0001189298927783966,0.10791550750698138,4,298,0 -9299,0.0010902137003228809,0.0010758675634860992,0.00017628073692321777,0.16240674354709145,4,299,0 -9300,0.000803481468264015,0.0005479790270328522,0.0005876235663890839,0.82029456622525,4,300,0 -9301,0.001053064021589629,0.0009906403720378876,0.00035717710852622986,0.34604393187252935,4,301,0 -9302,0.001045179012908971,0.0008535198867321014,0.0006032437086105347,0.6152562916137174,4,302,0 -9303,0.0010861934229850203,0.0009408332407474518,0.000542815774679184,0.5233001456079307,4,303,0 -9304,0.0008694690929716914,0.0008003413677215576,0.000339750200510025,0.4014526670927225,4,304,0 -9305,0.0009935312272571963,0.000862807035446167,0.0004926137626171112,0.5187801011180192,4,305,0 -9306,0.0011170305940924013,0.0009582899510860443,0.0005739666521549225,0.5396462281905596,4,306,0 -9307,0.0010202960305287889,0.0008223913609981537,0.0006038844585418701,0.6333791188959056,4,307,0 -9308,0.0011046786286815857,0.0008527114987373352,0.0007022805511951447,0.6889576168906145,4,308,0 -9309,0.001066026604906732,0.0009268075227737427,0.000526726245880127,0.5168020339725227,4,309,0 -9310,0.0010695304774079465,0.0009542331099510193,0.000483047217130661,0.46860732483113826,4,310,0 -9311,0.0010994990199219808,0.000974748283624649,0.0005086883902549744,0.4809873231507829,4,311,0 -9312,0.0009256164650944911,0.0008926317095756531,0.00024489685893058777,0.26776530033764445,4,312,0 -9313,0.0009883473433085336,0.0007178559899330139,0.0006793476641178131,0.7578441416719052,4,313,0 -9314,0.000975236470489608,0.0009669959545135498,0.0001265108585357666,0.13008988074985026,4,314,0 -9315,0.0011044845224003558,0.0008864626288414001,0.0006588399410247803,0.6391500839029708,4,315,0 -9316,0.0009270681093360032,0.000820893794298172,0.00043080002069473267,0.48328538647793706,4,316,0 -9317,0.001072466853054177,0.0009872913360595703,0.00041885673999786377,0.40123383781531735,4,317,0 -9318,0.0010446934298624412,0.0006608739495277405,0.0008090920746326447,0.8858895074429944,4,318,0 -9319,0.0010645832864826217,0.0008728839457035065,0.0006094351410865784,0.6095073156149083,4,319,0 -9320,0.0008259444089212308,0.0007640086114406586,0.00031380727887153625,0.38972876158862,4,320,0 -9321,0.001049266298621943,0.000918172299861908,0.0005078576505184174,0.5052339369955838,4,321,0 -9322,0.0011671053104044353,0.001007772982120514,0.0005886666476726532,0.5286658466145104,4,322,0 -9323,0.0010281447701935217,0.0008482635021209717,0.0005809739232063293,0.6005182813422467,4,323,0 -9324,0.001043740002900136,0.0009463727474212646,0.0004401952028274536,0.43537224105882527,4,324,0 -9325,0.0012971619572235808,0.0008954890072345734,0.0009384714066982269,0.8088308022925703,4,325,0 -9326,0.001019137217658137,0.0007913261651992798,0.0006422176957130432,0.6817569647886117,4,326,0 -9327,0.0011323317544070996,0.0008855946362018585,0.0007056184113025665,0.6727705161039569,4,327,0 -9328,0.0012241186748411645,0.001205548644065857,0.00021241232752799988,0.17440547175103688,4,328,0 -9329,0.0010985494788201063,0.0009104199707508087,0.0006147734820842743,0.5939307465814584,4,329,0 -9330,0.0012384896802251047,0.001187685877084732,0.00035108253359794617,0.287417229012376,4,330,0 -9331,0.0007624208469218281,0.0006393939256668091,0.0004152841866016388,0.5760212615804101,4,331,0 -9332,0.0011397039126992826,0.0010595694184303284,0.00041980668902397156,0.37723054015656526,4,332,0 -9333,0.000987247575699017,0.0007950775325298309,0.0005852431058883667,0.6345346107834073,4,333,0 -9334,0.0011492251135885238,0.0010547973215579987,0.00045620277523994446,0.40820836841805846,4,334,0 -9335,0.0012023048660842683,0.0011167526245117188,0.0004454217851161957,0.3795184682454494,4,335,0 -9336,0.0011493524686014122,0.001058921217918396,0.0004468746483325958,0.3993348101591145,4,336,0 -9337,0.0009701623788716487,0.000692363828420639,0.0006795935332775116,0.7760903476366852,4,337,0 -9338,0.0009794281483856998,0.0009370185434818268,0.00028508901596069336,0.29535239985303,4,338,0 -9339,0.001137737306758341,0.0009416714310646057,0.0006385147571563721,0.5958525313924723,4,339,0 -9340,0.0006297455276327859,0.0004929080605506897,0.0003919452428817749,0.6717883021969363,4,340,0 -9341,0.0007170862215628599,0.0006023384630680084,0.00038910284638404846,0.5735489906490104,4,341,0 -9342,0.00100302618309703,0.0009023919701576233,0.00043789297342300415,0.45178465404236645,4,342,0 -9343,0.0008122783612342018,0.0007685348391532898,0.00026296451687812805,0.32967647925744864,4,343,0 -9344,0.0007490597926851054,0.0006868131458759308,0.00029896199703216553,0.4105528880413913,4,344,0 -9345,0.0009707433986823138,0.0007797069847583771,0.0005782730877399445,0.6381384706119247,4,345,0 -9346,0.0010401701973716498,0.000984635204076767,0.0003353320062160492,0.32824461678016487,4,346,0 -9347,0.000763838281365964,0.0005300790071487427,0.0005499683320522308,0.8038113165473678,4,347,0 -9348,0.0010458961066602255,0.0009401962161064148,0.00045818090438842773,0.4534561038853567,4,348,0 -9349,0.0010006243090889516,0.0008227378129959106,0.000569518655538559,0.6054879174930226,4,349,0 -9350,0.0011937696860751103,0.0008537620306015015,0.0008343718945980072,0.7739125323942074,4,350,0 -9351,0.0011703522151429672,0.0010856874287128448,0.00043704360723495483,0.3827028234410272,4,351,0 -9352,0.0008543345279162526,0.0006383322179317474,0.0005678199231624603,0.7270040949460704,4,352,0 -9353,0.0008325132476979428,0.0007433965802192688,0.00037475302815437317,0.46692953355996275,4,353,0 -9354,0.0009962707848955572,0.0008549131453037262,0.0005115456879138947,0.539212623321909,4,354,0 -9355,0.001275533837516352,0.0010868050158023834,0.0006677135825157166,0.5509275339030653,4,355,0 -9356,0.0010494510854202803,0.0008914321660995483,0.0005538016557693481,0.5558976727817682,4,356,0 -9357,0.0010911737945925855,0.0008507594466209412,0.0006832778453826904,0.6766518623335243,4,357,0 -9358,0.0007268782066047873,0.0006805695593357086,0.00025529786944389343,0.3588792417158554,4,358,0 -9359,0.0009801167005453468,0.0008950866758823395,0.0003993101418018341,0.4196171126759357,4,359,0 -9360,0.001010712790069204,0.0008168481290340424,0.0005952306091785431,0.6297238708602652,4,360,0 -9361,0.0011338908668949504,0.001073550432920456,0.00036496296525001526,0.3277016158763077,4,361,0 -9362,0.0007191997160688346,0.0006693601608276367,0.000263068825006485,0.3744706724307549,4,362,0 -9363,0.0012800179898085286,0.0010818317532539368,0.0006841681897640228,0.5639147204242019,4,363,0 -9364,0.000948582593186968,0.0008332468569278717,0.0004533305764198303,0.4982660283129836,4,364,0 -9365,0.0010831948923381574,0.0010215230286121368,0.00036028027534484863,0.33906864956571703,4,365,0 -9366,0.0012595818544742256,0.0010319054126739502,0.000722300261259079,0.6107041580330469,4,366,0 -9367,0.000869848514128874,0.0007102526724338531,0.0005021728575229645,0.6154312514741498,4,367,0 -9368,0.001240040543698743,0.0011624358594417572,0.00043179094791412354,0.355657850529249,4,368,0 -9369,0.001133069320681782,0.0010000355541706085,0.0005327053368091583,0.48945352126290603,4,369,0 -9370,0.0010767445076233075,0.0010120868682861328,0.0003675036132335663,0.3483101814790922,4,370,0 -9371,0.0009802259677890478,0.0008463859558105469,0.000494442880153656,0.5287069230744949,4,371,0 -9372,0.0007590266603257901,0.000719122588634491,0.00024286657571792603,0.32569895606133,4,372,0 -9373,0.0009383604549510293,0.0007561519742012024,0.0005556568503379822,0.633733167318699,4,373,0 -9374,0.00102169892833437,0.0009853504598140717,0.0002700984477996826,0.2675424040260722,4,374,0 -9375,0.001516000066760616,0.0013388507068157196,0.0007111504673957825,0.4882675597476205,4,375,0 -9376,0.0009877637941739425,0.0007959567010402679,0.0005849190056324005,0.6337427342160408,4,376,0 -9377,0.000991417818399174,0.0009130500257015228,0.00038632750511169434,0.40027512963117384,4,377,0 -9378,0.001074859083677735,0.000939439982175827,0.0005222782492637634,0.507397097159807,4,378,0 -9379,0.0006103648756519363,0.0005591847002506256,0.0002446584403514862,0.4124331577106215,4,379,0 -9380,0.001046213538767202,0.0009941309690475464,0.00032598525285720825,0.31686142721355515,4,380,0 -9381,0.0008605675373599243,0.0007069408893585205,0.000490725040435791,0.6067909203546213,4,381,0 -9382,0.0010163156805931333,0.0008780993521213531,0.00051170215010643,0.5276303932153914,4,382,0 -9383,0.0009586526683375814,0.0009408034384250641,0.00018412992358207703,0.19327258526671717,4,383,0 -9384,0.001051704882464282,0.0009609423577785492,0.0004274025559425354,0.4184998216727214,4,384,0 -9385,0.0009221570432574621,0.0008368343114852905,0.00038740411400794983,0.4335626111200946,4,385,0 -9386,0.0011523390901838374,0.0010616928339004517,0.00044798851013183594,0.3992902080210304,4,386,0 -9387,0.0008698686204737802,0.0006988532841205597,0.0005179531872272491,0.6378112295630571,4,387,0 -9388,0.0009405446958565458,0.000781625509262085,0.0005231499671936035,0.5898305462162906,4,388,0 -9389,0.0008938578169939043,0.0008308738470077515,0.0003295913338661194,0.37764134371721464,4,389,0 -9390,0.0010154269925446704,0.000849992036819458,0.0005555227398872375,0.5788753899449018,4,390,0 -9391,0.0008018777403003413,0.0007201246917247772,0.0003527440130710602,0.45548453349759077,4,391,0 -9392,0.0014048424326455783,0.0013230517506599426,0.00047235190868377686,0.34291227705802396,4,392,0 -9393,0.0010358031115455036,0.0008917972445487976,0.00052686408162117,0.5336192421623769,4,393,0 -9394,0.0009724222402431041,0.0009415410459041595,0.00024311617016792297,0.25269152399940253,4,394,0 -9395,0.0008123002849418542,0.0006331615149974823,0.0005088597536087036,0.6769813067894999,4,395,0 -9396,0.0013300593162777685,0.0012693479657173157,0.0003972575068473816,0.3033055869535632,4,396,0 -9397,0.0011486974207043463,0.0010441839694976807,0.0004787333309650421,0.42988020502956553,4,397,0 -9398,0.0012122127287831192,0.0010128617286682129,0.0006660111248493195,0.5816671655742287,4,398,0 -9399,0.0012668933848721184,0.0011911354959011078,0.00043152645230293274,0.3475739246779242,4,399,0 -9400,0.0009588686294962199,0.0008979551494121552,0.0003363117575645447,0.35835915289957554,4,400,0 -9401,0.0012597786755073062,0.0011253394186496735,0.0005662627518177032,0.46619862724882655,4,401,0 -9402,0.0012264425314424028,0.001156304031610489,0.0004088059067726135,0.3398297570226811,4,402,0 -9403,0.0010884893614822953,0.0007314607501029968,0.0008060857653617859,0.833895233354138,4,403,0 -9404,0.0010288833132617462,0.0009733289480209351,0.0003335140645503998,0.33011465565101566,4,404,0 -9405,0.0010233349119251546,0.000794537365436554,0.0006449222564697266,0.6818316590823613,4,405,0 -9406,0.0008993600575784018,0.0006290897727012634,0.000642724335193634,0.796118315109544,4,406,0 -9407,0.0010683286240227143,0.0010025911033153534,0.0003689676523208618,0.3526320147150363,4,407,0 -9408,0.002113508765409532,0.0015526004135608673,-0.0014339983463287354,-0.7457076021042484,4,408,0 -9409,0.0009031611641906949,0.0007612816989421844,0.0004859529435634613,0.5681312894708025,4,409,0 -9410,0.0011978149404388257,0.0010602176189422607,0.0005574040114879608,0.48403077559628005,4,410,0 -9411,0.0011149339920836204,0.0009939931333065033,0.0005050301551818848,0.47009239390666085,4,411,0 -9412,0.0010609527661792262,0.0010005198419094086,0.00035296007990837097,0.3391463420733197,4,412,0 -9413,0.0010035163638201726,0.0009553469717502594,0.00030717626214027405,0.311093576581301,4,413,0 -9414,0.0008045988125472028,0.0007164925336837769,0.0003660842776298523,0.4723607944662474,4,414,0 -9415,0.0010020683130938333,0.0009074360132217407,0.00042508915066719055,0.43809125275510485,4,415,0 -9416,0.0010303372505179786,0.0009649544954299927,0.00036118924617767334,0.3581629919308202,4,416,0 -9417,0.0010153082142306267,0.0008819662034511566,0.0005029775202274323,0.5182882531938369,4,417,0 -9418,0.0008988969843649643,0.0007152259349822998,0.0005444884300231934,0.6506823972223909,4,418,0 -9419,0.0011559927843845668,0.0009213276207447052,0.0006981939077377319,0.6484826083648756,4,419,0 -9420,0.0009259194135354141,0.000870727002620697,0.0003148987889289856,0.34701588008335715,4,420,0 -9421,0.0012615814757221274,0.0011112578213214874,0.0005972385406494141,0.4931519932384391,4,421,0 -9422,0.0009858741757201737,0.0008847005665302277,0.0004350319504737854,0.4570080559056992,4,422,0 -9423,0.000874293241573651,0.0008344203233718872,0.00026101991534233093,0.30317260574719185,4,423,0 -9424,0.0012847426571536793,0.0011623799800872803,0.0005472078919410706,0.43998734644565607,4,424,0 -9425,0.0009396043037998609,0.0008402988314628601,0.0004204213619232178,0.46390647975113886,4,425,0 -9426,0.0009786042292426523,0.000889800488948822,0.00040733441710472107,0.42930634872385043,4,426,0 -9427,0.0014362448820929286,0.0013092905282974243,0.0005903877317905426,0.4236202884423134,4,427,0 -9428,0.0010010731577895268,0.0008568726480007172,0.0005176067352294922,0.5434030762761389,4,428,0 -9429,0.00113211710885445,0.00112215057015419,0.00014989078044891357,0.13278854822253308,4,429,0 -9430,0.0005273360161432839,0.0004718787968158722,0.00023540109395980835,0.46273457786392713,4,430,0 -9431,0.0009496114590364276,0.0007865577936172485,0.0005320608615875244,0.5947397615339255,4,431,0 -9432,0.0009561019584976871,0.000876598060131073,0.0003817155957221985,0.41068942189244106,4,432,0 -9433,0.0010032327722885245,0.0009380802512168884,0.00035564228892326355,0.36237531072306145,4,433,0 -9434,0.0007370982617167788,0.0006581023335456848,0.0003319866955280304,0.46720971520502125,4,434,0 -9435,0.0007475698290643547,0.0007412135601043701,9.727850556373596e-05,0.1304963748309685,4,435,0 -9436,0.0013000418245078112,0.00105353444814682,0.0007616914808750153,0.6259873275272805,4,436,0 -9437,0.0008084823385038445,0.0007749572396278381,0.00023040175437927246,0.28898615332364325,4,437,0 -9438,0.0011749481034946847,0.0010965727269649506,0.00042193755507469177,0.36731587856044745,4,438,0 -9439,0.0010374085918374203,0.0008525699377059937,0.0005910508334636688,0.6061867095610107,4,439,0 -9440,0.0011059761328611633,0.0009447447955608368,0.0005750134587287903,0.5467513119215931,4,440,0 -9441,0.0009649174371778579,0.0008452087640762329,0.00046549737453460693,0.5034176167199735,4,441,0 -9442,0.0008439817876931557,0.0007534585893154144,0.00038027018308639526,0.4674001477048118,4,442,0 -9443,0.0008706013535358326,0.0008615627884864807,0.00012512505054473877,0.14422200415199868,4,443,0 -9444,0.0008193079502554946,0.0007638856768608093,0.0002962164580821991,0.36992414949554525,4,444,0 -9445,0.0008919928342906604,0.0008343979716300964,0.0003153271973133087,0.36131931219473973,4,445,0 -9446,0.000973943321483119,0.0009317547082901001,0.0002835467457771301,0.2954106086769775,4,446,0 -9447,0.001182471722784954,0.0009818412363529205,0.0006589591503143311,0.591097505759942,4,447,0 -9448,0.0010491149120291942,0.0009448304772377014,0.0004560016095638275,0.449653645964366,4,448,0 -9449,0.0007514679374110899,0.0007386282086372375,0.00013832002878189087,0.1851219904785746,4,449,0 -9450,0.0007870776816798726,0.00047869235277175903,0.0006247758865356445,0.917018605091813,4,450,0 -9451,0.000931630678383422,0.000822015106678009,0.0004384368658065796,0.48998461134481847,4,451,0 -9452,0.0009478696620758956,0.0008659698069095612,0.00038542598485946655,0.4187550640460154,4,452,0 -9453,0.0008255321541026873,0.0007782168686389923,0.00027546659111976624,0.340208512046918,4,453,0 -9454,0.0012045629010265545,0.0010919608175754547,0.0005085207521915436,0.43582900590117735,4,454,0 -9455,0.0010910131960551134,0.000915277749300003,0.0005937814712524414,0.5754921634410253,4,455,0 -9456,0.0009603491469885494,0.0008662901818752289,0.0004145018756389618,0.4462832610983528,4,456,0 -9457,0.001017936286317704,0.0007215254008769989,0.0007180497050285339,0.782983778013435,4,457,0 -9458,0.001214380985274756,0.0011976957321166992,0.000200614333152771,0.16595962053336497,4,458,0 -9459,0.001067662603302704,0.0010353215038776398,0.00026079267263412476,0.24676172492484277,4,459,0 -9460,0.001302810091634942,0.001187257468700409,0.0005364082753658295,0.42435354189071955,4,460,0 -9461,0.0008067039509213632,0.0006611645221710205,0.0004622042179107666,0.6101055288322065,4,461,0 -9462,0.0013603055915215791,0.001359943300485611,3.139302134513855e-05,0.023079967333862354,4,462,0 -9463,0.0013193146329688122,0.00122157484292984,0.0004983432590961456,0.387342247049064,4,463,0 -9464,0.0011865891458563726,0.000994063913822174,0.0006479434669017792,0.5776484592522758,4,464,0 -9465,0.0015303116349391914,0.0014316923916339874,0.0005404725670814514,0.36096595978497437,4,465,0 -9466,0.0010992782002617817,0.0009818226099014282,0.0004944056272506714,0.4664907665283547,4,466,0 -9467,0.001036558217302614,0.0008726604282855988,0.000559389591217041,0.570033869372554,4,467,0 -9468,0.0009916910137274765,0.0008325465023517609,0.0005388110876083374,0.5743933234347907,4,468,0 -9469,0.0011406242402683955,0.000992506742477417,0.0005620978772640228,0.5153029334479506,4,469,0 -9470,0.0009891575643481006,0.0008676201105117798,0.0004750452935695648,0.5009424455015015,4,470,0 -9471,0.0009327900038278732,0.0009319484233856201,3.9614737033843994e-05,0.04248186075026121,4,471,0 -9472,0.00071505629946358,0.0006255395710468292,0.00034641847014427185,0.5057494569324089,4,472,0 -9473,0.0008727996485316151,0.000801675021648407,0.0003451034426689148,0.40650137969412287,4,473,0 -9474,0.0012059009439225785,0.0011614225804805756,0.000324491411447525,0.27244420400282066,4,474,0 -9475,0.0009862759637521107,0.0006556510925292969,0.0007367916405200958,0.8436044303143921,4,475,0 -9476,0.000891265117518926,0.0008667930960655212,0.0002074204385280609,0.23487956315853556,4,476,0 -9477,0.0011131721638231763,0.001089382916688919,0.00022890418767929077,0.2071098036489415,4,477,0 -9478,0.001233814355948594,0.0012226440012454987,0.00016564875841140747,0.13466408142160716,4,478,0 -9479,0.000994623823961361,0.0008751489222049713,0.0004726424813270569,0.49518816851228353,4,479,0 -9480,0.0009182593201942732,0.0008135959506034851,0.0004257485270500183,0.48210737421370864,4,480,0 -9481,0.0011123553463177908,0.0009601712226867676,0.0005616098642349243,0.5292469990073002,4,481,0 -9482,0.0010045690288149262,0.0009025223553180695,0.00044114887714385986,0.45464390841861035,4,482,0 -9483,0.0010815179247941514,0.0010126307606697083,0.0003798156976699829,0.35883920550321863,4,483,0 -9484,0.0010568358348607293,0.000985570251941681,0.00038151443004608154,0.3693366268054705,4,484,0 -9485,0.0009462970943815206,0.0008071176707744598,0.0004940032958984375,0.5492389545521907,4,485,0 -9486,0.0013053882392722333,0.0012294352054595947,0.0004387795925140381,0.34280433132842436,4,486,0 -9487,0.0011403001176247026,0.0010147318243980408,0.0005201958119869232,0.4737112797425032,4,487,0 -9488,0.0009215589856316576,0.0008649528026580811,0.00031800568103790283,0.3523172055808308,4,488,0 -9489,0.0009347098848929071,0.0009188242256641388,0.00017159432172775269,0.18462742235031881,4,489,0 -9490,0.0007313507754875092,0.000682394951581955,0.00026308000087738037,0.36796559002440177,4,490,0 -9491,0.000851633010482856,0.0007763318717479706,0.00035012513399124146,0.42368463749766055,4,491,0 -9492,0.000953120546420774,0.0008789710700511932,0.0003685764968395233,0.3970559583931928,4,492,0 -9493,0.0009784794840665414,0.0007913894951343536,0.0005754344165325165,0.6286957977722475,4,493,0 -9494,0.0010001955312102051,0.0009253881871700287,0.00037953630089759827,0.38921484843200227,4,494,0 -9495,0.0007834258535409762,0.0006013326346874237,0.0005021505057811737,0.6957580695830488,4,495,0 -9496,0.0009316133918296848,0.000826023519039154,0.00043080002069473267,0.4807266657555365,4,496,0 -9497,0.0013588353100364848,0.0011454485356807709,0.0007310137152671814,0.5680280303248081,4,497,0 -9498,0.0009654922357337686,0.0009411126375198364,0.00021559745073318481,0.22520187377447773,4,498,0 -9499,0.001167926533553532,0.0009871385991573334,0.0006241872906684875,0.5638456905320053,4,499,0 -9500,0.0007909601211254632,0.0007315650582313538,0.0003007166087627411,0.39000373703513697,4,500,0 -9501,0.0008580796754467349,0.0007325597107410431,0.0004468299448490143,0.5477086955490965,4,501,0 -9502,0.0012640907050461665,0.0010999776422977448,0.000622875988483429,0.5152429554152426,4,502,0 -9503,0.0013093964439503869,0.001122552901506424,0.0006740875542163849,0.5407834893406919,4,503,0 -9504,0.0007317961894151539,0.0006979964673519135,0.000219833105802536,0.30511418832003256,4,504,0 -9505,0.0009999855953289364,0.0007950514554977417,0.0006065182387828827,0.6516850357614494,4,505,0 -9506,0.0006881671579066885,0.0005138516426086426,0.0004577450454235077,0.7277154270554468,4,506,0 -9507,0.001138048913807877,0.0009720176458358765,0.0005918927490711212,0.5469613502187226,4,507,0 -9508,0.0011457452407553652,0.001012999564409256,0.0005353167653083801,0.4861455141169478,4,508,0 -9509,0.0012611460873067086,0.0011974945664405823,0.0003955960273742676,0.31906593941139205,4,509,0 -9510,0.0012020749843861338,0.0010667704045772552,0.0005540624260902405,0.4790335051732303,4,510,0 -9511,0.0010061346350899102,0.0009587667882442474,0.00030507892370224,0.30806865828580376,4,511,0 -9512,0.001090179396549218,0.0010873712599277496,7.819756865501404e-05,0.07179073448497604,4,512,0 -9513,0.0009945396619355288,0.0008584558963775635,0.0005021579563617706,0.5292834449978892,4,513,0 -9514,0.0008290535977640357,0.000754132866859436,0.00034440308809280396,0.42840135456209505,4,514,0 -9515,0.0008583682469072959,0.000713735818862915,0.00047684088349342346,0.5889884261556361,4,515,0 -9516,0.001408623698500527,0.0011612959206104279,0.0007972531020641327,0.6016217100971981,4,516,0 -9517,0.001071651583526282,0.0009632520377635956,0.00046966224908828735,0.45366218183149615,4,517,0 -9518,0.0010792774290595442,0.0008830875158309937,0.0006204806268215179,0.6124864935912547,4,518,0 -9519,0.000962824132739289,0.0008508898317813873,0.0004505738615989685,0.4869935694790948,4,519,0 -9520,0.001191381880861429,0.001003403216600418,0.0006423182785511017,0.5694123224004289,4,520,0 -9521,0.001056554686567112,0.0009475573897361755,0.0004673786461353302,0.45822961626521264,4,521,0 -9522,0.0009360841747744567,0.0008711628615856171,0.0003425329923629761,0.37462240103342703,4,522,0 -9523,0.0008317753329398837,0.0007233880460262299,0.0004105605185031891,0.5162190906404667,4,523,0 -9524,0.0011708408090798294,0.0009634159505367279,0.0006653554737567902,0.6044036904692525,4,524,0 -9525,0.0007535628149390554,0.0007440261542797089,0.0001195073127746582,0.1592621280146485,4,525,0 -9526,0.0012684638105122932,0.0012631826102733612,0.00011562928557395935,0.09128366535471369,4,526,0 -9527,0.0008256629712889277,0.0006028153002262115,0.0005642101168632507,0.7523302367354051,4,527,0 -9528,0.0008566676334060405,0.0008447803556919098,0.00014221668243408203,0.1667836604801001,4,528,0 -9529,0.0010648244677073503,0.0009041056036949158,0.0005625337362289429,0.5565826836243876,4,529,0 -9530,0.0010261280611000823,0.0008413419127464294,0.0005874373018741608,0.6095267797675485,4,530,0 -9531,0.0010373175455524746,0.0009075216948986053,0.0005024261772632599,0.5056216200827557,4,531,0 -9532,0.0012620604841412897,0.0011446289718151093,0.0005316212773323059,0.43480417406961996,4,532,0 -9533,0.0013460733970874707,0.0011040642857551575,0.00077003613114357,0.6090164616407304,4,533,0 -9534,0.001079457581404907,0.0009075477719306946,0.0005844533443450928,0.5721399440356923,4,534,0 -9535,0.0008951873258236791,0.0008943639695644379,3.838539123535156e-05,0.042892881624371625,4,535,0 -9536,0.0010654225266587903,0.000988587737083435,0.0003972649574279785,0.38210103598635164,4,536,0 -9537,0.0011450199776916672,0.001098785549402237,0.0003220885992050171,0.28514351961444123,4,537,0 -9538,0.0010412595808946571,0.0008698366582393646,0.0005723685026168823,0.5819914015882722,4,538,0 -9539,0.0009144004397827675,0.0008292533457279205,0.0003853142261505127,0.434971504070802,4,539,0 -9540,0.0010038491694150057,0.0009173117578029633,0.0004077404737472534,0.41826653068329045,4,540,0 -9541,0.0015605492249206555,0.0015028901398181915,-0.0004202798008918762,-0.2726820040032801,4,541,0 -9542,0.001234539756224552,0.0011482089757919312,0.0004535466432571411,0.37619170184816547,4,542,0 -9543,0.0007491117824471357,0.0007429122924804688,-9.617581963539124e-05,-0.12874181597345763,4,543,0 -9544,0.001068029876140348,0.0009866170585155487,0.0004089921712875366,0.39297762599577013,4,544,0 -9545,0.0007680461331531365,0.0006196536123752594,0.00045378878712654114,0.6320938151975467,4,545,0 -9546,0.0008577043621551818,0.0007503069937229156,0.0004155673086643219,0.5058042339103711,4,546,0 -9547,0.001231884249959581,0.001182258129119873,0.0003461278975009918,0.284809225411165,4,547,0 -9548,0.0012548430746416866,0.001053839921951294,0.0006812140345573425,0.5738482706597117,4,548,0 -9549,0.0010367808615316567,0.0008063279092311859,0.0006517283618450165,0.6797615984239671,4,549,0 -9550,0.001452173002695261,0.0013747364282608032,0.00046787410974502563,0.32804084085458607,4,550,0 -9551,0.0009576039547572476,0.0008063390851020813,0.000516548752784729,0.5697457051205687,4,551,0 -9552,0.0007423604850512877,0.00035658106207847595,0.0006511136889457703,1.0697607233139428,4,552,0 -9553,0.0009588151983757545,0.0008926987648010254,0.00034987926483154297,0.3735339071316399,4,553,0 -9554,0.0009599614530390754,0.0008960925042629242,0.0003443025052547455,0.36683503721669625,4,554,0 -9555,0.0009707722981501364,0.0008421428501605988,0.000482901930809021,0.5206463946616686,4,555,0 -9556,0.0008537520651154596,0.00080103799700737,0.00029534846544265747,0.35324230103672477,4,556,0 -9557,0.0010124115099123746,0.0008165426552295685,0.0005985274910926819,0.6325334115996142,4,557,0 -9558,0.0011809231209108718,0.001034080982208252,0.0005703121423721313,0.5040063334329085,4,558,0 -9559,0.001289885499460148,0.0010673627257347107,0.000724252313375473,0.5961801934800277,4,559,0 -9560,0.0012368262718768883,0.0011706538498401642,0.0003991350531578064,0.3285902965940246,4,560,0 -9561,0.0009866442349542482,0.0009053759276866913,0.0003921240568161011,0.4087167078286519,4,561,0 -9562,0.0011454750802670703,0.0010914281010627747,0.0003477036952972412,0.30841142973943597,4,562,0 -9563,0.000922427471933299,0.0009138397872447968,0.00012557581067085266,0.136560293261472,4,563,0 -9564,0.0014740685723866863,0.0013764165341854095,0.0005275942385196686,0.36603618242251523,4,564,0 -9565,0.0011626239002926837,0.0009329803287982941,0.0006937161087989807,0.6393593360275558,4,565,0 -9566,0.0010372664364949988,0.0009483732283115387,0.00042013078927993774,0.4170187749824957,4,566,0 -9567,0.0010112658868851765,0.0008864812552928925,0.00048663094639778137,0.502034164109453,4,567,0 -9568,0.0011170523099433955,0.0010353364050388336,0.00041938573122024536,0.3848710820090145,4,568,0 -9569,0.001208678777307309,0.0011636875569820404,0.0003267042338848114,0.2737032077682004,4,569,0 -9570,0.0010641622797253596,0.0010569989681243896,0.00012326613068580627,0.11609457019184106,4,570,0 -9571,0.0006695754927540444,0.0004759877920150757,0.0004709213972091675,0.780047759664391,4,571,0 -9572,0.0009111907409911226,0.0008171945810317993,0.0004030652344226837,0.4582173017254249,4,572,0 -9573,0.0011346243530647494,0.001056123524904251,0.0004146993160247803,0.3741643399519293,4,573,0 -9574,0.0008244969248954523,0.0007952302694320679,0.00021772459149360657,0.26723917654227536,4,574,0 -9575,0.0008000220324604676,0.0007643066346645355,0.00023636966943740845,0.29993064629425703,4,575,0 -9576,0.0009010620999547016,0.0008480958640575409,0.00030437856912612915,0.3445782715541544,4,576,0 -9577,0.0009741194763179705,0.0009270906448364258,0.00029901787638664246,0.311999503193267,4,577,0 -9578,0.00090032821053806,0.0007212609052658081,0.0005388632416725159,0.6416507271739474,4,578,0 -9579,0.0011024185727324838,0.0008244477212429047,0.0007318556308746338,0.7259733256397389,4,579,0 -9580,0.0013934234673451716,0.0013663694262504578,0.00027324631810188293,0.1973761602822314,4,580,0 -9581,0.0009050890559234732,0.0007976740598678589,0.00042767077684402466,0.49214555424970674,4,581,0 -9582,0.0009011490256779891,0.0008813440799713135,0.0001878887414932251,0.21004005893275832,4,582,0 -9583,0.001314697284773106,0.0012190863490104675,0.0004921965301036835,0.38372819039190137,4,583,0 -9584,0.0008328199628005747,0.000712268054485321,0.00043158233165740967,0.5447660782339754,4,584,0 -9585,0.001173937928686987,0.001086317002773285,0.00044502317905426025,0.388808139894794,4,585,0 -9586,0.0011605351992706318,0.001064784824848175,0.00046160072088241577,0.40906118255348384,4,586,0 -9587,0.0009713468073032155,0.0009376779198646545,0.00025352463126182556,0.26406128536246226,4,587,0 -9588,0.0009202807524410638,0.0008124038577079773,0.00043233856558799744,0.48905271869165934,4,588,0 -9589,0.0009508371633776861,0.0009269788861274719,0.00021166354417800903,0.2244883334909968,4,589,0 -9590,0.0010966372440401732,0.0010410137474536896,0.00034482404589653015,0.31986420603495064,4,590,0 -9591,0.0011675054496349117,0.0010916776955127716,0.0004138946533203125,0.3623920838003429,4,591,0 -9592,0.0009968494464269132,0.0008431896567344666,0.0005317330360412598,0.5626311170952153,4,592,0 -9593,0.0012950214456852285,0.001245841383934021,0.0003534965217113495,0.27647453057771676,4,593,0 -9594,0.0009494394810778589,0.0008296892046928406,0.00046157464385032654,0.5076842564108248,4,594,0 -9595,0.0014622773358229965,0.0010795779526233673,0.000986289232969284,0.7402716483681263,4,595,0 -9596,0.001112068195891378,0.0010284781455993652,0.0004229992628097534,0.39019816619496117,4,596,0 -9597,0.0009148080209386633,0.000795263797044754,0.0004521384835243225,0.5169651102489817,4,597,0 -9598,0.001148364357776421,0.0010646618902683258,0.00043039023876190186,0.3841653330064023,4,598,0 -9599,0.001132858347387646,0.0010566189885139465,0.0004085637629032135,0.36896318583110266,4,599,0 -9600,0.0011399305395638692,0.0009498670697212219,0.0006302334368228912,0.5858046315811588,4,600,0 -9601,0.0011647491653772146,0.0008662119507789612,0.0007786639034748077,0.7322236234709504,4,601,0 -9602,0.0011637999507150584,0.0010179877281188965,0.0005640313029289246,0.5059587234030903,4,602,0 -9603,0.0012239408934636936,0.0009664930403232574,0.0007509477436542511,0.6605471779291795,4,603,0 -9604,0.0010734804848031012,0.0009725764393806458,0.00045437365770339966,0.4370531645258157,4,604,0 -9605,0.0008880653234385649,0.0007149055600166321,0.0005268491804599762,0.635096232120123,4,605,0 -9606,0.000882191491816032,0.0008273608982563019,0.0003061629831790924,0.354421859476627,4,606,0 -9607,0.0007917040474051569,0.0007567405700683594,0.0002326779067516327,0.2982993193278636,4,607,0 -9608,0.001166083280761754,0.0009407736361026764,0.0006889812648296356,0.632113022670042,4,608,0 -9609,0.000986264912118989,0.000811263918876648,0.0005608648061752319,0.6048948849078735,4,609,0 -9610,0.0007893118753419915,0.0007890462875366211,-2.047419548034668e-05,-0.025942207150523793,4,610,0 -9611,0.0012738402760684106,0.0009079687297344208,0.0008934549987316132,0.7773415264462101,4,611,0 -9612,0.0010302034368624648,0.0009175017476081848,0.00046851858496665955,0.47212808078449897,4,612,0 -9613,0.0009316808778208535,0.0008147880434989929,0.00045182928442955017,0.5063190558965114,4,613,0 -9614,0.0006716597210049801,0.0005534440279006958,0.0003805607557296753,0.6023707570707443,4,614,0 -9615,0.0011689811963006523,0.0011522173881530762,0.00019726157188415527,0.16955786796537714,4,615,0 -9616,0.0011345730355186504,0.001035451889038086,0.00046378374099731445,0.4211100858428698,4,616,0 -9617,0.0011055114729042882,0.0009325146675109863,0.0005937777459621429,0.5670034303693853,4,617,0 -9618,0.000855233838973741,0.0007416121661663055,0.0004259534180164337,0.5213542387518358,4,618,0 -9619,0.0010595308963926267,0.0009560771286487579,0.00045664235949516296,0.4455845320670141,4,619,0 -9620,0.001200511500499112,0.0010926276445388794,0.0004973858594894409,0.4271863187130494,4,620,0 -9621,0.0012409259795626946,0.0010363571345806122,0.000682540237903595,0.5823941009716628,4,621,0 -9622,0.0011458035007646593,0.0009496435523033142,0.0006411261856555939,0.5938341484350644,4,622,0 -9623,0.001026380681530111,0.0009368769824504852,0.0004191882908344269,0.42071592297111127,4,623,0 -9624,0.0006514689074112901,0.0006272159516811371,0.0001761019229888916,0.2737203645918387,4,624,0 -9625,0.0011164029548792224,0.0010278820991516113,0.0004356764256954193,0.40090327484983124,4,625,0 -9626,0.0013185867599861208,0.0011412464082241058,0.000660475343465805,0.52463414330252,4,626,0 -9627,0.0010915175614677802,0.0010234378278255463,0.0003794543445110321,0.3550521342304075,4,627,0 -9628,0.00085403046829103,0.0006347708404064178,0.0005713440477848053,0.7328588722593068,4,628,0 -9629,0.0009290632480676741,0.0008400119841098785,0.00039691105484962463,0.4414118331591334,4,629,0 -9630,0.0011625663506881106,0.0010779909789562225,0.00043531134724617004,0.38379276785719074,4,630,0 -9631,0.000731849330274134,0.0006442777812480927,0.0003471449017524719,0.4942133803807932,4,631,0 -9632,0.0011301221481732,0.00110587477684021,0.00023284554481506348,0.20752203166007588,4,632,0 -9633,0.0012597140454189682,0.0011010952293872833,0.0006119385361671448,0.5072504509588267,4,633,0 -9634,0.0009396863257009012,0.0008976757526397705,0.0002778284251689911,0.3001471856533166,4,634,0 -9635,0.0010883877302788811,0.0008007660508155823,0.0007371306419372559,0.744043546715935,4,635,0 -9636,0.0015375323684633001,0.0013423487544059753,0.000749737024307251,0.5093657049274631,4,636,0 -9637,0.0012375727449472046,0.0011196322739124298,0.0005272664129734039,0.4401208755427083,4,637,0 -9638,0.0011474497723844678,0.0009477287530899048,0.0006468780338764191,0.5989224559886236,4,638,0 -9639,0.001206513085912521,0.0010726377367973328,0.0005523785948753357,0.4755534851735304,4,639,0 -9640,0.0010567592992954053,0.0009712427854537964,0.0004164464771747589,0.4050653669374753,4,640,0 -9641,0.001118163953915323,0.0010670386254787445,0.0003342442214488983,0.30356319333074144,4,641,0 -9642,0.00111586686975839,0.0009142942726612091,0.0006397068500518799,0.6105063452664572,4,642,0 -9643,0.0011901835135462748,0.0010929107666015625,0.00047125667333602905,0.4071053850217063,4,643,0 -9644,0.0012963734965728523,0.0010632947087287903,0.0007416121661663055,0.6090234316545251,4,644,0 -9645,0.0008864754806146495,0.0008542723953723907,0.0002367645502090454,0.27036716125350563,4,645,0 -9646,0.0010288018383242717,0.0009645335376262665,0.00035792216658592224,0.3553323265353776,4,646,0 -9647,0.0011640067933503786,0.0009177327156066895,0.0007160156965255737,0.66255105689876,4,647,0 -9648,0.0007141315015029454,0.0006258152425289154,0.00034400448203086853,0.5026053003222904,4,648,0 -9649,0.001023629215647431,0.000984489917755127,0.0002803504467010498,0.2774238413991539,4,649,0 -9650,0.0011404396833958536,0.000992756336927414,0.0005612820386886597,0.5145726042045379,4,650,0 -9651,0.001017582119423484,0.0009875893592834473,0.0002452358603477478,0.24339464106782357,4,651,0 -9652,0.0010075388181991262,0.0009547509253025055,0.00032184645533561707,0.3251366383474081,4,652,0 -9653,0.0006554934838686611,-9.160488843917847e-05,-0.0006490610539913177,-1.7110047572368166,4,653,0 -9654,0.0013018852973044144,0.0012002773582935333,0.0005042217671871185,0.39770254742760247,4,654,0 -9655,0.0006418581278140187,0.0006008446216583252,0.00022576004266738892,0.3594173609847773,4,655,0 -9656,0.0008824551253136749,0.0007007718086242676,0.0005363263189792633,0.6532445006136849,4,656,0 -9657,0.0011676494438961284,0.0010262876749038696,0.0005569010972976685,0.49717223860703486,4,657,0 -9658,0.0011894431329928256,0.0010093078017234802,0.0006293430924415588,0.5575482434443358,4,658,0 -9659,0.0015032347969090767,0.001455102115869522,0.0003773495554924011,0.2537390434055464,4,659,0 -9660,0.0007600557395578633,0.0007236041128635406,0.00023255497217178345,0.31095811783468463,4,660,0 -9661,0.001073339961613079,0.0009477511048316956,0.0005038119852542877,0.4885965892694765,4,661,0 -9662,0.0011396646386572034,0.0009305551648139954,0.0006579533219337463,0.6154449290247995,4,662,0 -9663,0.0012075668094944834,0.0010729357600212097,0.0005540996789932251,0.47670759758999354,4,663,0 -9664,0.001399701751986427,0.001245543360710144,0.0006385818123817444,0.47375065597249455,4,664,0 -9665,0.0009981165831338982,0.0009143166244029999,0.0004003271460533142,0.41269831167988263,4,665,0 -9666,0.0009912195647579268,0.0009528771042823792,0.0002730228006839752,0.27904872446891,4,666,0 -9667,0.0008764985214544525,0.0008433014154434204,0.00023894011974334717,0.2761021990828832,4,667,0 -9668,0.0010041802501271927,0.0007857419550418854,0.0006252899765968323,0.6721720097777822,4,668,0 -9669,0.0008258209393378872,0.0007701069116592407,0.00029818713665008545,0.3694253936712795,4,669,0 -9670,0.0011402983612795255,0.0010176636278629303,0.0005144327878952026,0.4680409149063156,4,670,0 -9671,0.0013011028237884471,0.0009839273989200592,0.0008513256907463074,0.7132709548968665,4,671,0 -9672,0.0008737867298741651,0.0008290968835353851,0.00027586519718170166,0.3212072293273183,4,672,0 -9673,0.0012665946450950815,0.0012499578297138214,0.0002046152949333191,0.16225862664434476,4,673,0 -9674,0.001052920287011743,0.0007832758128643036,0.0007036477327346802,0.7318970329402118,4,674,0 -9675,0.000905581848766012,0.0008819140493869781,0.00020568445324897766,0.22912924386981542,4,675,0 -9676,0.000996200943841682,0.0009013861417770386,0.00042416900396347046,0.43983103888231256,4,676,0 -9677,0.0006068031716751295,0.0005393661558628082,0.00027801841497421265,0.47593419553409144,4,677,0 -9678,0.0007366238595950765,0.000653337687253952,0.000340241938829422,0.4801291482579518,4,678,0 -9679,0.0009163834957542158,0.0006739869713783264,0.0006208866834640503,0.7444130432529521,4,679,0 -9680,0.0010350728704139958,0.0009005926549434662,0.0005102045834064484,0.5154386826316122,4,680,0 -9681,0.0010502038020100142,0.001012451946735382,0.0002790503203868866,0.2689409816204867,4,681,0 -9682,0.0009740374824176281,0.0007546283304691315,0.0006158612668514252,0.684488435477791,4,682,0 -9683,0.0013138358358857466,0.001041509211063385,0.0008008889853954315,0.6555315638294478,4,683,0 -9684,0.0010494727095376128,0.0008545331656932831,0.0006092339754104614,0.6193602430065118,4,684,0 -9685,0.00121897064532933,0.0011439882218837738,0.0004209280014038086,0.35257367068577117,4,685,0 -9686,0.0011547857266268283,0.001097165048122406,0.00036022067070007324,0.31723132987083835,4,686,0 -9687,0.0009190050656559445,0.0008455365896224976,0.00036005303263664246,0.40257163941224156,4,687,0 -9688,0.0009491898899868603,0.0008566565811634064,0.0004087798297405243,0.44522593798488147,4,688,0 -9689,0.0011632711082737795,0.000894743949174881,0.0007433928549289703,0.6932675026998542,4,689,0 -9690,0.00088839856941775,0.0007911995053291321,0.00040404871106147766,0.4721540041283208,4,690,0 -9691,0.0006498682015525789,0.0006470866501331329,6.006285548210144e-05,0.09255522204898814,4,691,0 -9692,0.0010615834913277479,0.0009367428719997406,0.0004994720220565796,0.4898541150010957,4,692,0 -9693,0.0008280843859501525,0.0007101632654666901,0.00042590126395225525,0.5402158195152146,4,693,0 -9694,0.0008277584560222248,0.0005629099905490875,0.0006068907678127289,0.8229772741435674,4,694,0 -9695,0.0010516476002018912,0.000968392938375473,0.00041009485721588135,0.4005823282358512,4,695,0 -9696,0.0010231795767793523,0.0009666793048381805,0.0003353022038936615,0.3338745918552205,4,696,0 -9697,0.0009425550570694184,0.0009337402880191803,0.0001286044716835022,0.1368693310681323,4,697,0 -9698,0.0009255969783615234,0.0008759275078773499,0.0002991333603858948,0.32908666821818994,4,698,0 -9699,0.0008148973811607536,0.0007919706404209137,0.0001919381320476532,0.23777063180218183,4,699,0 -9700,0.0013213262089041228,0.001279246062040329,0.00033080577850341797,0.2530509450149229,4,700,0 -9701,0.0015707713234817866,0.0012522414326667786,0.0009482689201831818,0.6481296007935554,4,701,0 -9702,0.0009648666645370482,0.0009211674332618713,0.00028708577156066895,0.3021142033693478,4,702,0 -9703,0.0011027157828826931,0.0008087195456027985,0.0007496364414691925,0.747502573871092,4,703,0 -9704,0.0010471060211315634,0.0010341480374336243,0.00016422197222709656,0.15748430253423382,4,704,0 -9705,0.0013463114778848398,0.0010633356869220734,0.0008257552981376648,0.6602906026590495,4,705,0 -9706,0.0007483378761943152,0.000680193305015564,0.0003120042383670807,0.43006472685912966,4,706,0 -9707,0.0011394317821524925,0.0010727271437644958,0.00038413703441619873,0.3438671350186642,4,707,0 -9708,0.000991792541736133,0.0009594261646270752,0.00025130435824394226,0.25617681751843124,4,708,0 -9709,0.0013570615146228304,0.0012274309992790222,0.0005788169801235199,0.44064427609172113,4,709,0 -9710,0.0010294282164943,0.0009254515171051025,0.0004508458077907562,0.45332543256142804,4,710,0 -9711,0.0012285173574734976,0.0010649636387825012,0.0006124600768089294,0.5219090680446277,4,711,0 -9712,0.0011888022800123942,0.0010549351572990417,0.0005480535328388214,0.47913662154526127,4,712,0 -9713,0.0008297528773609067,0.0007234402000904083,0.0004063546657562256,0.5117797567809903,4,713,0 -9714,0.0009578578360362079,0.0006758496165275574,0.0006787627935409546,0.7875487213730674,4,714,0 -9715,0.0009368538747033964,0.0007763765752315521,0.0005243420600891113,0.5940043512194573,4,715,0 -9716,0.0013158553943055803,0.001001209020614624,0.0008538477122783661,0.7061269974213471,4,716,0 -9717,0.0011253640831527742,0.0010183416306972504,0.00047898292541503906,0.43965229828804175,4,717,0 -9718,0.0008865529134855964,0.00083189457654953,0.0003064759075641632,0.352978144046181,4,718,0 -9719,0.0009410453000993682,0.0007734261453151703,0.0005360767245292664,0.606093220889211,4,719,0 -9720,0.0005189072781256878,0.0003495849668979645,0.00038347765803337097,0.8315996351991274,4,720,0 -9721,0.0010995004838932393,0.0009209997951984406,0.0006005503237247467,0.5778244482099919,4,721,0 -9722,0.0010068554326275365,0.000803925096988678,0.0006061866879463196,0.6460777399067276,4,722,0 -9723,0.0012136555623235062,0.0009698048233985901,0.0007296837866306305,0.6450370767039484,4,723,0 -9724,0.000796575756110545,0.0006855688989162445,0.0004056207835674286,0.5342614329679078,4,724,0 -9725,0.0009817181215644973,0.0008860304951667786,0.00042275339365005493,0.44518631937878433,4,725,0 -9726,0.0013068282926681064,0.001140933483839035,0.0006372369825839996,0.5093628157125576,4,726,0 -9727,0.0011207761949172963,0.0010157078504562378,0.00047378987073898315,0.4364596917515076,4,727,0 -9728,0.0010702633431492728,0.0010448172688484192,0.0002319924533367157,0.21849641127057323,4,728,0 -9729,0.001234239336146306,0.001085091382265091,0.0005881525576114655,0.49670396224385954,4,729,0 -9730,0.0009119616683223941,0.0008514374494552612,0.000326693058013916,0.3663725923584335,4,730,0 -9731,0.0012267202365326588,0.0009920038282871246,0.0007216446101665497,0.6289197542581304,4,731,0 -9732,0.0009718084430129867,0.0009532831609249115,0.0001888461410999298,0.1955687249713048,4,732,0 -9733,0.0011114735356309276,0.0010154321789741516,0.0004519633948802948,0.41876712457672,4,733,0 -9734,0.0011174578269384965,0.0010306313633918762,0.00043186917901039124,0.3968062259299032,4,734,0 -9735,0.0010430044820796335,0.0009900964796543121,0.0003279745578765869,0.31987902476060937,4,735,0 -9736,0.0014649893070352322,0.0014179795980453491,0.00036814063787460327,0.25401524164868033,4,736,0 -9737,0.0011151967686556668,0.0009252429008483887,0.0006225667893886566,0.5922838895223234,4,737,0 -9738,0.0012048668139368656,0.0009589903056621552,0.0007294118404388428,0.6502531835249811,4,738,0 -9739,0.0009400572217372978,0.0009070076048374176,0.0002470724284648895,0.2659510591601121,4,739,0 -9740,0.0009346524737250983,0.000801578164100647,0.00048067420721054077,0.5401693208438341,4,740,0 -9741,0.0013286290348571493,0.0011337809264659882,0.0006926730275154114,0.5484253920752302,4,741,0 -9742,0.0010258161400380108,0.001022476702928543,-8.270516991615295e-05,-0.08071137674715037,4,742,0 -9743,0.001033076454274411,0.0009814463555812836,0.0003225058317184448,0.3174868759990642,4,743,0 -9744,0.0012516694145853593,0.0011695586144924164,0.0004458799958229065,0.3642282118178121,4,744,0 -9745,0.0013008679941205776,0.0011263750493526459,0.000650797039270401,0.5239210558363365,4,745,0 -9746,0.0012623657789545314,0.0011546649038791656,0.0005102120339870453,0.41607266632444273,4,746,0 -9747,0.0009475075472710971,0.0008273571729660034,0.00046179071068763733,0.5090800700444481,4,747,0 -9748,0.001184811413320716,0.0008372105658054352,0.0008383654057979584,0.7860873830026682,4,748,0 -9749,0.0010980776576987477,0.0009962618350982666,0.0004617758095264435,0.4340306222549704,4,749,0 -9750,0.001053484596566988,0.0009465403854846954,0.00046248361468315125,0.4544894840419329,4,750,0 -9751,0.0010409318528479888,0.0009975805878639221,0.0002972744405269623,0.2896167118449391,4,751,0 -9752,0.0008081122031497705,0.0006588473916053772,0.0004679374396800995,0.617563085087671,4,752,0 -9753,0.00131815055863035,0.0012983158230781555,0.00022780895233154297,0.1736967882550011,4,753,0 -9754,0.0012571912695164068,0.0010594464838504791,0.0006768330931663513,0.5685007562515016,4,754,0 -9755,0.0008732257340594114,0.0007531903684139252,0.00044184550642967224,0.5305320314311546,4,755,0 -9756,0.0011333891805609662,0.0010382011532783508,0.0004546530544757843,0.41276614904029063,4,756,0 -9757,0.0006918863895658223,0.0006480775773525238,0.00024228543043136597,0.3577642742905897,4,757,0 -9758,0.0010936920126458152,0.0010054372251033783,0.0004304163157939911,0.4044838935834911,4,758,0 -9759,0.0010973737499570678,0.0009100772440433502,0.0006131790578365326,0.5929014005213002,4,759,0 -9760,0.0009513324322600422,0.0008958280086517334,0.00032019615173339844,0.34327892096500834,4,760,0 -9761,0.0010015673126465485,0.000819522887468338,0.000575777143239975,0.6124527573647017,4,761,0 -9762,0.0009115230614238577,0.0007390491664409637,0.0005335547029972076,0.6253044733938168,4,762,0 -9763,0.0009757157237582923,0.0008339844644069672,0.0005064494907855988,0.5457442203438214,4,763,0 -9764,0.0011516456709551482,0.0008606649935245514,0.0007652081549167633,0.7267543600958065,4,764,0 -9765,0.0009559961677584534,0.0009511075913906097,9.655579924583435e-05,0.10117270578990568,4,765,0 -9766,0.0012359777393486505,0.0010298490524291992,0.0006834119558334351,0.5858793012031741,4,766,0 -9767,0.000984750889326682,0.000848080962896347,0.0005004927515983582,0.5331434215156217,4,767,0 -9768,0.0012997388318078953,0.0010223053395748138,0.0008026286959648132,0.6655994642052117,4,768,0 -9769,0.0011288310636818084,0.0010024867951869965,0.0005189217627048492,0.4776554867743098,4,769,0 -9770,0.0009226225342760194,0.0008905641734600067,0.00024109706282615662,0.26438648406304976,4,770,0 -9771,0.0008855124457063672,0.0008030161261558533,0.0003732256591320038,0.4350765898406106,4,771,0 -9772,0.0010935617215913223,0.0010041557252407074,0.00043306872248649597,0.4071748281090918,4,772,0 -9773,0.0008550470836144735,0.000812869518995285,0.00026523321866989136,0.3154004667709746,4,773,0 -9774,0.0009138514108459394,0.0007229708135128021,0.0005589611828327179,0.6581500295918288,4,774,0 -9775,0.0011900854947660036,0.0009193457663059235,0.0007557161152362823,0.6880213835276763,4,775,0 -9776,0.0007366614902130682,0.0006334595382213593,0.0003760308027267456,0.5357110916956155,4,776,0 -9777,0.0010147041041957095,0.0009640306234359741,0.00031665340065956116,0.31736555961328544,4,777,0 -9778,0.0011407896197429262,0.0010740533471107483,0.0003844611346721649,0.34374268032282906,4,778,0 -9779,0.00093035641960384,0.0008489787578582764,0.0003805235028266907,0.4213670453463293,4,779,0 -9780,0.0008225017336534305,0.0007465146481990814,0.0003452897071838379,0.43322961233343976,4,780,0 -9781,0.0010801536039429759,0.001011960208415985,0.0003777146339416504,0.35723596333644553,4,781,0 -9782,0.00136414700937254,0.0012380443513393402,0.0005728378891944885,0.43336143231775315,4,782,0 -9783,0.0009778593281040671,0.0009104274213314056,0.00035683438181877136,0.37354023724728136,4,783,0 -9784,0.0012283950290424453,0.0010679811239242554,0.0006069354712963104,0.5167857472899816,4,784,0 -9785,0.0010153352162975654,0.0008770078420639038,0.0005116276443004608,0.5281082535078315,4,785,0 -9786,0.0012037353760668986,0.0009449608623981476,0.000745672732591629,0.6680618565406126,4,786,0 -9787,0.0006740688190803876,0.0006593652069568634,0.00014002248644828796,0.20925098961088479,4,787,0 -9788,0.0009565069139937498,0.0009040944278240204,0.00031227990984916687,0.33257658788909605,4,788,0 -9789,0.001108325987736382,0.000911463052034378,0.0006305724382400513,0.6052179279903604,4,789,0 -9790,0.0010607896477754428,0.0009612664580345154,0.0004485994577407837,0.4366343731216704,4,790,0 -9791,0.0008611175929255722,0.0008014999330043793,0.00031483545899391174,0.374290905983222,4,791,0 -9792,0.0010679166015764585,0.0008956976234912872,0.0005815252661705017,0.575842760147557,4,792,0 -9793,0.0008300134126922107,0.0007584057748317719,0.000337257981300354,0.4184321336206697,4,793,0 -9794,0.0011719971779982248,0.000888533890247345,0.0007642544806003571,0.7103456196802721,4,794,0 -9795,0.00090851358014508,0.0008562281727790833,0.00030376017093658447,0.34091388278252577,4,795,0 -9796,0.00113607664745027,0.0009966082870960236,0.0005453824996948242,0.5007206437581797,4,796,0 -9797,0.0011025474460778352,0.0010480284690856934,0.0003424137830734253,0.31578844959592295,4,797,0 -9798,0.0007383108184578667,0.0005653984844684601,0.0004747919738292694,0.6985117749308346,4,798,0 -9799,0.001207863851797014,0.0011235401034355164,0.0004433877766132355,0.3758724745910512,4,799,0 -9800,0.0011068022680163474,0.0008644163608551025,0.0006912276148796082,0.6745254249855102,4,800,0 -9801,0.001082683027371387,0.0009875372052192688,0.0004438161849975586,0.4223691460696812,4,801,0 -9802,0.0010419196961830156,0.0008851438760757446,0.0005496516823768616,0.555699258968898,4,802,0 -9803,0.0010193937241977315,0.0009489245712757111,0.0003724321722984314,0.3740052638081272,4,803,0 -9804,0.0013220800909977083,0.0010615885257720947,0.0007879883050918579,0.6385373411794235,4,804,0 -9805,0.0007884585807927021,0.000740688294172287,0.00027027353644371033,0.3498822931957523,4,805,0 -9806,0.0009414025097084496,0.0008471086621284485,0.000410664826631546,0.4514009755905937,4,806,0 -9807,0.0009009168599471253,0.0007321611046791077,0.0005249679088592529,0.6220520514633409,4,807,0 -9808,0.0007709920971758323,0.0006237402558326721,0.0004531852900981903,0.62833056411056,4,808,0 -9809,0.0010490774772916602,0.0009862855076789856,0.0003574974834918976,0.3477391953634578,4,809,0 -9810,0.0012207498870534005,0.0010755360126495361,0.0005774535238742828,0.4927287582743676,4,810,0 -9811,0.0008333789110802461,0.0007891841232776642,0.00026778504252433777,0.32712780424884086,4,811,0 -9812,0.0012937599648904037,0.0012178756296634674,0.00043657049536705017,0.3441994536314432,4,812,0 -9813,0.0008912422868816009,0.0008272454142570496,0.00033162906765937805,0.3812678148331194,4,813,0 -9814,0.0006030319841438804,0.0005756579339504242,0.00017962604761123657,0.30246217051894253,4,814,0 -9815,0.001228194707434073,0.0009710155427455902,0.0007520578801631927,0.659001697355973,4,815,0 -9816,0.0005612941411898592,0.00047839805483818054,0.0002935752272605896,0.5504053609136336,4,816,0 -9817,0.0011997185854720049,0.0011079907417297363,0.00046008825302124023,0.3935796383481207,4,817,0 -9818,0.001125982827792488,0.0010864771902561188,0.00029564276337623596,0.2656786676962621,4,818,0 -9819,0.0008515059826763059,0.0006862282752990723,0.0005041360855102539,0.6336030757053851,4,819,0 -9820,0.0011223575221521397,0.001009330153465271,0.0004908554255962372,0.4526422238436967,4,820,0 -9821,0.00105245979972797,0.0009925402700901031,0.0003500506281852722,0.33906171641200494,4,821,0 -9822,0.0007274489416405974,0.0005688220262527466,0.00045345723628997803,0.6730230331745041,4,822,0 -9823,0.0009631597856200816,0.0008203275501728058,0.000504717230796814,0.5515668039560165,4,823,0 -9824,0.0008556974810013467,0.000804457813501358,0.0002916604280471802,0.347815846788604,4,824,0 -9825,0.001082585762199232,0.0008970312774181366,0.0006060749292373657,0.5941928202409228,4,825,0 -9826,0.0009633025112353905,0.0007574744522571564,0.0005951337516307831,0.6659490374080876,4,826,0 -9827,0.0009898796454435499,0.0008825100958347321,0.0004483722150325775,0.47007852380768045,4,827,0 -9828,0.001050513942064486,0.000986635684967041,0.000360734760761261,0.3505227705270479,4,828,0 -9829,0.0011090680740975956,0.0008671730756759644,0.0006914064288139343,0.6730990126622667,4,829,0 -9830,0.0011896577569988148,0.000986643135547638,0.0006646960973739624,0.5928522883871533,4,830,0 -9831,0.0013555167973849421,0.0012200511991977692,0.0005906783044338226,0.4508811003336613,4,831,0 -9832,0.0009725480258040396,0.00094585120677948,0.00022630766034126282,0.23484846650407434,4,832,0 -9833,0.0011476416173547734,0.0009152218699455261,0.0006924234330654144,0.647688512296511,4,833,0 -9834,0.0010023502646660048,0.0009580627083778381,0.00029465556144714355,0.29837214516896293,4,834,0 -9835,0.0008561612401690881,0.0005199462175369263,0.0006801970303058624,0.9181393896380483,4,835,0 -9836,0.001030660204674125,0.0009268634021282196,0.0004507601261138916,0.4526507454615356,4,836,0 -9837,0.0012168554932766886,0.0009481869637966156,0.0007626786828041077,0.6773906392337016,4,837,0 -9838,0.001219775870810376,0.0011099427938461304,0.0005058459937572479,0.42761754351410947,4,838,0 -9839,0.0010569137903364684,0.0010118335485458374,0.00030538439750671387,0.29311915628438134,4,839,0 -9840,0.000818994049902496,0.0006726682186126709,0.0004671923816204071,0.6070495172150016,4,840,0 -9841,0.0013443313871928325,0.0011777281761169434,0.0006482154130935669,0.5031462366597483,4,841,0 -9842,0.0008553436501307078,0.0005403682589530945,0.0006630346179008484,0.8869802211350942,4,842,0 -9843,0.0012907217491952138,0.0012279152870178223,0.0003977268934249878,0.31324044779722243,4,843,0 -9844,0.0012500960655263556,0.0010858327150344849,0.0006194412708282471,0.5184275653070373,4,844,0 -9845,0.0010564575796257972,0.0009924843907356262,0.0003620460629463196,0.3497874697503913,4,845,0 -9846,0.0009887896877584933,0.0008422993123531342,0.0005179159343242645,0.5512914184315273,4,846,0 -9847,0.0011839989866477582,0.0010403022170066833,0.0005653537809848785,0.4978016591785444,4,847,0 -9848,0.0008979569044973617,0.0007923431694507599,0.00042251497507095337,0.489890460111304,4,848,0 -9849,0.0008301319439354147,0.0006231330335140228,0.0005484744906425476,0.7217610383756058,4,849,0 -9850,0.0011849609677105828,0.0009889081120491028,0.0006528347730636597,0.5834824741037473,4,850,0 -9851,0.0013183327915526205,0.0010804086923599243,0.0007554590702056885,0.6102120450910844,4,851,0 -9852,0.0009413274683671525,0.0008880011737346649,0.00031233206391334534,0.33821059115608787,4,852,0 -9853,0.0009966182044093086,0.0008963719010353088,0.0004356205463409424,0.4523703943834195,4,853,0 -9854,0.0013001080887678497,0.001112464815378189,0.0006728321313858032,0.5439502657954145,4,854,0 -9855,0.0012502175071053285,0.0011273585259914398,0.000540468841791153,0.447041709731698,4,855,0 -9856,0.0009649228696739365,0.0006140321493148804,0.0007443390786647797,0.8810343266611558,4,856,0 -9857,0.0012191700138469235,0.00096912682056427,0.0007397085428237915,0.6519419857870018,4,857,0 -9858,0.0011999789789305234,0.001079373061656952,0.0005243122577667236,0.45218785087548974,4,858,0 -9859,0.0012290708148586312,0.0010325312614440918,0.0006667040288448334,0.5733454701343905,4,859,0 -9860,0.0010544826654822323,0.000880122184753418,0.0005807913839817047,0.5833023604751278,4,860,0 -9861,0.0012733128567403885,0.001212000846862793,0.0003903582692146301,0.3115863808959922,4,861,0 -9862,0.0013396273243204105,0.0010487362742424011,0.0008335188031196594,0.6715523475822457,4,862,0 -9863,0.0010556926638101657,0.0008633323013782501,0.0006075724959373474,0.6132401620109534,4,863,0 -9864,0.0012190481534402793,0.0008656755089759827,0.0008583031594753265,0.7811218317373771,4,864,0 -9865,0.0008141613502099606,0.0006488598883152008,0.0004917718470096588,0.6485388841268513,4,865,0 -9866,0.0010740757860542012,0.0008658803999423981,0.0006355233490467072,0.6331575567133884,4,866,0 -9867,0.0009777366384633931,0.0006844587624073029,0.0006982013583183289,0.7953370798344994,4,867,0 -9868,0.0014817722354903454,0.001291804015636444,0.000725872814655304,0.5119383452489235,4,868,0 -9869,0.0011935493729735517,0.0010550357401371002,0.0005580857396125793,0.4865566951090623,4,869,0 -9870,0.0011293737692188068,0.0009767897427082062,0.0005668923258781433,0.5258551466054702,4,870,0 -9871,0.0007363143370054514,0.0005684457719326019,0.0004680044949054718,0.6887909125388968,4,871,0 -9872,0.0011935896185810097,0.0009126141667366028,0.0007692798972129822,0.7003816482540766,4,872,0 -9873,0.0009101764557864918,0.0008258223533630371,0.0003826729953289032,0.4339282802163677,4,873,0 -9874,0.001121134431842486,0.0010249987244606018,0.0004542246460914612,0.4171399969634931,4,874,0 -9875,0.0011465481788257266,0.0010170303285121918,0.0005293600261211395,0.4799094925871049,4,875,0 -9876,0.0009600685015811273,0.0007380321621894836,0.0006140358746051788,0.6939453625087917,4,876,0 -9877,0.0009630524509866335,0.0008203573524951935,0.0005044639110565186,0.5513265567565998,4,877,0 -9878,0.0009138972247169142,0.0007029883563518524,0.0005839653313159943,0.6931761909204609,4,878,0 -9879,0.0009630192574115071,0.0007878094911575317,0.0005538612604141235,0.6127630448535484,4,879,0 -9880,0.0009581869502286554,0.0008217059075832367,0.0004928708076477051,0.540282814195346,4,880,0 -9881,0.0006002976929989686,0.0005535483360290527,0.00023225322365760803,0.3972638701926662,4,881,0 -9882,0.001423509962587024,0.0012070536613464355,0.0007545873522758484,0.5587058364901039,4,882,0 -9883,0.0013576324871209693,0.0012210346758365631,0.0005934983491897583,0.45243502725055645,4,883,0 -9884,0.0011298748686646594,0.00099930539727211,0.0005272626876831055,0.48550586271335955,4,884,0 -9885,0.0009708442690473206,0.0007764250040054321,0.0005828402936458588,0.6439308713613641,4,885,0 -9886,0.0008835790828649865,0.0007397644221782684,0.0004831776022911072,0.578586890762382,4,886,0 -9887,0.0009096384768285285,0.0008611194789409637,0.0002931132912635803,0.3280847557694592,4,887,0 -9888,0.0012214448517221398,0.0011873319745063782,0.00028665363788604736,0.2368935390163503,4,888,0 -9889,0.000991576305501043,0.0009418539702892303,0.0003100559115409851,0.31802363924906213,4,889,0 -9890,0.001128350945224959,0.0010744817554950714,0.0003444775938987732,0.3102460560099251,4,890,0 -9891,0.0009652890099594117,0.0009303018450737,0.0002575293183326721,0.270060618404053,4,891,0 -9892,0.0010477191014524668,0.0009593404829502106,0.00042116641998291016,0.4136827019156214,4,892,0 -9893,0.0012721390728599091,0.0012083426117897034,0.00039780139923095703,0.318037161517589,4,893,0 -9894,0.0011273807842344461,0.0010708682239055634,0.0003524608910083771,0.3179678787843256,4,894,0 -9895,0.0008809349204900768,0.0008606389164924622,0.00018800795078277588,0.2150729115253602,4,895,0 -9896,0.0009005519647766876,0.0008912421762943268,0.00012915581464767456,0.14391476963941152,4,896,0 -9897,0.0010940827816716876,0.0007578954100608826,0.0007890574634075165,0.8055395910107295,4,897,0 -9898,0.0012037705724650975,0.0010350607335567474,0.0006145834922790527,0.5358227965891541,4,898,0 -9899,0.0012871662447618082,0.0011344105005264282,0.0006082020699977875,0.4921393691643137,4,899,0 -9900,0.0008356426717124114,0.0007835030555725098,0.000290554016828537,0.35511828075014656,4,900,0 -9901,0.0009640605894383228,0.0009094513952732086,0.00031986087560653687,0.338195165927616,4,901,0 -9902,0.0008429693839620722,0.000769149512052536,0.00034497305750846863,0.42161610923309756,4,902,0 -9903,0.0012012425381764211,0.001050807535648346,0.0005820542573928833,0.5058412329677533,4,903,0 -9904,0.0011118273961387023,0.000879187136888504,0.000680580735206604,0.6587489458235122,4,904,0 -9905,0.0013575761611920023,0.001302223652601242,0.0003837011754512787,0.2865420289983226,4,905,0 -9906,0.0010357550558810107,0.0009066611528396606,0.0005007535219192505,0.5046111906559011,4,906,0 -9907,0.0009453303632934556,0.0008295364677906036,0.0004533417522907257,0.5001521674654367,4,907,0 -9908,0.0014870190401178075,0.0014248080551624298,0.0004256144165992737,0.2902793335588645,4,908,0 -9909,0.0012083634206499333,0.0011369213461875916,0.00040933117270469666,0.3455863278172649,4,909,0 -9910,0.001050971795547203,0.0007848069071769714,0.0006990134716033936,0.7276431792860748,4,910,0 -9911,0.001139113370755388,0.0009898170828819275,0.0005637742578983307,0.517747075219537,4,911,0 -9912,0.0011768122608814687,0.0011090002954006195,0.0003937073051929474,0.3411319693510623,4,912,0 -9913,0.0011554912675178965,0.0010115690529346466,0.0005584694445133209,0.5044405568626114,4,913,0 -9914,0.0007585971127974151,0.0007051527500152588,0.0002796947956085205,0.3776101605157715,4,914,0 -9915,0.0010471472274584037,0.0008833669126033783,0.0005622990429401398,0.5668552753719316,4,915,0 -9916,0.0009472674981067174,0.0007806830108165741,0.0005365163087844849,0.6021105262694644,4,916,0 -9917,0.0010416347148967534,0.0009773150086402893,0.00036035850644111633,0.3532562088056707,4,917,0 -9918,0.0011198345663345325,0.0010097771883010864,0.00048412755131721497,0.4470647199961931,4,918,0 -9919,0.0010607561939173953,0.0008693188428878784,0.0006078556180000305,0.6102103922562243,4,919,0 -9920,0.0010577491995421167,0.0008643493056297302,0.0006096996366977692,0.6143313875087583,4,920,0 -9921,0.0013341512344573964,0.0011705271899700165,0.0006401762366294861,0.5004698667641856,4,921,0 -9922,0.0009229847581077598,0.0008052811026573181,0.0004510246217250824,0.510551850702696,4,922,0 -9923,0.0010165056974462898,0.0008328855037689209,0.0005827397108078003,0.6105001898241482,4,923,0 -9924,0.0008263041777476462,0.0006228089332580566,0.0005430355668067932,0.7170792628174986,4,924,0 -9925,0.0010264648397935998,0.0009328015148639679,0.0004283823072910309,0.4305135383974754,4,925,0 -9926,0.0008962885957249352,0.0007370077073574066,0.0005100518465042114,0.6053756377188061,4,926,0 -9927,0.0011394642519879567,0.0008784420788288116,0.0007257536053657532,0.690503333411677,4,927,0 -9928,0.0010341576745218305,0.000946044921875,0.0004177093505859375,0.4157898774597081,4,928,0 -9929,0.0010729854392105217,0.0009943284094333649,0.00040324777364730835,0.38527985981720947,4,929,0 -9930,0.0009928212739716733,0.0009778179228305817,0.00017194822430610657,0.17406924054155648,4,930,0 -9931,0.0012430340939985956,0.0010587088763713837,0.0006513595581054688,0.551549746630693,4,931,0 -9932,0.0011025446106337398,0.0008786432445049286,0.0006660260260105133,0.6486119211649971,4,932,0 -9933,0.0012323622457528494,0.001183483749628067,0.00034363195300102234,0.2825860428446154,4,933,0 -9934,0.0009508251806554486,0.0007531754672527313,0.0005803406238555908,0.6565083026710856,4,934,0 -9935,0.0008309785189490443,0.0007021725177764893,0.00044438615441322327,0.5642409052355251,4,935,0 -9936,0.0008588342794935562,0.0006900802254676819,0.0005112588405609131,0.6376314178654621,4,936,0 -9937,0.0008126968123590656,0.0007337480783462524,0.00034941360354423523,0.44443004906097294,4,937,0 -9938,0.0010494302035835526,0.0009895563125610352,0.00034940242767333984,0.33942493709367616,4,938,0 -9939,0.0011211378720884988,0.0010297782719135284,0.00044329091906547546,0.40649650535119475,4,939,0 -9940,0.0011080408630879588,0.001031477004289627,0.00040473416447639465,0.3739229039901092,4,940,0 -9941,0.0009367190656618446,0.0008902177214622498,0.0002914704382419586,0.3164144311176974,4,941,0 -9942,0.0011086793486963925,0.000919688493013382,0.0006191469728946686,0.5925215391191387,4,942,0 -9943,0.0011260244658031016,0.0010560713708400726,0.00039069727063179016,0.3543389934384542,4,943,0 -9944,0.0009888560310258392,0.0008873529732227325,0.00043639540672302246,0.45706177374759044,4,944,0 -9945,0.0010465036477687506,0.0009355843067169189,0.0004688836634159088,0.4645805024678489,4,945,0 -9946,0.0010187213334457363,0.0009222514927387238,0.00043271854519844055,0.43870378255027964,4,946,0 -9947,0.0012929079566500335,0.0011280737817287445,-0.0006317123770713806,-0.5104822883769312,4,947,0 -9948,0.0009654109238101066,0.0007863529026508331,0.0005600601434707642,0.6188835841590042,4,948,0 -9949,0.0009852555150751058,0.000876009464263916,0.0004509277641773224,0.4753795670903952,4,949,0 -9950,0.0011166253177596161,0.0010135583579540253,0.0004685632884502411,0.43303154504767905,4,950,0 -9951,0.0009945903306276412,0.0009585879743099213,0.00026517733931541443,0.2698840270520541,4,951,0 -9952,0.0010641722776474412,0.0008531622588634491,0.0006360635161399841,0.6406382766827727,4,952,0 -9953,0.0011762866910888384,0.000965263694524765,0.0006722472608089447,0.6083320162421713,4,953,0 -9954,0.0010458336862124858,0.0010334104299545288,0.00016072019934654236,0.1542880372138649,4,954,0 -9955,0.000850837343355233,0.0006550736725330353,0.0005429573357105255,0.6920861015556508,4,955,0 -9956,0.0006467172128115263,0.0006296783685684204,0.0001474730670452118,0.23005729623346563,4,956,0 -9957,0.0011297874491931713,0.0009750016033649445,0.0005707815289497375,0.529626939259963,4,957,0 -9958,0.000978784791519418,0.00093817338347435,0.00027901679277420044,0.2890737148400197,4,958,0 -9959,0.0010263596648526292,0.0009153671562671661,0.0004642382264137268,0.4693597270150809,4,959,0 -9960,0.0013673681223163555,0.001195758581161499,0.000663217157125473,0.5063996444075313,4,960,0 -9961,0.001211352636887842,0.0010115206241607666,0.0006664842367172241,0.58260176899126,4,961,0 -9962,0.0007645716716585684,0.0006325393915176392,0.00042949244379997253,0.596490581654036,4,962,0 -9963,0.0009403450934557656,0.0005818605422973633,0.0007387064397335052,0.9036159847759427,4,963,0 -9964,0.0006963955218975622,0.000663507729768753,0.0002114810049533844,0.30855211123096193,4,964,0 -9965,0.0007423684019288991,0.000619746744632721,0.00040868669748306274,0.5829838425711708,4,965,0 -9966,0.0009157120304066356,0.0008760131895542145,0.00026670098304748535,0.29553305898419635,4,966,0 -9967,0.0012526910045318849,0.0012178756296634674,0.0002932809293270111,0.23631406123618004,4,967,0 -9968,0.001000623551085278,0.0009127482771873474,0.00041004642844200134,0.42222482233587777,4,968,0 -9969,0.001363786901779227,0.0011599734425544739,0.0007172003388404846,0.5537598130932335,4,969,0 -9970,0.0009762804918790511,0.0009230747818946838,0.000317893922328949,0.3316646489175115,4,970,0 -9971,0.0011996383067359104,0.0010269992053508759,0.0006200037896633148,0.5431387662132721,4,971,0 -9972,0.0008812864725924786,0.0007471852004528046,0.0004673115909099579,0.5589080371046434,4,972,0 -9973,0.001009841482248375,0.0009971708059310913,0.00015946850180625916,0.1585781836299542,4,973,0 -9974,0.0008473950889529758,0.0008466020226478577,3.665313124656677e-05,0.04326738543430862,4,974,0 -9975,0.001058593519430842,0.001019112765789032,0.0002864077687263489,0.2739694847765237,4,975,0 -9976,0.0011044156352818643,0.0009821057319641113,0.0005051754415035248,0.4750852331739463,4,976,0 -9977,0.0009756427930533177,0.0007439255714416504,0.000631231814622879,0.7036311634536231,4,977,0 -9978,0.0012167895591919764,0.001063510775566101,0.0005912035703659058,0.5073601867182864,4,978,0 -9979,0.0009884694907052835,0.0009330771863460541,0.00032624974846839905,0.3363623226761585,4,979,0 -9980,0.0009424657599906099,0.0007762797176837921,0.00053444504737854,0.6029455032810873,4,980,0 -9981,0.0010265335608137065,0.0007174573838710785,0.0007341839373111725,0.7969201647370131,4,981,0 -9982,0.0012373908380370969,0.0011108256876468658,0.000545162707567215,0.4562384023222481,4,982,0 -9983,0.000858280945293725,0.0007698610424995422,0.00037942081689834595,0.45790583354688447,4,983,0 -9984,0.000903953004687347,0.0007553324103355408,0.0004965923726558685,0.5815938123589566,4,984,0 -9985,0.00081475092291817,0.0007515214383602142,0.00031469762325286865,0.39656271323183245,4,985,0 -9986,0.0010151079095844057,0.00093025341629982,0.00040629133582115173,0.41178360943496567,4,986,0 -9987,0.0009141423700959138,0.0008745118975639343,0.00026624277234077454,0.2955318612974144,4,987,0 -9988,0.0014158818695658689,0.0013611838221549988,0.0003897435963153839,0.2788659819865063,4,988,0 -9989,0.0008676979390761677,0.0008564591407775879,0.00013920292258262634,0.1611241111838876,4,989,0 -9990,0.0010762373919765702,0.0009854324162006378,0.00043267756700515747,0.41373064754449806,4,990,0 -9991,0.000914114949291042,0.0008376576006412506,0.00036597251892089844,0.41190663708724334,4,991,0 -9992,0.0007762182693967105,0.0006939508020877838,0.000347774475812912,0.46456837359785563,4,992,0 -9993,0.0009184451669762797,0.0008782818913459778,0.0002686306834220886,0.29682359156941235,4,993,0 -9994,0.0011439925276492395,0.0009021423757076263,0.0007034614682197571,0.6622818364874343,4,994,0 -9995,0.0012375606570867283,0.0009972341358661652,0.00073285773396492,0.6337605882823273,4,995,0 -9996,0.0011008577252473205,0.0010166279971599579,0.00042232125997543335,0.39372308054545413,4,996,0 -9997,0.0009018464647542828,0.0008721798658370972,0.0002294108271598816,0.25720555505375337,4,997,0 -9998,0.0011497816725610237,0.001020975410938263,0.0005287788808345795,0.47787698584005694,4,998,0 -9999,0.0011126945058463548,0.0010753795504570007,0.0002857409417629242,0.25971062509483256,4,999,0 -10000,0.0009512450768333861,0.0007563121616840363,0.0005769394338130951,0.6516633967700469,4,1000,0 -10001,0.0010082671737448598,0.0008784569799900055,0.0004948899149894714,0.5130445798714509,4,1001,0 -10002,0.0010332461274602986,0.001012355089187622,0.00020672380924224854,0.20143159374366013,4,1002,0 -10003,0.0009784107208120297,0.0008668862283229828,0.0004536472260951996,0.48211851728776445,4,1003,0 -10004,0.0010050398378640914,0.0008763298392295837,0.0004920884966850281,0.5116549047884502,4,1004,0 -10005,0.001132275753233152,0.0009533055126667023,0.0006109476089477539,0.5699321551102825,4,1005,0 -10006,0.0011167425401815516,0.0010635703802108765,0.0003404878079891205,0.30982685331852855,4,1006,0 -10007,0.0009640605607272143,0.0008011758327484131,0.0005362182855606079,0.5898159664449719,4,1007,0 -10008,0.0009048898846712352,0.0007736720144748688,0.0004693157970905304,0.545264316877139,4,1008,0 -10009,0.0007882784461969635,0.0005016922950744629,0.0006080195307731628,0.8809217336534454,4,1009,0 -10010,0.0011165703913622435,0.001055542379617691,0.0003640875220298767,0.3321503929973573,4,1010,0 -10011,0.0012667414369222723,0.001074075698852539,0.0006715618073940277,0.5587763773898025,4,1011,0 -10012,0.0010634025342552025,0.0009665004909038544,0.0004435107111930847,0.4302164851893147,4,1012,0 -10013,0.0011312174056447224,0.0010890327394008636,0.00030604004859924316,0.2739543560914164,4,1013,0 -10014,0.0009813401865525057,0.0008374638855457306,0.0005115494132041931,0.5483458749308747,4,1014,0 -10015,0.0011882884904425824,0.0011727437376976013,0.0001915767788887024,0.16192747410136077,4,1015,0 -10016,0.0012295513814571018,0.001085035502910614,0.0005783550441265106,0.48972011101894325,4,1016,0 -10017,0.000912675877055825,0.0007800236344337463,0.00047385692596435547,0.5459090043256997,4,1017,0 -10018,0.0006846460908151578,0.0005205348134040833,0.00044472888112068176,0.7070251129644342,4,1018,0 -10019,0.0009714673411985363,0.00084725022315979,0.00047530606389045715,0.5112480869005117,4,1019,0 -10020,0.0008348785833560666,0.0006680749356746674,0.0005006976425647736,0.6431575290628377,4,1020,0 -10021,0.0010439471076503935,0.000865742564201355,0.0005833655595779419,0.5929472375303504,4,1021,0 -10022,0.0009566958969433148,0.0008587725460529327,0.00042163580656051636,0.4564015356811241,4,1022,0 -10023,0.0006125265717134452,0.0006080307066440582,-7.407739758491516e-05,-0.12123420318222877,4,1023,0 -10024,0.001180240914064805,0.0009913817048072815,0.0006404146552085876,0.573545370273115,4,1024,0 -10025,0.0009035595936201385,0.0005989409983158112,0.0006765276193618774,0.8461531945847128,4,1025,0 -10026,0.0010499303584634756,0.0008056014776229858,0.0006733201444149017,0.6961911012574501,4,1026,0 -10027,0.0009597884109900417,0.0008914545178413391,0.00035567209124565125,0.37962633928385187,4,1027,0 -10028,0.0012529562282447301,0.0010885559022426605,0.0006204396486282349,0.5180427237955835,4,1028,0 -10029,0.0010816721340028482,0.000749245285987854,0.000780157744884491,0.805607519437585,4,1029,0 -10030,0.0009661525674619919,0.0008235424757003784,0.000505201518535614,0.550250010830004,4,1030,0 -10031,0.0010113510103466543,0.0007791034877300262,0.0006448477506637573,0.6913921177520411,4,1031,0 -10032,0.0010501939828635285,0.000909026712179184,0.0005259066820144653,0.5244892688726628,4,1032,0 -10033,0.0012746001908756248,0.0012585222721099854,0.00020181015133857727,0.15900123651808581,4,1033,0 -10034,0.0007494377176851765,0.000738237053155899,0.00012908503413200378,0.17310575267590828,4,1034,0 -10035,0.001135093398501804,0.0010563097894191742,0.0004155077040195465,0.3747672680343567,4,1035,0 -10036,0.0006343858760324544,0.0005616024136543274,0.00029503926634788513,0.48372334451086524,4,1036,0 -10037,0.0010124991358147447,0.000979490578174591,0.00025642290711402893,0.25604596082947256,4,1037,0 -10038,0.0008011333511545833,0.0006688497960567474,0.0004409700632095337,0.5828825319064617,4,1038,0 -10039,0.0011321841422098963,0.0010588504374027252,0.0004008449614048004,0.3618935095256592,4,1039,0 -10040,0.0012952372023064245,0.00037597864866256714,0.0012394674122333527,1.2762791674527674,4,1040,0 -10041,0.001109173141682671,0.0010286644101142883,0.00041486695408821106,0.38335347989858654,4,1041,0 -10042,0.0010487492501330244,0.0009912848472595215,0.00034238770604133606,0.33256908586513106,4,1042,0 -10043,0.0008385551791421685,0.0007026419043540955,0.0004576779901981354,0.5773358452867327,4,1043,0 -10044,0.0009989748102233614,0.0009692348539829254,0.000241938978433609,0.24461959931304672,4,1044,0 -10045,0.0013181816160539833,0.0012817680835723877,0.0003076903522014618,0.23559367611300963,4,1045,0 -10046,0.0012038424213666903,0.0010866262018680573,0.0005181506276130676,0.44495138170139115,4,1046,0 -10047,0.0010393842596949712,0.0009611696004867554,0.0003955662250518799,0.3904206704683434,4,1047,0 -10048,0.0009405650812773005,0.0008764788508415222,0.00034124404191970825,0.37127888426170813,4,1048,0 -10049,0.0011782969474505513,0.0010696835815906525,0.0004941262304782867,0.432736127380538,4,1049,0 -10050,0.0009526907619508733,0.0007995441555976868,0.0005180239677429199,0.5748969211137233,4,1050,0 -10051,0.0010482488317093306,0.0010004378855228424,0.0003129690885543823,0.3031873970561467,4,1051,0 -10052,0.0011617084424429415,0.0010161064565181732,0.0005631111562252045,0.5060507340294935,4,1052,0 -10053,0.0010489474517703318,0.0009094737470149994,0.0005226358771324158,0.521576816897454,4,1053,0 -10054,0.0011299967003114617,0.0009717531502246857,0.000576704740524292,0.5356029756454362,4,1054,0 -10055,0.0010363684810032585,0.0009949728846549988,0.00028998032212257385,0.28359022567552483,4,1055,0 -10056,0.0010002886260141715,0.0009739883244037628,0.00022786855697631836,0.22982056204594947,4,1056,0 -10057,0.001170420307769389,0.001046840101480484,0.0005234591662883759,0.4636775008350598,4,1057,0 -10058,0.001186253319432123,0.0010663419961929321,0.0005197227001190186,0.45350750711762206,4,1058,0 -10059,0.00128797119965525,0.0012595877051353455,0.00026890262961387634,0.21032730387196188,4,1059,0 -10060,0.0007858033470158188,0.0006989352405071259,0.00035913288593292236,0.47464915392227536,4,1060,0 -10061,0.0008026235359161099,0.0007828064262866974,0.00017725303769111633,0.2226777667079941,4,1061,0 -10062,0.0010648037806744444,0.0009289830923080444,0.0005203820765018463,0.5106124985590604,4,1062,0 -10063,0.001088666175076848,0.0008736811578273773,0.0006495192646980286,0.6392819122469355,4,1063,0 -10064,0.0012806473679014057,0.001018580049276352,0.0007762424647808075,0.6511894385442443,4,1064,0 -10065,0.0013083710958639056,0.0012400299310684204,0.0004173256456851959,0.32463809928045434,4,1065,0 -10066,0.0011188173751993935,0.001058880239725113,0.0003612823784351349,0.3288073728888918,4,1066,0 -10067,0.0012060193208895157,0.0009488314390182495,0.0007444471120834351,0.6652759684455763,4,1067,0 -10068,0.0010128703457973993,0.0008904710412025452,0.0004826672375202179,0.4967081534848012,4,1068,0 -10069,0.0009970099597890766,0.0008480288088321686,0.0005242861807346344,0.5537241414267106,4,1069,0 -10070,0.0007550989677228513,0.0007512234151363373,7.640570402145386e-05,0.10135981363307055,4,1070,0 -10071,0.0006731958123807547,0.00042724981904029846,0.0005202405154705048,0.8832290707863354,4,1071,0 -10072,0.0011784565237622977,0.0011452212929725647,0.00027789920568466187,0.23805842735090776,4,1072,0 -10073,0.0008762493130612136,0.0007875114679336548,0.0003842376172542572,0.4539318851711599,4,1073,0 -10074,0.0008984986250136355,0.0008185319602489471,0.00037054717540740967,0.42509470404160576,4,1074,0 -10075,0.0013532108164915754,0.0013276375830173492,0.0002618357539176941,0.1947203850562193,4,1075,0 -10076,0.0012296768074791385,0.0011962056159973145,-0.00028495118021965027,-0.2338541884566772,4,1076,0 -10077,0.0011640888883996114,0.0008563101291656494,0.0007885657250881195,0.7442363092437108,4,1077,0 -10078,0.0008667735704527638,0.0008594505488872528,0.00011243298649787903,0.13008090922622484,4,1078,0 -10079,0.0013881528234085943,0.0012177340686321259,0.000666402280330658,0.5007277359982656,4,1079,0 -10080,0.0007169347438621852,0.0006809160113334656,0.00022438541054725647,0.3183278403925463,4,1080,0 -10081,0.000999059660408875,0.0008795559406280518,0.0004738159477710724,0.49412547493630316,4,1081,0 -10082,0.0012226142914103493,0.0011739246547222137,0.00034159421920776367,0.28316557661324676,4,1082,0 -10083,0.0011118488174513329,0.0009585246443748474,0.0005634166300296783,0.5313973900214327,4,1083,0 -10084,0.0014016269979678542,0.0011892057955265045,0.0007418543100357056,0.5577527174334125,4,1084,0 -10085,0.0010829183957859973,0.0009504072368144989,0.0005190744996070862,0.4998903220901281,4,1085,0 -10086,0.0011187159234562075,0.00109037384390831,0.00025022029876708984,0.2255755983724328,4,1086,0 -10087,0.0011296741177861465,0.001120932400226593,0.000140264630317688,0.12448506462025785,4,1087,0 -10088,0.0010952394288970893,0.0008388496935367584,0.0007041878998279572,0.6983481267002766,4,1088,0 -10089,0.0013048098056516189,0.0012241117656230927,0.00045175105333328247,0.35353873921375834,4,1089,0 -10090,0.001212585976738488,0.0011512450873851776,0.00038078799843788147,0.31943447086086485,4,1090,0 -10091,0.0012126255110566017,0.0010033734142780304,0.0006809569895267487,0.5962649629352725,4,1091,0 -10092,0.0011512768159796106,0.0010598711669445038,0.0004495680332183838,0.4011694033476077,4,1092,0 -10093,0.0011368082638376416,0.0010320357978343964,0.000476691871881485,0.4327014205848604,4,1093,0 -10094,0.001269199587074792,0.001142021268606186,0.0005537644028663635,0.45149358824688945,4,1094,0 -10095,0.0010675567940288233,0.0008487477898597717,0.0006475374102592468,0.6517267632659522,4,1095,0 -10096,0.001037548802133658,0.0008566528558731079,0.0005853660404682159,0.5994418128063786,4,1096,0 -10097,0.001159423760062184,0.000987134873867035,0.0006081350147724152,0.5521452233493013,4,1097,0 -10098,0.0008639973136967157,0.0007346570491790771,0.0004547201097011566,0.5542409830099536,4,1098,0 -10099,0.0010667808823641494,0.0009960085153579712,0.0003820843994617462,0.36630259163194684,4,1099,0 -10100,0.0008982793268373837,0.0008850060403347015,0.0001538507640361786,0.17212135573138856,4,1100,0 -10101,0.0013138825898340056,0.0010649710893630981,0.000769495964050293,0.6257011032711082,4,1101,0 -10102,0.0009632243634588745,0.0008438564836978912,0.0004644431173801422,0.5031361712471615,4,1102,0 -10103,0.0007690585558644864,0.000641167163848877,0.0004246830940246582,0.5850147145004748,4,1103,0 -10104,0.0012324886033037226,0.0011063814163208008,0.0005430914461612701,0.45631842527555294,4,1104,0 -10105,0.000997313149893149,0.0008567944169044495,0.0005104281008243561,0.5372824611556885,4,1105,0 -10106,0.0010188913718467635,0.0009504668414592743,0.00036708638072013855,0.36856824089745593,4,1106,0 -10107,0.0010004804466136972,0.0008068941533565521,0.0005915090441703796,0.6325768832392504,4,1107,0 -10108,0.0012513108264231292,0.0011220388114452362,0.0005539022386074066,0.45856029167324325,4,1108,0 -10109,0.0010093901083166408,0.0009056776762008667,0.0004456639289855957,0.4572898321748562,4,1109,0 -10110,0.0010769526376006172,0.0008166208863258362,0.0007021091878414154,0.7101409245012937,4,1110,0 -10111,0.001165386537527411,0.0009953230619430542,0.0006061829626560211,0.5470337586914538,4,1111,0 -10112,0.0009620751515548228,0.000961054116487503,4.431232810020447e-05,0.04607541383446572,4,1112,0 -10113,0.000900870817333057,0.0008822381496429443,0.000182274729013443,0.20373828841912045,4,1113,0 -10114,0.0013751409548961482,0.0013346411287784576,0.00033127889037132263,0.2432986240764241,4,1114,0 -10115,0.0010748916241889632,0.001072268933057785,7.50422477722168e-05,0.06987061675756992,4,1115,0 -10116,0.001054468093425323,0.0007623843848705292,0.0007284730672836304,0.7626559012806886,4,1116,0 -10117,0.0011716744266838683,0.0010613016784191132,0.0004964470863342285,0.4375343448834468,4,1117,0 -10118,0.0011019844637949602,0.0009510479867458344,0.0005566664040088654,0.5295546605952857,4,1118,0 -10119,0.001186294135193103,0.0009637922048568726,0.0006916634738445282,0.6224722748342665,4,1119,0 -10120,0.0010957436328224985,0.0009100362658500671,0.0006103180348873138,0.5907569057894724,4,1120,0 -10121,0.001290656401072485,0.001197822391986847,0.0004806406795978546,0.3815938855005566,4,1121,0 -10122,0.0012706056044479175,0.0010821260511875153,0.0006659142673015594,0.5516486440454843,4,1122,0 -10123,0.0010394318786029154,0.0008525215089321136,0.0005946643650531769,0.6090702964158613,4,1123,0 -10124,0.0006367687634617124,0.0006042942404747009,0.00020075589418411255,0.32074413883506125,4,1124,0 -10125,0.0006566879337423402,0.0006566271185874939,8.936971426010132e-06,0.01360958052992424,4,1125,0 -10126,0.0013188145295749234,0.0010411255061626434,0.0008095242083072662,0.6608994768084988,4,1126,0 -10127,0.0013366305966136085,0.000983692705631256,0.0009049475193023682,0.7437281816664091,4,1127,0 -10128,0.0012190345773203568,0.0008874461054801941,0.0008357539772987366,0.7554094048371401,4,1128,0 -10129,0.0008443943852763018,0.0007122457027435303,0.0004535503685474396,0.5670320576129844,4,1129,0 -10130,0.0010251659354552592,0.0008537322282791138,0.0005675442516803741,0.5866954266066385,4,1130,0 -10131,0.0012742002559040647,0.0012051239609718323,0.00041383877396583557,0.33078244040379856,4,1131,0 -10132,0.0010401813205337066,0.0010038688778877258,0.00027244165539741516,0.2650084941210807,4,1132,0 -10133,0.0009763390269372155,0.0008717142045497894,0.0004397183656692505,0.4671849316710786,4,1133,0 -10134,0.0008903735625026866,0.0006290599703788757,0.0006301179528236389,0.7862383799993298,4,1134,0 -10135,0.0008225973422254373,0.0007609762251377106,0.00031238049268722534,0.389524922866819,4,1135,0 -10136,0.0012135312888735292,0.0011251755058765411,0.0004545748233795166,0.3839528839680827,4,1136,0 -10137,0.0010949438174060653,0.0010175444185733795,0.00040435791015625,0.37825090287360597,4,1137,0 -10138,0.0011337694295295276,0.0010854527354240417,0.00032745301723480225,0.29299199141873594,4,1138,0 -10139,0.0012104318217815377,0.0010579265654087067,0.0005881637334823608,0.5074066993495251,4,1139,0 -10140,0.0010606424595061162,0.0008047707378864288,0.0006908737123012543,0.7093923867700479,4,1140,0 -10141,0.0009740189814547881,0.0008799433708190918,0.00041762739419937134,0.4431277376295476,4,1141,0 -10142,0.0009766116991910695,0.0008923597633838654,0.0003968179225921631,0.4184241786053448,4,1142,0 -10143,0.0011790396738321739,0.0010189488530158997,0.0005931928753852844,0.527199741867258,4,1143,0 -10144,0.0012535200000652676,0.0010162033140659332,0.0007339231669902802,0.6254841033172346,4,1144,0 -10145,0.0011052902184567445,0.0008847303688526154,0.0006625093519687653,0.6427495054578888,4,1145,0 -10146,0.001028446325571347,0.000738535076379776,0.0007157288491725922,0.7697171322823669,4,1146,0 -10147,0.0012865962372414698,0.001148231327533722,0.0005804263055324554,0.4680347100434388,4,1147,0 -10148,0.0009344218534059025,0.0009115897119045258,0.00020530074834823608,0.22151601545153324,4,1148,0 -10149,0.0009520772896540185,0.0007525123655796051,0.0005832463502883911,0.6593509697917105,4,1149,0 -10150,0.0014489723578952414,0.0013049878180027008,0.0006297044456005096,0.4495795779669347,4,1150,0 -10151,0.001082452415297803,0.000975973904132843,0.00046816468238830566,0.44726779445716924,4,1151,0 -10152,0.0012019807698079325,0.0010211467742919922,0.0006340481340885162,0.5556583608937518,4,1152,0 -10153,0.0009825758762954542,0.0007647983729839325,0.0006168782711029053,0.6787459822027159,4,1153,0 -10154,0.0012137123517319604,0.0010823644697666168,0.0005491673946380615,0.46953218718698664,4,1154,0 -10155,0.0011251394479873187,0.0011226236820220947,7.51987099647522e-05,0.06688487134546998,4,1155,0 -10156,0.0012882453654201758,0.0009081736207008362,0.000913672149181366,0.7884162628854462,4,1156,0 -10157,0.0012002766513082718,0.0011652708053588867,0.000287763774394989,0.24210614177165649,4,1157,0 -10158,0.001029475836652019,0.0010110288858413696,0.00019401311874389648,0.18959193417542228,4,1158,0 -10159,0.0009984295235392323,0.0008823908865451813,0.00046717002987861633,0.48691862913637546,4,1159,0 -10160,0.0012185686886065487,0.0010938793420791626,0.0005369707942008972,0.45633040631983035,4,1160,0 -10161,0.0008753313464302558,0.0008675344288349152,0.00011657178401947021,0.13357129182995134,4,1161,0 -10162,0.0011518807326887232,0.0010617636144161224,0.0004466399550437927,0.3981876710156898,4,1162,0 -10163,0.0009173671297091456,0.0007995143532752991,0.0004498213529586792,0.5124792710001804,4,1163,0 -10164,0.0009122458120477779,0.0007729455828666687,0.0004845075309276581,0.5599160933831466,4,1164,0 -10165,0.0011527947977000195,0.001101519912481308,0.0003399848937988281,0.29937420135043197,4,1165,0 -10166,0.0009052070861431988,0.0008484348654747009,0.00031552836298942566,0.35604537083023474,4,1166,0 -10167,0.0011393606305985964,0.0010609552264213562,0.0004153512418270111,0.37314697920117207,4,1167,0 -10168,0.0008600807856065473,0.0007552206516265869,0.0004115588963031769,0.49895921724892844,4,1168,0 -10169,0.0008762126812024684,0.0006767138838768005,0.0005566030740737915,0.6883158806896075,4,1169,0 -10170,0.0011604018461968684,0.0010438859462738037,0.0005067884922027588,0.45196640725407755,4,1170,0 -10171,0.0008382054327638295,0.0007576681673526764,0.00035850703716278076,0.4419554458010548,4,1171,0 -10172,0.001109107133080575,0.0009571947157382965,0.0005602650344371796,0.5295553091691912,4,1172,0 -10173,0.0011523684595379066,0.0010518021881580353,0.0004708133637905121,0.4208774439957659,4,1173,0 -10174,0.0010917311767391752,0.0010463334619998932,0.00031154975295066833,0.28939477864838997,4,1174,0 -10175,0.0009635473230390248,0.0008558779954910278,0.00044260174036026,0.4772589390751257,4,1175,0 -10176,0.0007831803220094008,0.0006807893514633179,0.00038716569542884827,0.517087651781476,4,1176,0 -10177,0.001348087258097324,0.0012231357395648956,0.0005668140947818756,0.43395006715865025,4,1177,0 -10178,0.000878333332397621,0.0007728897035121918,0.00041726604104042053,0.4950386956544199,4,1178,0 -10179,0.001051178549960182,0.0008331127464771271,0.00064101442694664,0.6558151165338397,4,1179,0 -10180,0.001113898299821333,0.0009799785912036896,0.0005295388400554657,0.49541005674842425,4,1180,0 -10181,0.0011452712435984559,0.0009596794843673706,0.0006250292062759399,0.5772812145778782,4,1181,0 -10182,0.001233753599643206,0.0010662972927093506,0.0006206110119819641,0.5270972575448141,4,1182,0 -10183,0.0008921099706708832,0.0008566118776798248,0.0002491511404514313,0.2830473055621318,4,1183,0 -10184,0.0009414552970240697,0.0007864050567150116,0.0005175955593585968,0.5821037212691492,4,1184,0 -10185,0.0009936796710118755,0.0009323246777057648,0.00034375861287117004,0.35324589369520826,4,1185,0 -10186,0.0011311259969319627,0.0008860565721988678,0.0007031001150608063,0.6707747929946741,4,1186,0 -10187,0.0011168066903220642,0.001024499535560608,0.0004445873200893402,0.4094316092340038,4,1187,0 -10188,0.000997798760560926,0.0009811483323574066,0.0001815222203731537,0.18294140317037513,4,1188,0 -10189,0.0010417068007840004,0.0008442029356956482,0.0006103068590164185,0.6259556613341809,4,1189,0 -10190,0.0013094893137434575,0.0011738352477550507,0.0005804076790809631,0.45920107342069927,4,1190,0 -10191,0.0007548928881899391,0.0007423721253871918,0.0001369193196296692,0.18238529974633272,4,1191,0 -10192,0.0006731817799865441,0.0003924518823623657,0.0005469508469104767,0.948404014978422,4,1192,0 -10193,0.0011021019504039431,0.000999491661787033,0.0004643760621547699,0.4349388049107313,4,1193,0 -10194,0.0011615298463036976,0.0010662153363227844,0.00046079978346824646,0.4079386635363464,4,1194,0 -10195,0.0010173945453448956,0.000983990728855133,0.00025856122374534607,0.256958987983653,4,1195,0 -10196,0.001124092735181293,0.0010424815118312836,0.000420495867729187,0.38340000187465556,4,1196,0 -10197,0.0012310651475684045,0.00112166628241539,0.0005073323845863342,0.42476697773969563,4,1197,0 -10198,0.0010558719543401658,0.0008282586932182312,0.0006548687815666199,0.6690181546245924,4,1198,0 -10199,0.0010481293963629332,0.0009121671319007874,0.0005162619054317474,0.5150237360869908,4,1199,0 -10200,0.0012051061119307208,0.001169893890619278,0.00028918683528900146,0.2423328294697795,4,1200,0 -10201,0.0009420399501301,0.0007059425115585327,0.0006237663328647614,0.7236765310008259,4,1201,0 -10202,0.0012498227400411178,0.0011710934340953827,0.00043657422065734863,0.3568334535261507,4,1202,0 -10203,0.0013726574535213132,0.0011407248675823212,0.0007635019719600677,0.5898324366244297,4,1203,0 -10204,0.001131775611320385,0.0010363347828388214,0.00045489147305488586,0.413620629052211,4,1204,0 -10205,0.0009866945146908197,0.0009817630052566528,9.85264778137207e-05,0.10002179059706638,4,1205,0 -10206,0.0012631896964657257,0.0011757276952266693,0.00046185776591300964,0.3743076375638162,4,1206,0 -10207,0.0009772760676781793,0.0009075477719306946,0.00036252662539482117,0.3800384854199106,4,1207,0 -10208,0.0009039255580830932,0.0008411146700382233,0.00033107027411460876,0.3749847509632723,4,1208,0 -10209,0.0009626839062971392,0.0009058192372322083,0.0003259629011154175,0.34542654550556795,4,1209,0 -10210,0.0011401218139202617,0.0007649697363376617,0.0008453987538814545,0.8353011778482399,4,1210,0 -10211,0.001198942186760108,0.001079365611076355,0.0005219504237174988,0.45041862493892926,4,1211,0 -10212,0.0006486298044239861,0.0005442090332508087,0.0003529265522956848,0.5753290633928542,4,1212,0 -10213,0.0010998502602997738,0.000992313027381897,0.00047432631254196167,0.4458937819837565,4,1213,0 -10214,0.0014688725786840182,0.0012841038405895233,0.0007132068276405334,0.5069888860886377,4,1214,0 -10215,0.001088603753023995,0.0010170452296733856,0.000388171523809433,0.36460193652155476,4,1215,0 -10216,0.0008095753067984136,0.0006952472031116486,0.00041478127241134644,0.5379123458744447,4,1216,0 -10217,0.001179798819250399,0.0009805932641029358,0.0006560198962688446,0.5896183642732767,4,1217,0 -10218,0.0010823712801110359,0.0008908882737159729,0.0006146915256977081,0.6039667176044345,4,1218,0 -10219,0.0011616646156371324,0.001020289957523346,0.0005554035305976868,0.4985016244954879,4,1219,0 -10220,0.0010541822507814022,0.0010364614427089691,0.00019247829914093018,0.18361542697974145,4,1220,0 -10221,0.0010761602678858542,0.0010088682174682617,0.000374574214220047,0.35550673177661096,4,1221,0 -10222,0.0009647966141980726,0.0008289851248264313,0.0004935748875141144,0.5370277388266602,4,1222,0 -10223,0.0010743908670844467,0.000993385910987854,0.0004092678427696228,0.39080205509979854,4,1223,0 -10224,0.0011806443345953829,0.0010142773389816284,0.000604286789894104,0.5373112448051934,4,1224,0 -10225,0.001158866019140576,0.0010038726031780243,0.0005789734423160553,0.5231409207328024,4,1225,0 -10226,0.0007849792231207749,0.0007144883275032043,0.00032511353492736816,0.42702889226811414,4,1226,0 -10227,0.0010855329772956463,0.0009106956422328949,0.0005907751619815826,0.5754661253549488,4,1227,0 -10228,0.0011496410463444514,0.0009790733456611633,0.0006025694310665131,0.5517014730068813,4,1228,0 -10229,0.0009158661566380645,0.0007984563708305359,0.00044864043593406677,0.5119219452231224,4,1229,0 -10230,0.0007532136584100343,0.0005452632904052734,0.0005196332931518555,0.7613347468568885,4,1230,0 -10231,0.001270963491649746,0.0010816603899002075,0.0006673522293567657,0.5528042294143585,4,1231,0 -10232,0.0007869160339110709,0.0006463006138801575,0.0004489235579967499,0.6070958910829787,4,1232,0 -10233,0.0010007490675052648,0.0008866749703884125,0.00046401098370552063,0.48212575912649974,4,1233,0 -10234,0.0008407153002912647,0.0008178278803825378,0.0001948326826095581,0.23387249880433197,4,1234,0 -10235,0.0009187747587923195,0.0008751042187213898,0.000279892235994339,0.30955666235852264,4,1235,0 -10236,0.0009710332491788547,0.0008349716663360596,0.0004957094788551331,0.5357625812064808,4,1236,0 -10237,0.0010501561489710026,0.0010350532829761505,0.0001774616539478302,0.16980075059938138,4,1237,0 -10238,0.001029847163922728,0.000836540013551712,0.0006006546318531036,0.6227195366849592,4,1238,0 -10239,0.0010169383130688061,0.000956803560256958,0.0003445148468017578,0.34561624245785444,4,1239,0 -10240,0.0009389468609958225,0.0005650445818901062,0.0007498972117900848,0.925061502474924,4,1240,0 -10241,0.0009929859837651109,0.0008683018386363983,0.0004817396402359009,0.5065260508077631,4,1241,0 -10242,0.0012236832027403741,0.0011053495109081268,0.0005249790847301483,0.443402619814736,4,1242,0 -10243,0.0011470266175625523,0.0009692609310150146,0.0006133541464805603,0.5641929461325446,4,1243,0 -10244,0.0012279485199751263,0.0011049211025238037,0.0005357302725315094,0.4514611155457829,4,1244,0 -10245,0.001127240221490159,0.0009451992809772491,0.0006142221391201019,0.5762581509677115,4,1245,0 -10246,0.00106707575362707,0.001044943928718567,0.00021620094776153564,0.20402316661048006,4,1246,0 -10247,0.0013620221165029295,0.0011709965765476227,0.0006956085562705994,0.5360191521001714,4,1247,0 -10248,0.0009719311574272378,0.0009631402790546417,0.00013042613863945007,0.13459882414773125,4,1248,0 -10249,0.0012858675143857228,0.0011411979794502258,0.0005925558507442474,0.47892101537638027,4,1249,0 -10250,0.0010135007414072575,0.0009168311953544617,0.00043197721242904663,0.4403132829660844,4,1250,0 -10251,0.0008412579024855651,0.000754624605178833,0.00037182867527008057,0.4578173717431696,4,1251,0 -10252,0.0009303985461977971,0.0008720867335796356,0.000324200838804245,0.3559209301320139,4,1252,0 -10253,0.001251788322725892,0.0010363124310970306,0.0007021613419055939,0.5955046150630161,4,1253,0 -10254,0.0009938786566244442,0.0008997917175292969,0.0004221014678478241,0.4386318267652601,4,1254,0 -10255,0.0012087672813936206,0.001095738261938095,0.0005103684961795807,0.43589545698647936,4,1255,0 -10256,0.0009089226565595361,0.0007688328623771667,0.00048480555415153503,0.5625971200480979,4,1256,0 -10257,0.0008309024910176528,0.0006947778165340424,0.00045572221279144287,0.5805292264126967,4,1257,0 -10258,0.0011299920362462029,0.0011299625039100647,8.169561624526978e-06,0.007229814488688024,4,1258,0 -10259,0.0012985211147091425,0.0011981204152107239,0.0005006641149520874,0.3958199413598264,4,1259,0 -10260,0.001123541337958034,0.001008402556180954,0.0004954487085342407,0.4566798194908747,4,1260,0 -10261,0.0007383376241618809,0.000607367604970932,0.00041981786489486694,0.6048014654106014,4,1261,0 -10262,0.0009652032803071167,0.0009033158421516418,0.0003400556743144989,0.36004364859326415,4,1262,0 -10263,0.0011048914932911917,0.001061994582414627,0.0003048814833164215,0.2795653925916704,4,1263,0 -10264,0.0011853533979825142,0.0010863542556762695,0.0004742331802845001,0.41160136674499587,4,1264,0 -10265,0.0010762365470556718,0.0008698403835296631,0.0006337687373161316,0.6296661249323295,4,1265,0 -10266,0.0011197201572888248,0.001005120575428009,0.0004934631288051605,0.45638077732948323,4,1266,0 -10267,0.0011628910455673525,0.0009815096855163574,0.0006236620247364044,0.5660508530831541,4,1267,0 -10268,0.001095814945077863,0.0010204538702964783,0.00039935484528541565,0.37302750098016774,4,1268,0 -10269,0.001276662653646813,0.0009614527225494385,0.0008399263024330139,0.718037239163527,4,1269,0 -10270,0.0010424086828565837,0.0009519420564174652,0.0004247613251209259,0.419693540565058,4,1270,0 -10271,0.0012763436756048335,0.0011957697570323944,0.00044630467891693115,0.35722351623473725,4,1271,0 -10272,0.0007625487689943357,0.000706009566783905,0.00028815120458602905,0.3875044212519779,4,1272,0 -10273,0.001198734539399311,0.0010052695870399475,0.0006529912352561951,0.5760716659363053,4,1273,0 -10274,0.0009160899636587712,0.0008986294269561768,0.00017800554633140564,0.19555411167557019,4,1274,0 -10275,0.0011584286251845163,0.001153554767370224,0.00010615214705467224,0.09176333101294998,4,1275,0 -10276,0.0012158250273515798,0.001110915094614029,0.0004940629005432129,0.41846698934959525,4,1276,0 -10277,0.0007189506851972399,0.0006602294743061066,0.00028458237648010254,0.40697168781573156,4,1277,0 -10278,0.0009266686883139274,0.0006482899188995361,0.000662144273519516,0.7959701085951264,4,1278,0 -10279,0.0012342064216392733,0.00116049125790596,0.00042014941573143005,0.34736428594139135,4,1279,0 -10280,0.0009709806418558021,0.000818353146314621,0.0005225911736488342,0.5683114318288508,4,1280,0 -10281,0.0013361256021043263,0.001179967075586319,0.0006268247961997986,0.48831232950798903,4,1281,0 -10282,0.0008384447742782041,0.0006534308195114136,0.0005253739655017853,0.6771896999717562,4,1282,0 -10283,0.0011410611135641967,0.0008481666445732117,0.0007633045315742493,0.7327854963301811,4,1283,0 -10284,0.0014180911618123123,0.0012575089931488037,0.0006554797291755676,0.48050471064264,4,1284,0 -10285,0.0008044528787639409,0.0005893632769584656,0.0005475357174873352,0.7486238300693654,4,1285,0 -10286,0.0013265483823026853,0.0011537782847881317,0.0006546191871166229,0.5160812280981283,4,1286,0 -10287,0.0009529657809432417,0.0006935708224773407,0.000653531402349472,0.7556842820762015,4,1287,0 -10288,0.0012451094163118672,0.0009262934327125549,0.0008320324122905731,0.7318410377800842,4,1288,0 -10289,0.001255410975662605,0.001048266887664795,0.0006907917559146881,0.5826653901648385,4,1289,0 -10290,0.0009731770738666575,0.0008936077356338501,0.00038540735840797424,0.40718934097936144,4,1290,0 -10291,0.001057395759798313,0.0009649693965911865,0.0004323422908782959,0.4212205517150067,4,1291,0 -10292,0.001081652158019896,0.0008454546332359314,0.000674668699502945,0.6735172785109781,4,1292,0 -10293,0.0010309029112766054,0.0009689033031463623,0.0003521181643009186,0.34857928082292905,4,1293,0 -10294,0.001167211275095733,0.0010893680155277252,0.0004191175103187561,0.36727763635929006,4,1294,0 -10295,0.00124703635389706,0.0010761059820652008,0.0006301552057266235,0.529755351491222,4,1295,0 -10296,0.0008951898405691904,0.0008872859179973602,0.0001186951994895935,0.13298382687686994,4,1296,0 -10297,0.0013069476425828022,0.001156248152256012,0.0006092637777328491,0.4849600958617843,4,1297,0 -10298,0.0010240279324555074,0.001005370169878006,0.00019458681344985962,0.19118353789459783,4,1298,0 -10299,0.0009345568971846935,0.0007852651178836823,0.0005067102611064911,0.5730449114368346,4,1299,0 -10300,0.0010745389214018642,0.0010087639093399048,0.0003701746463775635,0.35170215325750837,4,1300,0 -10301,0.0012411758676122548,0.0008905194699764252,0.0008645765483379364,0.7706177569848366,4,1301,0 -10302,0.0009324717552183882,0.0008134506642818451,0.00045585259795188904,0.5107879546659653,4,1302,0 -10303,0.000903781085776147,0.0008306652307510376,0.00035611167550086975,0.4050059860822747,4,1303,0 -10304,0.0010982686838089406,0.0009695589542388916,0.0005158968269824982,0.4889922119447721,4,1304,0 -10305,0.0008048819756452834,0.0007792636752128601,0.00020145252346992493,0.2529779985630979,4,1305,0 -10306,0.0012067566226958576,0.0010459646582603455,0.0006018467247486115,0.5221338762868539,4,1306,0 -10307,0.0012411354704023347,0.0012216828763484955,0.00021887943148612976,0.1772813441379944,4,1307,0 -10308,0.0009656246602769018,0.0008550062775611877,0.00044877082109451294,0.4833484562299165,4,1308,0 -10309,0.0009404510062247985,0.0008507966995239258,0.0004007406532764435,0.4401944614833948,4,1309,0 -10310,0.001050633660387547,0.0007250271737575531,0.0007603727281093597,0.8091889859831123,4,1310,0 -10311,0.001280546438508691,0.0010557100176811218,0.0007247589528560638,0.60161701386648,4,1311,0 -10312,0.0010226068449579373,0.0009367763996124268,0.0004100911319255829,0.4126357229606169,4,1312,0 -10313,0.0009540258658789087,0.0008777864277362823,0.00037370622158050537,0.4024947864391974,4,1313,0 -10314,0.00115593433839382,0.0010314136743545532,0.0005218908190727234,0.4684326062789595,4,1314,0 -10315,0.000923322596431777,0.0008021071553230286,0.00045732781291007996,0.5181877759936783,4,1315,0 -10316,0.0009545431320511903,0.0007666684687137604,0.0005686581134796143,0.6381848332076895,4,1316,0 -10317,0.0010062597000740831,0.0008615367114543915,0.0005199164152145386,0.5429711970206825,4,1317,0 -10318,0.0009571843150256178,0.0008037611842155457,0.0005197785794734955,0.5740397746316855,4,1318,0 -10319,0.0009991800357907973,0.0007964298129081726,0.0006033740937709808,0.6483464880468918,4,1319,0 -10320,0.0009413809735927885,0.0007691197097301483,0.0005428194999694824,0.61458612169411,4,1320,0 -10321,0.001089995115927871,0.0010194256901741028,0.000385824590921402,0.3618115740193298,4,1321,0 -10322,0.0009705321015742621,0.0008136667311191559,0.0005290359258651733,0.5765070092342625,4,1322,0 -10323,0.0010849651810290759,0.0010463185608386993,0.00028699636459350586,0.26770747335407274,4,1323,0 -10324,0.0013890249644979249,0.0011876784265041351,0.0007202848792076111,0.5451593026417053,4,1324,0 -10325,0.0012093620892855465,0.001148812472820282,0.0003778710961341858,0.3177762138501122,4,1325,0 -10326,0.00076687924368935,0.0007025226950645447,0.0003075152635574341,0.41260347954502663,4,1326,0 -10327,0.0010017837420419516,0.0009880028665065765,0.00016559287905693054,0.1660601906597337,4,1327,0 -10328,0.0008660016695851372,0.0007052682340145111,0.0005025491118431091,0.6191088399044252,4,1328,0 -10329,0.0009878164443834754,0.0009613037109375,0.00022732466459274292,0.23220967070732526,4,1329,0 -10330,0.0009260400158694131,0.0008692517876625061,0.0003192983567714691,0.35202543382813345,4,1330,0 -10331,0.001088551621612339,0.0009185448288917542,0.000584140419960022,0.5664284220782116,4,1331,0 -10332,0.00105518137968314,0.0008923076093196869,0.0005632005631923676,0.5630260903525505,4,1332,0 -10333,0.0008359966659815598,0.0005965232849121094,0.000585705041885376,0.7762476965722894,4,1333,0 -10334,0.0011113674571145505,0.0009920820593833923,0.0005009099841117859,0.4675661476822734,4,1334,0 -10335,0.0011082328546937362,0.0008753985166549683,0.0006796009838581085,0.6601424926287195,4,1335,0 -10336,0.0011498592577240474,0.0010517500340938568,0.000464756041765213,0.41608779929085205,4,1336,0 -10337,0.0008488301869748002,0.0007829628884792328,0.00032784417271614075,0.3965415504561854,4,1337,0 -10338,0.0013243479389661954,0.0011723153293132782,0.0006160959601402283,0.4838684661120105,4,1338,0 -10339,0.001112345485045049,0.0009280778467655182,0.0006131753325462341,0.5838561750632042,4,1339,0 -10340,0.0011975328424015286,0.0010967962443828583,0.00048075243830680847,0.4131020976696684,4,1340,0 -10341,0.0008973552048735815,0.0007361769676208496,0.0005131177604198456,0.6087119095210591,4,1341,0 -10342,0.0010693818539246579,0.0009625330567359924,0.0004659481346607208,0.4508350082615331,4,1342,0 -10343,0.0010416038414206615,0.0010108910501003265,0.0002510733902454376,0.24344244876898236,4,1343,0 -10344,0.0010511812592962353,0.0007973350584506989,0.0006850101053714752,0.70976752882943,4,1344,0 -10345,0.000867032225482963,0.000713009387254715,0.0004933178424835205,0.6052563465935863,4,1345,0 -10346,0.0010739443836451875,0.0009175539016723633,0.0005580782890319824,0.5464446132096226,4,1346,0 -10347,0.0012392981740797077,0.0011796429753303528,0.00037987157702445984,0.3115364972615308,4,1347,0 -10348,0.001074463928622447,0.0010417476296424866,0.0002631247043609619,0.24740549993670546,4,1348,0 -10349,0.0008995307367808372,0.0008902475237846375,0.0001288987696170807,0.14379055358490586,4,1349,0 -10350,0.0008481302924511215,0.0007244385778903961,0.000441037118434906,0.5468638797747464,4,1350,0 -10351,0.0010408826935846876,0.0008928291499614716,0.0005350634455680847,0.5398971660794157,4,1351,0 -10352,0.0008672973883751512,0.000750221312046051,0.0004351697862148285,0.5256251105379584,4,1352,0 -10353,0.0010787952023306184,0.0009825266897678375,0.0004454664885997772,0.42566838691041536,4,1353,0 -10354,0.001198188528839392,0.0010094530880451202,0.0006454922258853912,0.5689211181798915,4,1354,0 -10355,0.0009051794386306181,0.0008895881474018097,0.0001672804355621338,0.1858720351119305,4,1355,0 -10356,0.0006606872532325589,0.0005353465676307678,0.0003871843218803406,0.6261539330632745,4,1356,0 -10357,0.0011686786383792802,0.001084454357624054,0.00043562427163124084,0.3819702059144884,4,1357,0 -10358,0.001030182624970338,0.0008711963891983032,0.0005498118698596954,0.5629736705457818,4,1358,0 -10359,0.000999458191860873,0.000968296080827713,0.00024762749671936035,0.2503692734848541,4,1359,0 -10360,0.0009624094629967693,0.0008686482906341553,0.0004143454134464264,0.4450790593030647,4,1360,0 -10361,0.0012557750803697577,0.0010795071721076965,0.0006415881216526031,0.5362431172599285,4,1361,0 -10362,0.0009668887880687823,0.0009241700172424316,0.0002842247486114502,0.29836522902305934,4,1362,0 -10363,0.0011427423252031786,0.000988733023405075,0.0005729459226131439,0.5251907469495498,4,1363,0 -10364,0.001204556649799512,0.0011546500027179718,0.00034313276410102844,0.28886276157915824,4,1364,0 -10365,0.0008777743640361782,0.0008051879703998566,0.0003495141863822937,0.4095343933330311,4,1365,0 -10366,0.0009427261953840103,0.0007823556661605835,0.0005259774625301361,0.5918922485370076,4,1366,0 -10367,0.0009442314772994117,0.0009129755198955536,0.0002409331500530243,0.25801651376783435,4,1367,0 -10368,0.0010236891643665635,0.0008321627974510193,0.0005961917340755463,0.6216721526919824,4,1368,0 -10369,0.0013476037169656025,0.001253381371498108,0.0004950463771820068,0.3761615155495886,4,1369,0 -10370,0.0011176749344415419,0.0009000971913337708,0.000662587583065033,0.6345643589437375,4,1370,0 -10371,0.0012261466310961103,0.0010999590158462524,0.0005417801439762115,0.45766645013798896,4,1371,0 -10372,0.0014234496985680478,0.0013216473162174225,0.0005286373198032379,0.3804922836728619,4,1372,0 -10373,0.0011059866841976302,0.0009391158819198608,0.000584181398153305,0.5564785042305403,4,1373,0 -10374,0.0010976349919686263,0.00102243572473526,0.0003992840647697449,0.37230943643824327,4,1374,0 -10375,0.0009934902222731418,0.0009344890713691711,0.00033727288246154785,0.3463670311448825,4,1375,0 -10376,0.0011865146750160204,0.0009350031614303589,0.000730469822883606,0.6632020648984933,4,1376,0 -10377,0.0011827846192951907,0.0009512193500995636,0.0007029660046100616,0.6364339929256838,4,1377,0 -10378,0.0008508458468035493,0.0007301419973373413,0.0004368424415588379,0.5391670342870534,4,1378,0 -10379,0.001004185527348886,0.000887211412191391,0.00047036632895469666,0.48748553048258314,4,1379,0 -10380,0.0008571164302725322,0.0008092597126960754,0.0002823956310749054,0.33574400800542964,4,1380,0 -10381,0.0012122759782705066,0.0010959357023239136,0.0005182065069675446,0.441687679442316,4,1381,0 -10382,0.0010101342015892505,0.0008925125002861023,0.00047306716442108154,0.4873896660037209,4,1382,0 -10383,0.001000371958947356,0.000842023640871048,0.0005401298403739929,0.5703527657123819,4,1383,0 -10384,0.0011908577078228641,0.00101383775472641,0.0006247200071811676,0.5522413099038183,4,1384,0 -10385,0.0011308261390664918,0.0011219531297683716,0.00014138221740722656,0.12535363436436986,4,1385,0 -10386,0.0010625771630248582,0.0008445903658866882,0.0006447769701480865,0.6520345753032739,4,1386,0 -10387,0.001152254492938588,0.0010590404272079468,0.0004540085792541504,0.40499876521661804,4,1387,0 -10388,0.0010690315411605038,0.0008918866515159607,0.0005893781781196594,0.5839452621509351,4,1388,0 -10389,0.0009181599250192102,0.0007832944393157959,0.0004790276288986206,0.5488725278311679,4,1389,0 -10390,0.0009501722744988222,0.0007180720567703247,0.0006222538650035858,0.7140308502478379,4,1390,0 -10391,0.0010768471890791052,0.0009131357073783875,0.0005707740783691406,0.5586499199586601,4,1391,0 -10392,0.0009775585128357375,0.000918559730052948,0.00033446773886680603,0.34919979182217836,4,1392,0 -10393,0.0013591624484215411,0.0012835636734962463,0.0004469752311706543,0.33509701051754426,4,1393,0 -10394,0.001319327158833504,0.0011425688862800598,0.0006596669554710388,0.5236017303885506,4,1394,0 -10395,0.0007553498766278234,0.00065666064620018,0.00037329643964767456,0.5169182148225445,4,1395,0 -10396,0.0008504999747757644,0.0007041878998279572,0.00047693774104118347,0.5953195668785812,4,1396,0 -10397,0.001318621260655272,0.0012349821627140045,0.00046214833855628967,0.35808191026342506,4,1397,0 -10398,0.001081342807640937,0.0007370486855506897,0.0007912404835224152,0.8208424389367883,4,1398,0 -10399,0.0009064820133947705,0.00037454068660736084,0.0008254870772361755,1.1448524628507863,4,1399,0 -10400,0.0010004464389166562,0.0008618384599685669,0.0005080625414848328,0.5326706876873741,4,1400,0 -10401,0.0011796743190663846,0.0011144839227199554,0.00038672611117362976,0.3339998698017278,4,1401,0 -10402,0.0007974813842740406,0.0006253011524677277,0.0004949495196342468,0.6695597434975987,4,1402,0 -10403,0.0007172522203610914,0.0005313381552696228,0.00048179924488067627,0.7365405390182815,4,1403,0 -10404,0.0010747683573907175,0.0010445751249790192,0.0002529621124267578,0.2375933909962465,4,1404,0 -10405,0.0008849119036101714,0.0005754195153713226,0.0006722807884216309,0.8628746123960771,4,1405,0 -10406,0.0011938577470319977,0.001023653894662857,0.0006143525242805481,0.540534555547448,4,1406,0 -10407,0.0009844015470956006,0.0007144324481487274,0.0006772242486476898,0.7586679092110592,4,1407,0 -10408,0.0013621996323790139,0.0011359676718711853,0.0007517747581005096,0.5846205071112217,4,1408,0 -10409,0.0010126588891357779,0.0009464286267757416,0.00036020949482917786,0.36367005277417114,4,1409,0 -10410,0.0008642355696846227,0.0006751343607902527,0.000539533793926239,0.674222587809774,4,1410,0 -10411,0.0009844280878877456,0.0005875863134860992,0.000789836049079895,0.9311884311149234,4,1411,0 -10412,0.0011394988918657992,0.0010229423642158508,0.0005020424723625183,0.45624666160137767,4,1412,0 -10413,0.00047845444724137876,-0.00015972554683685303,0.0004510059952735901,1.9111669505559008,4,1413,0 -10414,0.0010747046206715763,0.0009692087769508362,0.0004643537104129791,0.446793103737822,4,1414,0 -10415,0.0011623283638624359,0.001002427190542221,0.000588342547416687,0.5307448350684305,4,1415,0 -10416,0.0009276031045187718,0.000766456127166748,0.0005224868655204773,0.5983326212851541,4,1416,0 -10417,0.0011059465902787957,0.0009991824626922607,0.0004740804433822632,0.4430144593473684,4,1417,0 -10418,0.0011610188084863928,0.0008900612592697144,0.0007454901933670044,0.6972344462276534,4,1418,0 -10419,0.0009668866300374518,0.0007715635001659393,0.0005827173590660095,0.6468477195465602,4,1419,0 -10420,0.0009500583314726177,0.0007951520383358002,0.0005199462175369263,0.5791087288573684,4,1420,0 -10421,0.0009345717641058383,0.0009080097079277039,0.00022123008966445923,0.23898658902052203,4,1421,0 -10422,0.000982451689867264,0.0007732883095741272,0.0006060004234313965,0.6647020630440892,4,1422,0 -10423,0.0011860384710881975,0.0010169446468353271,0.0006103366613388062,0.5405423167756431,4,1423,0 -10424,0.0012572566489661258,0.0010420195758342743,0.0007034838199615479,0.5938291766103536,4,1424,0 -10425,0.0010713502646399675,0.0009871944785118103,0.00041621923446655273,0.3990028137857853,4,1425,0 -10426,0.0010980674264005606,0.0009157098829746246,0.0006059929728507996,0.5846077050055054,4,1426,0 -10427,0.0012175546546174248,0.0008451603353023529,0.0008764378726482391,0.8035638983871616,4,1427,0 -10428,0.0011285097431867341,0.0010923035442829132,0.000283561646938324,0.25399304700548647,4,1428,0 -10429,0.0009102507434718193,0.0007956065237522125,0.0004422292113304138,0.5073151463902269,4,1429,0 -10430,0.0008735704824047254,0.0007185526192188263,0.0004967972636222839,0.6049213707625547,4,1430,0 -10431,0.0013613681010481726,0.0010969378054141998,0.0008062571287155151,0.6338364302308012,4,1431,0 -10432,0.0009061520380249193,0.0008920542895793915,0.0001592189073562622,0.17662574619405735,4,1432,0 -10433,0.001125085423180471,0.0010146982967853546,0.00048600882291793823,0.4466815345001972,4,1433,0 -10434,0.0010142077266371448,0.0008986815810203552,0.00047009438276290894,0.4819511707350686,4,1434,0 -10435,0.0009677660005958311,0.0009179934859275818,0.00030636414885520935,0.3221096514043535,4,1435,0 -10436,0.0012714605837613618,0.0012185536324977875,0.00036295875906944275,0.2894926191843785,4,1436,0 -10437,0.0013066819577867638,0.001086704432964325,0.0007255971431732178,0.5887205704704639,4,1437,0 -10438,0.0008770239585593902,0.0008318834006786346,0.00027774274349212646,0.3222354585262604,4,1438,0 -10439,0.0010986198928749494,0.0009786337614059448,0.000499241054058075,0.47172733442175463,4,1439,0 -10440,0.0008999285608377642,0.000808272510766983,0.00039568543434143066,0.45524835007078635,4,1440,0 -10441,0.0007185614949769195,0.0007137097418308258,8.336082100868225e-05,0.11627250863002704,4,1441,0 -10442,0.001200742136008442,0.001018565148115158,0.0006358511745929718,0.5580682011421114,4,1442,0 -10443,0.0009358433266402823,0.0008488595485687256,0.00039400532841682434,0.4345655103584677,4,1443,0 -10444,0.0008570796701294378,0.0008185356855392456,0.0002541355788707733,0.301039759688275,4,1444,0 -10445,0.00109078076385056,0.0009147636592388153,0.0005941465497016907,0.576029453495934,4,1445,0 -10446,0.00094234968034446,0.0008792802691459656,0.0003389529883861542,0.36793476262341196,4,1446,0 -10447,0.0012131734800954188,0.000972650945186615,0.0007250793278217316,0.6405937671135108,4,1447,0 -10448,0.0010311337408197997,0.0009311623871326447,0.0004429146647453308,0.4439849160590141,4,1448,0 -10449,0.0009144424695528633,0.0006344467401504517,0.0006585456430912018,0.8040340914634996,4,1449,0 -10450,0.0010335939083727299,0.0009201765060424805,0.0004707351326942444,0.47286108571799584,4,1450,0 -10451,0.0008579762293223554,0.000838208943605423,0.00018310919404029846,0.21507417180169625,4,1451,0 -10452,0.0009132429754654803,0.0008152835071086884,0.00041149184107780457,0.4674183810974914,4,1452,0 -10453,0.0009321775763398769,0.0008551068603992462,0.0003711432218551636,0.4094953815668788,4,1453,0 -10454,0.0009217054495993418,0.0007338970899581909,0.0005576163530349731,0.6497448234710574,4,1454,0 -10455,0.001191387565043935,0.0011256374418735504,0.0003903135657310486,0.33377560225979613,4,1455,0 -10456,0.0007874115862364101,0.0006897822022438049,0.000379759818315506,0.5032656301295675,4,1456,0 -10457,0.001022322787330462,0.0009544864296913147,0.00036619603633880615,0.36633926539500355,4,1457,0 -10458,0.0009940526087299532,0.0008168257772922516,0.0005665123462677002,0.6063863134954846,4,1458,0 -10459,0.0007468935071817999,0.0007353685796260834,0.00013070181012153625,0.1758995758434149,4,1459,0 -10460,0.000882642780305342,0.0007377937436103821,0.0004844777286052704,0.5810410700305602,4,1460,0 -10461,0.0013107211769594915,0.0011347196996212006,0.0006560496985912323,0.5242059645088187,4,1461,0 -10462,0.0007838488629079781,0.0007150731980800629,0.00032107532024383545,0.4220306896792286,4,1462,0 -10463,0.0012042751492212136,0.0011607445776462555,0.00032085925340652466,0.2696908857850064,4,1463,0 -10464,0.0008616817969167223,0.0008303746581077576,0.00023015961050987244,0.27038774010407574,4,1464,0 -10465,0.0013443205711977412,0.0013000927865505219,0.00034198909997940063,0.25722258432516626,4,1465,0 -10466,0.0011138291120168465,0.0009169727563858032,0.0006322786211967468,0.6036633164821278,4,1466,0 -10467,0.0009116877671266445,0.0007596760988235474,0.0005040504038333893,0.5858119458643243,4,1467,0 -10468,0.0012541486912706508,0.0011509507894515991,0.0004981979727745056,0.40850736462265436,4,1468,0 -10469,0.0009535856272720563,0.0007901787757873535,0.0005338005721569061,0.5941233309105872,4,1469,0 -10470,0.0010173520933077177,0.000811941921710968,0.000612989068031311,0.6466721906896241,4,1470,0 -10471,0.0010822801187118712,0.0009571202099323273,0.0005052238702774048,0.4856850896579714,4,1471,0 -10472,0.0012610179150062554,0.0012403279542922974,0.0002274923026561737,0.18139687399594953,4,1472,0 -10473,0.0007739586064736985,0.0006175003945827484,0.0004665888845920563,0.6470812445008557,4,1473,0 -10474,0.0012622134043923925,0.0009198486804962158,0.0008643269538879395,0.7542892222712687,4,1474,0 -10475,0.0009774737358719543,0.0009100176393985748,0.000356823205947876,0.37368257344316075,4,1475,0 -10476,0.00117667066313108,0.0011615343391895294,0.00018812716007232666,0.16056999582310372,4,1476,0 -10477,0.0011194977841368647,0.0008730702102184296,0.0007007308304309845,0.6763275586316511,4,1477,0 -10478,0.0008403759756555588,0.00063353031873703,0.0005521513521671295,0.7168708817722921,4,1478,0 -10479,0.0008515407470232206,0.000750228762626648,0.00040283799171447754,0.49277159028896683,4,1479,0 -10480,0.0009385269147642106,0.0006532073020935059,0.0006739087402820587,0.8009957138203531,4,1480,0 -10481,0.0012559245842888242,0.001187838613986969,0.00040790438652038574,0.33078348664524554,4,1481,0 -10482,0.0011146044194295659,0.0009423159062862396,0.0005953013896942139,0.5634334594082238,4,1482,0 -10483,0.00132615445511226,0.0012725256383419037,0.00037331506609916687,0.28535899899811656,4,1483,0 -10484,0.0009371492320983972,0.0007997527718544006,0.0004885122179985046,0.5483440036688497,4,1484,0 -10485,0.001009830408620036,0.0010079704225063324,6.126239895820618e-05,0.06070330109297145,4,1485,0 -10486,0.0013631077783554052,0.001243147999048233,0.000559147447347641,0.42267386281989,4,1486,0 -10487,0.0009825645092783374,0.0009450949728488922,0.00026875361800193787,0.2770534125829967,4,1487,0 -10488,0.0010713503935536762,0.0010280832648277283,0.0003013908863067627,0.28516801747835996,4,1488,0 -10489,0.001164398906543297,0.0011575184762477875,0.00012639537453651428,0.10876420478050683,4,1489,0 -10490,0.0013624446157401164,0.0012511834502220154,0.0005392543971538544,0.4069378833278133,4,1490,0 -10491,0.0010142080465544746,0.0006282776594161987,0.0007961690425872803,0.9027211570422822,4,1491,0 -10492,0.0007778105925473696,0.0007310099899768829,0.00026573240756988525,0.3486629771816923,4,1492,0 -10493,0.001401584629478219,0.0012836381793022156,0.0005627721548080444,0.41318205342843617,4,1493,0 -10494,0.0011253969850292854,0.0009600147604942322,0.0005872733891010284,0.549002583324206,4,1494,0 -10495,0.0011608753599681026,0.0010194703936576843,0.0005552582442760468,0.4987292430387016,4,1495,0 -10496,0.0012020656113314715,0.0010650604963302612,0.0005573220551013947,0.48209562369202547,4,1496,0 -10497,0.0011991862950916916,0.0010076574981212616,0.0006501339375972748,0.5729887943738776,4,1497,0 -10498,0.0009015223883020916,0.0007706508040428162,0.00046780332922935486,0.5455680117305391,4,1498,0 -10499,0.000631958122837963,0.0005485527217388153,0.0003137849271297455,0.5195943181471051,4,1499,0 -10500,0.0008254459662579934,0.0007809363305568695,0.00026739388704299927,0.32988971538076883,4,1500,0 -10501,0.001058714590549776,0.0009102486073970795,0.0005406700074672699,0.5359817095714123,4,1501,0 -10502,0.000806958222653479,0.0006283670663833618,0.0005062967538833618,0.6782275597897329,4,1502,0 -10503,0.0012565465688636611,0.0012381896376609802,0.00021399930119514465,0.17114171670557418,4,1503,0 -10504,0.001394192803814788,0.0012946650385856628,0.0005173161625862122,0.3801401970812771,4,1504,0 -10505,0.001000838160420814,0.0008651651442050934,0.0005031563341617584,0.5267597268389077,4,1505,0 -10506,0.0012000533179434528,0.0011190138757228851,0.0004335157573223114,0.3696049419247793,4,1506,0 -10507,0.0009224576406700654,0.0007308833301067352,0.0005627945065498352,0.6561910371249157,4,1507,0 -10508,0.0008918535230097545,0.0007802285254001617,0.00043202564120292664,0.5056923197254012,4,1508,0 -10509,0.001071295021699818,0.0009012259542942047,0.0005791932344436646,0.5712068954724836,4,1509,0 -10510,0.0011741243799984345,0.0010969340801239014,0.00041869282722473145,0.3646261661321659,4,1510,0 -10511,0.0010203017343221475,0.0009449012577533722,0.00038493797183036804,0.38685593076898556,4,1511,0 -10512,0.0009669459120099005,0.0009623244404792786,9.442493319511414e-05,0.0978086295726269,4,1512,0 -10513,0.0008045621662611661,0.0007776618003845215,0.0002063065767288208,0.2593174962482876,4,1513,0 -10514,0.0011650174185892847,0.0011341311037540436,0.0002664811909198761,0.2307788554736421,4,1514,0 -10515,0.0008604918279623618,0.0007577016949653625,0.0004078410565853119,0.49378567213373487,4,1515,0 -10516,0.0009035559585633851,0.0008249618113040924,0.0003685802221298218,0.4201767710231025,4,1516,0 -10517,0.0010869004191589545,0.00093083456158638,0.0005611591041088104,0.5425167786062931,4,1517,0 -10518,0.0010485626790698447,0.0010455772280693054,7.906928658485413e-05,0.07547895355945165,4,1518,0 -10519,0.0013149571634932713,0.0011034570634365082,0.0007151886820793152,0.5750627363835855,4,1519,0 -10520,0.0010734633732242694,0.0010241121053695679,0.00032174214720726013,0.3044027655535052,4,1520,0 -10521,0.0009630995062040413,0.0008323192596435547,0.00048456713557243347,0.5272202363345273,4,1521,0 -10522,0.0011499561367970925,0.0010227076709270477,0.0005258023738861084,0.4748858095306719,4,1522,0 -10523,0.0008215714224986644,0.0007514208555221558,0.0003321841359138489,0.41624371660372783,4,1523,0 -10524,0.0012531922652337924,0.0012011975049972534,0.0003572329878807068,0.28906736038961156,4,1524,0 -10525,0.0012406943542756245,0.0010768286883831024,0.0006162486970424652,0.5197885471356226,4,1525,0 -10526,0.0014472548916142143,0.0011208243668079376,0.0009155869483947754,0.6849534598749389,4,1526,0 -10527,0.0011352334831380825,0.0009711869060993195,0.0005878359079360962,0.5442897196163898,4,1527,0 -10528,0.0009883844743760316,0.0009813830256462097,0.00011743605136871338,0.11909751480242704,4,1528,0 -10529,0.0010324562654325038,0.0009649954736232758,0.0003670826554298401,0.3634950226238305,4,1529,0 -10530,0.0010483016725180198,0.0009455308318138123,0.0004526674747467041,0.44649889444244917,4,1530,0 -10531,0.0007637970720489034,0.0007389076054096222,0.0001933947205543518,0.25598838021424125,4,1531,0 -10532,0.0008464834382400868,0.0007180832326412201,0.0004482083022594452,0.5580045346498893,4,1532,0 -10533,0.001012029361377598,0.0007247477769851685,0.0007063597440719604,0.7725500574115562,4,1533,0 -10534,0.0008854291454518965,0.0008708499372005463,0.00016001611948013306,0.1817200222951794,4,1534,0 -10535,0.0009295662548757494,0.0007198676466941833,0.0005881190299987793,0.6850104853860778,4,1535,0 -10536,0.0008872641571061562,0.0008280053734779358,0.00031881779432296753,0.36754641833184765,4,1536,0 -10537,0.0010337032193205083,0.000904817134141922,0.0004998482763767242,0.5047070638280955,4,1537,0 -10538,0.0012363539554927398,0.001145150512456894,0.0004660487174987793,0.3865056236266136,4,1538,0 -10539,0.000942041909229149,0.0008961483836174011,0.00029044970870018005,0.31342576087337853,4,1539,0 -10540,0.0011206121325568895,0.0008867084980010986,0.0006852149963378906,0.6579106056987404,4,1540,0 -10541,0.0009853887092144196,0.000964045524597168,0.0002039782702922821,0.2085104560709483,4,1541,0 -10542,0.0012228690675595564,0.0011605769395828247,0.00038531795144081116,0.32055504760770903,4,1542,0 -10543,0.00094398772308673,0.0007460974156856537,0.000578317791223526,0.6593873475370106,4,1543,0 -10544,0.0009667604039768066,0.0007382109761238098,0.0006242357194423676,0.7019376532923005,4,1544,0 -10545,0.0011360365522432622,0.0010864660143852234,0.0003319196403026581,0.2964985938322808,4,1545,0 -10546,0.0011699445931710037,0.0010637454688549042,0.0004870481789112091,0.42937235133811863,4,1546,0 -10547,0.0007565652678275884,0.0006719902157783508,0.00034759193658828735,0.47735805055891145,4,1547,0 -10548,0.0011375886896390756,0.0009872764348983765,0.0005651488900184631,0.5199024208557905,4,1548,0 -10549,0.0009184473747766606,0.0007467791438102722,0.0005346648395061493,0.6213580038626993,4,1549,0 -10550,0.0008116047056484583,0.00073251873254776,0.0003494545817375183,0.44512687414719376,4,1550,0 -10551,0.0008538518676922995,0.0008203089237213135,0.00023697316646575928,0.28122661322176934,4,1551,0 -10552,0.001266848678433449,0.0010249465703964233,0.0007445737719535828,0.6282588208316917,4,1552,0 -10553,0.0010381746676891108,0.0008815564215183258,0.0005483292043209076,0.5564400106822754,4,1553,0 -10554,0.0009142591400316999,0.0008946135640144348,0.00018851086497306824,0.20767943019476903,4,1554,0 -10555,0.0008701691592330401,0.0007442347705364227,0.0004508979618549347,0.5447131407268793,4,1555,0 -10556,0.0011849624594160218,0.0011069849133491516,0.00042275339365005493,0.3648029526634357,4,1556,0 -10557,0.001083907922787044,0.0008719600737094879,0.0006438493728637695,0.6360312665116074,4,1557,0 -10558,0.0011921299585258636,0.0010785795748233795,0.0005077794194221497,0.4400039149588016,4,1558,0 -10559,0.001253152150920778,0.0011585652828216553,0.00047761574387550354,0.3910198523530187,4,1559,0 -10560,0.0010787353682745688,0.0008188970386981964,0.00070219486951828,0.7088255446305585,4,1560,0 -10561,0.0013058327674411075,0.001119997352361679,0.0006714202463626862,0.5400398402802344,4,1561,0 -10562,0.0011719963780398397,0.000952545553445816,0.0006828121840953827,0.6219314645218283,4,1562,0 -10563,0.0009751535640662933,0.0007514543831348419,0.0006214827299118042,0.6910125824589343,4,1563,0 -10564,0.001165096976499386,0.0011303871870040894,0.0002822689712047577,0.2447056922880161,4,1564,0 -10565,0.001084138851177656,0.0009665489196777344,0.0004910603165626526,0.4700710757375784,4,1565,0 -10566,0.001086386110499791,0.0009068287909030914,0.0005982443690299988,0.5831712408415642,4,1566,0 -10567,0.000984399869208258,0.0009339079260826111,0.0003112219274044037,0.3216727683085418,4,1567,0 -10568,0.0008041837337362506,0.0005926080048084259,0.0005436241626739502,0.7423140726513292,4,1568,0 -10569,0.0007989613068752907,0.0007919259369373322,0.0001057945191860199,0.1328051131581155,4,1569,0 -10570,0.000937971604930557,0.0009228140115737915,0.00016794353723526,0.18002046011831122,4,1570,0 -10571,0.0008752808989157511,0.0007793828845024109,0.00039834529161453247,0.4724908718587578,4,1571,0 -10572,0.0011000148435949806,0.001065179705619812,0.00027463585138320923,0.2523348900362791,4,1572,0 -10573,0.000970997304223013,0.000867549329996109,0.00043611228466033936,0.4658008922229174,4,1573,0 -10574,0.0012371058897514158,0.0011358186602592468,0.0004902519285678864,0.40747178950457374,4,1574,0 -10575,0.0007689794452790637,0.0006027184426784515,0.00047755613923072815,0.6700509006734796,4,1575,0 -10576,0.001201128608904496,0.001085907220840454,0.0005133375525474548,0.4415920564193771,4,1576,0 -10577,0.0009847355648528978,0.0009595192968845367,0.00022142007946968079,0.22679147573953506,4,1577,0 -10578,0.0010804185189148103,0.000995974987745285,0.0004187338054180145,0.3979900796850448,4,1578,0 -10579,0.0009374333128527114,0.0008432753384113312,0.0004094727337360382,0.4520404970799427,4,1579,0 -10580,0.001167910502283256,0.001017194241285324,0.0005738735198974609,0.5136594309654547,4,1580,0 -10581,0.0011189942029197068,0.0009477101266384125,0.0005949735641479492,0.5606111330003543,4,1581,0 -10582,0.0010054216697100425,0.0009644255042076111,0.0002841763198375702,0.2865493008399609,4,1582,0 -10583,0.000940091536776073,0.0008025132119655609,0.0004896372556686401,0.5478346351581312,4,1583,0 -10584,0.0009478664164761726,0.0008245520293712616,0.00046750903129577637,0.5157902994572843,4,1584,0 -10585,0.0011082188074740238,0.0010644346475601196,0.00030842795968055725,0.28203375194141006,4,1585,0 -10586,0.001038073048255627,0.0005622841417789459,0.0008726008236408234,0.9983839729371606,4,1586,0 -10587,0.0009075546384179413,0.0008238591253757477,0.00038067251443862915,0.43283780847021713,4,1587,0 -10588,0.0011439395650241885,0.0010792426764965057,0.00037925317883491516,0.3379275130385548,4,1588,0 -10589,0.0010147409886405421,0.0009997263550758362,0.00017391517758369446,0.17223909205296647,4,1589,0 -10590,0.0010001049528405195,0.0009083859622478485,0.0004183836281299591,0.43161663423105506,4,1590,0 -10591,0.001078762172408028,0.0010103508830070496,0.0003780461847782135,0.3580455743547573,4,1591,0 -10592,0.0008853972818353951,0.0006866306066513062,0.0005589872598648071,0.6832806889409095,4,1592,0 -10593,0.000951553145273947,0.0007087625563144684,0.0006349086761474609,0.7304891645610279,4,1593,0 -10594,0.0008513977119622883,0.0008163340389728546,0.00024181976914405823,0.287991275711685,4,1594,0 -10595,0.0009499511853493315,0.0007812045514583588,0.0005404874682426453,0.6052448059533381,4,1595,0 -10596,0.0009235152642395007,0.0006921440362930298,0.0006114058196544647,0.7235399918906642,4,1596,0 -10597,0.0010129246093913092,0.0008592940866947174,0.0005363114178180695,0.5579736198017704,4,1597,0 -10598,0.0008145913346013188,0.0002762936055660248,-0.0007663033902645111,-1.2247505635044678,4,1598,0 -10599,0.0009539164911760717,0.000850975513458252,0.0004310421645641327,0.46885564964381116,4,1599,0 -10600,0.0007408955315591365,0.00044780224561691284,0.000590253621339798,0.9217753514573238,4,1600,0 -10601,0.001108820630141256,0.0010601691901683807,0.0003248453140258789,0.2973261320934604,4,1601,0 -10602,0.0009020369898338757,0.0006775893270969391,0.0005954355001449585,0.7209531807492976,4,1602,0 -10603,0.0009386874922819631,0.0008795112371444702,0.00032801553606987,0.35697401663999623,4,1603,0 -10604,0.0009621501571986118,0.0008777119219303131,0.00039415061473846436,0.4220769706419544,4,1604,0 -10605,0.0011702957699546567,0.0011518113315105438,0.0002071782946586609,0.1779686891461924,4,1605,0 -10606,0.0012480107290159242,0.0012187585234642029,0.0002686232328414917,0.21693873512494924,4,1606,0 -10607,0.0014224146809447146,0.0012313462793827057,0.000712074339389801,0.524302738865379,4,1607,0 -10608,0.0008535034838748907,0.0008490011096000671,8.75517725944519e-05,0.10276003547262481,4,1608,0 -10609,0.0013693558065999499,0.0012892037630081177,0.0004616156220436096,0.34383938210294657,4,1609,0 -10610,0.0010741471509600415,0.000902228057384491,0.0005829036235809326,0.5736084092337933,4,1610,0 -10611,0.0010777756110717496,0.0009330250322818756,0.0005395039916038513,0.5242590671056446,4,1611,0 -10612,0.0015368547894864715,0.0014044269919395447,0.0006241053342819214,0.41817412173355706,4,1612,0 -10613,0.0011031530780802826,0.0008993744850158691,0.0006388053297996521,0.617590266496333,4,1613,0 -10614,0.0008780856277157828,0.0008691586554050446,0.00012489035725593567,0.1427142302338631,4,1614,0 -10615,0.0009143674073655348,0.000821281224489212,0.0004019513726234436,0.45514775904148397,4,1615,0 -10616,0.0009455076377099574,0.0009021572768688202,0.0002830140292644501,0.3039850911957388,4,1616,0 -10617,0.0008772580314540462,0.0007729679346084595,0.0004148520529270172,0.49257493168670163,4,1617,0 -10618,0.0011327964081082216,0.0009267032146453857,0.0006514973938465118,0.6127546296765252,4,1618,0 -10619,0.0009836740197845945,0.0008995272219181061,0.0003980770707130432,0.4166331700552319,4,1619,0 -10620,0.0011285125578964859,0.0009532421827316284,0.000604044646024704,0.564812391147912,4,1620,0 -10621,0.0007324141858830043,0.0006402395665645599,0.00035570189356803894,0.5071143132474683,4,1621,0 -10622,0.0010304785349185771,0.0008721612393856049,0.0005488358438014984,0.5616729721102757,4,1622,0 -10623,0.0011535185575588791,0.0007698610424995422,0.0008590221405029297,0.8400811575409398,4,1623,0 -10624,0.0011896024350919595,0.0010230690240859985,0.000607028603553772,0.535508648999622,4,1624,0 -10625,0.0012136783948499873,0.0009569674730300903,0.0007464773952960968,0.6624540782544964,4,1625,0 -10626,0.0010332991371115735,0.0009229220449924469,0.00046467408537864685,0.4664288505699101,4,1626,0 -10627,0.0009635985338964152,0.0009057968854904175,0.00032871589064598083,0.3481226319037397,4,1627,0 -10628,0.0009020691581610048,0.0008081570267677307,0.00040076300501823425,0.4603601823674961,4,1628,0 -10629,0.001335357052815155,0.0012159496545791626,0.0005519464612007141,0.4261107836933433,4,1629,0 -10630,0.001054170365700303,0.0009665749967098236,0.0004207231104373932,0.4105389217751134,4,1630,0 -10631,0.0013714710624941828,0.0012246035039424896,0.0006174780428409576,0.46702341781124923,4,1631,0 -10632,0.0011355187293095427,0.0011113211512565613,0.00023316964507102966,0.20681310341675788,4,1632,0 -10633,0.0011126971313922401,0.0008228644728660583,0.0007489919662475586,0.7384357379850292,4,1633,0 -10634,0.0011652178010672103,0.000901687890291214,0.0007380321621894836,0.6859204896441391,4,1634,0 -10635,0.0008857726187674653,0.0008527599275112152,0.00023956969380378723,0.2738750650462768,4,1635,0 -10636,0.0012825625162139532,0.0012473687529563904,0.00029839202761650085,0.23480465803785847,4,1636,0 -10637,0.0010650061523530382,0.0010461658239364624,0.00019943714141845703,0.18837596739258974,4,1637,0 -10638,0.0010536939200445142,0.0009537525475025177,0.0004479140043258667,0.43906053397291284,4,1638,0 -10639,0.0007622818906031821,0.0007452704012393951,0.00016014277935028076,0.21166027341175842,4,1639,0 -10640,0.0011702931449556369,0.0009264126420021057,0.0007150843739509583,0.6573612543119178,4,1640,0 -10641,0.0008531252735282363,0.0007502473890781403,0.00040614232420921326,0.4961736625437013,4,1641,0 -10642,0.0011686606390074962,0.0010116398334503174,0.0005851089954376221,0.5243683209781652,4,1642,0 -10643,0.0008918680611645036,0.0007060728967189789,0.0005448758602142334,0.657244549707311,4,1643,0 -10644,0.0010754024388941162,0.0009681470692157745,0.0004681684076786041,0.45041870749449314,4,1644,0 -10645,0.000842553604902083,0.0007411763072013855,0.0004006922245025635,0.4956105424902415,4,1645,0 -10646,0.0013295632313446533,0.001285802572965622,0.0003383047878742218,0.257276938084039,4,1646,0 -10647,0.0010444973581156286,0.000727824866771698,0.0007491633296012878,0.7998444389005631,4,1647,0 -10648,0.0008848484007598748,0.0008551105856895447,0.00022746995091438293,0.25999138789483445,4,1648,0 -10649,0.0011881026727660366,0.0011638142168521881,0.00023900717496871948,0.2025492373421666,4,1649,0 -10650,0.001243104840168209,0.0009947046637535095,0.0007455684244632721,0.6432050286277403,4,1650,0 -10651,0.0010389214261273014,0.0010375268757343292,5.381181836128235e-05,0.05181903775409749,4,1651,0 -10652,0.0010807233103983162,0.0008788928389549255,0.0006288960576057434,0.6210893733942658,4,1652,0 -10653,0.0010210305860333395,0.0009164437651634216,0.00045014917850494385,0.4565758265166929,4,1653,0 -10654,0.0013939387990514252,0.0013429075479507446,0.00037371739745140076,0.271422079788274,4,1654,0 -10655,0.0009632019221488745,0.0009011067450046539,0.000340241938829422,0.3610326623014995,4,1655,0 -10656,0.001015767220490819,0.000841192901134491,0.000569365918636322,0.595023180016585,4,1656,0 -10657,0.001070607043611981,0.0008884035050868988,0.0005974434316158295,0.5920240567572184,4,1657,0 -10658,0.001130106656880138,0.000995531678199768,0.0005348436534404755,0.49299719893246496,4,1658,0 -10659,0.0011617477999751717,0.0011388100683689117,0.00022971630096435547,0.19904508930968895,4,1659,0 -10660,0.0010630885755826577,0.0009555108845233917,0.0004660002887248993,0.45375727566998025,4,1660,0 -10661,0.0012280511808325319,0.0010022856295108795,0.0007096007466316223,0.6160633207358722,4,1661,0 -10662,0.0013909378619161381,0.0013403631746768951,0.00037166476249694824,0.270490809890959,4,1662,0 -10663,0.0010675475825661128,0.0009269788861274719,0.0005294978618621826,0.5189799079670142,4,1663,0 -10664,0.0009905501982097407,0.0008633285760879517,0.0004856474697589874,0.5124115857772895,4,1664,0 -10665,0.0008668112510499165,0.0007240958511829376,0.0004764944314956665,0.5820165140233894,4,1665,0 -10666,0.0013775566746670703,0.0013090558350086212,0.00042899325489997864,0.3166828164183284,4,1666,0 -10667,0.0012319262841842024,0.0011382326483726501,0.0004712417721748352,0.39252687290965355,4,1667,0 -10668,0.0011860908226981111,0.0011351890861988068,0.00034373998641967773,0.29402743572796425,4,1668,0 -10669,0.000944294097042318,0.000786900520324707,0.0005219951272010803,0.5857070520728295,4,1669,0 -10670,0.0010620596542946117,0.0009419769048690796,0.0004905611276626587,0.4801317355761854,4,1670,0 -10671,0.0011730523345967574,0.001089688390493393,0.0004343166947364807,0.37927268858899565,4,1671,0 -10672,0.0009073834721279378,0.0008714832365512848,0.0002527087926864624,0.2822348281853019,4,1672,0 -10673,0.0010034739649826797,0.0008859448134899139,0.0004712343215942383,0.48884098743679594,4,1673,0 -10674,0.0007528135789017971,0.0005309805274009705,0.0005336552858352661,0.787910527506725,4,1674,0 -10675,0.0008790960130540198,0.0007875002920627594,0.00039070844650268555,0.46055285817992014,4,1675,0 -10676,0.0010673485750622995,0.0009876824915409088,0.00040461868047714233,0.3888101749772026,4,1676,0 -10677,0.0012059487851739505,0.000975385308265686,0.0007091797888278961,0.6286679665658513,4,1677,0 -10678,0.0008362143101265571,0.0006835013628005981,0.0004817470908164978,0.6139551667446492,4,1678,0 -10679,0.0009679724017632376,0.0008863285183906555,0.0003890916705131531,0.41366256914225574,4,1679,0 -10680,0.0009715983242041076,0.0008459724485874176,0.0004778429865837097,0.5141687524549745,4,1680,0 -10681,0.0010218227860808824,0.0008392967283725739,0.0005828402936458588,0.6069839209296877,4,1681,0 -10682,0.00072839185903746,0.0007281564176082611,1.8518418073654175e-05,0.02542644232795109,4,1682,0 -10683,0.0013524330504332317,0.0012082047760486603,0.000607714056968689,0.46603617675976294,4,1683,0 -10684,0.0008072891273012689,0.0007072575390338898,0.00038923323154449463,0.5031054226708785,4,1684,0 -10685,0.0009379699815709062,0.0007780417799949646,0.0005238689482212067,0.5925927287439425,4,1685,0 -10686,0.0011198658216762347,0.0009669065475463867,0.000564970076084137,0.5288004619522627,4,1686,0 -10687,0.0008363027567095231,0.0008230246603488922,0.00014843419194221497,0.1784339273670913,4,1687,0 -10688,0.0008003758327639707,0.0007365904748439789,0.0003131069242954254,0.4019350087168113,4,1688,0 -10689,0.0010437457384245862,0.0008256249129772186,0.0006385520100593567,0.6583200688043991,4,1689,0 -10690,0.0010460560141580953,0.0009673126041889191,0.00039817020297050476,0.3904877197690401,4,1690,0 -10691,0.0007437249454642552,0.0007221214473247528,0.00017795339226722717,0.24161716178273207,4,1691,0 -10692,0.0009569475999682279,0.0009425133466720581,0.00016558170318603516,0.17390637045282142,4,1692,0 -10693,0.0012540351775453826,0.0009536333382129669,0.0008143633604049683,0.7067877326852818,4,1693,0 -10694,0.001167268612248161,0.0010811984539031982,0.00043991580605506897,0.3864215426516436,4,1694,0 -10695,0.001072601569255091,0.0010044686496257782,0.000376187264919281,0.3583442520390498,4,1695,0 -10696,0.0010953239394241414,0.0009706839919090271,0.000507451593875885,0.48170299823057044,4,1696,0 -10697,0.0007564667548448829,0.0007176287472248077,0.00023927167057991028,0.3218284190365945,4,1697,0 -10698,0.0011542216207673216,0.0009671896696090698,0.0006298981606960297,0.5772649883090633,4,1698,0 -10699,0.0009039175379907279,0.0006162114441394806,0.0006613247096538544,0.8206962076085516,4,1699,0 -10700,0.0010639583337612223,0.0009676441550254822,0.0004423484206199646,0.42877529797035413,4,1700,0 -10701,0.001202830533300766,0.0011049993336200714,0.00047516077756881714,0.40610650860106984,4,1701,0 -10702,0.0011363348400237649,0.00102321058511734,0.0004942640662193298,0.4499976305931261,4,1702,0 -10703,0.0009482349141763047,0.0007785707712173462,0.0005412735044956207,0.6075068334254882,4,1703,0 -10704,0.0007211028778703686,0.0005499459803104401,0.0004664212465286255,0.7034027371961421,4,1704,0 -10705,0.0010095112478705369,0.0009204745292663574,0.00041453540325164795,0.4231446764287905,4,1705,0 -10706,0.0010793654250625426,0.0009977929294109344,0.00041162967681884766,0.3912699177485619,4,1706,0 -10707,0.0012088166036821962,0.0011938698589801788,0.00018950551748275757,0.157418805210343,4,1707,0 -10708,0.0009641483434042329,0.0007095709443092346,0.000652756541967392,0.7437183913074015,4,1708,0 -10709,0.0007605915480244379,0.0007196255028247833,0.00024624913930892944,0.3297008717677199,4,1709,0 -10710,0.0008613970692928464,0.0007686056196689606,0.00038890913128852844,0.46843057729115606,4,1710,0 -10711,0.0012382669730375202,0.0010760687291622162,0.0006126835942268372,0.5175945355331895,4,1711,0 -10712,0.0012333696656548054,0.001041896641254425,0.000660039484500885,0.5646869422405512,4,1712,0 -10713,0.0011014657991898508,0.0009601190686225891,0.0005398131906986237,0.5121886432274037,4,1713,0 -10714,0.0011144386675002657,0.0009851381182670593,0.0005210340023040771,0.48649501645426163,4,1714,0 -10715,0.0012187589000320807,0.001062646508216858,0.0005967877805233002,0.5117094536954067,4,1715,0 -10716,0.0010463371462670883,0.0009540058672428131,0.0004297606647014618,0.42325311137769406,4,1716,0 -10717,0.0012105025228650384,0.0010034292936325073,0.0006770864129066467,0.5935933050963479,4,1717,0 -10718,0.0010219322625398604,0.0009360350668430328,0.00041010230779647827,0.4129366538513736,4,1718,0 -10719,0.0009672308861147851,0.0009602382779121399,0.00011609494686126709,0.12031825085437596,4,1719,0 -10720,0.000989641159866756,0.0006516389548778534,0.0007448196411132812,0.8520258183325677,4,1720,0 -10721,0.0010367688212613703,0.0008705481886863708,0.000563059002161026,0.5741130021912149,4,1721,0 -10722,0.0012096557441684825,0.0010236836969852448,0.0006444677710533142,0.5618699232093632,4,1722,0 -10723,0.0009327484181357028,0.0006632767617702484,0.0006558075547218323,0.7797358057086922,4,1723,0 -10724,0.0010472345149922266,0.0009695924818515778,0.00039571523666381836,0.3874912742134121,4,1724,0 -10725,0.001023729458137307,0.0009250566363334656,0.00043851137161254883,0.4426625854816255,4,1725,0 -10726,0.000969893049551289,0.0008822046220302582,0.0004029981791973114,0.428501064456652,4,1726,0 -10727,0.001000151786575845,0.0008778832852840424,0.00047919154167175293,0.4996505269357701,4,1727,0 -10728,0.001099724845628692,0.0008355602622032166,0.0007150061428546906,0.7078058159425561,4,1728,0 -10729,0.0013464274614465267,0.001173418015241623,0.0006602704524993896,0.512533696469999,4,1729,0 -10730,0.0009232821209216541,0.0007032640278339386,0.000598222017288208,0.7048634412556087,4,1730,0 -10731,0.001200863342276972,0.0011156536638736725,0.0004442855715751648,0.37897866604997055,4,1731,0 -10732,0.0009990454721453964,0.0009809844195842743,0.00018910691142082214,0.19043657116653775,4,1732,0 -10733,0.0009438754410581589,0.0008704550564289093,0.0003649778664112091,0.3970289587941341,4,1733,0 -10734,0.001136602205477631,0.0010677985846996307,0.0003894492983818054,0.34972923722795035,4,1734,0 -10735,0.0013072293285942807,0.0012553855776786804,0.00036449357867240906,0.2825746394605537,4,1735,0 -10736,0.0011301008378500452,0.001049719750881195,0.0004185885190963745,0.3794388215477484,4,1736,0 -10737,0.0013671569524086181,0.001233559101819992,0.0005894489586353302,0.44576632070389677,4,1737,0 -10738,0.0005772970384958913,0.0003525093197822571,0.000457175076007843,0.9139526261488398,4,1738,0 -10739,0.0009157121502614306,0.0008460544049739838,0.000350315123796463,0.39256581835973237,4,1739,0 -10740,0.0010549420954126768,0.0008995160460472107,0.0005511566996574402,0.5497242052083431,4,1740,0 -10741,0.0009205634931398674,0.0007582753896713257,0.0005219727754592896,0.6028767529166689,4,1741,0 -10742,0.001100265916807442,0.0009440407156944275,0.0005651302635669708,0.5394108911407304,4,1742,0 -10743,0.0011923174220220033,0.0009878985583782196,0.0006675906479358673,0.5942773755886519,4,1743,0 -10744,0.0012023530357439087,0.0009149760007858276,0.0007800459861755371,0.7059619740612859,4,1744,0 -10745,0.000938919674117907,0.0008386522531509399,0.00042217597365379333,0.4663624140244735,4,1745,0 -10746,0.0011380435565653052,0.0010175257921218872,0.0005096904933452606,0.4643766393635697,4,1746,0 -10747,0.001011209437476296,0.000988297164440155,0.00021404027938842773,0.2132809111049396,4,1747,0 -10748,0.0011306604833487583,0.0010585449635982513,0.0003973357379436493,0.3590864980934113,4,1748,0 -10749,0.0010948369119898008,0.0008835196495056152,0.0006465762853622437,0.6317632359019989,4,1749,0 -10750,0.0009887149820732412,0.0009489059448242188,0.0002777315676212311,0.2847333490489035,4,1750,0 -10751,0.0010951250751494977,0.0008998066186904907,0.0006242170929908752,0.6065011877089247,4,1751,0 -10752,0.001284874895133697,0.0009393133223056793,0.000876694917678833,0.7509304754502194,4,1752,0 -10753,0.0008453973895739368,0.0008159950375556946,0.0002210177481174469,0.2645101808312941,4,1753,0 -10754,0.0012046083329428714,0.0011065676808357239,0.0004760138690471649,0.4062427795828499,4,1754,0 -10755,0.0008972195076056335,0.000792384147644043,0.0004208683967590332,0.488249616247413,4,1755,0 -10756,0.0010200919023866937,0.0007852725684642792,0.0006511025130748749,0.6922596322089257,4,1756,0 -10757,0.0010368370855611405,0.0008539780974388123,0.0005880072712898254,0.603000512201764,4,1757,0 -10758,0.0009722424735506521,0.0007948353886604309,0.0005599036812782288,0.6136910755191345,4,1758,0 -10759,0.0012594686566536459,0.001102350652217865,0.0006091669201850891,0.5048427049550376,4,1759,0 -10760,0.0011152798435822365,0.0010618455708026886,0.00034107640385627747,0.31080100742994965,4,1760,0 -10761,0.001092051050569466,0.0010142065584659576,0.00040492042899131775,0.37985834900149673,4,1761,0 -10762,0.0009905394933296683,0.0008755400776863098,0.00046324729919433594,0.4866548339050529,4,1762,0 -10763,0.0007073433288637658,0.0004881061613559723,0.0005119442939758301,0.809230580147233,4,1763,0 -10764,0.0009254314487200018,0.0007612854242324829,0.0005261823534965515,0.6047793580216151,4,1764,0 -10765,0.0010154902622623852,0.0009212009608745575,0.00042732805013656616,0.434337600927713,4,1765,0 -10766,0.0010188750322767228,0.0009847059845924377,0.000261649489402771,0.2597121201104738,4,1766,0 -10767,0.0009861957622300276,0.0007877945899963379,0.0005932636559009552,0.645462354254883,4,1767,0 -10768,0.0013315231130205378,0.0012600086629390717,0.0004305019974708557,0.32923102764611284,4,1768,0 -10769,0.0008489213635364558,0.0007587671279907227,0.00038070976734161377,0.4650449029913059,4,1769,0 -10770,0.0012287795436152148,0.0010015666484832764,0.0007118731737136841,0.6179107722702086,4,1770,0 -10771,0.0010394298067096079,0.0009696595370769501,0.0003743991255760193,0.36847867550720614,4,1771,0 -10772,0.001187203385505716,0.0011030584573745728,0.0004389919340610504,0.3787612259806534,4,1772,0 -10773,0.0008220713099630022,0.0006330199539661407,0.0005244873464107513,0.6919074245501972,4,1773,0 -10774,0.001244077222823167,0.0010619796812534332,0.0006480179727077484,0.5478843706632353,4,1774,0 -10775,0.0007457967661236774,0.0006320402026176453,0.00039590150117874146,0.5595957855384447,4,1775,0 -10776,0.0012273418218930769,0.0011444613337516785,0.00044336915016174316,0.3696010103443344,4,1776,0 -10777,0.0011413025944687944,0.0010341852903366089,0.0004827342927455902,0.43671806422542825,4,1777,0 -10778,0.00126109076323163,0.0010701864957809448,0.0006671212613582611,0.5574257197904333,4,1778,0 -10779,0.0009801683681772279,0.0008949786424636841,0.00039967894554138184,0.42000563996969265,4,1779,0 -10780,0.0009804025590926747,0.0009534023702144623,0.00022850185632705688,0.23523284111591675,4,1780,0 -10781,0.0009185744526229419,0.000885356217622757,0.00024479255080223083,0.2697513540690688,4,1781,0 -10782,0.0009313297950941567,0.0005610436201095581,0.000743374228477478,0.9242776368170944,4,1782,0 -10783,0.0011489558204785413,0.000972796231508255,0.0006113648414611816,0.561084511064143,4,1783,0 -10784,0.0011862049945231372,0.0011349320411682129,0.00034498050808906555,0.2950911458386135,4,1784,0 -10785,0.0010977202829211728,0.0009396299719810486,0.0005675256252288818,0.5433470048250982,4,1785,0 -10786,0.001026242449165504,0.0008756443858146667,0.0005351826548576355,0.5486048121778727,4,1786,0 -10787,0.001202589918131778,0.0009774789214134216,0.0007005408406257629,0.6218339397123918,4,1787,0 -10788,0.0009807056998792337,0.0008664838969707489,0.00045933574438095093,0.4874480255256376,4,1788,0 -10789,0.001161520095882828,0.0010729581117630005,0.00044484809041023254,0.393028609204617,4,1789,0 -10790,0.0011937937846910795,0.0011676959693431854,0.00024825334548950195,0.20948203929093556,4,1790,0 -10791,0.0011310038698092953,0.0007953569293022156,0.0008041001856327057,0.7908644989205722,4,1791,0 -10792,0.0011046404490580525,0.0008928105235099792,0.0006504766643047333,0.629645494154428,4,1792,0 -10793,0.0012147579456323813,0.0010637789964675903,0.0005865246057510376,0.5038863377599788,4,1793,0 -10794,0.0008211587265527893,0.0007363073527812958,0.0003635287284851074,0.45860997556093125,4,1794,0 -10795,0.0011412735316902198,0.001031443476676941,0.0004884973168373108,0.44230994538707535,4,1795,0 -10796,0.001027928384254162,0.0008619204163551331,0.0005601160228252411,0.576267350889087,4,1796,0 -10797,0.001001247687240508,0.0008799806237220764,0.0004776306450366974,0.4972785327957814,4,1797,0 -10798,0.0012281010670480617,0.0009531974792480469,0.0007743686437606812,0.6822506360338851,4,1798,0 -10799,0.0009985102392086676,0.0008386895060539246,0.0005418695509433746,0.5736221710235281,4,1799,0 -10800,0.001370150666743234,0.0011633560061454773,0.0007238201797008514,0.5565709492042615,4,1800,0 -10801,0.0011756924339252693,0.0009830296039581299,0.0006449073553085327,0.5806099910579163,4,1801,0 -10802,0.0010547315980388254,0.0009672567248344421,0.0004205629229545593,0.4101417051241749,4,1802,0 -10803,0.001037317573045361,0.0009620040655136108,0.0003880411386489868,0.3834059867272394,4,1803,0 -10804,0.0011010612176861473,0.0008498691022396088,0.000700041651725769,0.6890291642986147,4,1804,0 -10805,0.001505303029622496,0.0012764297425746918,0.0007979124784469604,0.558680374048775,4,1805,0 -10806,0.0012161380406786894,0.0011891983449459076,0.0002545565366744995,0.21087489629330636,4,1806,0 -10807,0.0006426460523563214,0.0005135498940944672,0.0003863424062728882,0.6449700183083158,4,1807,0 -10808,0.0009049209295908836,0.0008665584027767181,0.0002606883645057678,0.29221978167565454,4,1808,0 -10809,0.000870191818714289,0.0007661990821361542,0.00041252002120018005,0.4938920781271412,4,1809,0 -10810,0.0012506396012315086,0.0011507458984851837,0.0004897788166999817,0.4023944599253684,4,1810,0 -10811,0.0010613902845038022,0.0010059624910354614,0.0003385096788406372,0.3246007890821289,4,1811,0 -10812,0.001271370143450816,0.0012056604027748108,0.00040344148874282837,0.32291064668364367,4,1812,0 -10813,0.0009747820618052379,0.0009347870945930481,0.00027635693550109863,0.2874485460958771,4,1813,0 -10814,0.0011093398185642125,0.0009152479469776154,0.0006268620491027832,0.6005261780256907,4,1814,0 -10815,0.0008640157605503703,0.0008467845618724823,0.00017169490456581116,0.2000489751665964,4,1815,0 -10816,0.0009523362324626767,0.0008492320775985718,0.00043098628520965576,0.46963053330920274,4,1816,0 -10817,0.0010961586597289393,0.0009464994072914124,0.0005529038608074188,0.5286884674072692,4,1817,0 -10818,0.001128605003792297,0.0011100545525550842,0.00020378455519676208,0.1815590547636556,4,1818,0 -10819,0.0013636903250480925,0.0013529658317565918,0.00017068907618522644,0.12549618954851552,4,1819,0 -10820,0.001273169034662922,0.0011694803833961487,0.0005032643675804138,0.4063778816597939,4,1820,0 -10821,0.0010640715029319645,0.000978369265794754,0.00041837990283966064,0.40409604401983307,4,1821,0 -10822,0.000927640912013415,0.0007395073771476746,0.0005600415170192719,0.6481675729189211,4,1822,0 -10823,0.0010595018996393116,0.0009080357849597931,0.0005459077656269073,0.5412986776451747,4,1823,0 -10824,0.0010625005869069647,0.0010077767074108124,0.0003365911543369293,0.322344840750561,4,1824,0 -10825,0.0009352256119341203,0.0008447766304016113,0.0004012472927570343,0.44342746783882003,4,1825,0 -10826,0.0010919290251117603,0.0010904185473918915,5.741417407989502e-05,0.052604758466418426,4,1826,0 -10827,0.0011985930829776755,0.0009991712868213654,0.0006620287895202637,0.5851665582816313,4,1827,0 -10828,0.0010619956831752226,0.0008199512958526611,0.0006749182939529419,0.6886803683005436,4,1828,0 -10829,0.0011128288063802958,0.0010248273611068726,0.00043372437357902527,0.40035947177455367,4,1829,0 -10830,0.000977878469132616,0.0008652918040752411,0.00045553967356681824,0.4845891770637748,4,1830,0 -10831,0.0011743250435285457,0.0010322332382202148,0.0005599409341812134,0.49703269396695704,4,1831,0 -10832,0.00101993157376824,0.0008603818714618683,0.0005477257072925568,0.5669029001252062,4,1832,0 -10833,0.0010203093514493393,0.0009162873029708862,0.00044883042573928833,0.4554833254212395,4,1833,0 -10834,0.0009133790808603232,0.000791504979133606,0.00045583024621009827,0.5225127897778439,4,1834,0 -10835,0.0009245302417823004,0.0008665323257446289,0.0003223009407520294,0.3560881829476313,4,1835,0 -10836,0.0013519174060232207,0.001153547316789627,0.0007049888372421265,0.5485767033051556,4,1836,0 -10837,0.0011700470313430464,0.001080244779586792,0.00044953450560569763,0.39434341705910764,4,1837,0 -10838,0.0011478841928203659,0.00112045556306839,0.0002494342625141144,0.2190466505099498,4,1838,0 -10839,0.0009537313494264785,0.0009442567825317383,0.00013409927487373352,0.14107233006305073,4,1839,0 -10840,0.000980769809875721,0.0007651112973690033,0.0006136074662208557,0.6759498840116881,4,1840,0 -10841,0.0008384795713845599,0.0007858984172344208,0.0002922527492046356,0.35602452872364815,4,1841,0 -10842,0.0008749566778166426,0.0006890296936035156,0.0005392469465732574,0.6640518482612136,4,1842,0 -10843,0.0010866111705959657,0.0010103695094585419,0.0003998465836048126,0.3768311050583706,4,1843,0 -10844,0.0008922946846257502,0.0007827132940292358,0.0004284270107746124,0.5008151244527816,4,1844,0 -10845,0.00126086393372577,0.0009797550737857819,0.0007936358451843262,0.680829928025621,4,1845,0 -10846,0.0008200837732339488,0.0007247477769851685,0.000383768230676651,0.4869835399025915,4,1846,0 -10847,0.0012061509974941838,0.0010937713086605072,0.0005083940923213959,0.43510012496175154,4,1847,0 -10848,0.0007980349471849658,0.00030824169516563416,0.0007361024618148804,1.1742327724219017,4,1848,0 -10849,0.0010340586745467403,0.000851999968290329,0.0005859807133674622,0.6024712191176644,4,1849,0 -10850,0.0012613347217789916,0.0011275485157966614,0.0005653314292430878,0.4647518176226557,4,1850,0 -10851,0.0010435010171971574,0.0009764134883880615,0.0003681182861328125,0.3605322675926296,4,1851,0 -10852,0.0013030646469368327,0.0012827105820178986,-0.00022941455245018005,-0.176980139200456,4,1852,0 -10853,0.0006808703160825953,0.0005385726690292358,0.00041656196117401123,0.6583443739318285,4,1853,0 -10854,0.0009864195998753997,0.0008372664451599121,0.0005215443670749664,0.5570973274985699,4,1854,0 -10855,0.0008628728551984389,0.0008548460900783539,0.00011742115020751953,0.13650517356957032,4,1855,0 -10856,0.0011243682885174158,0.00109969824552536,0.00023423880338668823,0.209866418339119,4,1856,0 -10857,0.00128844010583373,0.0011970363557338715,0.00047663599252700806,0.37893646827462846,4,1857,0 -10858,0.0011936345730541329,0.0010802336037158966,0.000507798045873642,0.4394278007844865,4,1858,0 -10859,0.0010291375419128337,0.0008413679897785187,0.0005926415324211121,0.6136585220861981,4,1859,0 -10860,0.0010703883278031978,0.0009341277182102203,0.0005226247012615204,0.510091499384577,4,1860,0 -10861,0.0011426828248154077,0.0008832924067974091,0.0007249265909194946,0.6872418249259801,4,1861,0 -10862,0.0013096062858187392,0.0011809803545475006,0.0005659982562065125,0.44691948078053656,4,1862,0 -10863,0.0008987209355193277,0.00080818310379982,0.00039311498403549194,0.45272326568861887,4,1863,0 -10864,0.00125000747604595,0.0011824890971183777,0.00040526315569877625,0.330175004945279,4,1864,0 -10865,0.0009929684356054494,0.0009570010006427765,0.00026483088731765747,0.2699738660790652,4,1865,0 -10866,0.0011008804146370856,0.0008877664804458618,0.0006510056555271149,0.6327319163845558,4,1866,0 -10867,0.0014418028583991697,0.0012943185865879059,0.0006352439522743225,0.45625582031945533,4,1867,0 -10868,0.0009329681562218338,0.0007198229432106018,0.0005935356020927429,0.6895368543828317,4,1868,0 -10869,0.0009672601934834582,0.0008761771023273468,0.00040976330637931824,0.43745220988320377,4,1869,0 -10870,0.0009305126309886049,0.0006631240248680115,0.0006527788937091827,0.7775367034877506,4,1870,0 -10871,0.0012824134066031303,0.0011497437953948975,0.000568043440580368,0.4588850411928245,4,1871,0 -10872,0.0008334821038750573,0.0006504729390144348,0.0005211308598518372,0.6754459490521139,4,1872,0 -10873,0.000931022922775599,0.000684395432472229,0.0006311945617198944,0.7449813924542469,4,1873,0 -10874,0.0011041070528797063,0.0009760335087776184,0.0005161501467227936,0.4864401904559405,4,1874,0 -10875,0.0010572629243232995,0.0006454959511756897,0.0008373409509658813,0.9140604790145466,4,1875,0 -10876,0.0009750769763364718,0.0009317360818386078,0.00028747692704200745,0.29927222019008776,4,1876,0 -10877,0.001107017205795928,0.0010809749364852905,0.00023870542645454407,0.21733631997567293,4,1877,0 -10878,0.001195524754041467,0.001071430742740631,0.0005303919315338135,0.4596648876802866,4,1878,0 -10879,0.0007663124626182482,0.0007248483598232269,0.00024865567684173584,0.33046553023356545,4,1879,0 -10880,0.0011787138538748123,0.0010367967188358307,0.0005607306957244873,0.49577559926015835,4,1880,0 -10881,0.0011716385364049684,0.0010391809046268463,0.000541146844625473,0.48010447102942305,4,1881,0 -10882,0.001062726483279513,0.0009767673909664154,0.00041870400309562683,0.4049691137732864,4,1882,0 -10883,0.0011105544261571557,0.0009658373892307281,0.0005481690168380737,0.5162236532964041,4,1883,0 -10884,0.001326364170259076,0.0012191534042358398,0.0005224049091339111,0.4048298289649053,4,1884,0 -10885,0.0010583217871777562,0.000994209200143814,0.0003627575933933258,0.34986056200321763,4,1885,0 -10886,0.0010279352947504504,0.0009952522814273834,0.00025714561343193054,0.2528428132697962,4,1886,0 -10887,0.0011793352308777313,0.0009708702564239502,0.0006695091724395752,0.603709879525131,4,1887,0 -10888,0.001037980387441538,0.0009535700082778931,0.0004100091755390167,0.4060751106070445,4,1888,0 -10889,0.0009686632777099867,0.0008721351623535156,0.0004215314984321594,0.4502251345851536,4,1889,0 -10890,0.0008967614873150999,0.0007723309099674225,0.00045572593808174133,0.5330828047148296,4,1890,0 -10891,0.0009070420927275421,0.0009057112038135529,4.911795258522034e-05,0.05417829054082461,4,1891,0 -10892,0.001048433224218043,0.0009276680648326874,0.0004885122179985046,0.4847023319947798,4,1892,0 -10893,0.0009237773287159185,0.0008021630346775055,0.0004581473767757416,0.5189285310243728,4,1893,0 -10894,0.0011220955461839703,0.0010072290897369385,0.0004945583641529083,0.45642882566544335,4,1894,0 -10895,0.0007706277732398622,0.0005336180329322815,0.0005559846758842468,0.8059226187874594,4,1895,0 -10896,0.0012642830731867526,0.001219477504491806,0.00033359602093696594,0.2670237233294767,4,1896,0 -10897,0.0007507300182056851,0.0006996840238571167,0.00027209892868995667,0.37089077494425327,4,1897,0 -10898,0.0010480841151055114,0.001018669456243515,0.00024656206369400024,0.2374760495300191,4,1898,0 -10899,0.0011370346234499129,0.001058332622051239,0.00041566789150238037,0.37424714258563446,4,1899,0 -10900,0.001157626946154511,0.0011562630534172058,5.6177377700805664e-05,0.04854711670414915,4,1900,0 -10901,0.0009665812413172971,0.0008705444633960724,0.0004200376570224762,0.449549808810839,4,1901,0 -10902,0.000955321617791046,0.0008843205869197845,0.0003614090383052826,0.38797141627279125,4,1902,0 -10903,0.0009863848643393179,0.0009677931666374207,0.0001906082034111023,0.1944624869552972,4,1903,0 -10904,0.0009481173621694542,0.0009200684726238251,0.0002289116382598877,0.24384750225824792,4,1904,0 -10905,0.0010668913029097567,0.0010069310665130615,0.00035262852907180786,0.33685410509603164,4,1905,0 -10906,0.0012782868065127522,0.001065775752067566,0.0007057897746562958,0.5849254887342934,4,1906,0 -10907,0.001399698980752457,0.0013500377535820007,0.00036953389644622803,0.26717689282857976,4,1907,0 -10908,0.0011422880165560677,0.0009459592401981354,0.0006402991712093353,0.5950388360155912,4,1908,0 -10909,0.0011687225695228133,0.0010056309401988983,0.0005954988300800323,0.5346380992673067,4,1909,0 -10910,0.0009441196100181074,0.000706057995557785,0.0006267726421356201,0.7259817390207373,4,1910,0 -10911,0.0010813889522215973,0.0008260942995548248,0.0006978325545787811,0.7014307699626622,4,1911,0 -10912,0.0011234992821657235,0.0010623447597026825,0.0003656148910522461,0.33146128781461487,4,1912,0 -10913,0.0010244581604017572,0.0009478367865085602,0.00038874149322509766,0.3892132067993752,4,1913,0 -10914,0.0012878551090728192,0.0012517981231212616,0.00030260905623435974,0.23718909486827325,4,1914,0 -10915,0.000967641866590212,0.0008127577602863312,0.0005251243710517883,0.5736300542565522,4,1915,0 -10916,0.0008232031655154858,0.000702541321516037,0.0004290677607059479,0.5482767442023362,4,1916,0 -10917,0.0006698879173532417,0.0005747601389884949,0.0003440938889980316,0.539443849884087,4,1917,0 -10918,0.001289802726828042,0.0009577423334121704,0.0008638985455036163,0.7339275890342682,4,1918,0 -10919,0.0011149465155725392,0.0009451955556869507,0.0005913637578487396,0.559068235697915,4,1919,0 -10920,0.0011275768690023208,0.0009138695895671844,0.0006605088710784912,0.6258387277254295,4,1920,0 -10921,0.0011189648775203106,0.0008567608892917633,0.000719752162694931,0.6987097891752816,4,1921,0 -10922,0.0009896611444819528,0.0009297765791416168,0.00033903494477272034,0.34965829253947633,4,1922,0 -10923,0.0009655467432205545,0.0009320452809333801,0.00025213509798049927,0.26419464776714524,4,1923,0 -10924,0.0008704099682493771,0.0007832646369934082,0.00037961825728416443,0.4513017301647985,4,1924,0 -10925,0.0008390827147517238,0.0006420239806175232,0.0005402453243732452,0.6995223493597235,4,1925,0 -10926,0.001107998976011806,0.001061767339706421,0.00031672045588493347,0.28989233182143737,4,1926,0 -10927,0.0011990681256381934,0.0010539703071117401,0.000571761280298233,0.49705391375135327,4,1927,0 -10928,0.0009462837564356675,0.0008223168551921844,0.0004682391881942749,0.5176265403893228,4,1928,0 -10929,0.0009643712550395162,0.0009003356099128723,0.0003455542027950287,0.36646855409881296,4,1929,0 -10930,0.0009901948341326666,0.0008650794625282288,0.00048179179430007935,0.5081509001783543,4,1930,0 -10931,0.0007767317457890434,0.0006124302744865417,0.0004777461290359497,0.6624775742708445,4,1931,0 -10932,0.0008465713657950819,0.0006872713565826416,0.0004943087697029114,0.6235182405887393,4,1932,0 -10933,0.0008846202981575991,0.0006659328937530518,0.0005823113024234772,0.7185067379862548,4,1933,0 -10934,0.0011240252901548267,0.001120835542678833,-8.461996912956238e-05,-0.07535426951956242,4,1934,0 -10935,0.0010461853292763606,0.0009639114141464233,0.0004066675901412964,0.3992361484334224,4,1935,0 -10936,0.0009009229698666809,0.0007940754294395447,0.0004255659878253937,0.49197397727083414,4,1936,0 -10937,0.0009678135855628145,0.0008919201791286469,0.0003756880760192871,0.39865837253841924,4,1937,0 -10938,0.0008149119475604108,0.0007780902087688446,0.00024219229817390442,0.30175940637289955,4,1938,0 -10939,0.0011788953148513086,0.0009721554815769196,0.0006668642163276672,0.6012439720148834,4,1939,0 -10940,0.0010607359145246768,0.000976908951997757,0.00041329115629196167,0.40022635092504266,4,1940,0 -10941,0.0009803241141859106,0.0009142160415649414,0.0003538988530635834,0.36934200278537904,4,1941,0 -10942,0.001265506204879152,0.0011467300355434418,0.0005352720618247986,0.4367212352482471,4,1942,0 -10943,0.001023617308054822,0.0010127350687980652,0.00014886260032653809,0.14594554046668223,4,1943,0 -10944,0.0009018267827708727,0.0007471293210983276,0.0005050636827945709,0.5944402533506421,4,1944,0 -10945,0.0011636282337444811,0.0011217817664146423,0.00030925124883651733,0.26899700860162273,4,1945,0 -10946,0.0011499900274438498,0.0009057633578777313,0.0007085688412189484,0.6638479571507928,4,1946,0 -10947,0.0008573854389526666,0.0007413402199745178,0.00043072551488876343,0.5263386529007839,4,1947,0 -10948,0.001093251103637053,0.0009498149156570435,0.000541340559720993,0.5180256620373025,4,1948,0 -10949,0.001160075894681537,0.000906921923160553,0.000723373144865036,0.6732840478007429,4,1949,0 -10950,0.0010517956903701492,0.0009979940950870514,0.00033208727836608887,0.32122974152757133,4,1950,0 -10951,0.0011700252505550729,0.0010134503245353699,0.0005847029387950897,0.5232931722712634,4,1951,0 -10952,0.0008489398415804679,0.0007928647100925446,0.00030342116951942444,0.3654952355890103,4,1952,0 -10953,0.001036411177231844,0.0010245516896247864,0.00015633925795555115,0.1514247684936846,4,1953,0 -10954,0.001067182850852213,0.0009637139737606049,0.00045840442180633545,0.44399028141573904,4,1954,0 -10955,0.0009376401619968474,0.0008029676973819733,0.0004841610789299011,0.5425964864262094,4,1955,0 -10956,0.0011675119193341988,0.0009461753070354462,0.0006839856505393982,0.6259272240611712,4,1956,0 -10957,0.0013178586939830807,0.0011910796165466309,0.000563986599445343,0.44223089289553885,4,1957,0 -10958,0.0013111215349024224,0.0010899156332015991,0.0007287822663784027,0.5893808771602785,4,1958,0 -10959,0.0011416200566238125,0.0010587498545646667,0.0004270188510417938,0.383368300941988,4,1959,0 -10960,0.0006762516416560573,0.0006186962127685547,0.0002730041742324829,0.41555969175340496,4,1960,0 -10961,0.0009858588158907322,0.0006923340260982513,0.0007018484175205231,0.7922224092264218,4,1961,0 -10962,0.001196993799088707,0.0010647401213645935,0.000546921044588089,0.4745207247341732,4,1962,0 -10963,0.001124498017730842,0.0010531283915042877,0.00039422884583473206,0.35819255070880646,4,1963,0 -10964,0.0008277957626112001,0.0006131567060947418,0.0005561336874961853,0.7366695682580502,4,1964,0 -10965,0.0009990634955262694,0.000956706702709198,0.00028781965374946594,0.29223110133084995,4,1965,0 -10966,0.0009717714792047231,0.0009571388363838196,0.0001680031418800354,0.1737563865271045,4,1966,0 -10967,0.0011317008075726078,0.0009926781058311462,0.0005434490740299225,0.5008891000353327,4,1967,0 -10968,0.0009881526055578768,0.0008924566209316254,0.0004242248833179474,0.4437298708439098,4,1968,0 -10969,0.0010551167731417113,0.0009895972907543182,0.00036601722240448,0.35426101035877655,4,1969,0 -10970,0.0013306734766936105,0.0012090392410755157,0.0005558021366596222,0.43089574745753534,4,1970,0 -10971,0.0010933454600552913,0.001051243394613266,0.00030048564076423645,0.2784143240026267,4,1971,0 -10972,0.0010371889393542893,0.0010027438402175903,0.00026507675647735596,0.2584396096517917,4,1972,0 -10973,0.000666212125544852,0.000499974936246872,0.00044029951095581055,0.7220172050361835,4,1973,0 -10974,0.0013271429895570985,0.0011932887136936188,0.0005808360874652863,0.45299343413905635,4,1974,0 -10975,0.0011691245997248114,0.0009215585887432098,0.0007194317877292633,0.662841807478653,4,1975,0 -10976,0.0009703599622176042,0.0008802041411399841,0.00040845945477485657,0.4344769596685238,4,1976,0 -10977,0.0013365038251606182,0.0010851845145225525,0.0007801391184329987,0.6232982105947588,4,1977,0 -10978,0.0010202841657823757,0.0009414069354534149,0.00039336085319519043,0.3957935224350972,4,1978,0 -10979,0.0008396235215441237,0.000810522586107254,0.00021913647651672363,0.26405147094007003,4,1979,0 -10980,0.0009253259319503613,0.0008828230202198029,0.0002772212028503418,0.3042660657167417,4,1980,0 -10981,0.0011206375318690539,0.0008987300097942352,0.0006694123148918152,0.640192134549072,4,1981,0 -10982,0.0011586743375150167,0.001031443476676941,0.0005278736352920532,0.4730282832020871,4,1982,0 -10983,0.0009514688460964549,0.0007160380482673645,0.0006265640258789062,0.7188543087989971,4,1983,0 -10984,0.0010778249774577781,0.0009939707815647125,0.0004168078303337097,0.39706350830639203,4,1984,0 -10985,0.0011257947449658963,0.0008653923869132996,0.0007200762629508972,0.6939985342160759,4,1985,0 -10986,0.0010271353771739594,0.0009368956089019775,0.00042099133133888245,0.42231084706330857,4,1986,0 -10987,0.0011692443236037842,0.0010659247636795044,0.00048055872321128845,0.42355007025018143,4,1987,0 -10988,0.0007790826587149437,0.000624392181634903,0.00046594440937042236,0.6410882925311168,4,1988,0 -10989,0.0009148789762578678,0.0007995888590812683,0.00044459104537963867,0.5074568249687289,4,1989,0 -10990,0.0010853763003746473,0.0008980780839920044,0.0006095059216022491,0.5962721726830955,4,1990,0 -10991,0.0011096740394372095,0.0009384043514728546,0.0005922615528106689,0.5630001540815467,4,1991,0 -10992,0.001111329353850537,0.0010070614516735077,0.0004699788987636566,0.43664093035341445,4,1992,0 -10993,0.0009761822500009603,0.000952649861574173,0.00021304935216903687,0.2200183358629271,4,1993,0 -10994,0.001029758225667838,0.0009592920541763306,0.000374380499124527,0.37208822610312775,4,1994,0 -10995,0.0008743063785066347,0.000743914395570755,0.0004593506455421448,0.5531718174361271,4,1995,0 -10996,0.00155831654461943,0.001255873590707779,0.000922568142414093,0.6335737967574184,4,1996,0 -10997,0.0011374055312527401,0.0009989701211452484,0.0005438290536403656,0.49852568427280664,4,1997,0 -10998,0.0010792056416609036,0.0008818693459033966,0.000622086226940155,0.6143527435035704,4,1998,0 -10999,0.0010677455869823745,0.0009931214153766632,0.0003921613097190857,0.3760826506361842,4,1999,0 -11000,0.0012963426417328247,0.0011620372533798218,0.0005746074020862579,0.45922409308011425,4,2000,0 -11001,0.001265931200094497,0.0011682882905006409,0.0004875287413597107,0.3953321288214983,4,2001,0 -11002,0.0011832875086174978,0.0009254254400730133,0.0007373988628387451,0.6727998090579561,4,2002,0 -11003,0.0008740809211412122,0.0007503554224967957,0.0004483126103878021,0.5385549258057832,4,2003,0 -11004,0.0009699065622968873,0.0008125007152557373,0.0005296804010868073,0.5777193982153531,4,2004,0 -11005,0.0009973611192486422,0.000890437513589859,0.00044927746057510376,0.467287437110082,4,2005,0 -11006,0.0011971435814047634,0.0011471770703792572,0.00034225359559059143,0.2899369966823254,4,2006,0 -11007,0.0010607915829184637,0.0009324215352535248,0.0005058348178863525,0.4970636212641233,4,2007,0 -11008,0.001198551439335738,0.001130431890487671,0.00039830803871154785,0.33876710958322337,4,2008,0 -11009,0.0010008694309300693,0.0009585991501808167,0.00028779730200767517,0.29166499523172557,4,2009,0 -11010,0.0008266307124230365,0.000568147748708725,0.0006004385650157928,0.8130235096465679,4,2010,0 -11011,0.000895347609696067,0.0007579326629638672,0.0004766397178173065,0.5613760777248684,4,2011,0 -11012,0.000764628883417002,0.0006874911487102509,0.0003346838057041168,0.453047376331323,4,2012,0 -11013,0.0008649038142504955,0.0007965639233589172,0.0003369636833667755,0.40019366612293583,4,2013,0 -11014,0.0011085815291205347,0.0009067356586456299,0.0006377957761287689,0.6130026613810258,4,2014,0 -11015,0.0011357824076408164,0.0009593181312084198,0.0006080381572246552,0.5649189952050719,4,2015,0 -11016,0.0010866596900245779,0.0009075738489627838,0.0005976110696792603,0.5823072058087558,4,2016,0 -11017,0.0005066071605300205,0.0004945769906044006,0.00010974705219268799,0.21836267156701275,4,2017,0 -11018,0.000986150486824277,0.0006096698343753815,0.0007751099765300751,0.9043049350298614,4,2018,0 -11019,0.0011897758555788666,0.0011440999805927277,0.000326499342918396,0.2779874153206676,4,2019,0 -11020,0.0009154012672496423,0.000893808901309967,0.0001976490020751953,0.21762899095456628,4,2020,0 -11021,0.0008861679394671555,0.0006666071712970734,0.000583890825510025,0.7193476595309273,4,2021,0 -11022,0.0010386187201902502,0.001017838716506958,0.00020672008395195007,0.20037175200628304,4,2022,0 -11023,0.0009669185230220852,0.0007610097527503967,0.0005964860320091248,0.6647899023094505,4,2023,0 -11024,0.0011183217281597094,0.0010547973215579987,0.00037154555320739746,0.3386721278673935,4,2024,0 -11025,0.0006584143886915634,0.0001823529601097107,0.0006326586008071899,1.2901697820324427,4,2025,0 -11026,0.0010943035970659128,0.0009114556014537811,0.0006055980920791626,0.5864522742822252,4,2026,0 -11027,0.0008258210574170789,0.0007645450532436371,0.0003121718764305115,0.3876501239484811,4,2027,0 -11028,0.0010895210336042186,0.0010449141263961792,0.0003085620701313019,0.28713836656042296,4,2028,0 -11029,0.0011691294554019602,0.0010248608887195587,0.0005626045167446136,0.502042058914273,4,2029,0 -11030,0.0010462948506250555,0.0010246485471725464,0.00021172687411308289,0.20376586111735334,4,2030,0 -11031,0.0009960094695866028,0.0008714385330677032,0.0004823170602321625,0.5055051494479543,4,2031,0 -11032,0.001121535462120016,0.0009734556078910828,0.0005569793283939362,0.5197027175817281,4,2032,0 -11033,0.0011260843806319928,0.0010516941547393799,0.0004024989902973175,0.3655171763126979,4,2033,0 -11034,0.0007330756943497201,0.0006389021873474121,0.0003594495356082916,0.5124691842663718,4,2034,0 -11035,0.00101369758329207,0.0008250847458839417,0.0005889125168323517,0.619901314282873,4,2035,0 -11036,0.0011640274423425129,0.0009784102439880371,0.0006306134164333344,0.5725192953150807,4,2036,0 -11037,0.0008366297298552094,0.0007462389767169952,0.00037825480103492737,0.4691377155583676,4,2037,0 -11038,0.0010707133992455297,0.0009385831654071808,0.0005152560770511627,0.5020537802883811,4,2038,0 -11039,0.001151770119588936,0.0010730251669883728,0.0004185587167739868,0.3719198965498739,4,2039,0 -11040,0.0009088764123999601,0.0007434338331222534,0.0005228407680988312,0.6129226759909666,4,2040,0 -11041,0.0006661446961320063,0.0006091147661209106,0.0002696812152862549,0.4168025242073134,4,2041,0 -11042,0.0011512487923575297,0.001106955111026764,0.0003162659704685211,0.27829388075480116,4,2042,0 -11043,0.0009778115608946787,0.0008312426507472992,0.0005149282515048981,0.5546113791062647,4,2043,0 -11044,0.0010449471857792898,0.0009740889072418213,0.0003782398998737335,0.37038070909426346,4,2044,0 -11045,0.0013370109607565189,0.0012780390679836273,0.00039270147681236267,0.2981119669671791,4,2045,0 -11046,0.001361451683954121,0.0010405294597148895,0.0008779801428318024,0.7008731642559776,4,2046,0 -11047,0.0011620527583766714,0.001089043915271759,0.00040540099143981934,0.35636107796935257,4,2047,0 -11048,0.0012494765953658437,0.0010652169585227966,0.0006530731916427612,0.5499884834296551,4,2048,0 -11049,0.0008561465069495498,0.0008272714912891388,0.00022047385573387146,0.26045355915931623,4,2049,0 -11050,0.0012555136188470326,0.0011015869677066803,0.0006023459136486053,0.5003817917513947,4,2050,0 -11051,0.000326864852011973,2.2660940885543823e-05,-0.0003260783851146698,-1.5014125034030419,4,2051,0 -11052,0.000991419153491937,0.0007976815104484558,0.0005887411534786224,0.635819132540792,4,2052,0 -11053,0.0011087878097673523,0.001108504831790924,-2.504885196685791e-05,-0.02259312638676808,4,2053,0 -11054,0.0010314357739596822,0.0009877271950244904,0.0002970770001411438,0.29216148064609665,4,2054,0 -11055,0.0013259981204813464,0.0011299289762973785,0.0006939247250556946,0.5507454001180765,4,2055,0 -11056,0.0009738192439022657,0.0009092502295970917,0.0003486946225166321,0.36619909789483046,4,2056,0 -11057,0.000862651767394911,0.0006033405661582947,0.000616561621427536,0.7962355385584564,4,2057,0 -11058,0.001366353320329903,0.001247204840183258,0.0005580335855484009,0.4207124692154858,4,2058,0 -11059,0.0010559732595819106,0.0008719116449356079,0.0005956925451755524,0.599363549457267,4,2059,0 -11060,0.0010707016629216862,0.0007467903196811676,0.0007672719657421112,0.7989249496072058,4,2060,0 -11061,0.0008182033889573512,0.0005594231188297272,0.0005970783531665802,0.8179462727159491,4,2061,0 -11062,0.001169549627512899,0.001084655523300171,0.0004374571144580841,0.38336028777935355,4,2062,0 -11063,0.0010107800753071812,0.0008512772619724274,0.0005449801683425903,0.5694487843706796,4,2063,0 -11064,0.001087369162351268,0.0007538348436355591,0.0007836483418941498,0.8047868387391781,4,2064,0 -11065,0.0011365483957867836,0.0008948929607868195,0.0007006488740444183,0.6642525484326508,4,2065,0 -11066,0.0010074841470808665,0.0009235739707946777,0.0004025362432003021,0.41102152566565847,4,2066,0 -11067,0.0009960727392656237,0.0009662322700023651,0.00024198368191719055,0.24539319775848906,4,2067,0 -11068,0.0007309057167848107,0.0005838274955749512,0.0004397369921207428,0.6455439131602456,4,2068,0 -11069,0.0015376663918360608,0.001499611884355545,0.00033997371792793274,0.22293935954321764,4,2069,0 -11070,0.0008101964377663596,0.0004856772720813751,0.0006484873592853546,0.9279748037450545,4,2070,0 -11071,0.0012024356208185146,0.001063607633113861,0.0005608834326267242,0.4852800586429216,4,2071,0 -11072,0.0012784636240464242,0.0012063011527061462,0.00042344629764556885,0.3375909412851876,4,2072,0 -11073,0.0008066089781775365,0.000784609466791153,0.00018709897994995117,0.234089559402086,4,2073,0 -11074,0.0010129148994313434,0.0007852055132389069,0.0006398819386959076,0.6837742545642284,4,2074,0 -11075,0.0008272472907485774,0.0005800798535346985,0.0005897842347621918,0.7936932796770031,4,2075,0 -11076,0.0009859224565968569,0.0008175000548362732,0.000551123172044754,0.5931701289699718,4,2076,0 -11077,0.0009464811954883971,0.0009092465043067932,0.0002628639340400696,0.2814278217129268,4,2077,0 -11078,0.0011368275964765084,0.0011300891637802124,0.00012359395623207092,0.10893360966925665,4,2078,0 -11079,0.0009913960687796379,0.0009547136723995209,0.0002671852707862854,0.27287800454790606,4,2079,0 -11080,0.0011875777811354014,0.0010250844061374664,0.0005996190011501312,0.5292768211625124,4,2080,0 -11081,0.0007267651943198821,0.0005658194422721863,0.0004561096429824829,0.6784521775804289,4,2081,0 -11082,0.00106198015572071,0.0009132213890552521,0.0005420595407485962,0.5356771086368463,4,2082,0 -11083,0.0011089112156388715,0.00106135755777359,0.0003212541341781616,0.29391578903510235,4,2083,0 -11084,0.0012049838159841632,0.0009385906159877777,0.0007556676864624023,0.6778483891040314,4,2084,0 -11085,0.0012355926085587281,0.0011524520814418793,0.00044558197259902954,0.36893476237541745,4,2085,0 -11086,0.0010617842758097382,0.0009895265102386475,0.00038499757647514343,0.37105079000493457,4,2086,0 -11087,0.0014224399083207079,0.0012068413197994232,0.0007529072463512421,0.5577834268208148,4,2087,0 -11088,0.0009293577803647428,0.0008760243654251099,0.0003103017807006836,0.34042570603863204,4,2088,0 -11089,0.0008040718431883356,0.0006636194884777069,0.0004540272057056427,0.6000212339727289,4,2089,0 -11090,0.000850608969822714,0.0007012076675891876,0.0004815012216567993,0.6017263817409525,4,2090,0 -11091,0.00112403050656726,0.00102340430021286,0.000464852899312973,0.42635951449587856,4,2091,0 -11092,0.0012512390527170862,0.0010633133351802826,0.0006595179438591003,0.5551748289923221,4,2092,0 -11093,0.0009163512106505507,0.0008043907582759857,0.0004389248788356781,0.4995060268357597,4,2093,0 -11094,0.0011687197744347526,0.0010411366820335388,0.0005309805274009705,0.4716161925600237,4,2094,0 -11095,0.0013671472299781992,0.001264777034521103,0.0005190670490264893,0.3894413476882884,4,2095,0 -11096,0.0011908281765404666,0.0009596981108188629,0.0007050186395645142,0.6335885551760788,4,2096,0 -11097,0.0011760339527497631,0.0008717849850654602,0.0007893331348896027,0.7358025115064003,4,2097,0 -11098,0.0009036354853295554,0.0008756332099437714,0.00022321194410324097,0.24959906655436628,4,2098,0 -11099,0.0012593061221968726,0.0011603757739067078,0.0004892647266387939,0.3990241014040987,4,2099,0 -11100,0.0010879937139827954,0.0010617263615131378,0.00023762881755828857,0.22018493972263606,4,2100,0 -11101,0.00103066235809435,0.000977352261543274,0.0003271810710430145,0.32303642227787804,4,2101,0 -11102,0.0010548886068502494,0.0009673647582530975,0.00042070820927619934,0.41022717361294125,4,2102,0 -11103,0.0010429979267218656,0.0009259097278118134,0.0004801414906978607,0.47838660561345553,4,2103,0 -11104,0.0009403041403392613,0.0008897893130779266,0.0003040507435798645,0.32927135735497626,4,2104,0 -11105,0.000850367301501948,0.000696234405040741,0.0004882439970970154,0.611573660870094,4,2105,0 -11106,0.0011896729288945797,0.00106058269739151,0.0005389675498008728,0.47017064993738694,4,2106,0 -11107,0.0011685953464052347,0.0008446052670478821,0.0008076243102550507,0.7630194433620476,4,2107,0 -11108,0.0008989719001352691,0.0008541308343410492,0.00028037652373313904,0.3171771358833365,4,2108,0 -11109,0.0008812218198698409,0.0008434168994426727,0.000255342572927475,0.29397576039267026,4,2109,0 -11110,0.000905661521596426,0.0006284452974796295,0.0006521344184875488,0.8038948013648108,4,2110,0 -11111,0.001074561402291124,0.0009664520621299744,0.0004697367548942566,0.45241937310097347,4,2111,0 -11112,0.001058882033705897,0.0007812380790710449,0.0007147714495658875,0.7409980805251251,4,2112,0 -11113,0.0009704240692580543,0.0008189156651496887,0.0005206726491451263,0.5663332164195042,4,2113,0 -11114,0.0008336156681006198,0.0008239634335041046,0.00012648850679397583,0.15232315957572912,4,2114,0 -11115,0.0011523722279708983,0.0010232329368591309,0.0005300529301166534,0.47795777290470015,4,2115,0 -11116,0.0009207864927502357,0.000858500599861145,0.000332903116941452,0.36992138688000725,4,2116,0 -11117,0.0005832583976224974,0.0005073286592960358,0.000287763774394989,0.5159629935342869,4,2117,0 -11118,0.0008795134387587428,0.000667572021484375,0.0005726180970668793,0.7089832400625746,4,2118,0 -11119,0.0011434905047584937,0.0009760446846485138,0.0005957409739494324,0.5480040901522596,4,2119,0 -11120,0.0010935804733944144,0.0009665526449680328,0.0005115605890750885,0.48678305689912654,4,2120,0 -11121,0.0010356136815054457,0.0009696595370769501,0.000363670289516449,0.35881403514937177,4,2121,0 -11122,0.0011097806059429405,0.0010450072586536407,0.0003735944628715515,0.34334435277752035,4,2122,0 -11123,0.001000856738241241,0.0008725970983505249,0.000490192323923111,0.5118290432925825,4,2123,0 -11124,0.0010288642941790852,0.0009098649024963379,0.0004803203046321869,0.4857199371303932,4,2124,0 -11125,0.0011475145059795272,0.0010046251118183136,0.0005545429885387421,0.5043697375179353,4,2125,0 -11126,0.0007954368101649502,0.0007851310074329376,0.00012762844562530518,0.16114731903682286,4,2126,0 -11127,0.0011859660264233872,0.001109432429075241,0.0004191361367702484,0.3612173376752169,4,2127,0 -11128,0.0008599863932260838,0.0007695071399211884,0.0003839731216430664,0.46283590514302525,4,2128,0 -11129,0.0009372468053026897,0.000877726823091507,0.00032867491245269775,0.35829848679887155,4,2129,0 -11130,0.0010785062779548802,0.000902220606803894,0.0005909092724323273,0.5798470542812423,4,2130,0 -11131,0.0010248491065845907,0.0009436793625354767,0.0003997310996055603,0.40067392453675144,4,2131,0 -11132,0.0009897101773994224,0.0008356869220733643,0.0005302391946315765,0.5653980801562994,4,2132,0 -11133,0.001067574872713852,0.0010396651923656464,0.00024251267313957214,0.22916272311234148,4,2133,0 -11134,0.0011191813148478007,0.0007783956825733185,0.0008041560649871826,0.8016744763925414,4,2134,0 -11135,0.0010385451278374458,0.0010075755417346954,0.0002517290413379669,0.24482467630482943,4,2135,0 -11136,0.0011749415850102682,0.0010049119591712952,0.0006088018417358398,0.5446923511234232,4,2136,0 -11137,0.0009754119966230784,0.0009411349892616272,0.0002563074231147766,0.265890286175061,4,2137,0 -11138,0.0009045998280000568,0.0008187368512153625,0.0003846697509288788,0.43922425414880517,4,2138,0 -11139,0.0014635856712552648,0.001369234174489975,0.000516992062330246,0.36102850848025725,4,2139,0 -11140,0.0009110882870035544,0.0008518882095813751,0.00032306089997291565,0.3624733130723054,4,2140,0 -11141,0.0007971239140389687,0.0006866082549095154,0.00040493905544281006,0.5328614347566747,4,2141,0 -11142,0.0009485700662031847,0.0008445270359516144,0.00043192505836486816,0.4727578100025397,4,2142,0 -11143,0.000904501628458292,0.0007820464670658112,0.00045445188879966736,0.5264109875812888,4,2143,0 -11144,0.0009816299244825963,0.0009118430316448212,0.0003635101020336151,0.3793457117340929,4,2144,0 -11145,0.001040307880265214,0.0009543336927890778,0.0004141107201576233,0.40940714898422026,4,2145,0 -11146,0.0008609598453464901,0.0005731843411922455,0.0006424263119697571,0.8422973280215148,4,2146,0 -11147,0.0009861239057483834,0.0009148009121417999,0.00036821141839027405,0.38266350102019936,4,2147,0 -11148,0.0011638499091801674,0.0010377615690231323,0.0005268752574920654,0.4697914587704043,4,2148,0 -11149,0.0008838821811784783,0.0008458942174911499,0.00025634095072746277,0.2942447101311927,4,2149,0 -11150,0.0010974913510462805,0.0010342560708522797,0.00036715343594551086,0.34111578588551766,4,2150,0 -11151,0.0011802857058732896,0.0010530650615692139,0.0005330368876457214,0.46857666741860526,4,2151,0 -11152,0.0012017444443916648,0.0009638108313083649,0.0007178150117397308,0.6401439083579316,4,2152,0 -11153,0.0010101696705173884,0.0008745715022087097,0.0005055367946624756,0.5241154765640528,4,2153,0 -11154,0.0009650906010625045,0.0009179674088954926,0.00029788538813591003,0.3137844921062465,4,2154,0 -11155,0.0013342026582862474,0.001209300011396408,0.0005636401474475861,0.43615182016195286,4,2155,0 -11156,0.0010020781688713915,0.0008914470672607422,0.0004576928913593292,0.4743313291023649,4,2156,0 -11157,0.0006815599843518594,0.0006413869559764862,0.0002305358648300171,0.34505385585492065,4,2157,0 -11158,0.0011284229968464008,0.0009389109909534454,0.0006259270012378693,0.5879925316986603,4,2158,0 -11159,0.0007739746867085075,0.0006028600037097931,0.00048538297414779663,0.6778634867064992,4,2159,0 -11160,0.0010261110632439423,0.0007893815636634827,0.0006555765867233276,0.6930602132820498,4,2160,0 -11161,0.0008420662343330975,0.0008099451661109924,0.00023035705089569092,0.277094018843476,4,2161,0 -11162,0.0009572104460422278,0.0008999109268188477,0.00032620877027511597,0.34775820664128,4,2162,0 -11163,0.0010660845769084207,0.0009816810488700867,0.00041573867201805115,0.40059663915893184,4,2163,0 -11164,0.0009418735978515479,0.0007026530802249908,0.0006272196769714355,0.728736608036359,4,2164,0 -11165,0.0009594130758944189,0.0008691884577274323,0.00040618330240249634,0.437157999985464,4,2165,0 -11166,0.0011334942474899449,0.0010473988950252533,0.0004333183169364929,0.39226830744470015,4,2166,0 -11167,0.0012609275988826915,0.001178700476884842,0.00044788792729377747,0.36313347747451424,4,2167,0 -11168,0.001087792835621323,0.0008957013487815857,0.0006172619760036469,0.603398877546961,4,2168,0 -11169,0.0011457980298095873,0.0010913759469985962,0.0003489293158054352,0.3094444419557565,4,2169,0 -11170,0.0008427179274131002,0.0007502064108848572,0.00038387998938560486,0.47296307208905664,4,2170,0 -11171,0.0009519051155917766,0.0008450224995613098,0.00043824687600135803,0.4784336255687324,4,2171,0 -11172,0.0011973493456338214,0.0010175593197345734,0.0006310455501079559,0.5551084268131395,4,2172,0 -11173,0.000727864142294544,0.000683363527059555,0.00025060027837753296,0.35148820164775474,4,2173,0 -11174,0.0010053808824203,0.0010001584887504578,0.0001023411750793457,0.10197005699923233,4,2174,0 -11175,0.0010033960444618825,0.0009468495845794678,0.0003320835530757904,0.337320301508562,4,2175,0 -11176,0.0010742724783441419,0.0010202564299106598,0.0003363601863384247,0.31846076792945005,4,2176,0 -11177,0.0013623860325513823,0.0012918636202812195,0.0004326477646827698,0.32316172732828097,4,2177,0 -11178,0.001065110070236184,0.0009422451257705688,0.0004966221749782562,0.485062569205715,4,2178,0 -11179,0.0010784797644080354,0.0008761994540691376,0.0006288029253482819,0.62247243089229,4,2179,0 -11180,0.0010026648519688044,0.0008887685835361481,0.0004641413688659668,0.4812728223449078,4,2180,0 -11181,0.000908889679508732,0.0006933696568012238,0.0005876384675502777,0.7030473428156716,4,2181,0 -11182,0.001026036815159612,0.0010107457637786865,0.00017647817730903625,0.17285941457149562,4,2182,0 -11183,0.0009179650192958761,0.000703904777765274,0.0005892179906368256,0.6969398228180174,4,2183,0 -11184,0.0006138564928148195,0.0005229935050010681,0.00032139942049980164,0.5510407344336345,4,2184,0 -11185,0.0012202161441536915,0.001072421669960022,0.0005820989608764648,0.497290280550823,4,2185,0 -11186,0.001008766000242694,0.0006315857172012329,0.0007865801453590393,0.8942582713487607,4,2186,0 -11187,0.0009449904026994025,0.0009183622896671295,0.0002227500081062317,0.23795597094651746,4,2187,0 -11188,0.001082491742334726,0.0009797140955924988,0.00046037882566452026,0.4392883182402563,4,2188,0 -11189,0.0011638900179222332,0.0010482408106327057,0.0005057975649833679,0.4495663917416822,4,2189,0 -11190,0.0011476841242827353,0.0009395740926265717,0.0006590746343135834,0.6117058653302454,4,2190,0 -11191,0.000962140444740669,0.0008508078753948212,0.0004492662847042084,0.4858323980765049,4,2191,0 -11192,0.000911381315680914,0.0008010193705558777,0.00043472275137901306,0.4972305329536171,4,2192,0 -11193,0.0013916549104170063,0.0013343952596187592,0.0003950856626033783,0.287855158321936,4,2193,0 -11194,0.0008062768267554743,0.0007798969745635986,0.0002045556902885437,0.2565076742815154,4,2194,0 -11195,0.000981710630595032,0.0008941777050495148,0.0004052184522151947,0.42549062821210354,4,2195,0 -11196,0.0012338030401310308,0.001077461987733841,0.0006011202931404114,0.5088912389125425,4,2196,0 -11197,0.0014082836969468969,0.0012606233358383179,0.0006277672946453094,0.4620316294679891,4,2197,0 -11198,0.0010322619279265202,0.001027088612318039,0.00010321661829948425,0.10015809918336065,4,2198,0 -11199,0.00102294771636441,0.0009323582053184509,0.0004208683967590332,0.4240192525944013,4,2199,0 -11200,0.0011454998040927081,0.0010289587080478668,0.0005034022033214569,0.45499825935674115,4,2200,0 -11201,0.0013542035166010777,0.0013298280537128448,0.0002557821571826935,0.19002163994371676,4,2201,0 -11202,0.0010370491112643868,0.0010080523788928986,0.00024351850152015686,0.23703202633434478,4,2202,0 -11203,0.0008233235752794447,0.0007187649607658386,0.00040154531598091125,0.5094677297684643,4,2203,0 -11204,0.001130550290654387,0.0010669641196727753,0.00037380680441856384,0.33698318772893626,4,2204,0 -11205,0.0011138862625479405,0.0010111331939697266,0.0004672817885875702,0.43290087056500626,4,2205,0 -11206,0.001302983274240384,0.0011151917278766632,0.000673878937959671,0.5435546274662899,4,2206,0 -11207,0.0012527809778645862,0.0010278820991516113,0.0007161833345890045,0.6085456696035886,4,2207,0 -11208,0.0012208040072644803,0.0012151338160037994,0.00011752545833587646,0.09641822169006849,4,2208,0 -11209,0.0010388669343255447,0.0009680576622486115,0.00037697330117225647,0.3713456275495314,4,2209,0 -11210,0.0009487306044001917,0.0008070096373558044,0.0004988238215446472,0.5536321338692644,4,2210,0 -11211,0.001127618852023874,0.001087293028831482,0.00029886141419410706,0.26824293496791607,4,2211,0 -11212,0.0007374076126382664,0.00033888593316078186,0.0006549246609210968,1.0932921916683682,4,2212,0 -11213,0.0010357804596555407,0.0009564794600009918,0.00039747729897499084,0.39385019308837477,4,2213,0 -11214,0.0009182481923925039,0.0008777938783168793,0.0002695508301258087,0.2979372831966001,4,2214,0 -11215,0.0010791321480854577,0.0010021328926086426,0.0004003196954727173,0.3800473910167467,4,2215,0 -11216,0.0012839692035268965,0.000960029661655426,0.0008525960147380829,0.7261977934625042,4,2216,0 -11217,0.0010911273881169213,0.001068171113729477,0.0002226419746875763,0.20549078691093475,4,2217,0 -11218,0.0012810069782382386,0.0012608282268047333,0.0002264752984046936,0.1777289364924638,4,2218,0 -11219,0.001169599145839913,0.001154683530330658,0.00018619373440742493,0.1598746795775402,4,2219,0 -11220,0.0009084156827776451,0.0008850060403347015,0.0002048984169960022,0.22751348997955184,4,2220,0 -11221,0.001314315435145276,0.0011492744088172913,0.0006376467645168304,0.5065404695041145,4,2221,0 -11222,0.0010978268913261254,0.00096883624792099,0.0005163140594959259,0.4896369558566149,4,2222,0 -11223,0.0008065753043419056,0.0007863491773605347,0.0001794956624507904,0.2244195329952396,4,2223,0 -11224,0.0011737118385010954,0.0011089779436588287,0.000384405255317688,0.3336696289876506,4,2224,0 -11225,0.0008501981601409083,0.0008222199976444244,0.0002163127064704895,0.2572543553522808,4,2225,0 -11226,0.0010651711494574798,0.00095314159989357,0.00047551095485687256,0.46275765399941376,4,2226,0 -11227,0.0008909366227297359,0.000794723629951477,0.00040271878242492676,0.469025590242644,4,2227,0 -11228,0.0011717495449820603,0.0010015740990638733,0.000608149915933609,0.5456925184085409,4,2228,0 -11229,0.0008985845364528468,0.0006978772580623627,0.0005660578608512878,0.6814809945800502,4,2229,0 -11230,0.0010709158207375332,0.0010084174573421478,0.00036049261689186096,0.3433260294119411,4,2230,0 -11231,0.001157873065678359,0.001001555472612381,0.0005809962749481201,0.5256540950016636,4,2231,0 -11232,0.0010412071782978066,0.0010009855031967163,0.0002866014838218689,0.27885893646639826,4,2232,0 -11233,0.0012203265458446057,0.0010847412049770355,0.0005590468645095825,0.47587062722452267,4,2233,0 -11234,0.0012776696983066093,0.0009931474924087524,0.0008038021624088287,0.6804151446418337,4,2234,0 -11235,0.0012348072135213819,0.0011797472834587097,0.0003646165132522583,0.29975081019283456,4,2235,0 -11236,0.0009287433661751553,0.0008827559649944305,0.0002886280417442322,0.3160058312180896,4,2236,0 -11237,0.0010879152069147278,0.0010878406465053558,1.2736767530441284e-05,0.011707767691328695,4,2237,0 -11238,0.001234900601140202,0.0010979324579238892,0.0005652643740177155,0.47545248031387816,4,2238,0 -11239,0.0009407280008350536,0.0007693395018577576,0.0005413740873336792,0.6131960740275658,4,2239,0 -11240,0.0009207660718236022,0.0007993057370185852,0.000457078218460083,0.5194592543795494,4,2240,0 -11241,0.001047422198774938,0.0009656064212322235,0.00040582939982414246,0.39786979579839515,4,2241,0 -11242,0.0013605624057470515,0.0013202764093875885,0.00032863393425941467,0.24395532322444632,4,2242,0 -11243,0.0011550423923105489,0.0010211467742919922,0.0005397982895374298,0.4862803532929343,4,2243,0 -11244,0.001145676824077753,0.0010506696999073029,0.0004568025469779968,0.4101190429386298,4,2244,0 -11245,0.0009353248878539994,0.0008973553776741028,0.0002637915313243866,0.28591141179273705,4,2245,0 -11246,0.0010594323673291399,0.0009444653987884521,0.00047998130321502686,0.4701894247846403,4,2246,0 -11247,0.0008714538070620123,0.0008386783301830292,0.00023674964904785156,0.27513000817717076,4,2247,0 -11248,0.0010834276233867763,0.0009523071348667145,0.0005166493356227875,0.49708525249069846,4,2248,0 -11249,0.0010533492141018978,0.0009568110108375549,0.0004405193030834198,0.4314718625613935,4,2249,0 -11250,0.0012522249582842106,0.0011993274092674255,0.00036011263728141785,0.2916972899851682,4,2250,0 -11251,0.0012409399273755701,0.0011785216629505157,0.0003886111080646515,0.31851718916894045,4,2251,0 -11252,0.0009944915208676339,0.0009146705269813538,0.000390373170375824,0.4033866818674739,4,2252,0 -11253,0.0014827844672991649,0.0012810081243515015,0.0007467716932296753,0.5277930555898455,4,2253,0 -11254,0.0011711495495021213,0.001064695417881012,0.00048786774277687073,0.42967095180414244,4,2254,0 -11255,0.0010797770383369834,0.0010161027312278748,0.0003653131425380707,0.3451339753567137,4,2255,0 -11256,0.0010794895685411687,0.0009583905339241028,0.0004967749118804932,0.47821400124534397,4,2256,0 -11257,0.0010395550861953462,0.0008810795843601227,0.0005517005920410156,0.5594361355497818,4,2257,0 -11258,0.001241699320189227,0.0010968707501888275,0.0005819723010063171,0.4878074488929841,4,2258,0 -11259,0.0009640571594660638,0.0006792917847633362,0.0006840825080871582,0.7889120213538379,4,2259,0 -11260,0.0010111110128881561,0.0008402541279792786,0.000562421977519989,0.5898562509886928,4,2260,0 -11261,0.001359133794382547,0.0008970983326435089,0.001021008938550949,0.8499089805887863,4,2261,0 -11262,0.0009144542875394559,0.0008352436125278473,0.0003722831606864929,0.4192873594271905,4,2262,0 -11263,0.000991155726327333,0.0009549856185913086,0.0002653151750564575,0.2709870882571649,4,2263,0 -11264,0.0009583326883460348,0.0008985921740531921,0.00033306702971458435,0.3549552858581034,4,2264,0 -11265,0.001057806446236554,0.0009196624159812927,0.000522661954164505,0.5167991067698192,4,2265,0 -11266,0.0010134756325541326,0.0008323602378368378,0.0005781948566436768,0.6071229390320385,4,2266,0 -11267,0.001106071451914483,0.0009786635637283325,0.0005153752863407135,0.48470930513875443,4,2267,0 -11268,0.0011610370274739233,0.0009377337992191315,0.000684589147567749,0.6306080004325925,4,2268,0 -11269,0.0010294310969150978,0.0009665451943874359,0.0003542862832546234,0.35134116744820776,4,2269,0 -11270,0.0009844119322592044,0.000948689877986908,0.0002627819776535034,0.270219631659239,4,2270,0 -11271,0.0011910120220448455,0.0009658597409725189,0.0006968677043914795,0.6250101652624225,4,2271,0 -11272,0.0012353997211769507,0.0011752694845199585,0.0003807283937931061,0.31328179715823756,4,2272,0 -11273,0.0010318916580371977,0.0009395144879817963,0.0004267469048500061,0.4263582935405545,4,2273,0 -11274,0.0010830212957714579,0.0009793378412723541,0.0004624202847480774,0.4411420696672791,4,2274,0 -11275,0.0010146408448230733,0.0009355507791042328,0.00039273500442504883,0.3974495972565777,4,2275,0 -11276,0.001070435835839309,0.0007045529782772064,0.000805877149105072,0.8523807980100437,4,2276,0 -11277,0.0012248971271042023,0.0010632388293743134,0.0006081908941268921,0.5195897342930408,4,2277,0 -11278,0.0011477963484899428,0.001099899411201477,0.00032811239361763,0.28990678454331104,4,2278,0 -11279,0.0011553349616744383,0.001057591289281845,0.0004650801420211792,0.41430086936425764,4,2279,0 -11280,0.0010450511806106542,0.0008753649890422821,0.0005708485841751099,0.5778685735845757,4,2280,0 -11281,0.0014196276026649612,0.0011621639132499695,0.0008153021335601807,0.6117574255342921,4,2281,0 -11282,0.001071605200153181,0.0008237585425376892,0.0006853900849819183,0.6939673579550549,4,2282,0 -11283,0.0007064542486411381,0.0005162172019481659,0.0004822835326194763,0.7514266166053297,4,2283,0 -11284,0.0009580832554124698,0.0008833259344100952,0.0003710240125656128,0.3976540897334208,4,2284,0 -11285,0.0011113466933364603,0.0009560771286487579,0.000566575676202774,0.534963938618654,4,2285,0 -11286,0.0009216160720127003,0.0008253566920757294,0.00041007623076438904,0.46112225685126135,4,2286,0 -11287,0.0008677997990528268,0.0007958486676216125,0.00034597888588905334,0.4100826664467445,4,2287,0 -11288,0.0009255568565354786,0.000740882009267807,0.0005547516047954559,0.6427146397674,4,2288,0 -11289,0.0013929656634226921,0.001279633492231369,0.0005503557622432709,0.406172820300799,4,2289,0 -11290,0.0008993739744902911,0.0008003488183021545,0.00041026249527931213,0.4736803764228328,4,2290,0 -11291,0.0009296876069266463,0.0006995312869548798,0.000612352043390274,0.7190422225271287,4,2291,0 -11292,0.0008647856807598101,0.0007179565727710724,0.000482071191072464,0.5913061154882453,4,2292,0 -11293,0.001203419671022496,0.001097600907087326,0.0004934482276439667,0.42249611944823384,4,2293,0 -11294,0.0007724020497703161,0.0007489211857318878,0.0001890026032924652,0.24720469505958348,4,2294,0 -11295,0.0006679359753727973,0.0003538094460964203,0.0005665309727191925,1.012542860159176,4,2295,0 -11296,0.0011887233310940617,0.001031048595905304,0.0005916096270084381,0.5209275605787418,4,2296,0 -11297,0.0010129459907836692,0.0009772032499313354,0.0002667084336280823,0.266441065675686,4,2297,0 -11298,0.0009661039889845319,0.0008877366781234741,0.0003811568021774292,0.4055560738401274,4,2298,0 -11299,0.0008651946353420403,0.0008480995893478394,0.00017113983631134033,0.1991181819384349,4,2299,0 -11300,0.0009540672587975802,0.000828910619020462,0.0004723891615867615,0.517986673138435,4,2300,0 -11301,0.0011227032893178005,0.0008471682667732239,0.000736728310585022,0.7157840873549378,4,2301,0 -11302,0.0012688966537211346,0.0011242814362049103,0.000588294118642807,0.4820838131739351,4,2302,0 -11303,0.0012092189105029339,0.0011917129158973694,0.00020501390099525452,0.17036534932312283,4,2303,0 -11304,0.0008227906701837492,0.0007195360958576202,0.0003990642726421356,0.5063781739564386,4,2304,0 -11305,0.0009942309417469437,0.0009143315255641937,0.00039050355553627014,0.40364113996594503,4,2305,0 -11306,0.0013228322887040385,0.0012590736150741577,0.00040573254227638245,0.311739783182724,4,2306,0 -11307,0.0012157048106678074,0.0011802203953266144,0.000291578471660614,0.24220428231248403,4,2307,0 -11308,0.001172507936673451,0.001050502061843872,0.0005207881331443787,0.4602431588397877,4,2308,0 -11309,0.0015401593514952879,0.001199726015329361,0.0009657889604568481,0.6777871093476137,4,2309,0 -11310,0.0008728525229447145,0.0008025094866752625,0.0003432929515838623,0.4042181743807586,4,2310,0 -11311,0.0011715749815672631,0.0010673850774765015,0.0004829876124858856,0.4249277664202914,4,2311,0 -11312,0.001053969253587588,0.0009672902524471283,0.0004185698926448822,0.40839487360206256,4,2312,0 -11313,0.0007552792291442006,0.0007223710417747498,-0.00022051483392715454,-0.29628034417299093,4,2313,0 -11314,0.0011157683454809868,0.0010739564895629883,0.0003025829792022705,0.27462706271546977,4,2314,0 -11315,0.0009698812269902101,0.0008012764155864716,0.0005464665591716766,0.5985396314596528,4,2315,0 -11316,0.0009983295439200616,0.0008757822215557098,0.00047923624515533447,0.5006981748318281,4,2316,0 -11317,0.001281931390004355,0.0012375637888908386,0.0003343410789966583,0.26386159392998915,4,2317,0 -11318,0.0008814626607037073,0.0008186213672161102,0.00032685697078704834,0.37988324844315857,4,2318,0 -11319,0.0010413453145755873,0.0007818043231964111,0.0006878823041915894,0.7215787949771509,4,2319,0 -11320,0.0009815026517137472,0.0008276589214801788,0.0005275681614875793,0.5674822967246154,4,2320,0 -11321,0.000864846589559844,0.0007036738097667694,0.0005027949810028076,0.6204102208955141,4,2321,0 -11322,0.0012987230723327896,0.000995934009552002,0.0008335448801517487,0.6968676758896782,4,2322,0 -11323,0.0012106203506073985,0.0009835325181484222,0.0007058791816234589,0.6225052342172034,4,2323,0 -11324,0.0009553896529557392,0.0007990561425685883,0.0005237162113189697,0.5801749620749783,4,2324,0 -11325,0.0012377961171148879,0.0010569468140602112,0.0006442070007324219,0.5473740912159293,4,2325,0 -11326,0.0009809933677959839,0.0008605681359767914,0.00047092512249946594,0.5007108441779015,4,2326,0 -11327,0.0010088782628513893,0.0008036009967327118,0.0006099678575992584,0.6492636674982462,4,2327,0 -11328,0.0007812273787181435,0.0007543973624706268,0.0002029798924922943,0.2628376457519574,4,2328,0 -11329,0.0008037786145099524,0.0006692372262477875,0.0004451759159564972,0.5869858198919418,4,2329,0 -11330,0.0008923953012514404,0.0007437653839588165,0.0004931353032588959,0.5854774528725538,4,2330,0 -11331,0.0011338853402916118,0.0009711980819702148,0.0005852095782756805,0.5423030979895355,4,2331,0 -11332,0.001091748678421321,0.00044216960668563843,0.0009981989860534668,1.153806083725012,4,2332,0 -11333,0.0012816470413919221,0.001183837652206421,0.0004910677671432495,0.39320811658694926,4,2333,0 -11334,0.001136617466986658,0.0009614787995815277,0.0006061829626560211,0.5625227031194923,4,2334,0 -11335,0.0008424163198990939,0.0007323883473873138,0.0004162602126598358,0.5168297964648146,4,2335,0 -11336,0.000842337466061749,0.0006580166518688202,0.0005258768796920776,0.6742436466547692,4,2336,0 -11337,0.000965445697703311,0.0008924901485443115,0.0003681667149066925,0.3912494906588387,4,2337,0 -11338,0.0012136287900955491,0.001045413315296173,0.0006164461374282837,0.5327873466342176,4,2338,0 -11339,0.000894363333152629,0.0007483623921871185,0.0004897341132164001,0.5794675427498379,4,2339,0 -11340,0.001244158767144466,0.001024339348077774,0.0007061585783958435,0.6035625122147674,4,2340,0 -11341,0.0011906051775707823,0.0010913722217082977,0.00047586485743522644,0.41117118761915583,4,2341,0 -11342,0.001168770436450844,0.001081753522157669,0.00044253095984458923,0.3883150976566927,4,2342,0 -11343,0.001146594572117762,0.0010465234518051147,0.000468473881483078,0.42089608247269217,4,2343,0 -11344,0.0011409186967489848,0.0010240338742733002,0.0005030408501625061,0.4566107162402824,4,2344,0 -11345,0.0013579057161137778,0.0011978521943092346,0.0006395764648914337,0.49042644915146955,4,2345,0 -11346,0.0010058735362707464,0.0008343309164047241,0.0005618482828140259,0.5926577841299615,4,2346,0 -11347,0.001107207032156023,0.0010806135833263397,0.00024120882153511047,0.21961450632863183,4,2347,0 -11348,0.0012233470193316772,0.0011352114379405975,0.00045593082904815674,0.3819076183132757,4,2348,0 -11349,0.0011352114828791396,0.0009378492832183838,0.000639643520116806,0.5985650589928116,4,2349,0 -11350,0.0012649818220169797,0.0012076161801815033,0.0003766193985939026,0.3023109213156174,4,2350,0 -11351,0.0014603581423410217,0.0012499578297138214,0.0007551498711109161,0.5434582625989245,4,2351,0 -11352,0.0011423663956889052,0.0010263323783874512,0.0005016401410102844,0.4546230518401977,4,2352,0 -11353,0.0009078554729347695,0.0006745792925357819,0.0006075724959373474,0.7331844604337479,4,2353,0 -11354,0.001063338848964325,0.000985424965620041,0.0003995336592197418,0.3851897981520648,4,2354,0 -11355,0.0011899028070833583,0.001143425703048706,0.00032931193709373474,0.2804158964118799,4,2355,0 -11356,0.0008197579979332759,0.0007393136620521545,0.00035414472222328186,0.44672174254951014,4,2356,0 -11357,0.0013088154904229155,0.0011977031826972961,0.0005277357995510101,0.41502886596646227,4,2357,0 -11358,0.001069225083840381,0.0010339096188545227,0.00027253106236457825,0.25773034682553003,4,2358,0 -11359,0.0009967902200875036,0.0007172301411628723,0.0006922222673892975,0.7676570535527848,4,2359,0 -11360,0.0010358556286270684,0.0010111629962921143,0.00022482499480247498,0.21878401887652735,4,2360,0 -11361,0.0011198167660877896,0.001027323305606842,0.00044564157724380493,0.40929141752652703,4,2361,0 -11362,0.001253906095934698,0.0010500513017177582,0.0006853267550468445,0.5782430775661357,4,2362,0 -11363,0.0011366027844460437,0.0008587576448917389,0.0007445812225341797,0.714306512250178,4,2363,0 -11364,0.001022394686281064,0.0008753575384616852,0.000528242439031601,0.5429590472150266,4,2364,0 -11365,0.0010980418385686573,0.0008975937962532043,0.0006324723362922668,0.6138272027841586,4,2365,0 -11366,0.000751453790933548,0.0006306543946266174,0.0004086047410964966,0.5749017275104186,4,2366,0 -11367,0.0012277981384964515,0.0009028762578964233,0.000832047313451767,0.7445954246433468,4,2367,0 -11368,0.0012801237678169944,0.0010277032852172852,0.0007632449269294739,0.6387937109665459,4,2368,0 -11369,0.0013382206501410168,0.0011649876832962036,0.0006585121154785156,0.5144778655471793,4,2369,0 -11370,0.001211278386025629,0.00106019526720047,0.0005858168005943298,0.5048031436027044,4,2370,0 -11371,0.0007066331076833882,0.0006723366677761078,0.00021747127175331116,0.312834693328913,4,2371,0 -11372,0.0011987929443331615,0.0010946989059448242,0.0004886090755462646,0.41980699015881573,4,2372,0 -11373,0.0012292780149441524,0.0010973215103149414,0.0005540847778320312,0.46759415803152354,4,2373,0 -11374,0.0012292634254212292,0.0010357089340686798,0.0006621144711971283,0.5688066712704005,4,2374,0 -11375,0.0011820290078153784,0.0011537186801433563,0.000257149338722229,0.21930271675711263,4,2375,0 -11376,0.0012918219090906065,0.0011782236397266388,0.000529710203409195,0.4225077191644367,4,2376,0 -11377,0.0008228285969174318,0.0007747747004032135,0.0002770759165287018,0.3434481746797786,4,2377,0 -11378,0.0009483532688165135,0.0008591897785663605,0.00040145590901374817,0.4371055753103582,4,2378,0 -11379,0.0009058945850403468,0.0007001347839832306,0.0005748532712459564,0.687451656680017,4,2379,0 -11380,0.0011481085929540282,0.001124463975429535,0.0002318061888217926,0.20330021010243673,4,2380,0 -11381,0.0012514033506524204,0.0010839588940143585,0.0006253346800804138,0.5232601731820579,4,2381,0 -11382,0.0012808708101527276,0.0011838041245937347,0.0004891194403171539,0.39181313291720654,4,2382,0 -11383,0.0008829308870291131,0.0007774680852890015,0.0004184618592262268,0.49376705382251584,4,2383,0 -11384,0.0012157135759764566,0.0011026747524738312,0.0005119256675243378,0.43464748418352905,4,2384,0 -11385,0.0009550670662656596,0.0008825920522212982,0.00036494433879852295,0.3920826319660729,4,2385,0 -11386,0.0012164368901610846,0.001192677766084671,0.00023924559354782104,0.19796792975338873,4,2386,0 -11387,0.0012333359798676164,0.0008328035473823547,0.0009097009897232056,0.8294999604780554,4,2387,0 -11388,0.001061707798646467,0.0008825026452541351,0.0005902647972106934,0.5895148919368288,4,2388,0 -11389,0.001087368651861505,0.000915132462978363,0.0005872845649719238,0.570552381307987,4,2389,0 -11390,0.0009503522780198895,0.0009310245513916016,0.00019069015979766846,0.20202349078225731,4,2390,0 -11391,0.000977293818832239,0.0008897669613361359,0.0004042498767375946,0.42645082973242326,4,2391,0 -11392,0.0011053091731495952,0.0010288655757904053,0.00040391087532043457,0.37409251760735895,4,2392,0 -11393,0.0008822339179871671,0.0008386299014091492,0.00027392804622650146,0.31571232555783324,4,2393,0 -11394,0.0012911671201517672,0.0011217109858989716,0.0006394349038600922,0.5181086592223355,4,2394,0 -11395,0.0009275806884715487,0.00072532519698143,0.0005781948566436768,0.6730023011329589,4,2395,0 -11396,0.0009942181431746697,0.0009129233658313751,0.00039375200867652893,0.4072022168171171,4,2396,0 -11397,0.0009841873771382528,0.0009072422981262207,0.00038149207830429077,0.398049842720425,4,2397,0 -11398,0.0010574296093300074,0.0009011775255203247,0.0005532056093215942,0.550555464045781,4,2398,0 -11399,0.0009313460002948157,0.0007382258772850037,0.0005678273737430573,0.6556627026885748,4,2399,0 -11400,0.0011216811139514048,0.0010452978312969208,0.0004068426787853241,0.37117210522614574,4,2400,0 -11401,0.0012465367317589457,0.001174774020910263,0.00041684508323669434,0.3409712309533289,4,2401,0 -11402,0.0010067755355944246,0.0009103864431381226,0.0004298761487007141,0.44115382837450584,4,2402,0 -11403,0.0011976385243980228,0.0010467395186424255,0.0005819573998451233,0.507416336068608,4,2403,0 -11404,0.0009189802420968826,0.0007384195923805237,0.0005470477044582367,0.6376102061112283,4,2404,0 -11405,0.0008450800650074684,0.0008170232176780701,0.00021594762802124023,0.258401149406607,4,2405,0 -11406,0.0009806904744149008,0.0008499622344970703,0.0004892013967037201,0.522252499102753,4,2406,0 -11407,0.0011173297104153522,0.0010427385568618774,0.00040140002965927124,0.36746347698409165,4,2407,0 -11408,0.0013490792602820594,0.001155029982328415,0.0006970800459384918,0.5430014009198811,4,2408,0 -11409,0.000977802907850016,0.0009139738976955414,0.0003474913537502289,0.36332030731910375,4,2409,0 -11410,0.0012483114962481832,0.0009695999324321747,0.0007862299680709839,0.6813404512739087,4,2410,0 -11411,0.0011021612470140743,0.0009942315518856049,0.0004756711423397064,0.44624395618275636,4,2411,0 -11412,0.0009887788545959548,0.0008830912411212921,0.0004447847604751587,0.46657766656324273,4,2412,0 -11413,0.0009627324861126327,0.000916648656129837,0.00029429420828819275,0.3106592328546361,4,2413,0 -11414,0.0009957827075104822,0.0008606947958469391,0.0005007870495319366,0.5269598654563956,4,2414,0 -11415,0.0010348912546442831,0.0008773915469646454,0.0005488023161888123,0.5589537907623088,4,2415,0 -11416,0.001308433133972362,0.0010361820459365845,0.0007989518344402313,0.6568397785848433,4,2416,0 -11417,0.0012694413083540748,0.0011440776288509369,0.0005500614643096924,0.4481621154578568,4,2417,0 -11418,0.0010582915425767071,0.0007397644221782684,0.0007567889988422394,0.7967735290194022,4,2418,0 -11419,0.0011796282377727954,0.0010772235691547394,0.0004807412624359131,0.4197544644010627,4,2419,0 -11420,0.0009358471599973364,0.0007751211524009705,0.0005244016647338867,0.5948079384237758,4,2420,0 -11421,0.0011998888838414977,0.001035153865814209,0.000606786459684372,0.5301957308437368,4,2421,0 -11422,0.0010781150815406882,0.0009957924485206604,0.00041319429874420166,0.39331913005096275,4,2422,0 -11423,0.0011828188489940146,0.001011524349451065,0.0006130896508693695,0.5448961551990276,4,2423,0 -11424,0.0011250465355328513,0.0010083578526973724,0.000498943030834198,0.4594849893278275,4,2424,0 -11425,0.0011046359135615331,0.0009594261646270752,0.0005474686622619629,0.5185370744297136,4,2425,0 -11426,0.0010409766371978445,0.0010038278996944427,0.00027561187744140625,0.2679579242179854,4,2426,0 -11427,0.001245755980396464,0.0011569783091545105,0.0004618540406227112,0.37980780890235105,4,2427,0 -11428,0.0009511851321249656,0.0008069351315498352,0.0005035959184169769,0.5579408949421527,4,2428,0 -11429,0.0006140103178346955,0.0005466453731060028,0.00027962028980255127,0.4728214395205552,4,2429,0 -11430,0.0011024067852583822,0.001059696078300476,0.0003038831055164337,0.2792702458707595,4,2430,0 -11431,0.0012259718775564558,0.0011501386761665344,0.0004244856536388397,0.3535646975528017,4,2431,0 -11432,0.001128070948928649,0.0009474493563175201,0.0006122775375843048,0.5737258547161969,4,2432,0 -11433,0.0008915898048986604,0.000823095440864563,0.0003427043557167053,0.39453013940969905,4,2433,0 -11434,0.0008319309650219058,0.0007205978035926819,0.00041574984788894653,0.5232995056838692,4,2434,0 -11435,0.0012242673166105312,0.0011610016226768494,0.0003884658217430115,0.32288599904167226,4,2435,0 -11436,0.0009054159106411309,0.0008772425353527069,0.00022410601377487183,0.2501168789423644,4,2436,0 -11437,0.0011437233931312395,0.0008469372987747192,0.0007686354219913483,0.7369691137450666,4,2437,0 -11438,0.0009309308212941374,0.0007181130349636078,0.000592406839132309,0.6897698713462207,4,2438,0 -11439,0.0009281747609428324,0.0008124858140945435,0.00044874846935272217,0.5046191706296084,4,2439,0 -11440,0.000986994908115903,0.0009519793093204498,0.0002605654299259186,0.26716570507728143,4,2440,0 -11441,0.00090822457827066,0.0007819235324859619,0.00046202540397644043,0.5336889300762266,4,2441,0 -11442,0.0008553202268474829,0.0008363537490367889,0.00017912313342094421,0.21098412661980112,4,2442,0 -11443,0.0013373027498606142,0.0011851415038108826,0.0006195306777954102,0.4816801731979903,4,2443,0 -11444,0.0010636704203951276,0.0008813589811325073,0.0005954839289188385,0.594191193962972,4,2444,0 -11445,0.0011159986963383706,0.001050952821969986,0.0003754347562789917,0.3431036533283222,4,2445,0 -11446,0.0010552235866751352,0.0009070001542568207,0.0005393028259277344,0.5364398862580195,4,2446,0 -11447,0.0008656584420364097,0.0008112452924251556,0.00030206888914108276,0.35644720616272974,4,2447,0 -11448,0.000952272820389161,0.0009136274456977844,0.00026853010058403015,0.28586621830887515,4,2448,0 -11449,0.001323646772399267,0.0012265518307685852,0.0004976056516170502,0.3854059929691611,4,2449,0 -11450,0.0011474848956888094,0.0008679106831550598,0.0007506348192691803,0.7130670048421637,4,2450,0 -11451,0.0010595057454427092,0.0010396391153335571,0.0002042129635810852,0.1939574221929328,4,2451,0 -11452,0.001123213629728592,0.0009841807186603546,0.000541292130947113,0.5028375440545713,4,2452,0 -11453,0.0010358375872361776,0.000995136797428131,0.0002875104546546936,0.2812567716334751,4,2453,0 -11454,0.00123874356507467,0.0010900571942329407,0.000588439404964447,0.4949972512850914,4,2454,0 -11455,0.0012793913398794746,0.00111495703458786,0.000627465546131134,0.5125953414011875,4,2455,0 -11456,0.0012624657927571684,0.0011749528348445892,0.0004618503153324127,0.3745265552526718,4,2456,0 -11457,0.0012377382744467797,0.0009668469429016113,0.0007727891206741333,0.6743066206949756,4,2457,0 -11458,0.0013400762262185924,0.0012745968997478485,0.00041377171874046326,0.3138967328029192,4,2458,0 -11459,0.0013153222976476204,0.001060333102941513,0.0007783100008964539,0.6331978539591603,4,2459,0 -11460,0.0012627155862503482,0.0011004991829395294,0.0006191544234752655,0.5124747966780459,4,2460,0 -11461,0.0012722466753299973,0.001216847449541092,0.00037134066224098206,0.2961896249732815,4,2461,0 -11462,0.0009721762742005256,0.0007725581526756287,0.0005901530385017395,0.6523345385993133,4,2462,0 -11463,0.0009699591101013914,0.0009213201701641083,0.0003032982349395752,0.31802559558175225,4,2463,0 -11464,0.0011636319579903301,0.0011065229773521423,0.00036006420850753784,0.3145949762640763,4,2464,0 -11465,0.0009663433330581526,0.0007202327251434326,0.0006442703306674957,0.7297851944283862,4,2465,0 -11466,0.0011501408241749893,0.001110997051000595,0.0002975054085254669,0.26164372138576597,4,2466,0 -11467,0.0009317546559814917,0.0008621662855148315,0.0003533214330673218,0.3889316507733638,4,2467,0 -11468,0.0010583300895906347,0.0009255148470401764,0.0005133077502250671,0.5063822453637156,4,2468,0 -11469,0.0013241351409479032,0.0012110434472560883,0.0005354508757591248,0.4162984418788621,4,2469,0 -11470,0.00092826711675581,0.0008467137813568115,0.00038046762347221375,0.42231009577966344,4,2470,0 -11471,0.0011817244064564903,0.0010625310242176056,0.0005172044038772583,0.45300479338553507,4,2471,0 -11472,0.0012597994035814766,0.0011562518775463104,0.0005001761019229889,0.4082768154923507,4,2472,0 -11473,0.0012264895605051532,0.0011469200253486633,0.0004345700144767761,0.3621869943956738,4,2473,0 -11474,0.0009305934775504607,0.000895421952009201,0.0002534240484237671,0.27580873296108943,4,2474,0 -11475,0.0016831131462868218,0.001656409353017807,0.00029862672090530396,0.17836954202955638,4,2475,0 -11476,0.0010582264075992668,0.0009030289947986603,0.0005517080426216125,0.5484340891057974,4,2476,0 -11477,0.0010575205203406154,0.0009122937917709351,0.0005348548293113708,0.5302662829820587,4,2477,0 -11478,0.0010507236137061108,0.0009736791253089905,0.0003949292004108429,0.385328984891234,4,2478,0 -11479,0.0012244926817833331,0.0010279491543769836,0.0006653591990470886,0.5744526753304636,4,2479,0 -11480,0.0011956895396801552,0.00102325901389122,0.0006185583770275116,0.5437205413257306,4,2480,0 -11481,0.0011882456433282848,0.0010564662516117096,0.0005438812077045441,0.4754266495302765,4,2481,0 -11482,0.001226461421197718,0.001186661422252655,0.00030990689992904663,0.2554530405804873,4,2482,0 -11483,0.0011734656812472835,0.0009202286601066589,0.0007281489670276642,0.6693948127283823,4,2483,0 -11484,0.0008267153126734797,0.0007535889744758606,0.00033994391560554504,0.42376823234999844,4,2484,0 -11485,0.0012990895362719637,0.0010296590626239777,0.0007921084761619568,0.6557340914045807,4,2485,0 -11486,0.0005658016078192951,0.0005562976002693176,0.00010326877236366272,0.1835464948430792,4,2486,0 -11487,0.0009928581460292847,0.0009074099361896515,0.0004029572010040283,0.4179149845890376,4,2487,0 -11488,0.0011797688907938836,0.001063283532857895,0.0005111582577228546,0.4481176660108999,4,2488,0 -11489,0.0010581227508405628,0.0009778700768947601,0.0004042200744152069,0.39197702547548874,4,2489,0 -11490,0.000795869916719258,0.0007226802408695221,0.00033337995409965515,0.43221979673753425,4,2490,0 -11491,0.0010474082535830054,0.0008084997534751892,0.0006658770143985748,0.68896395578171,4,2491,0 -11492,0.001053709526840602,0.0006434209644794464,0.0008344538509845734,0.9139472522832139,4,2492,0 -11493,0.0006238027530268434,0.000584769994020462,0.00021719560027122498,0.3556288465460852,4,2493,0 -11494,0.0009713915572596786,0.0009334757924079895,0.00026874616742134094,0.2803177479756066,4,2494,0 -11495,0.0010428076703797725,0.0007592104375362396,0.0007148757576942444,0.7553311840581441,4,2495,0 -11496,0.000990458871547358,0.0008819662034511566,0.00045071542263031006,0.47243642877428266,4,2496,0 -11497,0.0008939545003169292,0.000685371458530426,0.0005739517509937286,0.6971520846665398,4,2497,0 -11498,0.0009481317402157795,0.0007098279893398285,0.0006285682320594788,0.7247583251826726,4,2498,0 -11499,0.0010291906195615912,0.0008524246513843536,0.0005767196416854858,0.5948231871377193,4,2499,0 -11500,0.000849973415233507,0.0005783066153526306,0.0006229095160961151,0.8225125659135034,4,2500,0 -11501,0.0011598715920083514,0.0010082274675369263,0.0005733929574489594,0.5170972633242055,4,2501,0 -11502,0.001008643372162546,0.0007113553583621979,0.0007150769233703613,0.7880071597106696,4,2502,0 -11503,0.0009872439763287633,0.0008459575474262238,0.0005089268088340759,0.5415940540307798,4,2503,0 -11504,0.0010248245231250649,0.0010026581585407257,0.00021199509501457214,0.20836434108985974,4,2504,0 -11505,0.0010056603659281825,0.0006807073950767517,0.0007402636110782623,0.8272859847744665,4,2505,0 -11506,0.0009592959711785385,0.0008476115763187408,0.0004492253065109253,0.4873504474890104,4,2506,0 -11507,0.0012240482502103203,0.0011292174458503723,0.00047240033745765686,0.396218717267121,4,2507,0 -11508,0.001363172094692846,0.00115923210978508,0.0007172301411628723,0.5540644020122634,4,2508,0 -11509,0.0009529315957594671,0.0008104331791400909,0.0005012750625610352,0.5539312581912155,4,2509,0 -11510,0.0011330972865938305,0.0010996423661708832,0.0002733059227466583,0.24360476707584594,4,2510,0 -11511,0.001263176157276862,0.001065276563167572,0.00067882239818573,0.5673430948762879,4,2511,0 -11512,0.0012046116147083703,0.0011142417788505554,0.0004577711224555969,0.38981308708671447,4,2512,0 -11513,0.0010100371353150377,0.0006986148655414581,0.0007294602692127228,0.806994091722783,4,2513,0 -11514,0.0009998185688738631,0.0009290501475334167,0.00036946311593055725,0.3785033409841381,4,2514,0 -11515,0.0007323901966334161,0.0005718879401683807,0.0004575364291667938,0.6747687453551313,4,2515,0 -11516,0.0011407035471519586,0.0009294375777244568,0.0006613247096538544,0.6184237982904217,4,2516,0 -11517,0.0007793994009847548,0.0007321350276470184,0.00026728585362434387,0.35004303529524966,4,2517,0 -11518,0.0011979123990559783,0.0010957568883895874,0.0004840567708015442,0.41597678899061885,4,2518,0 -11519,0.0014330758088614737,0.0013326071202754974,0.0005271285772323608,0.3766745658030445,4,2519,0 -11520,0.0009441873519740697,0.0007405728101730347,0.000585697591304779,0.6691496646572259,4,2520,0 -11521,0.0010744182298805859,0.0009234882891178131,0.0005491301417350769,0.5364586551233014,4,2521,0 -11522,0.0013950434609846856,0.0012445822358131409,0.000630207359790802,0.46872310133462375,4,2522,0 -11523,0.0011066077280665896,0.0006444305181503296,0.0008996054530143738,0.9491826407020825,4,2523,0 -11524,0.001006653449516082,0.0009354352951049805,0.0003719031810760498,0.3784117996963487,4,2524,0 -11525,0.0011872135345008894,0.0010330229997634888,0.0005850978195667267,0.5153424379508673,4,2525,0 -11526,0.0012130735831248792,0.0010510832071304321,0.0006056167185306549,0.5227231976353566,4,2526,0 -11527,0.0010680936293437243,0.0008696466684341431,0.0006201118230819702,0.6194385903152627,4,2527,0 -11528,0.0013071223737181979,0.0011304505169391632,0.0006562396883964539,0.5259665612069913,4,2528,0 -11529,0.0010899954552094206,0.0009075775742530823,0.000603649765253067,0.5869324212003799,4,2529,0 -11530,0.0010999239997326806,0.0008661411702632904,0.0006779618561267853,0.6641265258307243,4,2530,0 -11531,0.0010387202763798755,0.0008069686591625214,0.0006540194153785706,0.6810892168934379,4,2531,0 -11532,0.0012515501222253817,0.001222129911184311,0.00026977062225341797,0.2172542114220635,4,2532,0 -11533,0.001136282767139752,0.0010906271636486053,0.0003188587725162506,0.28443551279644874,4,2533,0 -11534,0.0008583882050999687,0.0007436200976371765,0.00042878836393356323,0.5230530635004133,4,2534,0 -11535,0.0008723374044473732,0.0008255839347839355,0.0002817511558532715,0.3288809434915362,4,2535,0 -11536,0.001064645444713009,0.0010155104100704193,0.000319700688123703,0.3049950045364563,4,2536,0 -11537,0.0012152168988377261,0.001031477004289627,0.0006425008177757263,0.5570834412451086,4,2537,0 -11538,0.0013001046859512108,0.0012899190187454224,0.00016242265701293945,0.1252577266662739,4,2538,0 -11539,0.0012259705911708031,0.0011420324444770813,0.0004458315670490265,0.37218961852020144,4,2539,0 -11540,0.001152941111615973,0.0010435320436954498,0.0004902184009552002,0.43917119186279885,4,2540,0 -11541,0.0009576491415148768,0.0008519627153873444,0.0004373230040073395,0.4742407021675728,4,2541,0 -11542,0.0011237710868706478,0.0009540468454360962,0.0005938485264778137,0.5567650675280312,4,2542,0 -11543,0.0012941039538369138,0.0010617487132549286,0.0007398612797260284,0.608597131390144,4,2543,0 -11544,0.0012031710878181272,0.0011091455817222595,0.00046627968549728394,0.39796404275095615,4,2544,0 -11545,0.0006684793071383517,0.0006191805005073547,0.00025195255875587463,0.3864515672092061,4,2545,0 -11546,0.000903162578541719,0.0007897578179836273,0.0004381611943244934,0.5065244044963138,4,2546,0 -11547,0.001266758550855808,0.0012296512722969055,0.00030435994267463684,0.24264062730375907,4,2547,0 -11548,0.0012450641066585597,0.0011357404291629791,0.0005101747810840607,0.42218857843648916,4,2548,0 -11549,0.001150922067282986,0.000943206250667572,0.0006595328450202942,0.6102194935376197,4,2549,0 -11550,0.0014058759522666178,0.0013463906943798065,0.0004046224057674408,0.2919372470257108,4,2550,0 -11551,0.0010160897359173132,0.0009094700217247009,0.00045310333371162415,0.46221130189057225,4,2551,0 -11552,0.001053216369946876,0.0007973872125148773,0.0006880685687065125,0.7119379286272475,4,2552,0 -11553,0.0011018191304432128,0.000872388482093811,0.0006730109453201294,0.6570932925876782,4,2553,0 -11554,0.000757930664254073,0.0005861259996891022,0.0004805363714694977,0.6867289420388055,4,2554,0 -11555,0.0014022508398652193,0.0012950710952281952,0.000537678599357605,0.3935177663681777,4,2555,0 -11556,0.0010245327243467066,0.0008609816431999207,0.0005553178489208221,0.5728396890895667,4,2556,0 -11557,0.0009959013260045836,0.0009721703827381134,0.00021611154079437256,0.21874116535287053,4,2557,0 -11558,0.0010475021210267477,0.0008699186146259308,0.0005835257470607758,0.5908462707033938,4,2558,0 -11559,0.0009041469807714533,0.0008581951260566711,0.0002845749258995056,0.3201870377553834,4,2559,0 -11560,0.0012252638263548258,0.0010786838829517365,0.0005811303853988647,0.494157380858037,4,2560,0 -11561,0.0011252451987099252,0.0010485351085662842,0.00040835142135620117,0.37137811832077894,4,2561,0 -11562,0.0008334320750795391,0.0007143206894397736,0.00042936578392982483,0.5412151975107373,4,2562,0 -11563,0.0010908068910140969,0.0009466595947742462,0.000541936606168747,0.5199327388371566,4,2563,0 -11564,0.0011173073877624685,0.0010469108819961548,0.00039032474160194397,0.35687100601195454,4,2564,0 -11565,0.0011774780833302824,0.00103866308927536,0.000554647296667099,0.49047711793290294,4,2565,0 -11566,0.001441449706232002,0.0012625306844711304,0.0006955526769161224,0.5035488282707542,4,2566,0 -11567,0.0011613937040404914,0.0010005123913288116,0.0005897544324398041,0.5326278130947503,4,2567,0 -11568,0.0009398873918454732,0.0008684471249580383,0.00035942718386650085,0.39240871924646914,4,2568,0 -11569,0.0011055140689432935,0.0009081736207008362,0.0006303824484348297,0.6067694691643187,4,2569,0 -11570,0.000700137746710697,0.0006748177111148834,0.00018658488988876343,0.2697571749062432,4,2570,0 -11571,0.0011606119858694937,0.0010231845080852509,0.0005478262901306152,0.4915750478973221,4,2571,0 -11572,0.0011143723568901543,0.0009674876928329468,0.000552985817193985,0.5192518479133872,4,2572,0 -11573,0.0010962978375992358,0.0010108761489391327,0.000424262136220932,0.39737077597358555,4,2573,0 -11574,0.001162210978881012,0.0009283609688282013,0.0006991997361183167,0.6455172738681333,4,2574,0 -11575,0.0012201593472012779,0.0009726695716381073,0.0007366836071014404,0.6482096445596324,4,2575,0 -11576,0.0011016860582206414,0.001041226089000702,0.00035994499921798706,0.33283307538469786,4,2576,0 -11577,0.001035629364124994,0.0010038316249847412,0.000254657119512558,0.24844396771714655,4,2577,0 -11578,0.0012591383402688072,0.001115400344133377,0.0005842186510562897,0.4824860883762743,4,2578,0 -11579,0.0013845347850623049,0.0012426376342773438,0.0006105639040470123,0.4566997415989897,4,2579,0 -11580,0.0011422091734813705,0.0010344982147216797,0.00048420578241348267,0.4377695579912455,4,2580,0 -11581,0.0011223119292614054,0.0009353645145893097,0.0006202235817909241,0.5855169586922551,4,2581,0 -11582,0.0013197033535873436,0.0010363273322582245,0.0008170939981937408,0.6676594927325764,4,2582,0 -11583,0.0012695462354008374,0.001197855919599533,0.00042058154940605164,0.33766509316164567,4,2583,0 -11584,0.0009965195630797141,0.0009097568690776825,0.0004066862165927887,0.42037913299669005,4,2584,0 -11585,0.0010945266876923629,0.0009715370833873749,0.0005040876567363739,0.47861821396224075,4,2585,0 -11586,0.001258392754300028,0.001039598137140274,0.0007090754806995392,0.5985886630427931,4,2586,0 -11587,0.0011518369869331993,0.0010721273720264435,0.000421036034822464,0.3742068628993444,4,2587,0 -11588,0.0009941277887465245,0.0009387023746967316,0.00032730400562286377,0.3354957881998255,4,2588,0 -11589,0.00116985404886853,0.0009567439556121826,0.000673200935125351,0.6131630770035829,4,2589,0 -11590,0.000918116926695121,0.0007737241685390472,0.0004942566156387329,0.56846290592,4,2590,0 -11591,0.0009413914725641588,0.0008426904678344727,0.00041963160037994385,0.46201946475582084,4,2591,0 -11592,0.0010861174667315667,0.0009075179696083069,0.0005967095494270325,0.5816422545311354,4,2592,0 -11593,0.0011129879886115231,0.0010641179978847504,0.00032618269324302673,0.2974356014368192,4,2593,0 -11594,0.0010271528665968712,0.0007810518145561218,0.0006670840084552765,0.7068603749715804,4,2594,0 -11595,0.001436266602736898,0.0012817606329917908,0.0006480365991592407,0.468104159738595,4,2595,0 -11596,0.0011732513681100556,0.0011499039828777313,0.00023289397358894348,0.19983033894688257,4,2596,0 -11597,0.0011391875673004122,0.0009287931025028229,0.0006596148014068604,0.6175287864755306,4,2597,0 -11598,0.0012140884292513759,0.0010620877146720886,0.0005882009863853455,0.505768107619652,4,2598,0 -11599,0.0011778177746048367,0.0010947398841381073,0.00043451040983200073,0.3778375412998969,4,2599,0 -11600,0.001033256665418143,0.0009659267961978912,0.0003668852150440216,0.3629959550401134,4,2600,0 -11601,0.0010993607273965171,0.0009848251938819885,0.0004885829985141754,0.460531886908706,4,2601,0 -11602,0.0009597533977650677,0.000901293009519577,0.0003298446536064148,0.35082903621937744,4,2602,0 -11603,0.0013293320928513407,0.0012104474008083344,0.0005494914948940277,0.4261399837956694,4,2603,0 -11604,0.0011086089068179069,0.0009952224791049957,0.0004884116351604462,0.4562252873723582,4,2604,0 -11605,0.0009059587789711183,0.0007321834564208984,0.0005335435271263123,0.6297304530723707,4,2605,0 -11606,0.0007719117544798641,0.0007645934820175171,0.00010604038834571838,0.13780950545801554,4,2606,0 -11607,0.0015751124254652958,0.0013244785368442535,0.0008524879813194275,0.571891546389975,4,2607,0 -11608,0.0012160412412571147,0.001066800206899643,0.0005836896598339081,0.5006452110979819,4,2608,0 -11609,0.001144769810450466,0.0010114088654518127,0.0005362369120121002,0.48750539272140797,4,2609,0 -11610,0.0007865211240511381,0.0007174387574195862,0.0003223307430744171,0.42225484771431315,4,2610,0 -11611,0.0012444104747366212,0.001068171113729477,0.0006384104490280151,0.5387021719167604,4,2611,0 -11612,0.0007369327514709835,0.0006057880818843842,0.00041963160037994385,0.6058122645987771,4,2612,0 -11613,0.0009685461401293266,0.0007781758904457092,0.0005766488611698151,0.6377332097992949,4,2613,0 -11614,0.0011123316138577821,0.0006502531468868256,0.000902470201253891,0.9464270139335383,4,2614,0 -11615,0.0011587470830457178,0.0009524524211883545,0.0006599463522434235,0.6059393271475165,4,2615,0 -11616,0.0009028918248564866,0.0008700303733348846,0.0002413727343082428,0.27062417787057796,4,2616,0 -11617,0.0009492777200021963,0.0008428953588008881,0.00043664127588272095,0.477963788292982,4,2617,0 -11618,0.0013503054645594254,0.0011474266648292542,0.0007118545472621918,0.5552789736356677,4,2618,0 -11619,0.0008017538888612078,0.0007113255560398102,0.0003698989748954773,0.4795300101998783,4,2619,0 -11620,0.0009457568930007991,0.0008508749306201935,0.0004128776490688324,0.4517691808078699,4,2620,0 -11621,0.0009894153460184869,0.0007927492260932922,0.0005920231342315674,0.6414483513691239,4,2621,0 -11622,0.0008564630911683671,0.0007763616740703583,0.0003616511821746826,0.43593843894377476,4,2622,0 -11623,0.0010898233253359107,0.0008301883935928345,0.0007060468196868896,0.7047644113738585,4,2623,0 -11624,0.001272144023308016,0.0012173838913440704,0.0003692246973514557,0.29447566572105516,4,2624,0 -11625,0.0010281478106770974,0.0009435154497623444,0.0004084929823875427,0.4085832389829683,4,2625,0 -11626,0.0007384217409436237,0.000597584992647171,0.0004337728023529053,0.627882361438912,4,2626,0 -11627,0.001022934590382916,0.0007944963872432709,0.000644337385892868,0.6814129813672194,4,2627,0 -11628,0.0009149013924551893,0.00067954882979393,0.0006125830113887787,0.7336186484785014,4,2628,0 -11629,0.0010828681237474314,0.0010236166417598724,0.0003532879054546356,0.3323359112251611,4,2629,0 -11630,0.0010435595277774388,0.0008640997111797333,0.0005851052701473236,0.5952094736863034,4,2630,0 -11631,0.0010535134055315585,0.0008194930851459503,0.0006620585918426514,0.6795321977347106,4,2631,0 -11632,0.0007219343249620043,0.0007218345999717712,1.1999160051345825e-05,0.016621612481319922,4,2632,0 -11633,0.0011492546905568746,0.0010914243757724762,0.0003599710762500763,0.3185831534509377,4,2633,0 -11634,0.0009995341244860853,0.0008750930428504944,0.0004829913377761841,0.5043248504969868,4,2634,0 -11635,0.0008882844175875091,0.0007169470191001892,0.0005244389176368713,0.6315484842211464,4,2635,0 -11636,0.0011209901772846538,0.0009287334978580475,0.0006277523934841156,0.5943835326155215,4,2636,0 -11637,0.0011420938055884781,0.0010481812059879303,0.00045353546738624573,0.4083644198728059,4,2637,0 -11638,0.0010566483991936485,0.000967610627412796,0.00042454153299331665,0.41346119430086475,4,2638,0 -11639,0.0011109977775125971,0.0010792165994644165,0.0002638325095176697,0.23976409972264012,4,2639,0 -11640,0.000961538413203567,0.0007677897810935974,0.0005788393318653107,0.6459946122120789,4,2640,0 -11641,0.0007417707212626945,0.0006460025906562805,0.00036456063389778137,0.5137808602492504,4,2641,0 -11642,0.0012209359377001877,0.0010881312191486359,0.0005537644028663635,0.4707527626473016,4,2642,0 -11643,0.0009457457915420117,0.0008468329906463623,0.00042108073830604553,0.4614385943739599,4,2643,0 -11644,0.0010695209305822812,0.0008546300232410431,0.0006430260837078094,0.6450371737927587,4,2644,0 -11645,0.0012951889479081201,0.0012035705149173737,0.0004784688353538513,0.37838490387136137,4,2645,0 -11646,0.0011594403413996866,0.0010448433458805084,0.0005025975406169891,0.4483540802412816,4,2646,0 -11647,0.0007276456264312495,0.0007048957049846649,0.00018052756786346436,0.25071657784378926,4,2647,0 -11648,0.0007316411030856413,0.0005543939769268036,0.00047743692994117737,0.7109529936851747,4,2648,0 -11649,0.0007730067671343872,0.0006069950759410858,0.00047864019870758057,0.6677142761684217,4,2649,0 -11650,0.0010083829314454125,0.0008714534342288971,0.0005073510110378265,0.5272205694135169,4,2650,0 -11651,0.0008044163413145623,0.0005989223718643188,0.0005370080471038818,0.7309466579791358,4,2651,0 -11652,0.0006997187328560209,0.0006057173013687134,0.0003503039479255676,0.5243325951848535,4,2652,0 -11653,0.0011476660540724701,0.0010845959186553955,0.0003752186894416809,0.33306450445372243,4,2653,0 -11654,0.000770743627331324,0.0007694922387599945,4.390254616737366e-05,0.056992131085378456,4,2654,0 -11655,0.001259704932153569,0.0010958760976791382,0.0006212182343006134,0.515702180318672,4,2655,0 -11656,0.001070478641235982,0.0009386464953422546,0.0005146525800228119,0.5015311176223101,4,2656,0 -11657,0.0011366847132743478,0.00106724351644516,0.00039120763540267944,0.3513498170536969,4,2657,0 -11658,0.00122030219832427,0.0009917840361595154,0.0007109865546226501,0.6219628290903099,4,2658,0 -11659,0.0011461719982611826,0.0009399466216564178,0.0006559044122695923,0.6092548391988283,4,2659,0 -11660,0.0013532879111848096,0.0012528970837593079,0.0005115047097206116,0.38760463425427866,4,2660,0 -11661,0.001086131060347785,0.0009915828704833984,0.0004432201385498047,0.4203416955281612,4,2661,0 -11662,0.0006561316164302466,0.0004947707056999207,0.0004309415817260742,0.7165557613384164,4,2662,0 -11663,0.000787146904621127,0.0007040649652481079,0.00035198405385017395,0.4635925798671684,4,2663,0 -11664,0.0009070863365269851,0.0007440373301506042,0.0005188584327697754,0.608948843436004,4,2664,0 -11665,0.0011341271089234685,0.0010744035243988037,0.00036318227648735046,0.32597296273352194,4,2665,0 -11666,0.0008733019422010572,0.0006865672767162323,0.0005397051572799683,0.6662028362202357,4,2666,0 -11667,0.0013968450532784353,0.0009244456887245178,0.0010471753776073456,0.8475660615346101,4,2667,0 -11668,0.000991436355448032,0.0009365268051624298,0.0003253668546676636,0.3343733048276071,4,2668,0 -11669,0.0009595073288001023,0.0008873827755451202,0.00036497414112091064,0.3902034780660527,4,2669,0 -11670,0.0011673528997785312,0.0008632391691207886,0.0007858313620090485,0.7384923291475646,4,2670,0 -11671,0.00124210351549388,0.0010988153517246246,0.0005791597068309784,0.4850734091006079,4,2671,0 -11672,0.0012848715770917038,0.0011986345052719116,0.00046278536319732666,0.3684611022979939,4,2672,0 -11673,0.0009773727432759209,0.00084642693400383,0.0004886910319328308,0.5236042814338011,4,2673,0 -11674,0.0007831246120238995,0.0007507950067520142,0.0002226904034614563,0.2883402537696344,4,2674,0 -11675,0.000979703605966505,0.0008693486452102661,0.0004517212510108948,0.47921134865634896,4,2675,0 -11676,0.0011466378862517884,0.001103464514017105,0.0003116801381111145,0.2752846667684693,4,2676,0 -11677,0.0012210158289345724,0.0011356547474861145,0.00044851750135421753,0.37613824678437807,4,2677,0 -11678,0.0011989528844967338,0.0011352114379405975,0.0003857240080833435,0.32754276364041957,4,2678,0 -11679,0.0008504014664637592,0.0006739869713783264,0.0005185790359973907,0.6558144819357401,4,2679,0 -11680,0.001170150657376785,0.0010801926255226135,0.0004499293863773346,0.394672102080573,4,2680,0 -11681,0.001038397893331863,0.0009379871189594269,0.0004454776644706726,0.44339073580383986,4,2681,0 -11682,0.0011720188824195362,0.0010908618569374084,0.00042854249477386475,0.37432537470564436,4,2682,0 -11683,0.0009919231182078888,0.000926043838262558,0.0003554634749889374,0.3665083669597989,4,2683,0 -11684,0.001043338360230493,0.0010361559689044952,0.00012221187353134155,0.11740494758994403,4,2684,0 -11685,0.0011440196984353966,0.001094922423362732,0.00033155083656311035,0.2940305842383572,4,2685,0 -11686,0.0008449240728217559,0.0004320219159126282,0.0007261224091053009,1.0340826836838621,4,2686,0 -11687,0.0013907209212543955,0.0010878629982471466,0.0008664056658744812,0.6725597216956685,4,2687,0 -11688,0.0009817506208641275,0.0009382143616676331,0.0002891160547733307,0.2989221442614221,4,2688,0 -11689,0.0009938950032316483,0.0008475668728351593,0.0005190931260585785,0.549524335151641,4,2689,0 -11690,0.0011095818683592436,0.0008444599807262421,0.0007197633385658264,0.7058484620439199,4,2690,0 -11691,0.001151211538561822,0.0010741911828517914,0.00041400641202926636,0.367867801714589,4,2691,0 -11692,0.001163288689001632,0.000973772257566452,0.0006364025175571442,0.5788622169373627,4,2692,0 -11693,0.0013035672427623899,0.0011408254504203796,0.0006307177245616913,0.5050369847282783,4,2693,0 -11694,0.0012494248498572224,0.0010561980307102203,0.0006674639880657196,0.5635812227413205,4,2694,0 -11695,0.0011410304262324303,0.001009628176689148,0.0005316026508808136,0.48464808317769925,4,2695,0 -11696,0.0010189082577697097,0.0008396357297897339,0.0005772225558757782,0.6022655031315547,4,2696,0 -11697,0.0010011097826801369,0.000921349972486496,0.00039158016443252563,0.4018765550465249,4,2697,0 -11698,0.001006329931619986,0.0008251182734966278,0.0005760900676250458,0.6095107691867842,4,2698,0 -11699,0.0008282717413747499,0.0007673762738704681,0.0003117173910140991,0.38584998497852685,4,2699,0 -11700,0.0012672897667151328,0.000968005508184433,0.0008179172873497009,0.7015555859482727,4,2700,0 -11701,0.0008568446147792205,0.0007720701396465302,0.00037160515785217285,0.44858420833866874,4,2701,0 -11702,0.0010942172295435658,0.0009267739951610565,0.0005817227065563202,0.5605282146105206,4,2702,0 -11703,0.0013259314027557632,0.0012554973363876343,0.0004264041781425476,0.32740653634705763,4,2703,0 -11704,0.0009244204161783569,0.0008387230336666107,0.00038871169090270996,0.43398788167691144,4,2704,0 -11705,0.00120015820094054,0.001139521598815918,0.0003766566514968872,0.3192338042439954,4,2705,0 -11706,0.0013038673265501246,0.0010433606803417206,0.000781964510679245,0.6431599700430402,4,2706,0 -11707,0.0012656088012741212,0.0010261163115501404,0.0007408447563648224,0.6253317921701149,4,2707,0 -11708,0.0013883218372780684,0.00135890394449234,0.0002842843532562256,0.20622702287073902,4,2708,0 -11709,0.0008014080879110363,0.00039972737431526184,0.0006946027278900146,1.0486042047963122,4,2709,0 -11710,0.0012921636812532424,0.0011375732719898224,0.0006128735840320587,0.49416904263694506,4,2710,0 -11711,0.0008725906370784357,0.00033877044916152954,0.0008041448891162872,1.1720804608578346,4,2711,0 -11712,0.0010784725048389994,0.0008867308497428894,0.0006138496100902557,0.6055134231696327,4,2712,0 -11713,0.0010939304771906554,0.0009306743741035461,0.0005749166011810303,0.5533630089117152,4,2713,0 -11714,0.000981098252321843,0.0009545274078845978,0.00022678449749946594,0.23326333800151172,4,2714,0 -11715,0.001081997967854774,0.0009768679738044739,0.00046524032950401306,0.4444735350728729,4,2715,0 -11716,0.0009664864518292365,0.0008974187076091766,0.0003587976098060608,0.3803431846103619,4,2716,0 -11717,0.0007218121922910223,0.000695548951625824,0.000192936509847641,0.27058439288157765,4,2717,0 -11718,0.001253928856899428,0.0011373050510883331,0.0005280859768390656,0.43470745875658373,4,2718,0 -11719,0.0008619049486055753,0.0008297599852085114,0.00023319199681282043,0.27396864621412415,4,2719,0 -11720,0.0012190438728223172,0.0010003410279750824,0.0006966963410377502,0.6083453836864012,4,2720,0 -11721,0.0011047929950306183,0.0007963255047798157,0.0007657893002033234,0.7658526627513813,4,2721,0 -11722,0.0008583079185411446,0.0007538795471191406,0.0004103146493434906,0.4984339800570004,4,2722,0 -11723,0.0008132725096972362,0.0007899999618530273,0.00019316375255584717,0.23980599665365052,4,2723,0 -11724,0.0009944470998657375,0.0008021742105484009,0.0005877427756786346,0.6323285316553021,4,2724,0 -11725,0.0008344872321174339,0.0008082836866378784,0.00020747631788253784,0.25126280855074246,4,2725,0 -11726,0.0009463181044473381,0.0008645467460155487,0.0003848075866699219,0.41876952411851215,4,2726,0 -11727,0.0010778793555386653,0.0009028278291225433,0.000588834285736084,0.5779279909761124,4,2727,0 -11728,0.001056274411168222,0.0009929873049259186,0.0003601275384426117,0.3479179761453024,4,2728,0 -11729,0.0011147645817545582,0.0010911598801612854,0.00022818893194198608,0.20615411169656184,4,2729,0 -11730,0.0011242700740225781,0.001056808978319168,0.00038358569145202637,0.34817877291642746,4,2730,0 -11731,0.0012142858663948548,0.0010055862367153168,0.0006806515157222748,0.595033469792447,4,2731,0 -11732,0.0011094752195969706,0.0009468533098697662,0.0005782768130302429,0.5482757884024754,4,2732,0 -11733,0.0012274319664028334,0.0011123493313789368,0.0005189105868339539,0.43649001196168186,4,2733,0 -11734,0.0008175853572520891,0.0007209740579128265,0.00038554146885871887,0.49106025643927237,4,2734,0 -11735,0.0012426314643951537,0.001099180430173874,0.0005795992910861969,0.48524936456838746,4,2735,0 -11736,0.0008967258397348003,0.0008053667843341827,0.00039433687925338745,0.4553223951995038,4,2736,0 -11737,0.0008260453705109644,0.0008184798061847687,0.00011154264211654663,0.13544586038136264,4,2737,0 -11738,0.0008986051163453388,0.000797126442193985,0.000414825975894928,0.4798354596241789,4,2738,0 -11739,0.0008386058716781755,0.0007979013025760651,0.00025809556245803833,0.3128456612198413,4,2739,0 -11740,0.0010509027159821827,0.000896945595741272,0.0005476176738739014,0.5481306420059944,4,2740,0 -11741,0.001084861797713784,0.0009176358580589294,0.0005786791443824768,0.5626301631162226,4,2741,0 -11742,0.0011383334677772061,0.0009584687650203705,0.000614117830991745,0.5698295204828763,4,2742,0 -11743,0.0007325539012012428,0.0006746836006641388,0.00028537213802337646,0.40015149159034125,4,2743,0 -11744,0.0011619504263430441,0.0007742419838905334,0.0008664168417453766,0.8415207772141297,4,2744,0 -11745,0.0011334585760213328,0.0010140612721443176,0.0005063675343990326,0.4631243466545201,4,2745,0 -11746,0.0011625017534478046,0.0010597966611385345,0.0004777461290359497,0.4235110040706661,4,2746,0 -11747,0.0009571942051554061,0.0009434819221496582,0.0001614391803741455,0.16946876929093496,4,2747,0 -11748,0.0012633685053107632,0.0012361370027065277,0.00026089325547218323,0.20800269822105305,4,2748,0 -11749,0.0008767697901715222,0.0008174702525138855,0.00031696632504463196,0.3698933745126952,4,2749,0 -11750,0.000964617329055046,0.0008641257882118225,0.00042868778109550476,0.4605180801338309,4,2750,0 -11751,0.0010863828341249318,0.0010332800447940826,0.00033549964427948,0.31395494430589843,4,2751,0 -11752,0.0008612811883021031,0.0006764419376850128,0.0005331337451934814,0.6674698316808745,4,2752,0 -11753,0.0010556242213402922,0.0009674318134784698,0.0004223957657814026,0.4116678359656152,4,2753,0 -11754,0.001577088338849421,0.0014995671808719635,0.0004883706569671631,0.31484175893695093,4,2754,0 -11755,0.0012119277222603986,0.0011337623000144958,0.0004281960427761078,0.3611156372178406,4,2755,0 -11756,0.0009350703979364732,0.0007597655057907104,0.0005450807511806488,0.6223303163874045,4,2756,0 -11757,0.0011769678676426703,0.0010665282607078552,0.000497765839099884,0.4366676972326164,4,2757,0 -11758,0.0010458759943937908,0.0008683502674102783,0.0005829446017742157,0.5912201643182969,4,2758,0 -11759,0.000662178071173359,0.0005240552127361298,0.0004047788679599762,0.657682009459799,4,2759,0 -11760,0.0008497876552381172,0.0008012950420379639,0.00028295814990997314,0.3394569966284783,4,2760,0 -11761,0.0009793151799529006,0.000949423760175705,0.0002401098608970642,0.2477067929776631,4,2761,0 -11762,0.0008411715181078546,0.0006957054138183594,0.0004728250205516815,0.5969263098589662,4,2762,0 -11763,0.0010731555631343472,0.000772036612033844,0.0007454007863998413,0.7678468030924012,4,2763,0 -11764,0.0010624984169489231,0.000990740954875946,0.00038384273648262024,0.36962339827436747,4,2764,0 -11765,0.0011231015276389616,0.0010350830852985382,0.0004358440637588501,0.39853853531795724,4,2765,0 -11766,0.000994085707959685,0.0008693486452102661,0.000482119619846344,0.5063494234125657,4,2766,0 -11767,0.0010816113908549718,0.0009943582117557526,0.00042559951543807983,0.40442099803213744,4,2767,0 -11768,0.0009968103397834153,0.000988602638244629,0.0001276545226573944,0.1284156506301434,4,2768,0 -11769,0.0011021282004074937,0.0010364614427089691,0.00037474557757377625,0.346938113319651,4,2769,0 -11770,0.0007135632534132819,0.0005969144403934479,0.00039098039269447327,0.5798838137838154,4,2770,0 -11771,0.0010722846837040029,0.0008474551141262054,0.0006569735705852509,0.6594544408417636,4,2771,0 -11772,0.001099260205229433,0.0009338818490505219,0.0005798600614070892,0.55565547537726,4,2772,0 -11773,0.0008019851315812534,0.0006034858524799347,0.0005281902849674225,0.7189615284888307,4,2773,0 -11774,0.0011144700543770651,0.000912494957447052,0.0006398409605026245,0.6115305095407098,4,2774,0 -11775,0.0006753165629222484,0.0005519576370716095,0.00038909539580345154,0.6140317501695953,4,2775,0 -11776,0.001143336416162527,0.001015055924654007,0.0005261935293674469,0.4782501212593652,4,2776,0 -11777,0.0008312403841996916,0.0007623583078384399,0.00033131614327430725,0.40996848223550275,4,2777,0 -11778,0.0008054359054581336,0.000737607479095459,0.000323515385389328,0.4133341943673551,4,2778,0 -11779,0.0011018905737510537,0.0009335093200206757,0.0005854256451129913,0.560124879473926,4,2779,0 -11780,0.0011438200349367673,0.001018621027469635,0.0005203224718570709,0.47225868084246475,4,2780,0 -11781,0.0011893340305159643,0.001131642609834671,0.00036592409014701843,0.3127447694210318,4,2781,0 -11782,0.0007671683010620284,0.0007189549505710602,0.0002676770091056824,0.3564137630925804,4,2782,0 -11783,0.0012186343380915152,0.001040041446685791,0.0006351247429847717,0.5482300146657697,4,2783,0 -11784,0.0010696464473690054,0.0008947551250457764,0.0005861371755599976,0.579938885404823,4,2784,0 -11785,0.0010034504549242599,0.0008963458240032196,0.0004510842263698578,0.4662426166987661,4,2785,0 -11786,0.0009195128173978602,0.0008885972201824188,0.00023642927408218384,0.2600454776002385,4,2786,0 -11787,0.0008479361303864854,0.0007923096418380737,0.00030206143856048584,0.3642315451468547,4,2787,0 -11788,0.0010778065242934268,0.000914301723241806,0.0005707181990146637,0.5580325351739287,4,2788,0 -11789,0.001191771072137488,0.001113947480916977,0.00042360275983810425,0.36338445065458563,4,2789,0 -11790,0.0010787024700419662,0.0007697753608226776,0.0007556751370429993,0.7761551088042822,4,2790,0 -11791,0.0013167229554778574,0.001155853271484375,0.0006306841969490051,0.49949258577710903,4,2791,0 -11792,0.000890988556339877,0.0007093474268913269,0.0005391538143157959,0.6499149223687654,4,2792,0 -11793,0.001337713949751933,0.001157425343990326,0.0006707049906253815,0.5251946991797697,4,2793,0 -11794,0.0011341712170172367,0.001106899231672287,0.000247221440076828,0.21973951963827013,4,2794,0 -11795,0.001082782535287892,0.000916309654712677,0.0005768835544586182,0.5618808020114051,4,2795,0 -11796,0.0011948109513841767,0.001126408576965332,0.0003984682261943817,0.3400126031778495,4,2796,0 -11797,0.00109612574880504,0.0009739585220813751,0.0005028881132602692,0.4766294312947683,4,2797,0 -11798,0.0009625185826492597,0.000825248658657074,0.0004953853785991669,0.5406299124164242,4,2798,0 -11799,0.0011614385805726727,0.0010168775916099548,0.0005611591041088104,0.5042588322749815,4,2799,0 -11800,0.0011697655532420196,0.0009948685765266418,0.000615295022726059,0.5538888196128878,4,2800,0 -11801,0.0011604162228524076,0.001108013093471527,0.0003447793424129486,0.30167183895156313,4,2801,0 -11802,0.0010087588834913422,0.0008223801851272583,0.0005841962993144989,0.617653529872291,4,2802,0 -11803,0.001059829157839063,0.0008244402706623077,0.0006659850478172302,0.6794805892493829,4,2803,0 -11804,0.0009189407925636682,0.0008293315768241882,0.00039580464363098145,0.44528857150984597,4,2804,0 -11805,0.0011196281006979891,0.0008836463093757629,0.0006875582039356232,0.6612389798925692,4,2805,0 -11806,0.0012939128137030808,0.0012200921773910522,0.0004307962954044342,0.33942053666131294,4,2806,0 -11807,0.0007882153393292102,0.0006712973117828369,0.0004130899906158447,0.5516376434782827,4,2807,0 -11808,0.0009390360478542136,0.0007420182228088379,0.0005754977464675903,0.6596750626049906,4,2808,0 -11809,0.0011015338082995903,0.0010115988552570343,0.0004359409213066101,0.4068931966361175,4,2809,0 -11810,0.0010512724399476376,0.0009943433105945587,0.00034125521779060364,0.33060105103559007,4,2810,0 -11811,0.0011420844338002922,0.001035001128911972,0.0004828348755836487,0.43649572437973855,4,2811,0 -11812,0.0010591928351132475,0.0008315518498420715,0.0006560571491718292,0.6679699257066344,4,2812,0 -11813,0.0011534426002358302,0.0010256357491016388,0.0005277320742607117,0.47521295532485647,4,2813,0 -11814,0.0009527625909002429,0.0006792955100536346,0.0006680674850940704,0.7770650229573124,4,2814,0 -11815,0.0008915550421830374,0.0008290521800518036,0.0003279373049736023,0.3766702544176956,4,2815,0 -11816,0.001111369605360532,0.0010885559022426605,0.00022402778267860413,0.20296883638946317,4,2816,0 -11817,0.001131234250375854,0.0009959042072296143,0.0005365312099456787,0.49415548563133044,4,2817,0 -11818,0.0014112130739132077,0.00112103670835495,0.0008572041988372803,0.6528133269353236,4,2818,0 -11819,0.0010877869108300712,0.0008731670677661896,0.0006487369537353516,0.6389867187943935,4,2819,0 -11820,0.0008915920441778513,0.0007158145308494568,0.0005315504968166351,0.6387362197838817,4,2820,0 -11821,0.0009518431654409715,0.0008298605680465698,0.0004661940038204193,0.51183770811628,4,2821,0 -11822,0.0006593366219318232,0.0005528144538402557,0.0003593340516090393,0.5763811421602384,4,2822,0 -11823,0.0013368046801906334,0.0012215860188007355,0.0005429312586784363,0.41822715905706875,4,2823,0 -11824,0.0010746994491877267,0.0009926818311214447,0.00041177868843078613,0.39321179416925367,4,2824,0 -11825,0.001008678383132828,0.0009468644857406616,0.000347677618265152,0.3519045838016585,4,2825,0 -11826,0.0013220321970803487,0.0012893564999103546,0.00029211118817329407,0.22279477707499182,4,2826,0 -11827,0.0009036827435464714,0.0008607245981693268,0.00027531012892723083,0.3095746357023671,4,2827,0 -11828,0.0008535572818992973,0.000691048800945282,0.0005010105669498444,0.6273083689501343,4,2828,0 -11829,0.0013317492261349418,0.001280609518289566,0.0003655068576335907,0.2780241607232831,4,2829,0 -11830,0.0011542796808540004,0.0008189491927623749,0.0008134394884109497,0.7820229357372271,4,2830,0 -11831,0.0014630549192076144,0.0013619698584079742,0.0005343854427337646,0.3739047455603785,4,2831,0 -11832,0.0005035549983882895,0.0004367753863334656,0.0002505891025066376,0.5208758035629382,4,2832,0 -11833,0.0009274357575021928,0.0008713677525520325,0.0003175772726535797,0.34949681937306276,4,2833,0 -11834,0.001037085163008199,0.0009344443678855896,0.00044984370470046997,0.4486590941305588,4,2834,0 -11835,0.0011856073271451879,0.001051977276802063,0.0005468167364597321,0.4793610610581519,4,2835,0 -11836,0.0010498376222913429,0.0008253119885921478,0.0006488598883152008,0.6662691846152735,4,2836,0 -11837,0.0005897382597104488,0.0005843974649906158,7.918849587440491e-05,0.13468418092774434,4,2837,0 -11838,0.001246947564462323,0.0012171082198619843,0.0002711564302444458,0.21920750514651566,4,2838,0 -11839,0.001151984283676908,0.0010773353278636932,0.00040794163942337036,0.36197381985814997,4,2839,0 -11840,0.0009074201034738534,0.0007156357169151306,0.000557921826839447,0.6621881735352351,4,2840,0 -11841,0.001156130669554748,0.0011410079896450043,0.00018638372421264648,0.16191998404623476,4,2841,0 -11842,0.0014592167408393941,0.0013157054781913757,0.0006310567259788513,0.4472222488778771,4,2842,0 -11843,0.0008097217726420416,0.000803239643573761,0.00010225176811218262,0.12661818293650814,4,2843,0 -11844,0.0010178259242734759,0.0009320266544818878,0.00040901824831962585,0.41354151086980523,4,2844,0 -11845,0.0010325645614820335,0.000954754650592804,0.0003932341933250427,0.3906965285238827,4,2845,0 -11846,0.0011938237103262743,0.0010981224477291107,0.0004683397710323334,0.40313319117316415,4,2846,0 -11847,0.0011647758431853317,0.0011302754282951355,0.0002813898026943207,0.2439966278674229,4,2847,0 -11848,0.0009146879720916801,0.0007874146103858948,0.00046543776988983154,0.5338468511988699,4,2848,0 -11849,0.0009301297243225484,0.0007970519363880157,0.00047942623496055603,0.5415212465466923,4,2849,0 -11850,0.0007511576037271979,0.0006605684757232666,0.0003576129674911499,0.4961945403101387,4,2850,0 -11851,0.0008879711039045642,0.0008400529623031616,0.0002877563238143921,0.33001842518254615,4,2851,0 -11852,0.0008551782736509235,0.0007671639323234558,0.00037787482142448425,0.45767849600226473,4,2852,0 -11853,0.0014044136901678456,0.001114189624786377,0.0008549615740776062,0.6545062680856778,4,2853,0 -11854,0.0011528601461796282,0.0010227151215076447,0.0005321092903614044,0.47974818566381694,4,2854,0 -11855,0.0009512596010095556,0.0007851198315620422,0.0005371049046516418,0.5999787683057304,4,2855,0 -11856,0.0010855256796238194,0.0008924156427383423,0.00061802938580513,0.6056985485919817,4,2856,0 -11857,0.0008617341523555536,0.0007316768169403076,0.0004552304744720459,0.5565647338843502,4,2857,0 -11858,0.0009650571056087212,0.0009042955935001373,0.0003370232880115509,0.35674525204134666,4,2858,0 -11859,0.0008675284229778821,0.0008014030754566193,0.0003322027623653412,0.3929661083067161,4,2859,0 -11860,0.0012105449893062246,0.001069631427526474,0.0005668401718139648,0.487311512274948,4,2860,0 -11861,0.0011081366375406767,0.001070655882358551,0.00028576701879501343,0.26082803690026113,4,2861,0 -11862,0.0011300435445763717,0.001068267971277237,0.00036851316690444946,0.33218068892509883,4,2862,0 -11863,0.0005517194721425085,9.801983833312988e-05,0.0005429424345493317,1.3921857158328315,4,2863,0 -11864,0.0010130043630458042,0.0009049959480762482,0.00045514851808547974,0.46598789589139716,4,2864,0 -11865,0.001015205414652123,0.0008724033832550049,0.00051918625831604,0.5368248563901203,4,2865,0 -11866,0.001332545941465705,0.0011509619653224945,0.0006715394556522369,0.5281684242535684,4,2866,0 -11867,0.0012121432348361244,0.0009562261402606964,0.0007449313998222351,0.6618245856844803,4,2867,0 -11868,0.0009948077187970541,0.0009138621389865875,0.0003930628299713135,0.4061923534254532,4,2868,0 -11869,0.0014644068494623099,0.001425221562385559,0.0003364980220794678,0.23185627058836383,4,2869,0 -11870,0.0010042179112329048,0.0008454099297523499,0.0005419738590717316,0.5700777003196746,4,2870,0 -11871,0.0011717409902373373,0.0009956993162631989,0.0006177052855491638,0.555265340574047,4,2871,0 -11872,0.001216633769925071,0.0010947957634925842,0.000530678778886795,0.4513559916424786,4,2872,0 -11873,0.0010304442233644061,0.0007749646902084351,0.0006791502237319946,0.7196013283445172,4,2873,0 -11874,0.0013608844598817945,0.0011970922350883484,0.0006472840905189514,0.4956856165783476,4,2874,0 -11875,0.0013618718221312844,0.001260906457901001,0.000514596700668335,0.3874836979605573,4,2875,0 -11876,0.0008237730197370517,0.0007838830351829529,0.000253237783908844,0.31247222834633187,4,2876,0 -11877,0.0012905276414170795,0.0011850222945213318,0.0005110614001750946,0.407167132729414,4,2877,0 -11878,0.0008904109682117027,0.0007644258439540863,0.0004566013813018799,0.5384413138732713,4,2878,0 -11879,0.0011428585924199827,0.001040630042552948,0.0004724562168121338,0.4261834542036465,4,2879,0 -11880,0.0013276258352373038,0.0012265592813491821,0.0005080774426460266,0.39271296694025054,4,2880,0 -11881,0.0009572538223143216,0.0008918829262256622,0.000347677618265152,0.37170354203371936,4,2881,0 -11882,0.0009420938289221521,0.0007636807858943939,0.000551663339138031,0.6255849494123753,4,2882,0 -11883,0.00115999874984731,0.0010389387607574463,0.0005159489810466766,0.4609331709439347,4,2883,0 -11884,0.0011239413402441153,0.0009705275297164917,0.0005668513476848602,0.528620324253611,4,2884,0 -11885,0.00098794996605942,0.000931374728679657,0.00032952427864074707,0.34005982198964924,4,2885,0 -11886,0.0011297706940089681,0.0010562948882579803,0.0004007779061794281,0.36263885494289,4,2886,0 -11887,0.0009821578958980213,0.000833168625831604,0.0005200617015361786,0.5580219665406385,4,2887,0 -11888,0.0011414805013963908,0.0011086724698543549,0.0002717040479183197,0.24033474223949475,4,2888,0 -11889,0.0012382633113692848,0.0011117719113826752,0.0005452148616313934,0.45593954633650574,4,2889,0 -11890,0.0009281643332193893,0.0008289813995361328,0.0004174672067165375,0.4665159290861207,4,2890,0 -11891,0.0010680384173143086,0.000777270644903183,0.0007325001060962677,0.7557529853598399,4,2891,0 -11892,0.0011891322728452515,0.0010322816669940948,0.0005902796983718872,0.5194414301774215,4,2892,0 -11893,0.0011401916040664453,0.0009117498993873596,0.0006846524775028229,0.6440905206135062,4,2893,0 -11894,0.0010659391374092137,0.0009109936654567719,0.0005534589290618896,0.545940239617512,4,2894,0 -11895,0.0013814578555757704,0.001162022352218628,0.0007470808923244476,0.5713779861364664,4,2895,0 -11896,0.0013639856350649176,0.0012388229370117188,0.0005707666277885437,0.43174357049023604,4,2896,0 -11897,0.001345480651615996,0.0011356249451637268,0.0007215775549411774,0.5660439546496865,4,2897,0 -11898,0.0009324471659091034,0.0007713064551353455,0.0005239695310592651,0.5967165164141922,4,2898,0 -11899,0.000890777192781949,0.0007997006177902222,0.00039238110184669495,0.45614772624324995,4,2899,0 -11900,0.0008598754360466136,0.0004932284355163574,0.0007043518126010895,0.9598968061365125,4,2900,0 -11901,0.0010032922752324295,0.0009676739573478699,0.0002649575471878052,0.2672583307460676,4,2901,0 -11902,0.0010030429570423885,0.0009883493185043335,0.00017105787992477417,0.1713765928336155,4,2902,0 -11903,0.0009428341828279338,0.0008985325694084167,0.0002856142818927765,0.30776731314401545,4,2903,0 -11904,0.0009185471350803032,0.0008786171674728394,0.0002678819000720978,0.29593729802649765,4,2904,0 -11905,0.0013324609655645343,0.0012117214500904083,0.0005542412400245667,0.4289905976659981,4,2905,0 -11906,0.0011200267542203991,0.0009453929960727692,0.0006005764007568359,0.5659478518918547,4,2906,0 -11907,0.0010062745228647432,0.0008720196783542633,0.0005021654069423676,0.5224839306229114,4,2907,0 -11908,0.0010447293656744563,0.0008932352066040039,0.0005418397486209869,0.5452609920889249,4,2908,0 -11909,0.0011834340818165628,0.0011253505945205688,0.0003661997616291046,0.3146022230627355,4,2909,0 -11910,0.0007256990770762731,0.0005640909075737,0.0004565529525279999,0.6804226172737274,4,2910,0 -11911,0.001157617063100039,0.000990070402622223,0.0005998648703098297,0.5447325659550549,4,2911,0 -11912,0.0008396545108769639,0.000767245888710022,0.00034110620617866516,0.4183419043490336,4,2912,0 -11913,0.0008659515741622456,0.0007052943110466003,0.0005024261772632599,0.6189757491196077,4,2913,0 -11914,0.0008730361392645275,0.0007744692265987396,0.00040297582745552063,0.47977521206967877,4,2914,0 -11915,0.0008585613230071652,0.0008338801562786102,0.000204380601644516,0.24035773383432132,4,2915,0 -11916,0.0008340844568251216,0.0008013732731342316,0.00023129582405090332,0.2809880043334491,4,2916,0 -11917,0.0013243437363363276,0.001275625079870224,0.0003559030592441559,0.27208382621410965,4,2917,0 -11918,0.001149827627303208,0.00043783336877822876,0.0010632053017616272,1.1801547428768993,4,2918,0 -11919,0.0010850548213493278,0.0010676085948944092,0.00019379332661628723,0.17956576456842205,4,2919,0 -11920,0.0011854382526709079,0.0011258870363235474,0.000371001660823822,0.31831412814681426,4,2920,0 -11921,0.0012971367242546,0.0011455528438091278,0.0006085000932216644,0.48828298829215955,4,2921,0 -11922,0.0011687137017575746,0.000874839723110199,0.0007749497890472412,0.724924910703577,4,2922,0 -11923,0.0009183554216980011,0.0007764063775539398,0.0004904791712760925,0.5634242070617099,4,2923,0 -11924,0.001105702178332601,0.0009648948907852173,0.0005399584770202637,0.5101863647069884,4,2924,0 -11925,0.0010895379769816857,0.0006314367055892944,0.0008879080414772034,0.9526255986060952,4,2925,0 -11926,0.0011131069355448024,0.0010227039456367493,0.0004394128918647766,0.4058093575216832,4,2926,0 -11927,0.00139279466347714,0.0013593435287475586,0.000303417444229126,0.2196089042853527,4,2927,0 -11928,0.0009797647036764144,0.0009270384907722473,0.0003170780837535858,0.3295600305205889,4,2928,0 -11929,0.001182884237839525,0.001127447932958603,0.0003578774631023407,0.30736321561664126,4,2929,0 -11930,0.0007956160356582516,0.0007528513669967651,0.00025733187794685364,0.32935976145852264,4,2930,0 -11931,0.0011208653866643476,0.0010475553572177887,0.0003987066447734833,0.3636770976092345,4,2931,0 -11932,0.0011109917858089016,0.0010108351707458496,0.0004609934985637665,0.4278754392777089,4,2932,0 -11933,0.0010085508942005287,0.0009362921118736267,0.0003748759627342224,0.38083698282213085,4,2933,0 -11934,0.0013036708570319884,0.001226961612701416,0.00044059380888938904,0.34475275782875237,4,2934,0 -11935,0.0008607720853017359,0.0007437281310558319,0.00043335556983947754,0.5275869113467463,4,2935,0 -11936,0.0012198489043844809,0.0011500269174575806,0.00040677934885025024,0.3399786829193802,4,2936,0 -11937,0.0010959612340068982,0.000996280461549759,0.0004566796123981476,0.42980463797368684,4,2937,0 -11938,0.0010539532244099468,0.0009050443768501282,0.0005401037633419037,0.538041466359088,4,2938,0 -11939,0.001277013348547906,0.0011651255190372467,0.0005227290093898773,0.42172744383607585,4,2939,0 -11940,0.0008760344144836385,0.0008657053112983704,0.00013412907719612122,0.1537139804953471,4,2940,0 -11941,0.001075762494239692,0.0009895972907543182,0.0004218555986881256,0.40296292649671644,4,2941,0 -11942,0.0012311635714487067,0.001222413033246994,0.00014652684330940247,0.11929769926767723,4,2942,0 -11943,0.0012193233341355803,0.0010387152433395386,0.0006386078894138336,0.5512348602354222,4,2943,0 -11944,0.0010848236157592463,0.0008169598877429962,0.000713735818862915,0.718064062064658,4,2944,0 -11945,0.001100408664087623,0.0010780096054077148,0.00022089481353759766,0.20211210514197722,4,2945,0 -11946,0.001008166228296301,0.0009823329746723175,0.00022676214575767517,0.22686642643778443,4,2946,0 -11947,0.0010749614702776106,0.0008261315524578094,0.0006877854466438293,0.6942683839471048,4,2947,0 -11948,0.0008794048534059596,0.0007129795849323273,0.0005147941410541534,0.6253600750345808,4,2948,0 -11949,0.000945180940265405,0.0007377900183200836,0.0005907900631427765,0.6752019784699493,4,2949,0 -11950,0.0011110554018048811,0.0010478124022483826,0.00036950409412384033,0.3390277688797175,4,2950,0 -11951,0.0010863413354340735,0.0009123533964157104,0.0005897022783756256,0.5738070913794916,4,2951,0 -11952,0.0009413542838050873,0.0005442798137664795,0.0007680542767047882,0.9542901567944232,4,2952,0 -11953,0.0009221109206146274,0.0008557140827178955,0.00034357234835624695,0.38180197555141926,4,2953,0 -11954,0.0012174064219663554,0.0009044259786605835,0.0008149184286594391,0.7333860004031598,4,2954,0 -11955,0.001166352431866717,0.0011118166148662567,0.0003524795174598694,0.3070067464601753,4,2955,0 -11956,0.0010078227565132143,0.0009960643947124481,0.00015350058674812317,0.15290422274067345,4,2956,0 -11957,0.0011194227603167747,0.0009720697999000549,0.0005551464855670929,0.5188963877125938,4,2957,0 -11958,0.0011396950712160294,0.0009866245090961456,0.0005705058574676514,0.5242658935865532,4,2958,0 -11959,0.0008872334110577977,0.000767786055803299,0.00044462084770202637,0.5249061222067959,4,2959,0 -11960,0.0011479387640487434,0.0010397955775260925,0.0004864037036895752,0.43754741710040196,4,2960,0 -11961,0.0008338078949011431,0.0007386244833469391,0.0003868713974952698,0.4824844601927244,4,2961,0 -11962,0.0008702806019230981,0.0007370449602603912,0.00046276673674583435,0.5606588367219212,4,2962,0 -11963,0.0009848834057092633,0.0009052976965904236,0.0003878548741340637,0.4047706006531274,4,2963,0 -11964,0.0010502305544639926,0.0008125007152557373,0.0006654523313045502,0.6862299073132779,4,2964,0 -11965,0.0010545963485872173,0.0008770264685153961,0.0005856603384017944,0.5887726639127054,4,2965,0 -11966,0.0009718148244483849,0.0009004920721054077,0.000365428626537323,0.3855048833268762,4,2966,0 -11967,0.0009795823824708116,0.0009245872497558594,0.0003236047923564911,0.33667410149991317,4,2967,0 -11968,0.0008665356211936324,0.0007901377975940704,0.00035576149821281433,0.42306386393063744,4,2968,0 -11969,0.0012377151845355768,0.0010320618748664856,0.000683218240737915,0.5847603445180958,4,2969,0 -11970,0.0013389997573507665,0.0012134760618209839,0.0005660355091094971,0.43645572283041423,4,2970,0 -11971,0.001403985408759423,0.001116190105676651,0.0008516423404216766,0.6517632608308281,4,2971,0 -11972,0.0010495100029779846,0.000857766717672348,0.0006047375500202179,0.6140831484925883,4,2972,0 -11973,0.0009406894133887725,0.0008199363946914673,0.00046108663082122803,0.5122712434359589,4,2973,0 -11974,0.001241288231309424,0.0012075677514076233,0.0002873614430427551,0.23362195061598506,4,2974,0 -11975,0.0009236226075274602,0.0008156262338161469,0.0004333965480327606,0.4884248911215315,4,2975,0 -11976,0.0013393469132285817,0.0012591183185577393,0.00045658648014068604,0.34787655284044483,4,2976,0 -11977,0.0010324734134312355,0.0008502267301082611,0.0005857609212398529,0.6032690742972227,4,2977,0 -11978,0.0012165686605394525,0.001102883368730545,0.0005135051906108856,0.4357528970366636,4,2978,0 -11979,0.0009023906278639444,0.0008362829685211182,0.0003390274941921234,0.3851511989511584,4,2979,0 -11980,0.0007714997500387708,0.0007478557527065277,0.00018953531980514526,0.24821211971417484,4,2980,0 -11981,0.0010150911702796696,0.0009557902812957764,0.00034186989068984985,0.3435028578922755,4,2981,0 -11982,0.0010015778119115506,0.0009032860398292542,0.0004327036440372467,0.4467335956353587,4,2982,0 -11983,0.0007699726567662485,0.000689774751663208,0.00034215301275253296,0.46047127179068054,4,2983,0 -11984,0.0009770773052364995,0.0007112585008144379,0.000669918954372406,0.7554764409415898,4,2984,0 -11985,0.0011752953106161565,0.0010679028928279877,0.0004908181726932526,0.4308162821244806,4,2985,0 -11986,0.0010145053878081968,0.000840798020362854,0.0005676969885826111,0.593879017755853,4,2986,0 -11987,0.0010098884319430738,0.000919535756111145,0.00041752681136131287,0.42622726003000944,4,2987,0 -11988,0.0008250245567832231,0.000613037496805191,0.0005521327257156372,0.7331745558840731,4,2988,0 -11989,0.0011726298524861707,0.0010850392282009125,0.00044469162821769714,0.3889595788027763,4,2989,0 -11990,0.0012134016737541744,0.0010849721729755402,0.0005433037877082825,0.46425035602666315,4,2990,0 -11991,0.0011404953644669612,0.0010610446333885193,0.0004182271659374237,0.375466520327083,4,2991,0 -11992,0.0011563455320156555,0.0008719414472579956,0.0007595084607601166,0.716590966476428,4,2992,0 -11993,0.001305928388633129,0.001180250197649002,0.0005589798092842102,0.44231465756551347,4,2993,0 -11994,0.0013451990912307363,0.001136496663093567,0.0007196776568889618,0.5645043534387821,4,2994,0 -11995,0.0009402498262807027,0.0008231177926063538,0.00045447424054145813,0.5044828419767231,4,2995,0 -11996,0.0008527740368027306,0.0006325207650661469,0.00057196244597435,0.7351630343818973,4,2996,0 -11997,0.0012882926165739318,0.0012187585234642029,0.0004175230860710144,0.3300499234394637,4,2997,0 -11998,0.001075838684517213,0.0009844116866588593,0.0004340074956417084,0.41524396135808095,4,2998,0 -11999,0.0007755711251448495,0.0007045082747936249,0.00032431259751319885,0.43141845645047644,4,2999,0 -12000,0.0005533551086017563,-0.00020245835185050964,-0.0005149878561496735,-1.9453682743428822,1,0,1 -12001,0.000655510622237201,-0.00025322288274765015,-0.000604625791311264,-1.9674117019811481,1,1,1 -12002,0.0005763462939854818,-0.00011197105050086975,-0.0005653649568557739,-1.7663170718547165,1,2,1 -12003,0.0006170387250698311,-0.00018448010087013245,-0.0005888156592845917,-1.8744162802097437,1,3,1 -12004,0.0007443486368730757,-0.0002556703984737396,-0.0006990619003772736,-1.921418351073521,1,4,1 -12005,0.0006594727051591706,-0.00023209676146507263,-0.0006172806024551392,-1.9304423635339136,1,5,1 -12006,0.00039667603154562646,-3.2085925340652466e-05,-0.0003953762352466583,-1.6517717685055875,1,6,1 -12007,0.00044387245014988584,-3.3758580684661865e-05,-0.00044258683919906616,-1.6469245269708583,1,7,1 -12008,0.0006309630604072566,-7.766112685203552e-05,-0.0006261654198169708,-1.6941927173748057,1,8,1 -12009,0.0004087577815898338,-0.00010001286864280701,-0.00039633363485336304,-1.817980964588677,1,9,1 -12010,0.0006763962538163547,-0.00017775222659111023,-0.0006526224315166473,-1.8367121768822634,1,10,1 -12011,0.0006405282510480792,-0.00013661757111549377,-0.0006257891654968262,-1.785736427635904,1,11,1 -12012,0.0006548306114019162,-0.0001450851559638977,-0.0006385557353496552,-1.7942116536112125,1,12,1 -12013,0.0006859287599686407,-7.019191980361938e-05,-0.0006823278963565826,-1.6733069799653888,1,13,1 -12014,0.0006464709742323559,-0.0001647062599658966,-0.0006251372396945953,-1.8284139320079935,1,14,1 -12015,0.000642926597502982,-0.00015928223729133606,-0.0006228834390640259,-1.8211489476018492,1,15,1 -12016,0.0005911981490695028,-0.00013339519500732422,-0.0005759522318840027,-1.7983914710992195,1,16,1 -12017,0.0005818924841296933,-0.00016615912318229675,-0.0005576647818088531,-1.8603761064196314,1,17,1 -12018,0.0006254662959497847,-0.00012587755918502808,-0.0006126686930656433,-1.7734342168478072,1,18,1 -12019,0.00043117664824217925,-2.4572014808654785e-05,-0.0004304759204387665,-1.62781549668335,1,19,1 -12020,0.0006632846151990367,-0.00012546032667160034,-0.0006513111293315887,-1.7610928389672318,1,20,1 -12021,0.0006275583748859091,-0.00021508336067199707,-0.0005895495414733887,-1.9206181678221663,1,21,1 -12022,0.0006641502680380399,-0.00018597766757011414,-0.0006375797092914581,-1.8546148917122478,1,22,1 -12023,0.0006943984836394177,-0.00018310546875,-0.000669822096824646,-1.837641233355307,1,23,1 -12024,0.0006032968919329036,-0.00027529895305633545,-0.0005368217825889587,-2.044656116401233,1,24,1 -12025,0.0006878171283049529,-0.00012753158807754517,-0.0006758905947208405,-1.7572904586198241,1,25,1 -12026,0.0006353277515676968,-0.00017668306827545166,-0.0006102658808231354,-1.8526092508490124,1,26,1 -12027,0.0006577283319465474,-0.00016313046216964722,-0.0006371773779392242,-1.821433254100544,1,27,1 -12028,0.0006176983056173383,-0.0001610107719898224,-0.0005963444709777832,-1.8345046678006687,1,28,1 -12029,0.0006503302447872597,-0.00017671659588813782,-0.000625859946012497,-1.8459903104215558,1,29,1 -12030,0.0007244924116653142,-0.0001812949776649475,-0.0007014423608779907,-1.823721604647037,1,30,1 -12031,0.0006603613680514654,-9.643658995628357e-05,-0.0006532818078994751,-1.7173565331647769,1,31,1 -12032,0.0006432722142873613,-0.00010982155799865723,-0.000633828341960907,-1.7423600306688587,1,32,1 -12033,0.0007292417500510598,-0.00024310126900672913,-0.0006875284016132355,-1.9106633230735057,1,33,1 -12034,0.0006027460864680085,-0.00015375018119812012,-0.0005828067660331726,-1.8287296991938011,1,34,1 -12035,0.0006737513734352913,-0.00016434118151664734,-0.0006534010171890259,-1.8172018381245014,1,35,1 -12036,0.000701289314832653,-9.23648476600647e-05,-0.0006951801478862762,-1.70288730673507,1,36,1 -12037,0.0006810477673146745,-0.00017752870917320251,-0.0006575025618076324,-1.8345124387367344,1,37,1 -12038,0.00037922232565914496,-8.666142821311951e-05,-0.00036918744444847107,-1.801357689049739,1,38,1 -12039,0.0005957531972828643,-0.00015958398580551147,-0.0005739815533161163,-1.8419771460724321,1,39,1 -12040,0.0007077739150475986,-0.0001788027584552765,-0.0006848163902759552,-1.826190628310764,1,40,1 -12041,0.0006459213359142295,-0.00012793764472007751,-0.0006331242620944977,-1.7701848531909017,1,41,1 -12042,0.0006318154373068664,-0.00013520196080207825,-0.0006171800196170807,-1.7864537247873693,1,42,1 -12043,0.0005729704223420803,-0.0002200007438659668,-0.0005290508270263672,-1.9648832607059759,1,43,1 -12044,0.000677095293550311,-0.00020859763026237488,-0.0006441622972488403,-1.8839676048558656,1,44,1 -12045,0.0006415004348075517,-0.00015142932534217834,-0.0006233714520931244,-1.8091003377453323,1,45,1 -12046,0.0006900080995075319,-0.00011205300688743591,-0.0006808489561080933,-1.7339124560150085,1,46,1 -12047,0.0006182285740359446,-0.0002472810447216034,-0.0005666203796863556,-1.9822948450106528,1,47,1 -12048,0.0006302930849752194,-0.00017130747437477112,-0.0006065666675567627,-1.8460490810311583,1,48,1 -12049,0.0005963938937673648,-0.00018990784883499146,-0.0005653500556945801,-1.8948658527348108,1,49,1 -12050,0.0006397509220783569,-0.00016590207815170288,-0.0006178654730319977,-1.8331174023219086,1,50,1 -12051,0.0006786019158521408,-0.00017401203513145447,-0.0006559118628501892,-1.8301203827804098,1,51,1 -12052,0.0003844671428528823,-0.00012892484664916992,-0.00036220625042915344,-1.9127559011469655,1,52,1 -12053,0.0006712864946475622,-0.0002495311200618744,-0.0006231851875782013,-1.9516582306850903,1,53,1 -12054,0.0006840228079444815,-0.00016700848937034607,-0.00066332146525383,-1.8174459104911644,1,54,1 -12055,0.0005965424526637418,-0.00018687546253204346,-0.0005665160715579987,-1.8894247486101676,1,55,1 -12056,0.0006966949888662938,-0.00015200674533843994,-0.0006799101829528809,-1.790748173875225,1,56,1 -12057,0.0006216526636926115,-0.0001257471740245819,-0.0006088018417358398,-1.7744806240726898,1,57,1 -12058,0.0006887694662995339,-0.00013031065464019775,-0.000676330178976059,-1.761136998838186,1,58,1 -12059,0.0006017736858386258,-0.00017026066780090332,-0.0005771853029727936,-1.8576453371382116,1,59,1 -12060,0.0006853120157363546,-9.467825293540955e-05,-0.0006787404417991638,-1.7093931191653124,1,60,1 -12061,0.0006098790970559634,-0.00021669268608093262,-0.0005700848996639252,-1.9340359510944114,1,61,1 -12062,0.0006723988027116398,-0.0001188032329082489,-0.0006618201732635498,-1.748414446529372,1,62,1 -12063,0.0006642841252067407,-0.0001952722668647766,-0.0006349347531795502,-1.8691624956260144,1,63,1 -12064,0.0006164683252957296,-0.0001286044716835022,-0.0006029047071933746,-1.7809548007932494,1,64,1 -12065,0.0006895122416200919,-0.0001383572816848755,-0.0006754882633686066,-1.7728275413484382,1,65,1 -12066,0.0004304553674872087,4.898756742477417e-06,-0.0004304274916648865,-1.5594156753701736,1,66,1 -12067,0.00036649470419864843,-0.00010852515697479248,-0.00035005807876586914,-1.8714206378094476,1,67,1 -12068,0.0006832661785555954,-0.00014410912990570068,-0.0006678961217403412,-1.7833043205262233,1,68,1 -12069,0.0006718202652406178,-0.00021782517433166504,-0.0006355270743370056,-1.900995369034191,1,69,1 -12070,0.0006371908457838624,-0.00015601888298988342,-0.0006177946925163269,-1.818165684611221,1,70,1 -12071,0.0006117275280384383,-0.00013672932982444763,-0.0005962513387203217,-1.796213960257509,1,71,1 -12072,0.0007217125122458454,-0.00018526986241340637,-0.0006975270807743073,-1.8304115356202284,1,72,1 -12073,0.000702736908930855,-0.00011657178401947021,-0.000693000853061676,-1.7374492106731099,1,73,1 -12074,0.0004221087381952023,-0.00012817233800888062,-0.0004021786153316498,-1.8793150970660435,1,74,1 -12075,0.0006647787191769972,-0.0001294352114200592,-0.0006520561873912811,-1.7667522006340042,1,75,1 -12076,0.0003206849073919377,-0.00011768564581871033,-0.0002983100712299347,-1.9465590886238335,1,76,1 -12077,0.00041397595714529897,-6.809830665588379e-05,-0.0004083365201950073,-1.7360456030682747,1,77,1 -12078,0.0005348048610222956,-4.335865378379822e-05,-0.0005330443382263184,-1.6519591902967192,1,78,1 -12079,0.0006961107258051441,-9.207427501678467e-05,-0.0006899945437908173,-1.7034546590290651,1,79,1 -12080,0.0006750402411106786,-0.00010837987065315247,-0.0006662830710411072,-1.73204742483424,1,80,1 -12081,0.0006749437539788529,-0.0001666247844696045,-0.0006540529429912567,-1.8202474451479909,1,81,1 -12082,0.0006890642951750149,-9.078159928321838e-05,-0.0006830580532550812,-1.7029266512466454,1,82,1 -12083,0.0006863315167398411,-0.0001543387770652771,-0.0006687529385089874,-1.7976110413359532,1,83,1 -12084,0.0004061844894923916,-8.619576692581177e-05,-0.0003969334065914154,-1.7846306199415893,1,84,1 -12085,0.0006282851379827474,-0.00012347474694252014,-0.0006160326302051544,-1.768610505874484,1,85,1 -12086,0.0005717021927491996,-9.945780038833618e-05,-0.0005629844963550568,-1.7456538634420322,1,86,1 -12087,0.0003398561310707317,-0.0001630336046218872,-0.00029819831252098083,-2.0711245887235967,1,87,1 -12088,0.0004729480226501385,-0.0001475103199481964,-0.00044935569167137146,-1.887983637270631,1,88,1 -12089,0.0005756301843685684,-9.145215153694153e-05,-0.0005683191120624542,-1.7303454772502422,1,89,1 -12090,0.0006709829890887526,-0.0001241825520992279,-0.0006593912839889526,-1.7569450763277412,1,90,1 -12091,0.0006672559559918386,-0.00014804303646087646,-0.0006506256759166718,-1.7945265766357885,1,91,1 -12092,0.0006672014272106722,-0.00013587996363639832,-0.0006532184779644012,-1.7758876644560453,1,92,1 -12093,0.0006630922427274511,-0.0001533515751361847,-0.0006451159715652466,-1.8041764568346732,1,93,1 -12094,0.000628575142310255,-0.0001114383339881897,-0.000618617981672287,-1.7490256364669925,1,94,1 -12095,0.0007108425304160994,-0.00013145804405212402,-0.000698581337928772,-1.7567997298350464,1,95,1 -12096,0.000597385088456223,-0.00014091655611991882,-0.0005805268883705139,-1.8089295837143906,1,96,1 -12097,0.0005971213807215388,-0.00015169382095336914,-0.0005775317549705505,-1.8276532521378506,1,97,1 -12098,0.00069680295788588,-0.00023121386766433716,-0.0006573237478733063,-1.9090296387743995,1,98,1 -12099,0.0005250678120514915,-0.00015170127153396606,-0.0005026757717132568,-1.863892234574125,1,99,1 -12100,0.00045804035333278886,-0.0001230686902999878,-0.00044119730591773987,-1.8428241641331022,1,100,1 -12101,0.0006769540303702675,-0.00012413784861564636,-0.0006654746830463409,-1.7552170117722785,1,101,1 -12102,0.0006138264287132545,-0.00013860687613487244,-0.0005979724228382111,-1.7985686354495567,1,102,1 -12103,0.0006370032967266722,-0.00013194233179092407,-0.0006231889128684998,-1.779436492111363,1,103,1 -12104,0.0005766600578455982,-0.00014995038509368896,-0.0005568228662014008,-1.833852238751219,1,104,1 -12105,0.0006973989609299881,-0.00022721663117408752,-0.0006593465805053711,-1.9026602416575462,1,105,1 -12106,0.000686072517127907,-0.00020234659314155579,-0.0006555542349815369,-1.8701835065216772,1,106,1 -12107,0.0006991321408634016,-0.0001401565968990326,-0.0006849393248558044,-1.772636264670729,1,107,1 -12108,0.000634141636082453,-0.00013735517859458923,-0.0006190873682498932,-1.7891269283262063,1,108,1 -12109,0.0004338681552090806,-0.00015804171562194824,-0.00040405988693237305,-1.9436366466252886,1,109,1 -12110,0.0006359018393271238,-0.00015301629900932312,-0.0006172172725200653,-1.813809965106819,1,110,1 -12111,0.0006685182852228267,-0.00014141574501991272,-0.0006533898413181305,-1.7839426776031089,1,111,1 -12112,0.0005734812816965712,-0.00016785413026809692,-0.0005483664572238922,-1.8678386090862098,1,112,1 -12113,0.0007204337377742289,-0.00012550130486488342,-0.0007094182074069977,-1.74589207841995,1,113,1 -12114,0.0006667103225214314,-0.00016503408551216125,-0.0006459616124629974,-1.8209314904571932,1,114,1 -12115,0.0006275330630480087,-0.00011014565825462341,-0.0006177909672260284,-1.7472319777034153,1,115,1 -12116,0.0007066799366987269,-0.00018441304564476013,-0.000682193785905838,-1.8348097020681766,1,116,1 -12117,0.0006483197592813954,-0.0001784190535545349,-0.0006232857704162598,-1.8495963914499205,1,117,1 -12118,0.0006020703509745732,-0.0001660473644733429,-0.0005787201225757599,-1.8502119230176488,1,118,1 -12119,0.0006617686337371431,-0.00010850653052330017,-0.0006528124213218689,-1.7355044898727148,1,119,1 -12120,0.0006070315297701586,-9.793788194656372e-05,-0.0005990788340568542,-1.7328436414374093,1,120,1 -12121,0.0004003153876189633,-0.00016039609909057617,-0.0003667771816253662,-1.9830490437211903,1,121,1 -12122,0.00047775760665506065,-2.4955719709396362e-05,-0.00047710537910461426,-1.6230552169907535,1,122,1 -12123,0.0006407898497180566,-0.00017075613141059875,-0.0006176196038722992,-1.8405329417857454,1,123,1 -12124,0.0006854450544743616,-0.0003364570438861847,-0.0005971863865852356,-2.0838720428446234,1,124,1 -12125,0.0006560762333786197,-0.0001522563397884369,-0.0006381645798683167,-1.8050027115869212,1,125,1 -12126,0.0007265844095076318,-0.00016521289944648743,-0.0007075518369674683,-1.800185706233906,1,126,1 -12127,0.000604098521667173,-0.00010000541806221008,-0.0005957633256912231,-1.7371068171295507,1,127,1 -12128,0.0006066468110167931,-0.0001744888722896576,-0.000581011176109314,-1.8625460353893761,1,128,1 -12129,0.0006421126353442941,-0.00012886524200439453,-0.0006290487945079803,-1.7728579816456453,1,129,1 -12130,0.0005679714153637601,-0.00028294697403907776,-0.0004924759268760681,-2.0922846143409872,1,130,1 -12131,0.0006509141694775504,-8.789822459220886e-05,-0.0006449520587921143,-1.7062482597917243,1,131,1 -12132,0.0004013799853683272,-7.421150803565979e-05,-0.0003944598138332367,-1.756757177272869,1,132,1 -12133,0.0006647198710625958,-0.0001155659556388855,-0.0006545968353748322,-1.7455409224065377,1,133,1 -12134,0.0006349500966727776,-0.00015088170766830444,-0.000616762787103653,-1.810719152212805,1,134,1 -12135,0.0006198449700792932,-0.00011917576193809509,-0.0006082803010940552,-1.7642681009849377,1,135,1 -12136,0.0006421340609531913,-0.00015952065587043762,-0.0006220042705535889,-1.821847860967605,1,136,1 -12137,0.0006540748972988936,-0.00012820586562156677,-0.0006413869559764862,-1.7680846564241377,1,137,1 -12138,0.0006915797571108226,-0.00010235607624053955,-0.0006839632987976074,-1.7193453436553139,1,138,1 -12139,0.0006823857334604018,-0.0001529492437839508,-0.000665023922920227,-1.7968557766745281,1,139,1 -12140,0.0006628739188627011,-0.00012731552124023438,-0.0006505325436592102,-1.7640632038021904,1,140,1 -12141,0.0006444105893221812,-0.00016105547547340393,-0.0006239600479602814,-1.8234009804339562,1,141,1 -12142,0.0006780898721982924,-0.0003367885947227478,-0.0005885399878025055,-2.090557083772732,1,142,1 -12143,0.0006377091157964309,-0.0001292116940021515,-0.000624481588602066,-1.7748275227669967,1,143,1 -12144,0.00039669962281212325,-0.00013243407011032104,-0.00037394091486930847,-1.9111703355766017,1,144,1 -12145,0.0006183763457284629,-0.00011596828699111938,-0.0006074048578739166,-1.7594501214394638,1,145,1 -12146,0.0006521420358313539,-0.00013164803385734558,-0.000638715922832489,-1.7740633709937026,1,146,1 -12147,0.0004919063049227012,-8.80807638168335e-05,-0.0004839561879634857,-1.7508272962073863,1,147,1 -12148,0.0005333107091000544,-9.247288107872009e-05,-0.0005252324044704437,-1.7450711666842231,1,148,1 -12149,0.0006794587387198973,-0.00011184066534042358,-0.0006701909005641937,-1.7361514146478958,1,149,1 -12150,0.000627726718563673,-0.00016913935542106628,-0.0006045103073120117,-1.843615527753291,1,150,1 -12151,0.00047351668048634755,-3.789365291595459e-05,-0.000471998006105423,-1.6509080053797858,1,151,1 -12152,0.00040784027073780064,-0.00011375546455383301,-0.0003916546702384949,-1.8534672958322613,1,152,1 -12153,0.000699904334460539,-0.0001689530909061432,-0.0006792061030864716,-1.814598967898743,1,153,1 -12154,0.0007433100853506177,-0.0002845190465450287,-0.0006867013871669769,-1.9635923799503312,1,154,1 -12155,0.0006071789908917251,-0.00015800446271896362,-0.0005862601101398468,-1.8340537848633605,1,155,1 -12156,0.0007092878335555871,-0.00013195723295211792,-0.0006969049572944641,-1.7579284624145188,1,156,1 -12157,0.0006771734083435886,-0.00017205625772476196,-0.000654950737953186,-1.8276927533487697,1,157,1 -12158,0.0006884849820200251,-0.00020011141896247864,-0.0006587617099285126,-1.8657073685063454,1,158,1 -12159,0.0005995194748887669,-0.00019560009241104126,-0.0005667135119438171,-1.903142219672799,1,159,1 -12160,0.0006645158067398547,-0.00012892857193946838,-0.0006518885493278503,-1.7660534909658363,1,160,1 -12161,0.0005558427571741884,-0.0001089051365852356,-0.0005450695753097534,-1.7679999869186842,1,161,1 -12162,0.0005965735259300406,-0.00017170608043670654,-0.0005713291466236115,-1.8627465641243262,1,162,1 -12163,0.0006402231123283276,-0.00014717504382133484,-0.0006230771541595459,-1.802751596058303,1,163,1 -12164,0.0006455489751322307,-0.00013117492198944092,-0.0006320811808109283,-1.7754203327886213,1,164,1 -12165,0.0006959052439058485,-0.00019476935267448425,-0.0006680935621261597,-1.8544645297411024,1,165,1 -12166,0.0006700266564358947,-0.00015734881162643433,-0.000651288777589798,-1.8078499069733984,1,166,1 -12167,0.0006681408053895787,-0.00017279386520385742,-0.0006454102694988251,-1.832388553728848,1,167,1 -12168,0.0004411622557885121,-9.776651859283447e-05,-0.0004301927983760834,-1.7942628222298485,1,168,1 -12169,0.0006257854924434859,-0.00023112446069717407,-0.0005815401673316956,-1.9490896088948686,1,169,1 -12170,0.000676373026613627,-0.0001254938542842865,-0.0006646290421485901,-1.757417105062012,1,170,1 -12171,0.0006775054422998917,-0.00012235715985298157,-0.0006663650274276733,-1.75239229012459,1,171,1 -12172,0.0007088779448556954,-0.0001441165804862976,-0.0006940737366676331,-1.7755259020128091,1,172,1 -12173,0.0006933684158706385,-0.00015671923756599426,-0.0006754249334335327,-1.7987924144629424,1,173,1 -12174,0.0006286995043666169,-0.00019050389528274536,-0.0005991421639919281,-1.8786486585686408,1,174,1 -12175,0.0006524502344542386,-0.000193033367395401,-0.0006232410669326782,-1.8711511287161302,1,175,1 -12176,0.0006092395534456434,-7.821992039680481e-05,-0.0006041973829269409,-1.6995411267501814,1,176,1 -12177,0.0004907147155904295,-7.128342986106873e-05,-0.00048550963401794434,-1.7165766339630721,1,177,1 -12178,0.0005959486036929242,-0.00010477378964424133,-0.0005866661667823792,-1.7475249625587015,1,178,1 -12179,0.0006185255711313442,-0.00018474459648132324,-0.0005902908742427826,-1.8741112694452446,1,179,1 -12180,0.0005772262487812367,-0.00016058608889579773,-0.0005544386804103851,-1.8527190973250638,1,180,1 -12181,0.0005701395546412312,-8.868053555488586e-05,-0.0005632005631923676,-1.7269722370892227,1,181,1 -12182,0.0006773067281355996,-0.00015284866094589233,-0.0006598345935344696,-1.7984283399958252,1,182,1 -12183,0.00037538345394062524,-0.0001341402530670166,-0.0003505982458591461,-1.9362167001951325,1,183,1 -12184,0.0006673154495418358,-0.00017670169472694397,-0.0006434954702854156,-1.8387874995181828,1,184,1 -12185,0.0003676790368395354,-7.893145084381104e-05,-0.00035910680890083313,-1.7871552572052014,1,185,1 -12186,0.0006412693088749227,-0.0001958124339580536,-0.00061064213514328,-1.8811036815332838,1,186,1 -12187,0.0005561778250421639,-0.00019836798310279846,-0.0005195997655391693,-1.9354897283583312,1,187,1 -12188,0.0006468292577552559,-9.713321924209595e-05,-0.0006394945085048676,-1.7215347795674023,1,188,1 -12189,0.0006600910383286737,-0.00015009939670562744,-0.0006427988409996033,-1.8001949711933136,1,189,1 -12190,0.0005962811675167704,-0.00013206154108047485,-0.0005814731121063232,-1.794123392576239,1,190,1 -12191,0.0004756902229285272,-7.415562868118286e-05,-0.0004698745906352997,-1.7273253271831708,1,191,1 -12192,0.00041178420140966217,-0.00012027844786643982,-0.00039382651448249817,-1.8672087534729693,1,192,1 -12193,0.0006346175531317395,-0.00020018965005874634,-0.0006022155284881592,-1.8917263967328248,1,193,1 -12194,0.000655741144497236,-0.00013582035899162292,-0.0006415210664272308,-1.779431599876134,1,194,1 -12195,0.0006777743499667324,-0.00015706568956375122,-0.0006593242287635803,-1.8046596854040613,1,195,1 -12196,0.0006380313870254941,-0.00010224059224128723,-0.0006297864019870758,-1.7317339955589968,1,196,1 -12197,0.00048536888822376935,-7.146969437599182e-05,-0.00048007816076278687,-1.7185818916665754,1,197,1 -12198,0.0006156727694439078,-0.00012934580445289612,-0.0006019324064254761,-1.782461865393004,1,198,1 -12199,0.0006032785779183592,-0.0001228339970111847,-0.000590641051530838,-1.7758408380106498,1,199,1 -12200,0.0006126021641456983,-7.581338286399841e-05,-0.0006078928709030151,-1.6948707341373117,1,200,1 -12201,0.0006483401691538788,-7.724016904830933e-05,-0.0006437227129936218,-1.690215212084388,1,201,1 -12202,0.0006475345260257533,-9.913742542266846e-05,-0.0006399005651473999,-1.7245006529179494,1,202,1 -12203,0.0006573322013728742,-0.00013070181012153625,-0.0006442070007324219,-1.770967171969951,1,203,1 -12204,0.0006739213631238876,-0.00019290298223495483,-0.0006457231938838959,-1.8610962389448424,1,204,1 -12205,0.000671301624278323,-0.00014121457934379578,-0.0006562806665897369,-1.7827388559840318,1,205,1 -12206,2.8527712701263108e-05,-1.099705696105957e-05,-2.6322901248931885e-05,-1.9665316763651193,1,206,1 -12207,0.0006781649839811027,-0.00012026727199554443,-0.0006674155592918396,-1.7490815133298214,1,207,1 -12208,0.0006468721243047932,-5.123019218444824e-05,-0.0006448403000831604,-1.6500761345355073,1,208,1 -12209,0.0006229791717058678,-0.00013267993927001953,-0.0006086863577365875,-1.7854166986633577,1,209,1 -12210,0.0006865940733746006,-0.00015753880143165588,-0.0006682761013507843,-1.8023085837102184,1,210,1 -12211,0.0006516748645428381,-3.5628676414489746e-05,-0.000650700181722641,-1.6254960731883787,1,211,1 -12212,0.00042137927918993456,-0.0001238510012626648,-0.00040276721119880676,-1.8691197633406125,1,212,1 -12213,0.00030107370251392573,-7.992610335350037e-05,-0.0002902708947658539,-1.8394879407521634,1,213,1 -12214,0.0006693188583412533,-0.0001110658049583435,-0.000660039484500885,-1.737506013187896,1,214,1 -12215,0.0006381779043410116,-0.00017081573605537415,-0.0006148926913738251,-1.8417616127494256,1,215,1 -12216,0.0007102276702639529,-0.00017101317644119263,-0.000689331442117691,-1.813972353432449,1,216,1 -12217,0.0006415784417190799,-0.00017955899238586426,-0.0006159394979476929,-1.854455726465675,1,217,1 -12218,0.0006451200084454251,-0.0001753009855747223,-0.0006208457052707672,-1.845990610178903,1,218,1 -12219,0.0006322767475304994,-9.774789214134216e-05,-0.0006246753036975861,-1.7260155490525801,1,219,1 -12220,0.0006373494031861171,-9.129196405410767e-05,-0.0006307773292064667,-1.714527616843944,1,220,1 -12221,0.0006179214711487322,-0.0001144111156463623,-0.0006072372198104858,-1.7570256927537289,1,221,1 -12222,0.0006642983644789206,-0.0001605488359928131,-0.0006446056067943573,-1.8148950017914134,1,222,1 -12223,0.0006808029353016197,-0.00010691583156585693,-0.0006723552942276001,-1.7284928480011963,1,223,1 -12224,0.0006818981068358556,-0.0001051090657711029,-0.0006737485527992249,-1.7255552357761719,1,224,1 -12225,0.0005315237480543334,-8.305907249450684e-05,-0.0005249939858913422,-1.7277053634294275,1,225,1 -12226,0.0006482939984696082,-0.00017704442143440247,-0.000623650848865509,-1.847402904981617,1,226,1 -12227,0.0007299951573791978,-9.88692045211792e-05,-0.0007232688367366791,-1.7066520157221075,1,227,1 -12228,0.0006439447591984065,-0.00013521313667297363,-0.0006295889616012573,-1.7823470440720144,1,228,1 -12229,0.0006501383817537893,-0.00010440871119499207,-0.000641699880361557,-1.732089366012164,1,229,1 -12230,0.0005897422875474112,-0.00020017847418785095,-0.0005547292530536652,-1.9171112371944867,1,230,1 -12231,0.0006011214464620501,-0.00016992539167404175,-0.0005766041576862335,-1.8573839048584215,1,231,1 -12232,0.000628494034394185,-0.0001494176685810089,-0.0006104744970798492,-1.8108339791553572,1,232,1 -12233,0.0006102145279313438,-0.00010362640023231506,-0.000601351261138916,-1.7414429560608307,1,233,1 -12234,0.0006976351234828145,-0.00018459931015968323,-0.0006727688014507294,-1.8385929578112006,1,234,1 -12235,0.0006450277930747945,-0.00011343136429786682,-0.0006349757313728333,-1.7475705656332317,1,235,1 -12236,0.00044473698429671937,-0.00016130506992340088,-0.0004144534468650818,-1.9419573851085596,1,236,1 -12237,0.0005980880515002406,-0.00020808354020118713,-0.0005607232451438904,-1.9261421007634387,1,237,1 -12238,0.00032608718078134505,-0.00012869387865066528,-0.0002996176481246948,-1.976495152449706,1,238,1 -12239,0.000380706856040683,-4.218146204948425e-05,-0.00037836283445358276,-1.6818220304848541,1,239,1 -12240,0.0005801151063429929,-0.00014870986342430115,-0.0005607306957244873,-1.8300357275716645,1,240,1 -12241,0.0006124868607287931,-0.00014097243547439575,-0.0005960427224636078,-1.8030425470817097,1,241,1 -12242,0.0006647741754913373,-0.00012706220149993896,-0.0006525181233882904,-1.763115564966316,1,242,1 -12243,0.0007255676144119615,-0.0001479312777519226,-0.0007103271782398224,-1.7761194616192648,1,243,1 -12244,0.0006421721106864574,-0.00013715773820877075,-0.0006273537874221802,-1.7860385598823019,1,244,1 -12245,0.0006851466719730483,-0.0002729147672653198,-0.0006284452974796295,-1.980492243301702,1,245,1 -12246,0.0006020250596542823,-0.0002086162567138672,-0.0005647242069244385,-1.924659508882754,1,246,1 -12247,0.0005879428167562192,-0.0001794472336769104,-0.0005598887801170349,-1.8809574255087045,1,247,1 -12248,0.0006757236190386246,-0.0002740398049354553,-0.0006176605820655823,-1.9883769274472098,1,248,1 -12249,0.0006230611390653509,-0.00020585954189300537,-0.0005880706012248993,-1.9075239114185951,1,249,1 -12250,0.0006510398949460763,-0.00015253201127052307,-0.0006329193711280823,-1.8072843045298819,1,250,1 -12251,0.0005843821613519298,-0.00014607608318328857,-0.0005658306181430817,-1.8234421948952724,1,251,1 -12252,0.0006460041159805109,-0.00018201395869255066,-0.0006198324263095856,-1.8564175476356195,1,252,1 -12253,0.000648804178635288,-0.00016222521662712097,-0.0006281957030296326,-1.823515060150206,1,253,1 -12254,0.00042988854069572866,-0.00014270097017288208,-0.0004055127501487732,-1.909165060287742,1,254,1 -12255,0.0006778152287812083,-8.884072303771973e-05,-0.0006719678640365601,-1.7022437684468794,1,255,1 -12256,0.0006391784070121856,-9.173154830932617e-05,-0.0006325617432594299,-1.7148083795889515,1,256,1 -12257,0.0006488852487614784,-0.0001188330352306366,-0.0006379112601280212,-1.7549698833512966,1,257,1 -12258,0.0006856243686315683,-0.00012626498937606812,-0.0006738975644111633,-1.7560141053989933,1,258,1 -12259,0.00036829571606176656,-0.000147990882396698,-0.00033725425601005554,-1.984306631378063,1,259,1 -12260,0.00039375826350334856,-0.00011378899216651917,-0.0003769584000110626,-1.8639594697220236,1,260,1 -12261,0.000678121512879562,-0.00016581639647483826,-0.0006575360894203186,-1.817824191953904,1,261,1 -12262,0.0005902343817457393,-0.00013285502791404724,-0.0005750879645347595,-1.797830290753755,1,262,1 -12263,0.0007251881028878842,-0.00016603991389274597,-0.0007059238851070404,-1.8018066927642988,1,263,1 -12264,0.0006652094145922838,-8.566305041313171e-05,-0.0006596706807613373,-1.6999309952436181,1,264,1 -12265,0.0003533193653452621,-9.236857295036316e-05,-0.0003410317003726959,-1.8353006109829508,1,265,1 -12266,0.0004798163006197062,-0.00027836859226226807,-0.0003908127546310425,-2.189717264926543,1,266,1 -12267,0.000451055304749062,-9.137019515037537e-05,-0.0004417039453983307,-1.774777772000376,1,267,1 -12268,0.0006074089452289667,-0.0001942552626132965,-0.0005755089223384857,-1.8963249418261603,1,268,1 -12269,0.0006451343145816652,-0.00017611682415008545,-0.0006206296384334564,-1.8472986377558551,1,269,1 -12270,0.00039458928495616753,-0.00013539567589759827,-0.0003706328570842743,-1.9210442030432253,1,270,1 -12271,0.0006409487757540219,-8.482486009597778e-05,-0.0006353110074996948,-1.7035283755972683,1,271,1 -12272,0.0006799250004809799,-0.00011039897799491882,-0.0006709024310112,-1.7338877182835655,1,272,1 -12273,0.0005978715811053035,-0.00010307133197784424,-0.0005889199674129486,-1.7440590252164194,1,273,1 -12274,0.0004231496052364965,-8.80509614944458e-05,-0.0004138872027397156,-1.7804127215169474,1,274,1 -12275,0.0006013414175192155,-0.00014640763401985168,-0.0005832463502883911,-1.8167365902095438,1,275,1 -12276,0.00068399689678358,-0.0002235807478427887,-0.0006464235484600067,-1.9037902196870116,1,276,1 -12277,0.00037634540095170775,-9.001791477203369e-05,-0.0003654211759567261,-1.8123274893433716,1,277,1 -12278,0.0005693836983704733,-0.00010120496153831482,-0.000560317188501358,-1.7494905564231322,1,278,1 -12279,0.0006418202615508986,-0.00019903108477592468,-0.0006101801991462708,-1.8860988391934983,1,279,1 -12280,0.0005598287915102609,-0.00017026439309120178,-0.0005333088338375092,-1.8798282300309925,1,280,1 -12281,0.0006221761601327337,-0.0001757293939590454,-0.0005968436598777771,-1.8571363309563511,1,281,1 -12282,0.0006421849161185912,-0.00011419132351875305,-0.0006319507956504822,-1.7495638653389116,1,282,1 -12283,0.0006973139672477026,-8.212774991989136e-05,-0.000692460685968399,-1.6888476225695142,1,283,1 -12284,0.0006098498826913237,-0.00025597214698791504,-0.0005535297095775604,-2.0039438939368712,1,284,1 -12285,0.0006711813980710902,-0.00027133524417877197,-0.0006138905882835388,-1.9869715782288775,1,285,1 -12286,0.0006131088824595441,-0.00012568384408950806,-0.0006000883877277374,-1.7772542402147165,1,286,1 -12287,0.0005977385039000892,-0.0001521371304988861,-0.0005780532956123352,-1.8281489084321152,1,287,1 -12288,0.0006502820786923357,-0.00020135194063186646,-0.0006183236837387085,-1.8856084610409345,1,288,1 -12289,0.0004371163098250051,-0.00018710270524024963,-0.0003950484097003937,-2.013117851626665,1,289,1 -12290,0.0005446749727691518,-0.00013028085231781006,-0.0005288645625114441,-1.8123279632515998,1,290,1 -12291,0.0006172765323316277,-0.00014629587531089783,-0.000599689781665802,-1.810075261105468,1,291,1 -12292,0.0006168179773703856,-0.0001439303159713745,-0.0005997903645038605,-1.8063107691550075,1,292,1 -12293,0.0006866808690766328,-0.00021737441420555115,-0.0006513670086860657,-1.8928951392864695,1,293,1 -12294,0.0007121336976429502,-0.00015226751565933228,-0.0006956644356250763,-1.7862787504145472,1,294,1 -12295,0.0006776143857642815,-0.0001574382185935974,-0.0006590709090232849,-1.8052811183105342,1,295,1 -12296,0.00031985500063415497,-0.00013458356261253357,-0.0002901628613471985,-2.0050839828840243,1,296,1 -12297,0.0006406521315576355,-0.00014487281441688538,-0.0006240569055080414,-1.7989026975061513,1,297,1 -12298,0.0006398936882052976,-0.0001413002610206604,-0.0006240978837013245,-1.7934497681677966,1,298,1 -12299,0.0006022145102521912,-0.0001788027584552765,-0.0005750581622123718,-1.8722501158730998,1,299,1 -12300,0.0006815018321958065,-0.00011442974209785461,-0.0006718263030052185,-1.7395036792654281,1,300,1 -12301,0.0005318492414860769,-0.0002182312309741974,-0.0004850141704082489,-1.9936071374893114,1,301,1 -12302,0.0006268163970155748,-0.00015852227807044983,-0.000606440007686615,-1.8264735307114386,1,302,1 -12303,0.0005991148347366548,-9.12100076675415e-05,-0.0005921311676502228,-1.72363191674367,1,303,1 -12304,0.0006414408846489413,-0.00014474987983703613,-0.0006248950958251953,-1.7984205128933457,1,304,1 -12305,0.00033976414211301574,-0.00015188753604888916,-0.0003039240837097168,-2.0342477996797514,1,305,1 -12306,0.0006633520654502536,-0.0001587793231010437,-0.0006440691649913788,-1.8125019890483396,1,306,1 -12307,0.0004936896602377613,-8.858367800712585e-05,-0.0004856772720813751,-1.7512052842226633,1,307,1 -12308,0.0006018001158398454,-0.00017964467406272888,-0.0005743615329265594,-1.8739297199871374,1,308,1 -12309,0.0006203967032444846,-0.00015603750944137573,-0.0006004534661769867,-1.825038973722058,1,309,1 -12310,0.000644636819755964,-0.00017477571964263916,-0.0006204918026924133,-1.8453556260618535,1,310,1 -12311,0.0006780079388184788,-0.0001768358051776886,-0.0006545409560203552,-1.8346644322833217,1,311,1 -12312,0.0006588936412711261,-0.00018214434385299683,-0.0006332173943519592,-1.850883758992934,1,312,1 -12313,0.0004194794280290379,-0.00012087449431419373,-0.0004016868770122528,-1.8630943857443332,1,313,1 -12314,0.0006188027763453985,-0.00014442577958106995,-0.0006017126142978668,-1.8063644890583774,1,314,1 -12315,0.0006764238346483403,-0.00014893710613250732,-0.0006598234176635742,-1.7927985140098213,1,315,1 -12316,0.0006357949938996105,-0.0001646876335144043,-0.0006140954792499542,-1.83281030096717,1,316,1 -12317,0.0005846898054416957,-0.00015988945960998535,-0.0005624033510684967,-1.8477849679561855,1,317,1 -12318,0.0006522426623360817,-0.00011994689702987671,-0.000641118735074997,-1.7557481612002843,1,318,1 -12319,0.0005900838051651942,-0.00016181915998458862,-0.000567462295293808,-1.8485860848326354,1,319,1 -12320,0.00042540212817841506,-5.144253373146057e-05,-0.00042228028178215027,-1.6920198449849908,1,320,1 -12321,0.0006373952777863792,-0.00018521025776863098,-0.0006098933517932892,-1.8656226037013162,1,321,1 -12322,0.0006493743622105774,-0.00021014735102653503,-0.0006144307553768158,-1.90034402949625,1,322,1 -12323,0.000492377589224155,-2.0138919353485107e-05,-0.0004919655621051788,-1.6117091123622047,1,323,1 -12324,0.0006311719551009937,-0.00017301738262176514,-0.0006069950759410858,-1.8484717261760903,1,324,1 -12325,0.0005053106446880642,-0.00011491775512695312,-0.0004920698702335358,-1.8002237798192884,1,325,1 -12326,0.0006586036286014051,-0.00010544434189796448,-0.0006501078605651855,-1.731591209757248,1,326,1 -12327,0.00039221609991513376,-0.00016273930668830872,-0.0003568604588508606,-1.998654011439126,1,327,1 -12328,0.0006422515425519757,-0.0001561492681503296,-0.0006229802966117859,-1.8163855385519267,1,328,1 -12329,0.0006746279561279405,-0.00018112733960151672,-0.0006498582661151886,-1.842616041121105,1,329,1 -12330,0.0006278665019655754,-0.00012899935245513916,-0.0006144717335700989,-1.7777266226799664,1,330,1 -12331,0.0006632755805675973,-0.00013940036296844482,-0.0006484612822532654,-1.7825447571293727,1,331,1 -12332,0.000657115706440463,-0.00014641135931015015,-0.0006405971944332123,-1.7954913890503716,1,332,1 -12333,0.0006592493867117948,-0.0001180209219455719,-0.0006485991179943085,-1.7507898288810826,1,333,1 -12334,0.0006671612126153764,-0.00014088675379753113,-0.0006521157920360565,-1.7835716835381292,1,334,1 -12335,0.0005716518515812355,-0.0001140795648097992,-0.0005601532757282257,-1.77170648272908,1,335,1 -12336,0.00041070091205763423,-0.00010543316602706909,-0.00039693713188171387,-1.8304182854557414,1,336,1 -12337,0.0003637823247456632,-0.00014165043830871582,-0.00033507123589515686,-1.9707573152017794,1,337,1 -12338,0.000654453450405705,-0.00012731924653053284,-0.000641949474811554,-1.7665877120280966,1,338,1 -12339,0.0006437335673013089,-0.0001362152397632599,-0.0006291568279266357,-1.7840100007027673,1,339,1 -12340,0.0007104558825034328,-0.00020425394177436829,-0.0006804615259170532,-1.8624088151211466,1,340,1 -12341,0.0006676302367725229,-0.00019333139061927795,-0.0006390251219272614,-1.8645828112796123,1,341,1 -12342,0.00047200072420025,-9.930133819580078e-05,-0.00046143680810928345,-1.7827639263701314,1,342,1 -12343,0.0006890528561774263,-0.0001633279025554657,-0.0006694160401821136,-1.8101064568493204,1,343,1 -12344,0.0006255114186334576,-0.00013717636466026306,-0.0006102845072746277,-1.7918960773413013,1,344,1 -12345,0.0005926995980770713,-7.354468107223511e-05,-0.0005881190299987793,-1.6952012153947134,1,345,1 -12346,0.0007150875340382931,-0.0001183636486530304,-0.0007052235305309296,-1.7370849342579398,1,346,1 -12347,0.0006677549972404978,-0.00020079687237739563,-0.0006368495523929596,-1.8762274888135129,1,347,1 -12348,0.0006011344247765441,-0.0001782439649105072,-0.0005741007626056671,-1.8718353419010163,1,348,1 -12349,0.0006443074779859379,-0.00021267682313919067,-0.0006081946194171906,-1.9071909164387648,1,349,1 -12350,0.00039333329380631255,-0.00010205060243606567,-0.0003798641264438629,-1.8332497198075353,1,350,1 -12351,0.0005561380245680145,-0.0001493804156780243,-0.0005357004702091217,-1.8427389052475414,1,351,1 -12352,0.0006385822039632741,-0.0001569502055644989,-0.0006189942359924316,-1.8191197666375836,1,352,1 -12353,0.0006221783503917994,-0.00016428902745246887,-0.0006000958383083344,-1.8380198816320075,1,353,1 -12354,0.000697069260000769,-0.00019025057554244995,-0.000670604407787323,-1.8472328773979614,1,354,1 -12355,0.000654000530055669,-0.00013476982712745667,-0.0006399638950824738,-1.7783532802111983,1,355,1 -12356,0.000700943558666975,-0.0001421011984348297,-0.0006863884627819061,-1.7749397517042043,1,356,1 -12357,0.0007226027462192827,-0.00021513551473617554,-0.0006898343563079834,-1.873103012291062,1,357,1 -12358,0.0006651316766577695,-0.00013021379709243774,-0.0006522610783576965,-1.7678403943547372,1,358,1 -12359,0.0006345820896771503,-0.00013607367873191833,-0.0006198212504386902,-1.786904934116548,1,359,1 -12360,0.0005940484246839013,-7.68117606639862e-05,-0.0005890615284442902,-1.7004615538672623,1,360,1 -12361,0.0006639312962655235,-0.00016088411211967468,-0.000644143670797348,-1.8155531702144723,1,361,1 -12362,0.0006993653746047403,-0.00014582648873329163,-0.0006839931011199951,-1.780850205372992,1,362,1 -12363,0.0006336289481321622,-0.0001667216420173645,-0.0006113015115261078,-1.8370530167788617,1,363,1 -12364,0.0004427158382155701,-0.00011004135012626648,-0.0004288218915462494,-1.821989411241646,1,364,1 -12365,0.0007154657416213446,-0.0001560412347316742,-0.0006982423365116119,-1.7906608640527222,1,365,1 -12366,0.0006555952702443555,-0.0001287311315536499,-0.0006428323686122894,-1.768438167080785,1,366,1 -12367,0.0005835509201659772,-0.0001974739134311676,-0.00054912269115448,-1.9160129024304164,1,367,1 -12368,0.0004712332468054139,-3.6098062992095947e-06,-0.00047121942043304443,-1.5784567404626386,1,368,1 -12369,0.0006944066260377241,-0.00019274279475212097,-0.0006671212613582611,-1.8520546420758746,1,369,1 -12370,0.0006571429911258693,-0.00010163336992263794,-0.0006492361426353455,-1.7260790677455742,1,370,1 -12371,0.0007079948842836739,-0.000192936509847641,-0.0006811991333961487,-1.8467983405430142,1,371,1 -12372,0.00036190453061736696,-0.00015914440155029297,-0.00032503530383110046,-2.0261070360221103,1,372,1 -12373,0.000636045580255703,-0.00020597130060195923,-0.0006017722189426422,-1.900572254315466,1,373,1 -12374,0.0006727040311509131,-0.00015854090452194214,-0.0006537549197673798,-1.8087115149165325,1,374,1 -12375,0.0006001016730040182,-0.0001511797308921814,-0.0005807466804981232,-1.8254637046551367,1,375,1 -12376,0.0005388005585945521,-9.626522660255432e-05,-0.0005301311612129211,-1.7504265802805228,1,376,1 -12377,0.0007455307761109574,-0.0001967102289199829,-0.0007191114127635956,-1.8378104944267015,1,377,1 -12378,0.0005999064267653443,-0.0001565404236316681,-0.0005791224539279938,-1.8347935883352011,1,378,1 -12379,0.0006831905338677934,-0.00010969862341880798,-0.0006743259727954865,-1.7320625468563449,1,379,1 -12380,0.0006724540127669274,-9.392574429512024e-05,-0.000665862113237381,-1.7109306129334658,1,380,1 -12381,0.0006089558424072864,-0.0002071373164653778,-0.0005726441740989685,-1.9178744542082622,1,381,1 -12382,0.0006302836600154049,-0.0002245679497718811,-0.0005889199674129486,-1.9350977381161554,1,382,1 -12383,0.0006637297433861547,-0.00014359503984451294,-0.0006480105221271515,-1.7888662344891002,1,383,1 -12384,0.0006053748820874897,-3.931671380996704e-05,-0.0006040968000888824,-1.6357881313086073,1,384,1 -12385,0.0004066999240166627,-0.00010058656334877014,-0.00039406493306159973,-1.820713577930067,1,385,1 -12386,0.0006284857017578383,-0.0001125819981098175,-0.00061831995844841,-1.7509005938610709,1,386,1 -12387,0.0006168745831125272,-0.00017851218581199646,-0.0005904808640480042,-1.8643771138515692,1,387,1 -12388,0.0003637939521780092,-0.00019632652401924133,-0.0003062710165977478,-2.140834358948703,1,388,1 -12389,0.0006875459973327551,-0.00018132105469703674,-0.0006632059812545776,-1.8376751795876811,1,389,1 -12390,0.0006832913644053545,-0.00015277788043022156,-0.0006659924983978271,-1.7962936461538137,1,390,1 -12391,0.0006433669862385219,-0.0001688040792942047,-0.0006208270788192749,-1.8362800090522098,1,391,1 -12392,0.0006257864638771344,-0.00018069520592689514,-0.0005991309881210327,-1.8637162330783001,1,392,1 -12393,0.0006219520398879371,-0.00010169669985771179,-0.0006135813891887665,-1.7350459762490351,1,393,1 -12394,0.0007094731383226806,-0.00021755322813987732,-0.0006752945482730865,-1.8824578538907673,1,394,1 -12395,0.0006825333146127325,-0.00012472644448280334,-0.000671040266752243,-1.754569445374473,1,395,1 -12396,0.0006011417938971978,-0.00013396143913269043,-0.0005860254168510437,-1.7955282079701504,1,396,1 -12397,0.0002856941783866577,-0.00011460110545158386,-0.00026170164346694946,-1.9835487275962116,1,397,1 -12398,0.0006559074261386358,-0.00013695284724235535,-0.0006414502859115601,-1.7811431076066944,1,398,1 -12399,0.0006633138878342175,-0.00024505704641342163,-0.0006163865327835083,-1.9492064764381882,1,399,1 -12400,0.0006287752645592898,-0.00015537813305854797,-0.0006092749536037445,-1.8204953724999868,1,400,1 -12401,0.0005505620471102711,-0.00022200122475624084,-0.0005038194358348846,-1.98583632352762,1,401,1 -12402,0.00037070554888869235,-0.0001464150846004486,-0.0003405660390853882,-1.9768242228189334,1,402,1 -12403,0.0006966152735796764,-0.00010133907198905945,-0.0006892047822475433,-1.7167878881532614,1,403,1 -12404,0.00045750129630334793,-0.00010805577039718628,-0.0004445575177669525,-1.8092360761948698,1,404,1 -12405,0.0007032440950352611,-0.00014590471982955933,-0.0006879419088363647,-1.7797881776421487,1,405,1 -12406,0.0006625046334031343,-0.0001234300434589386,-0.0006509050726890564,-1.7581995309506768,1,406,1 -12407,0.0006679628678146443,-0.00018294155597686768,-0.0006424225866794586,-1.8482211309067191,1,407,1 -12408,0.000631695078962426,-0.00015978515148162842,-0.0006111524999141693,-1.8265210660897935,1,408,1 -12409,0.0006393065514859902,-0.00010562688112258911,-0.0006305202841758728,-1.7367784347431339,1,409,1 -12410,0.0006718789329754978,-9.655579924583435e-05,-0.0006649047136306763,-1.7150057616681222,1,410,1 -12411,0.0006977006048236958,-0.00025646016001701355,-0.0006488561630249023,-1.9472008634742426,1,411,1 -12412,0.000626288428285278,-7.894635200500488e-05,-0.0006212927401065826,-1.697186867973673,1,412,1 -12413,0.0006425899644385713,-0.0001891590654850006,-0.000614117830991745,-1.8695923381674577,1,413,1 -12414,0.0006627808462192037,-6.553530693054199e-05,-0.0006595328450202942,-1.6698374668013944,1,414,1 -12415,0.0006852072017834571,-0.00015267357230186462,-0.0006679818034172058,-1.7954961379642078,1,415,1 -12416,0.0006547550333872679,-0.00016086921095848083,-0.0006346851587295532,-1.8190316286679595,1,416,1 -12417,0.00044594152917712214,-9.269267320632935e-05,-0.00043620169162750244,-1.7801813111829816,1,417,1 -12418,0.000651301179693116,-0.00017951801419258118,-0.0006260722875595093,-1.8500411472802858,1,418,1 -12419,0.00041835518016689245,-0.00017398595809936523,-0.0003804601728916168,-1.9997076326886516,1,419,1 -12420,0.000679730031455824,-0.00013250857591629028,-0.0006666891276836395,-1.7669956082556497,1,420,1 -12421,0.0006758426259098879,-0.00014106929302215576,-0.0006609559059143066,-1.7810735033735565,1,421,1 -12422,0.0006535249838150488,-0.00013258680701255798,-0.0006399340927600861,-1.7750939878935512,1,422,1 -12423,0.0006005415426455414,-0.00015285983681678772,-0.000580761581659317,-1.8281648762068887,1,423,1 -12424,0.0007239937228478578,-8.56444239616394e-05,-0.0007189102470874786,-1.6893684012227377,1,424,1 -12425,0.0006548332681438585,-0.0001334063708782196,-0.0006411001086235046,-1.7759582679968708,1,425,1 -12426,0.0006381844282463018,-0.0001331716775894165,-0.0006241351366043091,-1.7810139278144608,1,426,1 -12427,0.0003917439350070808,-2.1867454051971436e-05,-0.0003911331295967102,-1.6266461419479759,1,427,1 -12428,0.0006245724414486718,-0.0001294463872909546,-0.0006110109388828278,-1.7795655476289605,1,428,1 -12429,0.0006247723279394646,-0.00020395591855049133,-0.000590544193983078,-1.9033399859574247,1,429,1 -12430,0.0007124012932907705,-0.00018935278058052063,-0.0006867758929729462,-1.8398249337586734,1,430,1 -12431,0.0006400550055015304,-0.00012883171439170837,-0.0006269551813602448,-1.7734631181338711,1,431,1 -12432,0.0006053662198084139,-0.0001410841941833496,-0.0005886964499950409,-1.8060153069724854,1,432,1 -12433,0.0006904304774078687,-0.00020910054445266724,-0.0006580054759979248,-1.8784835859870752,1,433,1 -12434,0.000655711132538236,-0.00011367350816726685,-0.0006457827985286713,-1.7450357477801317,1,434,1 -12435,0.000486570912488642,-5.654245615005493e-05,-0.0004832744598388672,-1.6872654599034134,1,435,1 -12436,0.0007167075628549462,-0.00022299960255622864,-0.0006811320781707764,-1.8871933792170328,1,436,1 -12437,0.0006364867577908022,-0.0001428648829460144,-0.0006202459335327148,-1.7971836807623403,1,437,1 -12438,0.00031345902483291045,-7.018819451332092e-05,-0.0003054998815059662,-1.7966260085464263,1,438,1 -12439,0.0007105893976760122,-0.00010832399129867554,-0.0007022842764854431,-1.723835468992466,1,439,1 -12440,0.0005016150510542399,-6.598979234695435e-05,-0.0004972554743289948,-1.7027334237648506,1,440,1 -12441,0.0006678789329823057,-0.00015087425708770752,-0.0006506145000457764,-1.7986637702669916,1,441,1 -12442,0.0006629515667017205,-0.00012990087270736694,-0.0006501004099845886,-1.768015562562939,1,442,1 -12443,0.0005980354672165136,-0.0001046694815158844,-0.0005888044834136963,-1.7467246401782377,1,443,1 -12444,0.0006075159455784023,-0.00015868991613388062,-0.0005864240229129791,-1.8350729899316234,1,444,1 -12445,0.0006571146439303719,-0.00018988177180290222,-0.0006290823221206665,-1.863939702974005,1,445,1 -12446,0.0004004354402293826,-0.00017452239990234375,-0.0003604032099246979,-2.021758316189732,1,446,1 -12447,0.000517705811433913,-0.00025340914726257324,-0.0004514455795288086,-2.0822952120733587,1,447,1 -12448,0.0006471333323196463,-0.00013587996363639832,-0.00063270702958107,-1.7823427801430811,1,448,1 -12449,0.0007364281492131978,-0.0001205243170261383,-0.0007264986634254456,-1.7351965393263047,1,449,1 -12450,0.0006980116393442103,-8.814781904220581e-05,-0.0006924234330654144,-1.6974185834318365,1,450,1 -12451,0.0005964853924290325,-0.00015716254711151123,-0.0005754083395004272,-1.837425233375079,1,451,1 -12452,0.0005337516811600962,-0.0001248978078365326,-0.0005189329385757446,-1.8069860462759701,1,452,1 -12453,0.0006698769126560549,-0.0001706928014755249,-0.000647764652967453,-1.828449801323924,1,453,1 -12454,0.0005922502731815453,-0.00010277330875396729,-0.0005832649767398834,-1.7452094562802822,1,454,1 -12455,0.0006866720232547734,-5.582347512245178e-05,-0.0006843991577625275,-1.6521818300345998,1,455,1 -12456,0.000654092068254066,-0.0002013780176639557,-0.0006223209202289581,-1.8837541335288503,1,456,1 -12457,0.0006299938227609094,-0.00027844682335853577,-0.0005651190876960754,-2.0286049103882524,1,457,1 -12458,0.0006247285108114257,-0.00015967711806297302,-0.0006039775907993317,-1.8292588171382342,1,458,1 -12459,0.000598893931267414,-0.00019204244017601013,-0.000567268580198288,-1.897224487247744,1,459,1 -12460,0.0006130979330906902,-0.00013795122504234314,-0.0005973763763904572,-1.7977463771335174,1,460,1 -12461,0.0006514365058352057,-0.0001605600118637085,-0.0006313398480415344,-1.8198332425844845,1,461,1 -12462,0.0005781956875056102,-0.00016139447689056396,-0.0005552135407924652,-1.8536891949722878,1,462,1 -12463,0.0003752873163746109,-0.00010275095701217651,-0.0003609471023082733,-1.8481306206313424,1,463,1 -12464,0.0006437950634937975,-0.00010263919830322266,-0.0006355606019496918,-1.7309079176033233,1,464,1 -12465,0.0006415489092566918,-7.338821887969971e-05,-0.0006373375654220581,-1.6854395322350255,1,465,1 -12466,0.0006498686814688888,-0.00014839321374893188,-0.000632699579000473,-1.801172098584815,1,466,1 -12467,0.0006599062209789166,-0.0001473464071750641,-0.0006432458758354187,-1.7959784164539858,1,467,1 -12468,0.0006330494702048991,-7.472187280654907e-05,-0.0006286241114139557,-1.6891069488206225,1,468,1 -12469,0.0006331052764369574,-6.819888949394226e-05,-0.0006294213235378265,-1.6787269991395275,1,469,1 -12470,0.0006637978008930665,-0.00017112493515014648,-0.000641360878944397,-1.8315375369365186,1,470,1 -12471,0.000566327629335772,-0.00017578154802322388,-0.000538356602191925,-1.8863979513494975,1,471,1 -12472,0.0006435958541519202,-0.00013368204236030579,-0.0006295591592788696,-1.780030832170338,1,472,1 -12473,0.0006659708289691636,-0.00010738149285316467,-0.000657256692647934,-1.732743833622244,1,473,1 -12474,0.0006294517094116646,-0.00014821812510490417,-0.0006117522716522217,-1.80850031350758,1,474,1 -12475,0.000618143959472546,-0.00019834190607070923,-0.0005854591727256775,-1.897440918151341,1,475,1 -12476,0.0004298499663543482,-0.00013669580221176147,-0.000407535582780838,-1.8944241827942176,1,476,1 -12477,0.0006248344514040532,-0.00014534220099449158,-0.0006076954305171967,-1.8055558735724582,1,477,1 -12478,0.0006499993747730708,-0.0001611858606338501,-0.0006296969950199127,-1.8213893318210659,1,478,1 -12479,0.0006924560064375592,-0.00013246387243270874,-0.0006796680390834808,-1.7632784060397766,1,479,1 -12480,0.0006951724218051463,-0.0001388639211654663,-0.0006811618804931641,-1.7719038408084233,1,480,1 -12481,0.0006638281894024796,-0.00015085190534591675,-0.0006464608013629913,-1.800044472995303,1,481,1 -12482,0.0006288610057159116,-0.00025646016001701355,-0.0005741901695728302,-1.9908581720270904,1,482,1 -12483,0.0006558988804013306,-0.00014986470341682434,-0.0006385482847690582,-1.801320140634338,1,483,1 -12484,0.0006862755510218274,-0.0002069026231765747,-0.0006543435156345367,-1.8770473473658973,1,484,1 -12485,0.000610373280210449,-0.00016414374113082886,-0.0005878880620002747,-1.843071548165409,1,485,1 -12486,0.0006963153603280636,-0.00014062970876693726,-0.0006819665431976318,-1.774157799474807,1,486,1 -12487,0.0006359514734930205,-0.00013766810297966003,-0.0006208717823028564,-1.7889995464682091,1,487,1 -12488,0.0006214772747385102,-0.00019845739006996155,-0.0005889385938644409,-1.8958204990560807,1,488,1 -12489,0.0006302512407272299,-0.00020735710859298706,-0.0005951635539531708,-1.9060482319874077,1,489,1 -12490,0.0006682872251504291,-0.0002088695764541626,-0.0006348080933094025,-1.88866700297243,1,490,1 -12491,0.0007012203928226609,-0.00013883784413337708,-0.0006873384118080139,-1.7701079104680844,1,491,1 -12492,0.0005525614856273901,-0.00019032135605812073,-0.00051875039935112,-1.922432912815059,1,492,1 -12493,0.0003271789238415355,-0.00013775750994682312,-0.000296764075756073,-2.0053949885759623,1,493,1 -12494,0.0006719080978029302,-0.0001434236764907837,-0.0006564222276210785,-1.785908770981588,1,494,1 -12495,0.0006583576401178251,-0.0001931227743625641,-0.0006293952465057373,-1.8685152240929597,1,495,1 -12496,0.0005585194294110921,-0.0001221485435962677,-0.0005449987947940826,-1.7912789788995076,1,496,1 -12497,0.0005850888872551903,-0.00015053898096084595,-0.0005653910338878632,-1.831015649869048,1,497,1 -12498,0.000624466542410792,-0.00017715618014335632,-0.000598810613155365,-1.8584384679171542,1,498,1 -12499,0.0006336252097328617,-0.0002319440245628357,-0.0005896463990211487,-1.945566545652565,1,499,1 -12500,0.0005817834373434957,-0.00012319162487983704,-0.0005685910582542419,-1.7841597539300014,1,500,1 -12501,0.00066055557961592,-0.00016297399997711182,-0.000640135258436203,-1.8200931846908173,1,501,1 -12502,0.0007074009113185913,-0.0001485571265220642,-0.0006916262209415436,-1.7823755303825832,1,502,1 -12503,0.0006418337940945606,-0.0001385137438774109,-0.0006267093122005463,-1.788316978900473,1,503,1 -12504,0.0006136980735187155,-0.00015965476632118225,-0.0005925670266151428,-1.8339759215679352,1,504,1 -12505,0.0005866940852624849,-0.00021108612418174744,-0.000547405332326889,-1.9388381502600747,1,505,1 -12506,0.0005690947555316445,-0.00017726793885231018,-0.0005407817661762238,-1.8875581008515048,1,506,1 -12507,0.0007039487039182516,-3.603845834732056e-05,-0.000703025609254837,-1.6220134381253324,1,507,1 -12508,0.0006053586706396195,-0.00019626691937446594,-0.0005726590752601624,-1.9009790868394632,1,508,1 -12509,0.0006084731222820927,-0.00010205432772636414,-0.0005998536944389343,-1.739314804252395,1,509,1 -12510,0.0006776471955950871,-0.0002578161656856537,-0.0006266869604587555,-1.9610876069023682,1,510,1 -12511,0.0006202733154095476,-0.00022726133465766907,-0.000577140599489212,-1.9459215249132882,1,511,1 -12512,0.0006103290096729023,-0.00016983598470687866,-0.0005862228572368622,-1.852788366487316,1,512,1 -12513,0.0006606020313603433,-0.00017656013369560242,-0.000636570155620575,-1.8413567946018226,1,513,1 -12514,0.000609752059827449,-0.00012623518705368042,-0.0005965419113636017,-1.7793315478944158,1,514,1 -12515,0.000679706418135663,-0.0001688338816165924,-0.0006584040820598602,-1.8218165739410093,1,515,1 -12516,0.0006215197002885726,-0.00016932561993598938,-0.0005980096757411957,-1.8467223595413569,1,516,1 -12517,0.0006895376366305722,-7.46995210647583e-05,-0.0006854794919490814,-1.6793421208048462,1,517,1 -12518,0.0006323381984629138,-0.00022763386368751526,-0.0005899444222450256,-1.9390508498542889,1,518,1 -12519,0.0006837331968963777,-0.00015625730156898499,-0.0006656385958194733,-1.8013694229833015,1,519,1 -12520,0.0006149867184752246,-0.00013694912195205688,-0.000599544495344162,-1.7953654325244068,1,520,1 -12521,0.0007253053674123628,-0.00016307085752487183,-0.0007067359983921051,-1.7975655319989352,1,521,1 -12522,0.0006936827080140832,-0.0001797899603843689,-0.0006699785590171814,-1.8329713260398515,1,522,1 -12523,0.0005950668287193528,-9.33334231376648e-05,-0.0005877017974853516,-1.7282919086136972,1,523,1 -12524,0.0006381894774984109,-0.00014943629503250122,-0.0006204470992088318,-1.8071473132888634,1,524,1 -12525,0.0006600713361544554,-0.00010997429490089417,-0.000650845468044281,-1.7381866432375286,1,525,1 -12526,0.0006217569787680418,-8.53128731250763e-05,-0.000615876168012619,-1.7084431430452787,1,526,1 -12527,0.0006255978311224121,-0.00018659234046936035,-0.0005971230566501617,-1.873668051596579,1,527,1 -12528,0.0006866941936116178,-0.00018978863954544067,-0.0006599463522434235,-1.850821814083359,1,528,1 -12529,0.0006556047727607754,-0.000131119042634964,-0.0006423592567443848,-1.7721512711857255,1,529,1 -12530,0.0004471643838826395,-0.0001396387815475464,-0.000424802303314209,-1.8883844098419564,1,530,1 -12531,0.0006277609265916276,-5.467236042022705e-05,-0.0006253756582736969,-1.657997853192533,1,531,1 -12532,0.0003977293426447322,-5.494430661201477e-05,-0.00039391592144966125,-1.70938450371486,1,532,1 -12533,0.0006582481337002689,-8.811056613922119e-05,-0.0006523244082927704,-1.7050554697701492,1,533,1 -12534,0.00040423370985939744,-5.133822560310364e-05,-0.00040096044540405273,-1.6981415837595253,1,534,1 -12535,0.0003295995474322419,-0.00013629719614982605,-0.0003000982105731964,-1.997117008913891,1,535,1 -12536,0.00066900482054104,-0.00014151260256767273,-0.0006538666784763336,-1.7839334062363044,1,536,1 -12537,0.0006967336695109737,-0.00016672909259796143,-0.0006764903664588928,-1.8124422395174158,1,537,1 -12538,0.0006327187527498738,-0.0001560710370540619,-0.0006131678819656372,-1.8200361228981352,1,538,1 -12539,0.0006748862032845891,-0.00019571930170059204,-0.0006458833813667297,-1.8650267298110523,1,539,1 -12540,0.0006669480823826333,-0.0001386702060699463,-0.0006523728370666504,-1.7802418191527347,1,540,1 -12541,0.0006452322033192576,-0.00016069039702415466,-0.0006249025464057922,-1.8224880559310754,1,541,1 -12542,0.0006285610082378496,-6.826594471931458e-05,-0.0006248429417610168,-1.6796176908917666,1,542,1 -12543,0.0006396485062256163,-0.00013199076056480408,-0.0006258822977542877,-1.7786383949419802,1,543,1 -12544,0.0006413525836587212,-0.00018249452114105225,-0.0006148405373096466,-1.8593294848554676,1,544,1 -12545,0.0006763069319492243,-0.00016243010759353638,-0.0006565116345882416,-1.813339541593073,1,545,1 -12546,0.0006500617740687781,-0.00014418736100196838,-0.0006338693201541901,-1.7944621635509193,1,546,1 -12547,0.0006709979052653343,-0.0002201087772846222,-0.0006338693201541901,-1.9050158597674254,1,547,1 -12548,0.0006556108870005914,-0.0001311860978603363,-0.0006423518061637878,-1.772253756624051,1,548,1 -12549,0.000545044630549943,-0.00015323609113693237,-0.0005230605602264404,-1.8557824315674203,1,549,1 -12550,0.0006907002957441019,-0.00015463680028915405,-0.0006731674075126648,-1.7965942275977895,1,550,1 -12551,0.0006279571550998532,-0.00024763867259025574,-0.0005770660936832428,-1.9761632797420436,1,551,1 -12552,0.0006447319270770695,-0.00011020153760910034,-0.0006352439522743225,-1.7425658890403446,1,552,1 -12553,0.0006532932460342216,-0.0001358427107334137,-0.000639013946056366,-1.7802599481060122,1,553,1 -12554,0.0004294868461990525,-9.56505537033081e-05,-0.00041870027780532837,-1.795388631604154,1,554,1 -12555,0.0006217438660921755,-0.00015994533896446228,-0.000600818544626236,-1.8309745506450377,1,555,1 -12556,0.0005245537241285906,1.7881393432617188e-06,-0.0005245506763458252,-1.5673874427775103,1,556,1 -12557,0.00068184479073815,-0.00018134713172912598,-0.0006572864949703217,-1.8400015953779527,1,557,1 -12558,0.0005007642872329067,-5.465000867843628e-05,-0.000497773289680481,-1.680147325667946,1,558,1 -12559,0.0006708058732980592,-0.00014878436923027039,-0.0006540976464748383,-1.7944558192957751,1,559,1 -12560,0.0006581652939036027,-0.0001202113926410675,-0.0006470941007137299,-1.7544735870682389,1,560,1 -12561,0.0006481504519675962,-0.0001861192286014557,-0.0006208531558513641,-1.8620510813883249,1,561,1 -12562,0.0006711649019587456,-0.00018725916743278503,-0.0006445124745368958,-1.853555381492967,1,562,1 -12563,0.0006466318741367579,-0.00013329461216926575,-0.0006327442824840546,-1.7784216221263598,1,563,1 -12564,0.0006310999093284195,-0.0001798979938030243,-0.0006049163639545441,-1.8598598196364953,1,564,1 -12565,0.0003320855924865828,-0.00010637938976287842,-0.0003145858645439148,-1.89688181682521,1,565,1 -12566,0.0004836573791142095,-0.00013494491577148438,-0.00046445056796073914,-1.8535586312619343,1,566,1 -12567,0.0006891069635560509,-0.00020369142293930054,-0.0006583146750926971,-1.8708667948453621,1,567,1 -12568,0.0003640085778272604,-0.00014972686767578125,-0.0003317892551422119,-1.9947067114934203,1,568,1 -12569,0.0006764566293838621,-0.0001571960747241974,-0.0006579384207725525,-1.8053219296146144,1,569,1 -12570,0.0005509824640592206,-0.00018155574798583984,-0.0005202107131481171,-1.906583785421655,1,570,1 -12571,0.0007316316042820742,-0.0002072937786579132,-0.0007016509771347046,-1.8580617991863453,1,571,1 -12572,0.0006709149772146365,-0.00013661757111549377,-0.0006568580865859985,-1.7758592237843236,1,572,1 -12573,0.0006703769582404213,-0.00018058344721794128,-0.0006455965340137482,-1.8435413227909596,1,573,1 -12574,0.0005472603167977571,-8.866935968399048e-05,-0.0005400292575359344,-1.733537837704703,1,574,1 -12575,0.0007024005581510696,-0.00013630464673042297,-0.0006890483200550079,-1.766090817773744,1,575,1 -12576,0.0006471312092483766,-0.00016950443387031555,-0.000624537467956543,-1.8358199801587034,1,576,1 -12577,0.0006293741213372827,-0.00014794990420341492,-0.0006117373704910278,-1.808091701138342,1,577,1 -12578,0.00045521837048627487,-0.00010565295815467834,-0.0004427880048751831,-1.8050251276251312,1,578,1 -12579,0.0006274614422028816,-0.00015350058674812317,-0.0006083957850933075,-1.8179421223819139,1,579,1 -12580,0.0006594130237229915,-0.00018633157014846802,-0.0006325393915176392,-1.857270516271112,1,580,1 -12581,0.0006355764223635021,-0.00010854005813598633,-0.0006262399256229401,-1.7424116898138142,1,581,1 -12582,0.0006852138565280558,-7.28219747543335e-05,-0.0006813332438468933,-1.6772736821341774,1,582,1 -12583,0.0006791636979930387,-0.00019681081175804138,-0.0006500221788883209,-1.8647975327489372,1,583,1 -12584,0.0005900808696347645,-0.00012575089931488037,-0.0005765259265899658,-1.7855511678435287,1,584,1 -12585,0.0006478769472189304,-0.00013881921768188477,-0.0006328299641609192,-1.7867385634727182,1,585,1 -12586,0.0006580194791900981,-0.00013543292880058289,-0.0006439313292503357,-1.7780969062182974,1,586,1 -12587,0.0006255102672962288,-0.00017438456416130066,-0.0006007105112075806,-1.8533278480100361,1,587,1 -12588,0.0006654704091265526,-0.00014675408601760864,-0.000649087131023407,-1.7931509013933746,1,588,1 -12589,0.0003433198042607843,-8.122250437736511e-05,-0.00033357366919517517,-1.8096404527563204,1,589,1 -12590,0.0006091601159825677,-9.472668170928955e-05,-0.0006017498672008514,-1.726933711999648,1,590,1 -12591,0.0006786855215503957,-0.00021436437964439392,-0.0006439425051212311,-1.8921511262053785,1,591,1 -12592,0.0006747607239931227,-0.00012511014938354492,-0.0006630606949329376,-1.7572895749017658,1,592,1 -12593,0.0006573700549665725,-0.00017449632287025452,-0.0006337873637676239,-1.8394629273787442,1,593,1 -12594,0.0004506420341513616,-7.237493991851807e-05,-0.0004447922110557556,-1.7320989529601682,1,594,1 -12595,0.0006661034410804891,-0.0001561082899570465,-0.0006475523114204407,-1.807356951880137,1,595,1 -12596,0.00040462356161243224,-0.00014379620552062988,-0.0003782100975513458,-1.9341197673331678,1,596,1 -12597,0.00038311873779546215,-8.494406938552856e-05,-0.00037358328700065613,-1.7943716247919081,1,597,1 -12598,0.0006952934859711367,-0.0001498199999332428,-0.0006789602339267731,-1.787976966654601,1,598,1 -12599,0.000625375720453219,-8.218735456466675e-05,-0.0006199516355991364,-1.7025983647667156,1,599,1 -12600,0.0005956464087303646,-8.590519428253174e-05,-0.0005894191563129425,-1.7155228274074275,1,600,1 -12601,0.0006976898979887982,-0.00016476958990097046,-0.0006779544055461884,-1.8092131255916166,1,601,1 -12602,0.0006280735342465202,-0.00017968937754631042,-0.0006018206477165222,-1.8609464560314917,1,602,1 -12603,0.0005534603395215776,-0.0002259388566017151,-0.0005052424967288971,-1.9913101157169137,1,603,1 -12604,0.0005445784806157794,-0.00013732537627220154,-0.0005269795656204224,-1.8257165408902916,1,604,1 -12605,0.0007154194709265688,-0.0002022385597229004,-0.0006862394511699677,-1.8573887574083943,1,605,1 -12606,0.000646227599273081,-0.00013876333832740784,-0.0006311535835266113,-1.7872099345149368,1,606,1 -12607,0.0006448561750159349,-0.00021707266569137573,-0.000607222318649292,-1.9141233740514805,1,607,1 -12608,0.000696727599545445,-0.00016816332936286926,-0.000676129013299942,-1.8145650762176597,1,608,1 -12609,0.0006410412643832056,-0.0001348629593849182,-0.0006266944110393524,-1.782761083590707,1,609,1 -12610,0.0006401406877633639,-0.0001633167266845703,-0.000618956983089447,-1.8287746528304916,1,610,1 -12611,0.0006926722612217032,-9.36649739742279e-05,-0.0006863102316856384,-1.7064344928121566,1,611,1 -12612,0.0006501060907339506,-0.0001031234860420227,-0.0006418749690055847,-1.730094825918412,1,612,1 -12613,0.00042026807394578776,-7.408857345581055e-05,-0.00041368603706359863,-1.7480112935477772,1,613,1 -12614,0.0006593397337082002,-0.00016732513904571533,-0.0006377547979354858,-1.8273792381063765,1,614,1 -12615,0.0006352262472425694,-7.514283061027527e-05,-0.0006307661533355713,-1.6893669814873598,1,615,1 -12616,0.0003959577448291432,-0.00010171905159950256,-0.00038266927003860474,-1.8306029852475658,1,616,1 -12617,0.0006794774823433964,-0.00010742247104644775,-0.0006709322333335876,-1.7295581310539698,1,617,1 -12618,0.0006489897863129059,-0.00011698901653289795,-0.0006383582949638367,-1.752050418972726,1,618,1 -12619,0.000638846447184341,-0.0001332014799118042,-0.0006248056888580322,-1.7808405219505041,1,619,1 -12620,0.000692772130852843,-0.00013549625873565674,-0.0006793923676013947,-1.7676508827080497,1,620,1 -12621,0.000607105384846126,-0.00019940733909606934,-0.000573422759771347,-1.9054646251384668,1,621,1 -12622,0.0006927223172178468,-0.0002664700150489807,-0.0006394200026988983,-1.9656474291368506,1,622,1 -12623,0.0006680378959540217,-0.0001809932291507721,-0.0006430521607398987,-1.8451580392835736,1,623,1 -12624,0.0006629161612262765,-0.00020358338952064514,-0.0006308816373348236,-1.882943514095589,1,624,1 -12625,0.000676082638242042,-0.00013405829668045044,-0.0006626583635807037,-1.7704060822134404,1,625,1 -12626,0.0004911021410832663,-1.9803643226623535e-05,-0.0004907026886940002,-1.6111321604416209,1,626,1 -12627,0.0006404148183511881,-0.0001591220498085022,-0.0006203316152095795,-1.8218937922108431,1,627,1 -12628,0.0006423746985321754,-0.00015649199485778809,-0.000623021274805069,-1.8168875508575437,1,628,1 -12629,0.0006594082936289263,-0.0001994781196117401,-0.0006285123527050018,-1.8781220904241964,1,629,1 -12630,0.0006398043554353334,-0.00011770054697990417,-0.000628884881734848,-1.7558134263381313,1,630,1 -12631,0.0007089773975230669,-0.00012812763452529907,-0.0006973035633563995,-1.7525165596391938,1,631,1 -12632,0.0006279555567780921,-9.698420763015747e-05,-0.0006204210221767426,-1.7258613894179249,1,632,1 -12633,0.0005894751106742076,-0.00012405961751937866,-0.0005762726068496704,-1.7828395210045613,1,633,1 -12634,0.0006125711694731506,-0.00011169910430908203,-0.0006023012101650238,-1.7541669301587601,1,634,1 -12635,0.0006539275367182823,-0.00010066479444503784,-0.0006461329758167267,-1.7253496483780015,1,635,1 -12636,0.0006298561679708639,-0.0001912042498588562,-0.000600133091211319,-1.8792315932947774,1,636,1 -12637,0.0007249232867929607,-0.00013877823948860168,-0.0007115155458450317,-1.7634238894619105,1,637,1 -12638,0.000672341115191911,-0.0001788027584552765,-0.0006481297314167023,-1.8399757913823986,1,638,1 -12639,0.0006145588661233048,-0.0001090802252292633,-0.0006048008799552917,-1.7492352845762307,1,639,1 -12640,0.0006775442145680557,-9.468942880630493e-05,-0.000670894980430603,-1.711009171810408,1,640,1 -12641,0.0003748328664631193,-8.479505777359009e-05,-0.0003651157021522522,-1.7989926543028085,1,641,1 -12642,0.0006844684384871219,-0.00015941262245178223,-0.0006656460464000702,-1.8058548375796841,1,642,1 -12643,0.0006578500937357616,-0.00023999065160751343,-0.0006125122308731079,-1.9442256440143806,1,643,1 -12644,0.0006671314212306641,-0.00022694841027259827,-0.0006273426115512848,-1.9179104413437746,1,644,1 -12645,0.0005463801813582389,-0.00018280744552612305,-0.0005148909986019135,-1.911954989632767,1,645,1 -12646,0.0006911812317024373,-0.00014733895659446716,-0.0006752945482730865,-1.7856145037437694,1,646,1 -12647,0.0005949681040670315,-9.588152170181274e-05,-0.0005871914327144623,-1.7326562060500776,1,647,1 -12648,0.0006471142985329159,-9.137392044067383e-05,-0.0006406307220458984,-1.7124719378512467,1,648,1 -12649,0.0003973590559057883,-0.00014759600162506104,-0.0003689303994178772,-1.9513584132437405,1,649,1 -12650,0.0004904134478902813,-6.301701068878174e-05,-0.00048634782433509827,-1.6996503205153835,1,650,1 -12651,0.0003738311904954277,-2.5160610675811768e-05,-0.00037298351526260376,-1.6381519838454883,1,651,1 -12652,0.0007710045417446799,-0.00025027990341186523,-0.0007292516529560089,-1.9014013456750625,1,652,1 -12653,0.0007025473429304194,-0.00014122575521469116,-0.0006882064044475555,-1.7731949386872552,1,653,1 -12654,0.0006276353666206461,-0.000151854008436203,-0.0006089881062507629,-1.8151674976873156,1,654,1 -12655,0.0004261191360297972,-0.00011190026998519897,-0.0004111640155315399,-1.836515480225311,1,655,1 -12656,0.0006738580216682989,-0.00018223747611045837,-0.000648748129606247,-1.8446452999672407,1,656,1 -12657,0.0006587917963088851,-0.00010113045573234558,-0.0006509833037853241,-1.7249146965473143,1,657,1 -12658,0.0005891351325665441,-9.420141577720642e-05,-0.0005815550684928894,-1.7313834539732118,1,658,1 -12659,0.0005661911097608973,-0.00016263127326965332,-0.0005423314869403839,-1.8621377932311671,1,659,1 -12660,0.0006036699828809262,-0.00012468919157981873,-0.0005906522274017334,-1.7788458888885381,1,660,1 -12661,0.0003643317717512415,-0.00015516206622123718,-0.0003296397626399994,-2.010731971493251,1,661,1 -12662,0.0006358574901710812,-0.00018434599041938782,-0.0006085485219955444,-1.8649365939267872,1,662,1 -12663,0.0006137180523522773,-0.00015927478671073914,-0.0005926899611949921,-1.833325985115445,1,663,1 -12664,0.00034202645545647646,-0.0001287013292312622,-0.00031688809394836426,-1.9565856553085466,1,664,1 -12665,0.0006968007472844383,-0.00017978250980377197,-0.0006732083857059479,-1.8317596330039554,1,665,1 -12666,0.0006460216555110172,-0.0001714564859867096,-0.0006228536367416382,-1.839418858312806,1,666,1 -12667,0.0006584144812327109,-0.0002015531063079834,-0.0006268061697483063,-1.8819098411031117,1,667,1 -12668,0.0007127378423331469,-0.0001548677682876587,-0.0006957091391086578,-1.7898292345308788,1,668,1 -12669,0.0005834775683226872,-0.0001222267746925354,-0.0005705319344997406,-1.7818392708168496,1,669,1 -12670,0.0006028910294445681,-9.454414248466492e-05,-0.00059543177485466,-1.7282642486191477,1,670,1 -12671,0.0004173131369688688,-6.932765245437622e-05,-0.00041151419281959534,-1.7376987447068575,1,671,1 -12672,0.0006532096071744231,-0.00017029419541358948,-0.0006306208670139313,-1.8345474182894508,1,672,1 -12673,0.0006484362499679751,-7.674098014831543e-05,-0.0006438791751861572,-1.6894221134404228,1,673,1 -12674,0.000566870833544074,-0.00021050870418548584,-0.0005263350903987885,-1.9512612127137912,1,674,1 -12675,0.0006821878880007423,-0.0001527629792690277,-0.0006648637354373932,-1.7966423147140245,1,675,1 -12676,0.0007617763128894363,-0.0002947188913822174,-0.0007024556398391724,-1.9680461252342045,1,676,1 -12677,0.0007107237949677111,-0.00018118321895599365,-0.0006872415542602539,-1.8285693120716433,1,677,1 -12678,0.0005736441859478279,-0.00013854354619979858,-0.0005566626787185669,-1.8147228594299483,1,678,1 -12679,0.000667695819238659,-0.00010289996862411499,-0.0006597191095352173,-1.7255250264296986,1,679,1 -12680,0.0006788658875635893,-0.00012211874127388,-0.0006677918136119843,-1.7516672939931408,1,680,1 -12681,0.0006320511399614502,-0.00011907145380973816,-0.0006207339465618134,-1.7603177969865418,1,681,1 -12682,0.0006167433986206031,-8.632615208625793e-05,-0.0006106719374656677,-1.7112283906262966,1,682,1 -12683,0.0006327753837736288,-0.000153273344039917,-0.0006139315664768219,-1.8154537210779018,1,683,1 -12684,0.0006416352867122432,-0.0001644715666770935,-0.0006201975047588348,-1.83002167624073,1,684,1 -12685,0.0006353057390558372,-0.0001219920814037323,-0.0006234832108020782,-1.764017443453708,1,685,1 -12686,0.0006718729172893785,-0.0001297779381275177,-0.0006592199206352234,-1.7651765428198565,1,686,1 -12687,0.0007210615718521059,-6.636232137680054e-05,-0.0007180012762546539,-1.662960945728949,1,687,1 -12688,0.000633757810158455,-5.371123552322388e-05,-0.0006314776837825775,-1.6556485233070084,1,688,1 -12689,0.0006557024690851775,-0.00014644116163253784,-0.0006391406059265137,-1.7960306494052796,1,689,1 -12690,0.0006327401368400621,-0.0001467280089855194,-0.0006154924631118774,-1.8048196070958649,1,690,1 -12691,0.000684352416189979,-0.0001821070909500122,-0.0006596781313419342,-1.8401425971274894,1,691,1 -12692,0.0006873644944528822,-0.00031337887048721313,-0.000611770898103714,-2.0441948411018003,1,692,1 -12693,0.0006072590168720437,-0.00010669603943824768,-0.0005978122353553772,-1.7474141654828057,1,693,1 -12694,0.0005953989051681633,-0.00017518922686576843,-0.0005690418183803558,-1.8694548814668306,1,694,1 -12695,0.0006730026230410814,-0.00019258633255958557,-0.0006448589265346527,-1.8610130105900609,1,695,1 -12696,0.0005866091378688142,-0.00011721625924110413,-0.0005747787654399872,-1.7719705763768394,1,696,1 -12697,0.0006631634817376863,-0.0003032311797142029,-0.0005897767841815948,-2.0456963249511615,1,697,1 -12698,0.0006388454194590211,-0.0001408308744430542,-0.0006231293082237244,-1.7930679535383665,1,698,1 -12699,0.0006733424960742513,-0.00011231005191802979,-0.0006639100611209869,-1.738374395946574,1,699,1 -12700,0.0006552207425898836,-9.289011359214783e-05,-0.0006486028432846069,-1.7130447548366874,1,700,1 -12701,0.0004259796754846998,8.571892976760864e-05,-0.00041726604104042053,-1.368185182779085,1,701,1 -12702,0.0005625757176212998,-0.00012411922216415405,-0.0005487129092216492,-1.7932532802523822,1,702,1 -12703,0.0007693423874470083,-0.00014565140008926392,-0.0007554292678833008,-1.7612652402360078,1,703,1 -12704,0.0007091968020006841,-0.0003164932131767273,-0.000634659081697464,-2.0333891730739624,1,704,1 -12705,0.0006721500560740075,-0.0001027323305606842,-0.0006642527878284454,-1.7242391081713593,1,705,1 -12706,0.0006842925044732204,-6.937235593795776e-05,-0.0006807669997215271,-1.6723490078644287,1,706,1 -12707,0.0004800182395575665,-4.073977470397949e-05,-0.0004782862961292267,-1.6557698540489028,1,707,1 -12708,0.000374967189964691,-6.368756294250488e-05,-0.0003695189952850342,-1.7414721199218635,1,708,1 -12709,0.000514216703852909,-0.00013330578804016113,-0.0004966370761394501,-1.8330320474831296,1,709,1 -12710,0.0006721731275525483,-0.0001321248710155487,-0.0006590597331523895,-1.7686483875119388,1,710,1 -12711,0.0006086054307971911,-0.0001900903880596161,-0.0005781576037406921,-1.8884491225818496,1,711,1 -12712,0.000434963514773475,-0.00013642385601997375,-0.0004130154848098755,-1.889824970383627,1,712,1 -12713,0.0003393153579166731,-0.0001807473599910736,-0.0002871677279472351,-2.1325633888473425,1,713,1 -12714,0.0006412183819041293,-0.00012937188148498535,-0.0006280317902565002,-1.7739503302946733,1,714,1 -12715,0.000676347407662535,-0.0002052001655101776,-0.0006444677710533142,-1.8790495116296748,1,715,1 -12716,0.0006880691949697568,-0.00013663247227668762,-0.0006743669509887695,-1.7706987910562817,1,716,1 -12717,0.000670821010986202,-0.00011386722326278687,-0.0006610862910747528,-1.741365284911025,1,717,1 -12718,0.0007057316393466976,-0.00014927610754966736,-0.0006897635757923126,-1.783925853045566,1,718,1 -12719,0.0004085529738108164,-6.903707981109619e-05,-0.0004026778042316437,-1.7405905208669095,1,719,1 -12720,0.0006699479023889307,-0.0002971142530441284,-0.0006004609167575836,-2.0302835722590356,1,720,1 -12721,0.0006511660588280793,-0.00018911436200141907,-0.0006230995059013367,-1.8654664105588987,1,721,1 -12722,0.0007125200074054669,-0.00017210841178894043,-0.0006914213299751282,-1.8147580084512327,1,722,1 -12723,0.0006720418585854767,-0.00018049031496047974,-0.0006473511457443237,-1.8427045595190665,1,723,1 -12724,0.0006448416220693913,-0.00010800734162330627,-0.000635731965303421,-1.7390839106750884,1,724,1 -12725,0.0006167890849625631,-0.00017757341265678406,-0.0005906745791435242,-1.8628293163656033,1,725,1 -12726,0.00032548690904512015,-8.161365985870361e-05,-0.00031508877873420715,-1.8242443292656758,1,726,1 -12727,0.0003532312684691193,-8.677691221237183e-05,-0.00034240633249282837,-1.8190030129850536,1,727,1 -12728,0.0006704657587523858,-8.02166759967804e-05,-0.0006656497716903687,-1.6907268306562,1,728,1 -12729,0.00031899246714586126,-5.354359745979309e-05,-0.000314466655254364,-1.739446910767134,1,729,1 -12730,0.000640442612510896,-0.00011223554611206055,-0.0006305314600467682,-1.746952812657569,1,730,1 -12731,0.0005699112512246967,-0.00015273690223693848,-0.0005490630865097046,-1.8421140679260561,1,731,1 -12732,0.0006240922323661039,-9.21301543712616e-05,-0.0006172545254230499,-1.7189604889552794,1,732,1 -12733,0.0007328510295952497,-0.00017536431550979614,-0.0007115602493286133,-1.8124314196686018,1,733,1 -12734,0.0006230869845087184,-0.00014859065413475037,-0.0006051100790500641,-1.81159154490408,1,734,1 -12735,0.00036174656342938364,-9.296834468841553e-05,-0.00034959614276885986,-1.8307114808422682,1,735,1 -12736,0.0006334015982518081,-0.00012905150651931763,-0.0006201155483722687,-1.775976519002375,1,736,1 -12737,0.0005665146301811773,-0.00017257407307624817,-0.0005395896732807159,-1.8803401922438172,1,737,1 -12738,0.0006162967413098633,-0.0001680999994277954,-0.0005929283797740936,-1.8470551197780118,1,738,1 -12739,0.0006739205246753819,-0.00015373900532722473,-0.0006561502814292908,-1.8009491443128893,1,739,1 -12740,0.0006234951401196484,-0.00010689720511436462,-0.000614263117313385,-1.7430959134717352,1,740,1 -12741,0.0006439878330419414,-0.0001623593270778656,-0.0006231851875782013,-1.8256620994610364,1,741,1 -12742,0.0006481568153306771,-0.00017495453357696533,-0.0006240978837013245,-1.8441127563752042,1,742,1 -12743,0.0006892528868151835,-0.00021407008171081543,-0.0006551668047904968,-1.8866024040266618,1,743,1 -12744,0.0006180349660358099,-0.00019224733114242554,-0.0005873739719390869,-1.8871068275033394,1,744,1 -12745,0.0006547702381365268,-0.00016877800226211548,-0.0006326436996459961,-1.8315064667364886,1,745,1 -12746,0.00038993126969439257,-6.0968101024627686e-05,-0.0003851354122161865,-1.7277965361239749,1,746,1 -12747,0.0006834471326263961,-0.0001728944480419159,-0.000661216676235199,-1.8265494805207305,1,747,1 -12748,0.0003931910500547168,-9.352713823318481e-05,-0.00038190558552742004,-1.810965456581485,1,748,1 -12749,0.000637821574287307,-0.00012222304940223694,-0.0006260015070438385,-1.7636146724267059,1,749,1 -12750,0.0007078454597603555,-0.00014749541878700256,-0.0006923079490661621,-1.7807068067304133,1,750,1 -12751,0.0007198147483292505,-0.00021087750792503357,-0.0006882324814796448,-1.8681183747111119,1,751,1 -12752,0.0006645157566181094,-8.555501699447632e-05,-0.0006589852273464203,-1.6999026077951598,1,752,1 -12753,0.0006279044070406129,-0.00018303096294403076,-0.0006006360054016113,-1.866585611457496,1,753,1 -12754,0.0006929123019201569,-0.00017237290740013123,-0.0006711296737194061,-1.8222021511873236,1,754,1 -12755,0.0006572589430081866,-0.0001687966287136078,-0.0006352141499519348,-1.8305257577723095,1,755,1 -12756,0.000672450736169748,-0.00011366978287696838,-0.0006627738475799561,-1.7406499518006435,1,756,1 -12757,0.0006048346535473602,-0.00021078065037727356,-0.0005669184029102325,-1.9267591719252481,1,757,1 -12758,0.0006705534343079929,-0.00014268606901168823,-0.0006551966071128845,-1.7852242769721138,1,758,1 -12759,0.0006799746434707507,-8.391588926315308e-05,-0.0006747767329216003,-1.6945220734915099,1,759,1 -12760,0.0005935743837244379,-0.00013937056064605713,-0.0005769804120063782,-1.8078079164323921,1,760,1 -12761,0.0006499222676984331,-0.00015911459922790527,-0.0006301440298557281,-1.8181313646052628,1,761,1 -12762,0.00036388620395548835,-7.145851850509644e-05,-0.0003568008542060852,-1.7684569085631137,1,762,1 -12763,0.00065637031332116,-0.00014175474643707275,-0.0006408803164958954,-1.7884790742307273,1,763,1 -12764,0.0005989270609797035,-0.0001271069049835205,-0.0005852840840816498,-1.7846469237189062,1,764,1 -12765,0.0006058539799718627,-0.00016827136278152466,-0.0005820170044898987,-1.8522396149377305,1,765,1 -12766,0.0006600453821499859,-0.000191420316696167,-0.0006316788494586945,-1.8650344928642666,1,766,1 -12767,0.0005815156773146852,-0.00018572434782981873,-0.0005510598421096802,-1.8958712413965026,1,767,1 -12768,0.0007041797954633097,-0.00019099563360214233,-0.0006777830421924591,-1.8454684295474737,1,768,1 -12769,0.0006180421787791721,-0.00018419697880744934,-0.000589955598115921,-1.8734276951672078,1,769,1 -12770,0.0005842075920357159,-0.00014878436923027039,-0.0005649439990520477,-1.8283102358005572,1,770,1 -12771,0.0007216617062897797,-0.00018354877829551697,-0.0006979294121265411,-1.8279634463410077,1,771,1 -12772,0.0006443973295478227,-8.002668619155884e-05,-0.0006394088268280029,-1.6953062042389095,1,772,1 -12773,0.000645545783163583,-7.597729563713074e-05,-0.0006410591304302216,-1.6887644195220977,1,773,1 -12774,0.0006120383916012129,-0.00013725832104682922,-0.0005964487791061401,-1.7969843002608297,1,774,1 -12775,0.0006395939643705576,-0.00016693025827407837,-0.0006174258887767792,-1.8348481903829863,1,775,1 -12776,0.0006391591849143323,-0.00021278485655784607,-0.0006026998162269592,-1.910188195195172,1,776,1 -12777,0.0005717218690331604,-0.00015313178300857544,-0.000550832599401474,-1.841950008927635,1,777,1 -12778,0.0006959360316198658,-0.0001356266438961029,-0.0006825923919677734,-1.766935282783886,1,778,1 -12779,0.0006737612281791055,-0.00013667717576026917,-0.0006597526371479034,-1.7750710247960588,1,779,1 -12780,0.0007292901373900175,-0.00024036318063735962,-0.0006885416805744171,-1.9066604399236768,1,780,1 -12781,0.0004590212675269416,-4.725158214569092e-05,-0.0004565827548503876,-1.6739188552761863,1,781,1 -12782,0.0006178458803968749,-0.00013807788491249084,-0.0006022192537784576,-1.7961824451239665,1,782,1 -12783,0.00036761136436737265,-9.284168481826782e-05,-0.000355694442987442,-1.8261151433537028,1,783,1 -12784,0.0005994339215411592,-0.00020671263337135315,-0.000562664121389389,-1.9228714754971457,1,784,1 -12785,0.0006684112812709438,-0.0002308860421180725,-0.0006272681057453156,-1.9234880703655501,1,785,1 -12786,0.0006526183977276002,-0.0001226179301738739,-0.0006409958004951477,-1.7598058062364972,1,786,1 -12787,0.0006202540417968132,-0.00011379644274711609,-0.0006097257137298584,-1.7553089737649985,1,787,1 -12788,0.0006396205827757842,-0.00017160549759864807,-0.0006161704659461975,-1.8424165858926502,1,788,1 -12789,0.000661512901153477,-0.00013618171215057373,-0.0006473436951637268,-1.778142894922019,1,789,1 -12790,0.0003692098322933519,-6.313994526863098e-05,-0.00036377087235450745,-1.7426547765655798,1,790,1 -12791,0.0006060299527230106,-0.00018192455172538757,-0.0005780793726444244,-1.875688888088783,1,791,1 -12792,0.0005838317875347768,-0.00021491944789886475,-0.0005428344011306763,-1.947781241244126,1,792,1 -12793,0.0006325586591954317,-0.00011373311281204224,-0.0006222501397132874,-1.7515779597192367,1,793,1 -12794,0.0006760901186969063,-0.00020443275570869446,-0.000644441694021225,-1.8779796447207426,1,794,1 -12795,0.0006262992560243701,-0.0001450181007385254,-0.000609278678894043,-1.8044645606779093,1,795,1 -12796,0.0006652588801495055,-0.000141974538564682,-0.0006499327719211578,-1.7858628983201816,1,796,1 -12797,0.00033791051330825947,-5.4877251386642456e-05,-0.0003334246575832367,-1.7339205357030076,1,797,1 -12798,0.00041492132267049835,-0.0001444704830646515,-0.00038895756006240845,-1.926433413451408,1,798,1 -12799,0.00061739301735476,-0.00012931600213050842,-0.000603698194026947,-1.7818138033111075,1,799,1 -12800,0.0006556232540821325,-0.00010970979928970337,-0.0006463788449764252,-1.7389239326579695,1,800,1 -12801,0.0006330410246071628,-0.00022016838192939758,-0.0005935207009315491,-1.926014374360646,1,801,1 -12802,0.0005997054372243033,-0.0001306086778640747,-0.000585310161113739,-1.7903438708895862,1,802,1 -12803,0.0006373329988526828,-0.00012165680527687073,-0.0006256140768527985,-1.7628591663330149,1,803,1 -12804,0.0006783195557249436,-0.00021525099873542786,-0.0006432607769966125,-1.8937087363728606,1,804,1 -12805,0.0006172615934359209,-0.00018659234046936035,-0.0005883835256099701,-1.8778910288503,1,805,1 -12806,0.0006136835916939993,-0.00012880563735961914,-0.0006000138819217682,-1.7822580929694907,1,806,1 -12807,0.0006242280941078036,-0.00015142560005187988,-0.0006055831909179688,-1.8158213071250948,1,807,1 -12808,0.0006687945263611634,-0.00020946189761161804,-0.0006351470947265625,-1.8893498654066023,1,808,1 -12809,0.000639495428808004,-4.735216498374939e-05,-0.000637739896774292,-1.6449102932208322,1,809,1 -12810,0.0006116950346381115,-0.00017804652452468872,-0.0005852095782756805,-1.8661421707391488,1,810,1 -12811,0.0006401132072255333,-0.0002450719475746155,-0.0005913414061069489,-1.9636834961125162,1,811,1 -12812,0.0005176848014602255,-7.494539022445679e-05,-0.0005122311413288116,-1.71607716189478,1,812,1 -12813,0.0005910348829603727,-0.00028186291456222534,-0.0005194954574108124,-2.0679176250343487,1,813,1 -12814,0.0006169685057530972,-0.00019197165966033936,-0.000586342066526413,-1.8872024425908291,1,814,1 -12815,0.0006267781648727551,-0.0001849830150604248,-0.000598859041929245,-1.8703912015090718,1,815,1 -12816,0.0004512324282570365,-6.642937660217285e-05,-0.00044631585478782654,-1.7185510041825134,1,816,1 -12817,0.0005774276708493773,-7.960572838783264e-05,-0.00057191401720047,-1.709099494189354,1,817,1 -12818,0.0006481677859831816,-0.00019637122750282288,-0.0006177052855491638,-1.8785971721890768,1,818,1 -12819,0.0003768155408472659,-0.00013116374611854553,-0.000353250652551651,-1.926323647608155,1,819,1 -12820,0.0007088463926702581,-0.00026971474289894104,-0.0006555281579494476,-1.9611312341200988,1,820,1 -12821,0.0003609899956367639,-0.00011821836233139038,-0.0003410838544368744,-1.9044355808892515,1,821,1 -12822,0.0005634503437590686,-0.00012845546007156372,-0.0005486123263835907,-1.8007989626559682,1,822,1 -12823,0.00037097706203880447,-0.00010175630450248718,-0.00035674870014190674,-1.8486504550685534,1,823,1 -12824,0.0006473976246890862,-0.0001510046422481537,-0.0006295405328273773,-1.8062135094150744,1,824,1 -12825,0.0006441518500166782,-9.928271174430847e-05,-0.0006364546716213226,-1.7255425490698921,1,825,1 -12826,0.0006633719911110386,-0.00024354085326194763,-0.0006170496344566345,-1.946713293619866,1,826,1 -12827,0.0006307579384801336,-9.919330477714539e-05,-0.0006229095160961151,-1.7287123401266848,1,827,1 -12828,0.0006780960552456753,-9.684637188911438e-05,-0.0006711445748806,-1.714107401014322,1,828,1 -12829,0.0003872270115279483,-0.00016796216368675232,-0.00034890323877334595,-2.01945385803566,1,829,1 -12830,0.0006351441238674617,-0.00019004568457603455,-0.000606045126914978,-1.8746678922788946,1,830,1 -12831,0.0006983740858366298,-0.00013369694352149963,-0.0006854571402072906,-1.763425703886899,1,831,1 -12832,0.0006283726156668027,-0.00019989535212516785,-0.000595729798078537,-1.8945378647551006,1,832,1 -12833,0.0005824318529541898,-5.8379024267196655e-05,-0.0005794987082481384,-1.6711981529124131,1,833,1 -12834,0.0005947099189839819,-0.00014808401465415955,-0.0005759783089160919,-1.8224460851028845,1,834,1 -12835,0.0006846234683424577,-0.00014374032616615295,-0.0006693638861179352,-1.7823255680183798,1,835,1 -12836,0.00034348512541403054,-0.00015622377395629883,-0.0003059022128582001,-2.042965988246306,1,836,1 -12837,0.0006779710168310851,-0.00013292953372001648,-0.0006648115813732147,-1.7681444717276489,1,837,1 -12838,0.0006099228504040428,-0.0001306086778640747,-0.0005957745015621185,-1.7866073104302913,1,838,1 -12839,0.0006276760557628468,-0.000123683363199234,-0.0006153695285320282,-1.7691440056955672,1,839,1 -12840,0.00041176075654206554,-9.41343605518341e-05,-0.0004008561372756958,-1.8014502842922069,1,840,1 -12841,0.0007293207069626725,-0.0002658739686012268,-0.0006791315972805023,-1.9439459827366015,1,841,1 -12842,0.0004288941910541961,-3.080815076828003e-05,-0.000427786260843277,-1.6426898310246603,1,842,1 -12843,0.0006238908765284212,-7.724016904830933e-05,-0.0006190910935401917,-1.6949187669955288,1,843,1 -12844,0.00048529829855077655,-0.00011361390352249146,-0.0004718117415904999,-1.8071008774601773,1,844,1 -12845,0.0007072433942367698,-0.00012934952974319458,-0.0006953142583370209,-1.754724127466308,1,845,1 -12846,0.0007035169472093212,-0.000195380300283432,-0.0006758421659469604,-1.8522156250337352,1,846,1 -12847,0.000677837993734945,-0.00011807307600975037,-0.000667475163936615,-1.7458801724844983,1,847,1 -12848,0.0006551610219333202,-0.00010765343904495239,-0.0006462559103965759,-1.735860873661546,1,848,1 -12849,0.0004941677768080628,-4.994124174118042e-05,-0.0004916377365589142,-1.6720304596984916,1,849,1 -12850,0.0006450674958484775,-0.00016329437494277954,-0.0006240569055080414,-1.8267241118302107,1,850,1 -12851,0.0006690078785520522,-0.00021849200129508972,-0.0006323233246803284,-1.9034909468923118,1,851,1 -12852,0.0006754440778438574,-7.64504075050354e-05,-0.0006711035966873169,-1.6842247982457685,1,852,1 -12853,0.0006689499419608679,-0.0001495666801929474,-0.000652015209197998,-1.7962866132569817,1,853,1 -12854,0.0006519372358767053,-7.624924182891846e-05,-0.0006474629044532776,-1.6880225782130045,1,854,1 -12855,0.0006376869284375388,-0.00013674050569534302,-0.0006228536367416382,-1.7869066282665729,1,855,1 -12856,0.0006531469380290108,-0.00020151957869529724,-0.0006212815642356873,-1.884450264552549,1,856,1 -12857,0.0005158102779619077,-0.00013394281268119812,-0.0004981160163879395,-1.8334815254862384,1,857,1 -12858,0.0006267580685015874,-7.97659158706665e-05,-0.0006216615438461304,-1.6984098875348446,1,858,1 -12859,0.0006641296386132808,-0.00019286572933197021,-0.0006355084478855133,-1.8654450581921376,1,859,1 -12860,0.0006800669774245616,-0.00017784908413887024,-0.0006563998758792877,-1.835389905470629,1,860,1 -12861,0.0006971952748729913,-0.000156499445438385,-0.00067940354347229,-1.7971954821288554,1,861,1 -12862,0.0006216013898067477,-0.00015951693058013916,-0.0006007850170135498,-1.8303224206826951,1,862,1 -12863,0.000714378052942971,-7.434934377670288e-05,-0.0007104985415935516,-1.6750607621795954,1,863,1 -12864,0.0006161349250454356,-0.00014778971672058105,-0.0005981475114822388,-1.813023973293294,1,864,1 -12865,0.0006323281466696459,-0.00015611201524734497,-0.0006127543747425079,-1.8202602323186112,1,865,1 -12866,0.0006724553931580943,-0.0001706741750240326,-0.0006504356861114502,-1.8274108870198214,1,866,1 -12867,0.0005427389427703854,-0.00012612342834472656,-0.0005278810858726501,-1.8053236037669824,1,867,1 -12868,0.0005864521752080859,-7.386133074760437e-05,-0.0005817823112010956,-1.6970777368849526,1,868,1 -12869,0.0006510667936504765,-0.00023848935961723328,-0.0006058141589164734,-1.9458317804942389,1,869,1 -12870,0.0006836918659806594,-0.00016791373491287231,-0.0006627514958381653,-1.8189334389365688,1,870,1 -12871,0.0007384923681169413,-0.00013783574104309082,-0.0007255151867866516,-1.7585421174190254,1,871,1 -12872,0.0005561393768532214,-0.00017185509204864502,-0.000528920441865921,-1.8849528948848617,1,872,1 -12873,0.0006709146606947102,-0.00018423423171043396,-0.0006451234221458435,-1.8489716653681658,1,873,1 -12874,0.0005984522270959945,-0.00014773383736610413,-0.00057993084192276,-1.8202348178607748,1,874,1 -12875,0.0006888987908002657,-0.00017543509602546692,-0.0006661862134933472,-1.8282926170471427,1,875,1 -12876,0.0007222506013656112,-0.00012953579425811768,-0.0007105395197868347,-1.7511222345134139,1,876,1 -12877,0.0006598326552125378,-0.00015240535140037537,-0.000641990453004837,-1.8038767725212008,1,877,1 -12878,0.0006360874406798183,-0.00036292150616645813,-0.0005223937332630157,-2.1779752046511587,1,878,1 -12879,0.00043460228192069,-0.00014819204807281494,-0.0004085563123226166,-1.9187588360902956,1,879,1 -12880,0.0005933994148983563,-0.0001299157738685608,-0.000579003244638443,-1.7915189640821059,1,880,1 -12881,0.0006706686358587836,-0.00013424083590507507,-0.0006570965051651001,-1.7723172479202178,1,881,1 -12882,0.0007137980238258855,-0.00016108155250549316,-0.0006953850388526917,-1.7984252553425997,1,882,1 -12883,0.0006431967208909168,-0.00012173876166343689,-0.0006315708160400391,-1.7612164364034666,1,883,1 -12884,0.0006537926258582112,-0.00014695897698402405,-0.0006370618939399719,-1.797512748243882,1,884,1 -12885,0.0006406970303868017,-0.0001726597547531128,-0.0006169937551021576,-1.8436569899338509,1,885,1 -12886,0.0007292443551607306,-0.0001322515308856964,-0.0007171519100666046,-1.753159643802204,1,886,1 -12887,0.0007069371693292938,-0.0001823119819164276,-0.000683024525642395,-1.8316339546701685,1,887,1 -12888,0.0005937540825198464,-7.003545761108398e-05,-0.0005896091461181641,-1.6890252135208579,1,888,1 -12889,0.0006340229176348059,-0.00019608810544013977,-0.0006029382348060608,-1.8852279945081805,1,889,1 -12890,0.000666514836511027,-0.0001538582146167755,-0.0006485134363174438,-1.8037371297520204,1,890,1 -12891,0.0005874907995669948,-6.577000021934509e-05,-0.0005837976932525635,-1.6829821908225218,1,891,1 -12892,0.0006230352058575479,-8.098036050796509e-05,-0.0006177499890327454,-1.7011422935070049,1,892,1 -12893,0.0004505054033035945,-0.00014360621571540833,-0.0004270039498806,-1.895224573017309,1,893,1 -12894,0.0006760039168600393,-0.00010504946112632751,-0.0006677918136119843,-1.7268263689425294,1,894,1 -12895,0.00045389764639937417,-2.1535903215408325e-05,-0.00045338645577430725,-1.6182607535962228,1,895,1 -12896,0.0006519916757123743,-0.00017035380005836487,-0.0006293430924415588,-1.8351466040009623,1,896,1 -12897,0.0006613441423298784,-0.00015000998973846436,-0.0006441064178943634,-1.7996137347774084,1,897,1 -12898,0.0006760856165866268,-0.0002006329596042633,-0.0006456300616264343,-1.872090923537694,1,898,1 -12899,0.0006462675286268876,-0.00016517937183380127,-0.0006248019635677338,-1.8292540174051066,1,899,1 -12900,0.0006713329966553293,-0.00022524967789649963,-0.0006324164569377899,-1.9129598740060187,1,900,1 -12901,0.0006549051580510348,-8.132681250572205e-05,-0.0006498359143733978,-1.6952987803536863,1,901,1 -12902,0.0006412841624229124,-0.000160999596118927,-0.0006207451224327087,-1.8245695578766994,1,902,1 -12903,0.0006902515008803637,-0.0002665966749191284,-0.0006366893649101257,-1.967338567698526,1,903,1 -12904,0.0006871597755266595,-0.00019661709666252136,-0.0006584301590919495,-1.8609819599398374,1,904,1 -12905,0.0004604658538749118,-7.752329111099243e-05,-0.00045389309525489807,-1.739960379194404,1,905,1 -12906,0.0006520134446505102,-7.398799061775208e-05,-0.0006478019058704376,-1.6845174579520752,1,906,1 -12907,0.00062725182191065,-0.0001910775899887085,-0.000597439706325531,-1.8803426991296563,1,907,1 -12908,0.0006345269151401956,-0.0001474320888519287,-0.0006171613931655884,-1.8052890503458232,1,908,1 -12909,0.0006988699136085116,-0.0001331530511379242,-0.0006860680878162384,-1.7624944965685763,1,909,1 -12910,0.0006222395562429114,-8.206814527511597e-05,-0.000616803765296936,-1.7030732946826512,1,910,1 -12911,0.0006695953087955696,-0.00017706304788589478,-0.0006457604467868805,-1.8384121988815258,1,911,1 -12912,0.0006345672802774618,-9.875372052192688e-05,-0.000626835972070694,-1.727055161296437,1,912,1 -12913,0.0004295936581905363,-0.0001033395528793335,-0.00041697919368743896,-1.8137306911551716,1,913,1 -12914,0.0006651140040135278,-0.00013463571667671204,-0.0006513446569442749,-1.774629903018604,1,914,1 -12915,0.0006804166038799994,-0.00020731985569000244,-0.00064806267619133,-1.8804150044459513,1,915,1 -12916,0.000671865307712776,-7.904320955276489e-05,-0.0006671994924545288,-1.6887168268042032,1,916,1 -12917,0.0006642270173405713,-0.00012554973363876343,-0.0006522536277770996,-1.7609566195297455,1,917,1 -12918,0.0006652487290621134,-9.233132004737854e-05,-0.0006588101387023926,-1.7100380108783066,1,918,1 -12919,0.000620315069473105,-0.0001501031219959259,-0.0006018802523612976,-1.8152011119236524,1,919,1 -12920,0.0006181361667836451,-0.000170145183801651,-0.0005942583084106445,-1.8496514557566037,1,920,1 -12921,0.00041313460113511554,-5.249679088592529e-05,-0.000409785658121109,-1.698210253753545,1,921,1 -12922,0.00043676325819188487,-4.0803104639053345e-05,-0.00043485313653945923,-1.6643543134246457,1,922,1 -12923,0.0006585707749132253,-8.402392268180847e-05,-0.0006531886756420135,-1.6987302845958758,1,923,1 -12924,0.0006208248533247336,-8.445978164672852e-05,-0.0006150528788566589,-1.7072639744541818,1,924,1 -12925,0.000581328513314223,-9.387731552124023e-05,-0.0005736984312534332,-1.7329941254014256,1,925,1 -12926,0.000464059614174953,-9.071081876754761e-05,-0.00045510753989219666,-1.7675353850899678,1,926,1 -12927,0.0006115960643375266,-0.00010674819350242615,-0.0006022080779075623,-1.7462352639594194,1,927,1 -12928,0.00044100756044872236,-0.00012780353426933289,-0.0004220828413963318,-1.864813108430891,1,928,1 -12929,0.000638370479119524,-0.00018272921442985535,-0.0006116591393947601,-1.8611000042021943,1,929,1 -12930,0.0006593755557391299,-0.0001235082745552063,-0.0006477050483226776,-1.7592202728558908,1,930,1 -12931,0.0006264479692656255,-0.00015422701835632324,-0.0006071664392948151,-1.8195465703883247,1,931,1 -12932,0.000703151378651535,-0.000219050794839859,-0.000668160617351532,-1.8875961362990008,1,932,1 -12933,0.0005652812034437785,-0.00015691667795181274,-0.0005430653691291809,-1.852081429862842,1,933,1 -12934,0.0006519225378146355,-8.007511496543884e-05,-0.0006469860672950745,-1.6939364833306705,1,934,1 -12935,0.0006202795453590386,-0.00010135769844055176,-0.0006119422614574432,-1.734938892839998,1,935,1 -12936,0.000430947325632655,-9.368360042572021e-05,-0.000420641154050827,-1.7899359574993108,1,936,1 -12937,0.0006656098514967871,-8.760392665863037e-05,-0.0006598196923732758,-1.7027938275699368,1,937,1 -12938,0.0005585844592610522,-0.00011071562767028809,-0.000547502189874649,-1.770325122571007,1,938,1 -12939,0.0006707055461360144,-0.00016979873180389404,-0.0006488561630249023,-1.8267460916110447,1,939,1 -12940,0.0007281357061153332,-0.00012161210179328918,-0.0007179081439971924,-1.738601196839501,1,940,1 -12941,0.000602763285500947,-0.00012356042861938477,-0.0005899630486965179,-1.777249787795875,1,941,1 -12942,0.00040970118720075636,-0.0001295432448387146,-0.00038868188858032227,-1.8925066260892263,1,942,1 -12943,0.0006769070582795516,-0.00015262141823768616,-0.0006594769656658173,-1.798220520749419,1,943,1 -12944,0.0006707498566079298,-0.00015529245138168335,-0.0006525255739688873,-1.8044368528142058,1,944,1 -12945,0.0006253411499819647,-0.00014340877532958984,-0.0006086751818656921,-1.8021844410538392,1,945,1 -12946,0.0006995685126703802,-0.00025109201669692993,-0.0006529539823532104,-1.937911283063958,1,946,1 -12947,0.0006361680758459124,-0.00012815743684768677,-0.0006231255829334259,-1.7736365831540597,1,947,1 -12948,0.0007324654604503924,-7.612258195877075e-05,-0.0007284991443157196,-1.6749108361955936,1,948,1 -12949,0.0003520796165052835,-7.531419396400452e-05,-0.0003439299762248993,-1.7863746440567385,1,949,1 -12950,0.0006598984425894046,-0.0001691766083240509,-0.0006378442049026489,-1.8300586959548142,1,950,1 -12951,0.0006438624919889435,-0.00017235428094863892,-0.0006203651428222656,-1.8417890141134456,1,951,1 -12952,0.0005495097177983529,-5.5301934480667114e-05,-0.000546719878911972,-1.6716056696141819,1,952,1 -12953,0.0006644066146931245,-0.00014728307723999023,-0.0006478764116764069,-1.7943293427468678,1,953,1 -12954,0.0006481747091161742,-0.00012849271297454834,-0.0006353110074996948,-1.7703560145929456,1,954,1 -12955,0.0006092679912769932,-0.00018513202667236328,-0.0005804598331451416,-1.879537699127236,1,955,1 -12956,0.0007164006827776531,-0.00013675540685653687,-0.000703226774930954,-1.7628674556665012,1,956,1 -12957,0.0006823202856766948,-0.00013909116387367249,-0.0006679929792881012,-1.7760854845658185,1,957,1 -12958,0.0005765761003913244,-9.007751941680908e-05,-0.0005694963037967682,-1.7276672551074976,1,958,1 -12959,0.0005889844375373011,-0.00019301101565361023,-0.00055646151304245,-1.9046659118753004,1,959,1 -12960,0.0006578398894811313,-0.0001251213252544403,-0.0006458312273025513,-1.7621624641599063,1,960,1 -12961,0.000621471909911263,-0.0001233331859111786,-0.0006091110408306122,-1.7705759637979552,1,961,1 -12962,0.0006430701385568271,-0.00011175870895385742,-0.0006332844495773315,-1.7454725527406638,1,962,1 -12963,0.0006630956913817725,-0.00013150274753570557,-0.0006499253213405609,-1.7704362265684608,1,963,1 -12964,0.0006569173434397428,-0.00014656409621238708,-0.0006403587758541107,-1.7957989151810752,1,964,1 -12965,0.0005915992598556973,-0.00012738630175590515,-0.0005777217447757721,-1.7878212820973554,1,965,1 -12966,0.0006437607803452494,-0.00013222172856330872,-0.0006300359964370728,-1.7776580400873354,1,966,1 -12967,0.00048334023616469735,-0.0001270100474357605,-0.0004663541913032532,-1.8366941610738767,1,967,1 -12968,0.0006086705105859009,-0.0001759156584739685,-0.0005826950073242188,-1.8639953839612509,1,968,1 -12969,0.0006586270539975606,-0.0001703202724456787,-0.000636223703622818,-1.8323678746537293,1,969,1 -12970,0.0004070350350680038,-8.646398782730103e-05,-0.0003977455198764801,-1.784851177724977,1,970,1 -12971,0.0006560809037526085,-9.71965491771698e-05,-0.0006488412618637085,-1.7194908628170085,1,971,1 -12972,0.0007233937504558254,-0.00015376508235931396,-0.0007068626582622528,-1.784991129561224,1,972,1 -12973,0.0006939261896695669,-0.00015069544315338135,-0.0006773658096790314,-1.7897040104981357,1,973,1 -12974,0.000671576496165596,-0.0001393742859363556,-0.0006569549441337585,-1.779848703414619,1,974,1 -12975,0.0007006135431686421,-0.00014398619532585144,-0.0006856583058834076,-1.7777856589909578,1,975,1 -12976,0.0006067023253299984,-9.847059845924377e-05,-0.000598657876253128,-1.7338221351917567,1,976,1 -12977,0.0006748246194370159,-0.0001067034900188446,-0.0006663352251052856,-1.7295830683171345,1,977,1 -12978,0.0006164468969569565,-0.00012031197547912598,-0.0006045922636985779,-1.767227164497318,1,978,1 -12979,0.0006915874815388366,-0.0001468360424041748,-0.0006758198142051697,-1.7847421257541727,1,979,1 -12980,0.0006513984386931224,-0.0001350007951259613,-0.0006372556090354919,-1.779557009275736,1,980,1 -12981,0.000658182753100614,-0.00011956319212913513,-0.000647231936454773,-1.7534670699224717,1,981,1 -12982,0.0006682936143716066,-0.00013904273509979248,-0.0006536692380905151,-1.7803837379098304,1,982,1 -12983,0.000638267196063307,-0.00011052936315536499,-0.0006286241114139557,-1.7448447250945776,1,983,1 -12984,0.0004351072975455462,-4.054605960845947e-05,-0.000433214008808136,-1.66411807051665,1,984,1 -12985,0.0006812151199637347,-0.00014789029955863953,-0.0006649680435657501,-1.789636693747919,1,985,1 -12986,0.0006934871533700504,-0.0001461431384086609,-0.0006779134273529053,-1.7831247673714987,1,986,1 -12987,0.000665934628909571,-0.00011803582310676575,-0.0006553903222084045,-1.7489861635570625,1,987,1 -12988,0.0006692683020063323,-0.00021131709218025208,-0.0006350316107273102,-1.892036425698312,1,988,1 -12989,0.0004747829243107782,-3.935396671295166e-05,-0.0004731491208076477,-1.6537798714995304,1,989,1 -12990,0.0006720203099075787,-0.00012724101543426514,-0.0006598643958568573,-1.7612873170367103,1,990,1 -12991,0.000611789542747714,-7.971376180648804e-05,-0.0006065741181373596,-1.7014638977056993,1,991,1 -12992,0.0006815229136694671,-0.00018884986639022827,-0.0006548352539539337,-1.851570724620223,1,992,1 -12993,0.0005628084916140606,-0.00010750442743301392,-0.000552445650100708,-1.762991618854791,1,993,1 -12994,0.0007188691351103733,-7.849931716918945e-05,-0.0007145702838897705,-1.680212859496446,1,994,1 -12995,0.0006448227243730313,-0.0001142844557762146,-0.0006346143782138824,-1.7489714824912184,1,995,1 -12996,0.0006680631557722682,-0.00017713755369186401,-0.000644151121377945,-1.8391567577968575,1,996,1 -12997,0.0006380805359246896,-0.0001883767545223236,-0.0006096400320529938,-1.8704863957515165,1,997,1 -12998,0.0006410140013561512,-0.00016554072499275208,-0.0006192699074745178,-1.832004799947239,1,998,1 -12999,0.0006712193172555594,-0.00015448406338691711,-0.0006531998515129089,-1.8030326417739568,1,999,1 -13000,0.0006575516590376736,-0.00015733391046524048,-0.0006384514272212982,-1.8124126581026638,1,1000,1 -13001,0.0005937972228008203,-0.00010616332292556763,-0.0005842298269271851,-1.7505499446504014,1,1001,1 -13002,0.00029637375627127206,-7.618218660354614e-05,-0.0002864152193069458,-1.8307623122997176,1,1002,1 -13003,0.0003524466664972871,-0.0001507587730884552,-0.0003185756504535675,-2.012797506256475,1,1003,1 -13004,0.0006935504249029139,-0.00017998740077018738,-0.0006697885692119598,-1.833317278494808,1,1004,1 -13005,0.0006093281665613825,-0.00013642385601997375,-0.0005938597023487091,-1.7966026134306101,1,1005,1 -13006,0.0006527439706419095,-0.00016196444630622864,-0.0006323307752609253,-1.8215442871147742,1,1006,1 -13007,0.0006989807695338166,-0.0002598017454147339,-0.0006489045917987823,-1.9516213816805745,1,1007,1 -13008,0.0005998330499227769,-0.00024849921464920044,-0.000545937567949295,-1.9979486020838413,1,1008,1 -13009,0.0005984105454193172,-0.00017523393034934998,-0.0005721785128116608,-1.8679839652998615,1,1009,1 -13010,0.0007233990960875617,-0.00011215358972549438,-0.0007146522402763367,-1.72646118260139,1,1010,1 -13011,0.0006871176870696335,-0.00019432231783866882,-0.0006590671837329865,-1.8575165963786735,1,1011,1 -13012,0.0006978084582426038,-0.00015661120414733887,-0.0006800070405006409,-1.797157419736323,1,1012,1 -13013,0.000628838789268592,-8.819997310638428e-05,-0.0006226226687431335,-1.711518797860961,1,1013,1 -13014,0.0006742163366277675,-0.000134933739900589,-0.0006605759263038635,-1.7722912058154658,1,1014,1 -13015,0.0005836249815702726,-0.00017967075109481812,-0.0005552805960178375,-1.8837320283920056,1,1015,1 -13016,0.000319631988249703,-0.00012375041842460632,-0.00029470399022102356,-1.9683514628625915,1,1016,1 -13017,0.0006890381111049458,-0.00021369755268096924,-0.0006550624966621399,-1.886135507056725,1,1017,1 -13018,0.0006175174114830783,-0.00013572722673416138,-0.0006024166941642761,-1.792400632480923,1,1018,1 -13019,0.0006134449717801778,-0.00019611045718193054,-0.000581253319978714,-1.8961955889064444,1,1019,1 -13020,0.000578038838426654,-9.367614984512329e-05,-0.000570397824048996,-1.733572774500096,1,1020,1 -13021,0.0006405221561115078,-0.00016576796770095825,-0.0006186999380588531,-1.8325773452067238,1,1021,1 -13022,0.0006302136003313307,-0.0001519918441772461,-0.0006116107106208801,-1.814372864425571,1,1022,1 -13023,0.0006872292392161798,-0.00010013207793235779,-0.000679895281791687,-1.7170208984936062,1,1023,1 -13024,0.0006099743089833699,-0.0001291409134864807,-0.0005961470305919647,-1.7841260722906627,1,1024,1 -13025,0.0006168349602819147,-0.00010473653674125671,-0.0006078779697418213,-1.7414196901476728,1,1025,1 -13026,0.0005849216808631755,-0.0001242905855178833,-0.0005715638399124146,-1.78491978662834,1,1026,1 -13027,0.0006539167123569739,-0.00020488351583480835,-0.0006209909915924072,-1.8894806992553552,1,1027,1 -13028,0.0005825261647003335,-0.00011166185140609741,-0.0005717240273952484,-1.7636755884581712,1,1028,1 -13029,0.0006413342875226875,-0.00012895092368125916,-0.0006282366812229156,-1.773242993125288,1,1029,1 -13030,0.0006286882699376167,-0.00019889697432518005,-0.0005963966250419617,-1.892694911913391,1,1030,1 -13031,0.0007132552141052258,-0.0002414807677268982,-0.0006711333990097046,-1.9161840383050548,1,1031,1 -13032,0.000601686872904851,-0.00014723092317581177,-0.0005833953619003296,-1.8180034219132217,1,1032,1 -13033,0.000635613694087829,-0.00011816248297691345,-0.0006245337426662445,-1.757787114273728,1,1033,1 -13034,0.0006069510881133192,-0.0002100244164466858,-0.0005694553256034851,-1.924134696313866,1,1034,1 -13035,0.000329380650171712,-0.00013817846775054932,-0.0002989955246448517,-2.0037017542760562,1,1035,1 -13036,0.0006193902021914425,-0.0001393146812915802,-0.0006035193800926208,-1.7976596395281348,1,1036,1 -13037,0.0006587347533145749,-0.00013254955410957336,-0.0006452612578868866,-1.7733979316484285,1,1037,1 -13038,0.0006210467143475134,-0.00010940060019493103,-0.0006113350391387939,-1.747875510493068,1,1038,1 -13039,0.0006697267307444661,-0.00016944855451583862,-0.0006479360163211823,-1.826588084892123,1,1039,1 -13040,0.0007098638231930375,-0.00019494816660881042,-0.0006825700402259827,-1.8489986705479156,1,1040,1 -13041,0.0007464283551811688,-9.628012776374817e-05,-0.0007401928305625916,-1.7001444796594252,1,1041,1 -13042,0.0005778726425648573,-9.54456627368927e-05,-0.0005699358880519867,-1.7367239630448152,1,1042,1 -13043,0.0006316149270842402,-0.00015657022595405579,-0.0006119012832641602,-1.8212966896648761,1,1043,1 -13044,0.0004145804334612164,-6.279721856117249e-05,-0.0004097968339920044,-1.7228533474725276,1,1044,1 -13045,0.000625649773632701,-6.0558319091796875e-05,-0.0006227120757102966,-1.6677407877024344,1,1045,1 -13046,0.0006381791524053701,-0.00013103336095809937,-0.0006245821714401245,-1.7775908592982999,1,1046,1 -13047,0.0006954555088193456,-0.00013656914234161377,-0.0006819143891334534,-1.76845451650921,1,1047,1 -13048,0.0006549530523449182,-0.00019403547048568726,-0.0006255507469177246,-1.8715693275190817,1,1048,1 -13049,0.0006658482287732597,-0.00015531107783317566,-0.0006474815309047699,-1.806217921141419,1,1049,1 -13050,0.0004628479230525343,-2.9217451810836792e-05,-0.00046192482113838196,-1.6339637076636104,1,1050,1 -13051,0.0006252794727879473,-9.86047089099884e-05,-0.0006174556910991669,-1.7291543811203236,1,1051,1 -13052,0.0005090329971070473,-0.0001342184841632843,-0.0004910193383693695,-1.8376247691747751,1,1052,1 -13053,0.0006984901708839016,-0.0001507103443145752,-0.0006820373237133026,-1.7882724411028503,1,1053,1 -13054,0.000698624638120135,-9.908154606819153e-05,-0.0006915628910064697,-1.713099843444867,1,1054,1 -13055,0.000665435042518024,-0.00012377649545669556,-0.0006538219749927521,-1.7578943821286597,1,1055,1 -13056,0.0006308546234468765,-7.383152842521667e-05,-0.0006265193223953247,-1.6880992964907398,1,1056,1 -13057,0.0006659436436170481,-0.00018078088760375977,-0.0006409361958503723,-1.8457119663709776,1,1057,1 -13058,0.0006157917132689207,-0.0001658797264099121,-0.0005930289626121521,-1.8435417153778517,1,1058,1 -13059,0.0006379012628344623,-0.00013687461614608765,-0.0006230436265468597,-1.7870481094028807,1,1059,1 -13060,0.0006931030937303237,-0.00012509524822235107,-0.0006817206740379333,-1.7522766402962353,1,1060,1 -13061,0.0006774299982724274,-9.785592555999756e-05,-0.0006703250110149384,-1.7157551811840797,1,1061,1 -13062,0.0005888106180808921,-0.000112190842628479,-0.0005780234932899475,-1.762506562394123,1,1062,1 -13063,0.0006514332503111758,-0.00016406551003456116,-0.0006304346024990082,-1.8253909717061767,1,1063,1 -13064,0.0007062770564206888,-0.00021281838417053223,-0.0006734505295753479,-1.8768774456854427,1,1064,1 -13065,0.0006808151475927038,-9.57101583480835e-05,-0.0006740540266036987,-1.7118452629400875,1,1065,1 -13066,0.00032426526829811757,-0.000103779137134552,-0.0003072097897529602,-1.8965722031304084,1,1066,1 -13067,0.0006395078547237862,-0.00012304633855819702,-0.0006275586783885956,-1.7644115944819312,1,1067,1 -13068,0.0004966388752377773,-0.0001241043210029602,-0.00048088282346725464,-1.8233613800053872,1,1068,1 -13069,0.0005503848203417012,-0.00010081753134727478,-0.0005410723388195038,-1.7550129205641296,1,1069,1 -13070,0.0006367235544562865,-0.00012855976819992065,-0.000623609870672226,-1.774102283051301,1,1070,1 -13071,0.0006351557885514976,-0.00015537813305854797,-0.0006158575415611267,-1.8179343621389015,1,1071,1 -13072,0.0005794679344995101,-0.00010602176189422607,-0.0005696862936019897,-1.754796813539794,1,1072,1 -13073,0.000678811546928593,-0.00018184632062911987,-0.0006540007889270782,-1.8419978702974502,1,1073,1 -13074,0.0005412457562853137,-7.855892181396484e-05,-0.0005355142056941986,-1.7164554883501073,1,1074,1 -13075,0.0005510368546645314,-0.00018924474716186523,-0.0005175210535526276,-1.9213670998253054,1,1075,1 -13076,0.0006630000999110856,-0.0001981779932975769,-0.0006326884031295776,-1.8743475564898506,1,1076,1 -13077,0.0003571739200685179,-0.00014010444283485413,-0.00032854825258255005,-1.973881723513845,1,1077,1 -13078,0.0006239679981670627,-0.00011357665061950684,-0.0006135441362857819,-1.7538399593218537,1,1078,1 -13079,0.0006443586052978113,-0.00010531023144721985,-0.0006356947124004364,-1.734966985708037,1,1079,1 -13080,0.000585790035880265,-7.132068276405334e-05,-0.0005814321339130402,-1.692850418527708,1,1080,1 -13081,0.000700507924154092,-0.00016572698950767517,-0.0006806217133998871,-1.8096419491447693,1,1081,1 -13082,0.0006199566442393994,-0.00011226534843444824,-0.0006097070872783661,-1.7528867248600257,1,1082,1 -13083,0.0006878415403768349,-0.0001333877444267273,-0.0006747841835021973,-1.7659550010326373,1,1083,1 -13084,0.0006549798394790628,-0.00019789114594459534,-0.0006243698298931122,-1.8777259565087716,1,1084,1 -13085,0.0006206188064445329,-8.866935968399048e-05,-0.0006142519414424896,-1.714159410801802,1,1085,1 -13086,0.0006756619526652807,-0.00016611069440841675,-0.0006549246609210968,-1.8191916198921816,1,1086,1 -13087,0.0006676489927079383,-0.00020465627312660217,-0.0006355084478855133,-1.8823445939984633,1,1087,1 -13088,0.0005611638255886692,-0.00011664628982543945,-0.0005489066243171692,-1.7801880509254455,1,1088,1 -13089,0.0004488022767174428,-0.00011806562542915344,-0.00043299421668052673,-1.8369974157094107,1,1089,1 -13090,0.0005793959985097508,-0.0001034960150718689,-0.0005700774490833282,-1.7503875892835727,1,1090,1 -13091,0.0005777489816362266,-7.236376404762268e-05,-0.0005731992423534393,-1.6963773666452715,1,1091,1 -13092,0.0006863654528536213,-0.00024706870317459106,-0.0006403550505638123,-1.9390285212702627,1,1092,1 -13093,0.0006327406341779666,-0.0002084970474243164,-0.0005974024534225464,-1.9065853585844843,1,1093,1 -13094,0.0005777812343330201,-0.00016106292605400085,-0.0005548782646656036,-1.853300146085367,1,1094,1 -13095,0.0006390049208169967,-0.0001765713095664978,-0.0006141252815723419,-1.8507616272498881,1,1095,1 -13096,0.0005788799553465613,-0.00016698986291885376,-0.0005542710423469543,-1.8634255028163018,1,1096,1 -13097,0.00043379379451484614,-0.00010988116264343262,-0.0004196465015411377,-1.826889161258554,1,1097,1 -13098,0.0006676930586021357,-0.00017510727047920227,-0.0006443224847316742,-1.8361567965691925,1,1098,1 -13099,0.0006508037667840299,-0.00017754733562469482,-0.0006261169910430908,-1.8471114370837833,1,1099,1 -13100,0.000390349806180274,-0.00016463547945022583,-0.00035393238067626953,-2.0061862273840716,1,1100,1 -13101,0.0006007079273149642,-0.00017351284623146057,-0.0005751028656959534,-1.863818895328186,1,1101,1 -13102,0.0005221952984095587,-0.00010097771883010864,-0.000512339174747467,-1.7653937362546672,1,1102,1 -13103,0.0006323956184665037,-9.394064545631409e-05,-0.0006253793835639954,-1.7198954129398973,1,1103,1 -13104,0.0007099141566124553,-0.00015470758080482483,-0.0006928518414497375,-1.7904835245884914,1,1104,1 -13105,0.0006157269545313532,-0.00012166798114776611,-0.0006035864353179932,-1.7697059223658511,1,1105,1 -13106,0.0006711846393877661,-0.00012798234820365906,-0.000658869743347168,-1.7626524434824242,1,1106,1 -13107,0.0003360277642068646,-8.308514952659607e-05,-0.00032559409737586975,-1.8206444483779323,1,1107,1 -13108,0.0005999111421599286,-0.00010591000318527222,-0.0005904883146286011,-1.74826931245758,1,1108,1 -13109,0.0006015593366999982,-0.0001592598855495453,-0.0005800947546958923,-1.8387359056762314,1,1109,1 -13110,0.0006951932363260141,-0.00017827749252319336,-0.0006719455122947693,-1.8301367388557168,1,1110,1 -13111,0.0006991560567027469,-0.00012655556201934814,-0.0006876066327095032,-1.7528115711476007,1,1111,1 -13112,0.0006487027699098857,-9.376928210258484e-05,-0.0006418898701667786,-1.7158534122347744,1,1112,1 -13113,0.0006816862788582911,-0.0001672022044658661,-0.0006608627736568451,-1.8186020988503029,1,1113,1 -13114,0.000469405039500974,-6.691738963127136e-05,-0.000464610755443573,-1.7138415432175207,1,1114,1 -13115,0.000613072400365219,-0.00014691799879074097,-0.0005952082574367523,-1.8127935887238706,1,1115,1 -13116,0.0007092793022358825,-0.000170242041349411,-0.0006885454058647156,-1.8131839756299497,1,1116,1 -13117,0.0006290801679330297,-0.00015633180737495422,-0.0006093457341194153,-1.8219365360878539,1,1117,1 -13118,0.0006463270540322384,-0.00011929869651794434,-0.0006352216005325317,-1.7564402763967222,1,1118,1 -13119,0.0006750124807699638,-0.00010760873556137085,-0.0006663799285888672,-1.730896805721253,1,1119,1 -13120,0.0006134245878140719,-0.0001935213804244995,-0.0005820989608764648,-1.8917556631110002,1,1120,1 -13121,0.0006086868937086658,-0.00015570223331451416,-0.0005884356796741486,-1.8294716857035778,1,1121,1 -13122,0.0006573697251165156,-0.00011701881885528564,-0.0006468705832958221,-1.749760778888546,1,1122,1 -13123,0.0006786757506710423,-4.37907874584198e-05,-0.0006772615015506744,-1.6353650555313455,1,1123,1 -13124,0.0006625979650139164,-0.00015641376376152039,-0.0006438717246055603,-1.8091069584579,1,1124,1 -13125,0.0006685690863459521,-0.00010789930820465088,-0.0006598047912120819,-1.7328936805647142,1,1125,1 -13126,0.0006292612594917764,-0.00013513490557670593,-0.0006145797669887543,-1.7872338860073798,1,1126,1 -13127,0.00066144240326014,-0.00011939555406570435,-0.0006505772471427917,-1.7522990973266812,1,1127,1 -13128,0.0005973220056950966,-0.00014955922961235046,-0.0005782954394817352,-1.8238720830628903,1,1128,1 -13129,0.0006969249374651825,-0.0001322142779827118,-0.0006842687726020813,-1.7616640482736654,1,1129,1 -13130,0.0006034617313083215,-6.880983710289001e-05,-0.0005995258688926697,-1.6850700590134668,1,1130,1 -13131,0.0006905965230080219,-9.381771087646484e-05,-0.0006841942667961121,-1.7070679458198006,1,1131,1 -13132,0.0005735685244990748,-0.00010071322321891785,-0.0005646571516990662,-1.747301951581622,1,1132,1 -13133,0.0006678729793964834,-8.064508438110352e-05,-0.0006629861891269684,-1.6918408311522077,1,1133,1 -13134,0.0006405360254692231,-0.0001320168375968933,-0.0006267838180065155,-1.7783878049894977,1,1134,1 -13135,0.0006479775419888417,-9.506568312644958e-05,-0.00064096599817276,-1.718039184897058,1,1135,1 -13136,0.0004097316986993797,-8.652731776237488e-05,-0.00040049105882644653,-1.7835787993306007,1,1136,1 -13137,0.0007523142046714438,-0.00031818822026252747,-0.0006817132234573364,-2.007490196531754,1,1137,1 -13138,0.0006373896437820486,-0.00024713948369026184,-0.0005875267088413239,-1.9689714788846182,1,1138,1 -13139,0.0003636163005299667,-0.00012123957276344299,-0.00034280866384506226,-1.910732821399373,1,1139,1 -13140,0.00061271643812748,-6.253272294998169e-05,-0.0006095170974731445,-1.6730325106356647,1,1140,1 -13141,0.0006625831445882261,-0.00013946741819381714,-0.0006477385759353638,-1.7828729400086787,1,1141,1 -13142,0.0006038589546310933,-0.0001594647765159607,-0.000582423061132431,-1.8380423205084024,1,1142,1 -13143,0.0006517201288667463,-0.00017664581537246704,-0.0006273239850997925,-1.8452753625600626,1,1143,1 -13144,0.0006445388290650173,-0.0002678968012332916,-0.0005862265825271606,-1.999443841387715,1,1144,1 -13145,0.0004355488627719338,1.5150755643844604e-05,-0.0004352852702140808,-1.5360038750795906,1,1145,1 -13146,0.000649638073326381,-0.0001276545226573944,-0.0006369724869728088,-1.7685843755781399,1,1146,1 -13147,0.00035845352526329635,-0.0001346394419670105,-0.00033220648765563965,-1.955853355290131,1,1147,1 -13148,0.0006076263042690766,-0.0001250132918357849,-0.0005946271121501923,-1.7780165816767008,1,1148,1 -13149,0.0006215982029601644,-7.597357034683228e-05,-0.0006169378757476807,-1.6933256512684638,1,1149,1 -13150,0.0006891362757223428,-0.0001691877841949463,-0.0006680451333522797,-1.8188389982480084,1,1150,1 -13151,0.0006445262752966856,-0.0001268833875656128,-0.0006319135427474976,-1.768953618531002,1,1151,1 -13152,0.000603542129180644,-9.95732843875885e-05,-0.0005952715873718262,-1.736535578692783,1,1152,1 -13153,0.0006209692130922749,-6.256252527236938e-05,-0.0006178095936775208,-1.6717173559395087,1,1153,1 -13154,0.0007054710939635967,-0.0001321360468864441,-0.0006929859519004822,-1.7592109975956343,1,1154,1 -13155,0.0006124623530122243,-0.00018317997455596924,-0.0005844272673130035,-1.8745328050767827,1,1155,1 -13156,0.0006601022565409405,-0.00017391890287399292,-0.0006367787718772888,-1.8374166322355645,1,1156,1 -13157,0.0007297982245741436,-0.00015012547373771667,-0.0007141903042793274,-1.7779836485292726,1,1157,1 -13158,0.0006648623170648865,-0.00017112120985984802,-0.0006424635648727417,-1.8311045626878164,1,1158,1 -13159,0.0004891870601017678,-0.0002281777560710907,-0.00043271109461784363,-2.056061287205656,1,1159,1 -13160,0.0006093532216973829,-0.0001528412103652954,-0.0005898736417293549,-1.8243290517390924,1,1160,1 -13161,0.0006582221423307141,-0.00019519776105880737,-0.0006286129355430603,-1.8718776019546601,1,1161,1 -13162,0.0006854825862043737,-0.00018395856022834778,-0.000660337507724762,-1.8424902208910319,1,1162,1 -13163,0.0006207925912075031,-0.00022028014063835144,-0.0005803965032100677,-1.9335359743527565,1,1163,1 -13164,0.0006953093810950581,-0.00011987239122390747,-0.0006848983466625214,-1.7440634992308035,1,1164,1 -13165,0.000625476297701109,-0.0001385994255542755,-0.0006099268794059753,-1.7942412489241788,1,1165,1 -13166,0.0006493369510788517,-0.00015862658619880676,-0.0006296634674072266,-1.8175838673202538,1,1166,1 -13167,0.000449124259807381,-8.664652705192566e-05,-0.0004406869411468506,-1.7649368581969487,1,1167,1 -13168,0.0006585627710758298,-0.00013768300414085388,-0.0006440095603466034,-1.7814159580223197,1,1168,1 -13169,0.000640722330693273,-0.00015113875269889832,-0.0006226412951946259,-1.8089286504865758,1,1169,1 -13170,0.0006422091830396176,-0.0001718364655971527,-0.0006187930703163147,-1.8416674135122342,1,1170,1 -13171,0.00042247017049411165,-9.03196632862091e-05,-0.0004127025604248047,-1.7862487825265203,1,1171,1 -13172,0.0006920546518353854,-0.0001727677881717682,-0.0006701424717903137,-1.8231096652996615,1,1172,1 -13173,0.0005077300113075836,-5.6374818086624146e-05,-0.0005045905709266663,-1.682058806596388,1,1173,1 -13174,0.0005164549105356498,-0.0001944415271282196,-0.00047845393419265747,-1.9568038807315526,1,1174,1 -13175,0.0006095322156127654,-0.00014391541481018066,-0.0005922988057136536,-1.8091549457494187,1,1175,1 -13176,0.0006242858060438108,-0.00022548064589500427,-0.0005821436643600464,-1.9403312183652988,1,1176,1 -13177,0.0005866980697422716,-5.7324767112731934e-05,-0.000583890825510025,-1.668659904285954,1,1177,1 -13178,0.0006022470168140547,-0.00011139363050460815,-0.0005918554961681366,-1.7568309035323422,1,1178,1 -13179,0.0003635743105957958,-9.619817137718201e-05,-0.00035061687231063843,-1.8385751993327208,1,1179,1 -13180,0.0006399207655259812,-9.304285049438477e-05,-0.0006331205368041992,-1.7167110111028232,1,1180,1 -13181,0.000684226559249555,-0.00018589571118354797,-0.0006584897637367249,-1.8459422407665345,1,1181,1 -13182,0.0006333423018024751,-0.0002131722867488861,-0.0005963891744613647,-1.914082196154064,1,1182,1 -13183,0.0006870721539657163,-0.00017450004816055298,-0.0006645433604717255,-1.8275854850836535,1,1183,1 -13184,0.0006087524921538325,-0.00015699490904808044,-0.0005881600081920624,-1.8316403599330313,1,1184,1 -13185,0.0006306662739525514,-0.00012132525444030762,-0.0006188862025737762,-1.7643794487747972,1,1185,1 -13186,0.0007141395330310751,-0.0002001933753490448,-0.0006855055689811707,-1.854932219385628,1,1186,1 -13187,0.0006874675134911933,-9.32253897190094e-05,-0.0006811171770095825,-1.7068223974068082,1,1187,1 -13188,0.00037096118422885337,-0.00012289360165596008,-0.0003500133752822876,-1.9084606991520923,1,1188,1 -13189,0.0006815923518401727,-0.00011913478374481201,-0.0006710998713970184,-1.7464876997955605,1,1189,1 -13190,0.0002824264837667197,-4.334747791290283e-05,-0.0002790801227092743,-1.724887739618522,1,1190,1 -13191,0.0006489432123409427,-0.00014320388436317444,-0.0006329454481601715,-1.7933001831699988,1,1191,1 -13192,0.00047033876579923197,-8.616223931312561e-05,-0.0004623793065547943,-1.7550286201518759,1,1192,1 -13193,0.0006684754046179011,-0.00011147186160087585,-0.0006591156125068665,-1.7383343655185926,1,1193,1 -13194,0.00036163712075318045,-0.000214405357837677,-0.00029122456908226013,-2.2054197591374773,1,1194,1 -13195,0.0006896790945000309,-0.00020273402333259583,-0.000659208744764328,-1.869157456015957,1,1195,1 -13196,0.0004642877293783397,-8.957087993621826e-05,-0.00045556575059890747,-1.7649345896772117,1,1196,1 -13197,0.0005640401790325887,-0.00024291127920150757,-0.0005090534687042236,-2.0160236762992847,1,1197,1 -13198,0.0006640342721209557,-0.000150192528963089,-0.0006468258798122406,-1.798952529342043,1,1198,1 -13199,0.0005533314180630522,-0.00019624829292297363,-0.0005173608660697937,-1.9333540220104695,1,1199,1 -13200,0.0006705001916497409,-0.00018672272562980652,-0.0006439760327339172,-1.853010312664026,1,1200,1 -13201,0.0006551777905661381,-0.0001632198691368103,-0.0006345212459564209,-1.8225709455669656,1,1201,1 -13202,0.0005405317220919374,-0.00028719380497932434,-0.00045792385935783386,-2.1309509621798233,1,1202,1 -13203,0.0005986850297978275,-0.00014570727944374084,-0.0005806833505630493,-1.8166442701468615,1,1203,1 -13204,0.000661019343719264,-0.00017593055963516235,-0.0006371773779392242,-1.8401934937408566,1,1204,1 -13205,0.0005678377743992527,-0.00017148256301879883,-0.0005413256585597992,-1.8775780325984037,1,1205,1 -13206,0.0005913524114250462,-0.0001471191644668579,-0.0005727596580982208,-1.8222211609169503,1,1206,1 -13207,0.0006339765056069651,-0.00019467249512672424,-0.0006033480167388916,-1.8829046540495795,1,1207,1 -13208,0.0006678711025543787,-0.00018528476357460022,-0.0006416551768779755,-1.8519101603772032,1,1208,1 -13209,0.0006389633093533375,-0.00013851001858711243,-0.0006237700581550598,-1.7893040170262888,1,1209,1 -13210,0.0003964480669444207,-0.00010600313544273376,-0.00038201361894607544,-1.8414715614339694,1,1210,1 -13211,0.0006025956729935372,-9.413808584213257e-05,-0.0005951970815658569,-1.7276598157765564,1,1211,1 -13212,0.0006378591181715147,-0.00010894611477851868,-0.0006284862756729126,-1.742437515429035,1,1212,1 -13213,0.0006845482305581249,-8.367747068405151e-05,-0.0006794147193431854,-1.6933403136245762,1,1213,1 -13214,0.0006368294143628415,-0.000186823308467865,-0.0006088092923164368,-1.8685408946971624,1,1214,1 -13215,0.00040518758464203085,-5.3651630878448486e-05,-0.0004016198217868805,-1.7035981721295357,1,1215,1 -13216,0.0006026466865334888,-0.00017883256077766418,-0.0005755014717578888,-1.872078930874666,1,1216,1 -13217,0.0004198748256527014,-0.0001368895173072815,-0.0003969334065914154,-1.9028916590341505,1,1217,1 -13218,0.0006121811792965592,-9.96813178062439e-05,-0.0006040111184120178,-1.7343543470184475,1,1218,1 -13219,0.0006299342858240151,-0.00014586374163627625,-0.0006128139793872833,-1.8044710200672829,1,1219,1 -13220,0.00037270290200763925,-9.035691618919373e-05,-0.0003615841269493103,-1.8156731724807849,1,1220,1 -13221,0.0003197230868087057,-0.00012855231761932373,-0.00029274076223373413,-1.9845771350384869,1,1221,1 -13222,0.000683622381312337,-0.00016727671027183533,-0.0006628409028053284,-1.8179980220384904,1,1222,1 -13223,0.000703293700227272,-0.00010760873556137085,-0.0006950125098228455,-1.7244065389399739,1,1223,1 -13224,0.0006426756736713944,-0.00021257996559143066,-0.0006064996123313904,-1.9079192297326273,1,1224,1 -13225,0.0006322314092822523,-0.00016320869326591492,-0.0006108023226261139,-1.83190011165964,1,1225,1 -13226,0.0007471607990695096,-0.00014205649495124817,-0.0007335320115089417,-1.7620892677721645,1,1226,1 -13227,0.0007396311166283073,-0.0001375041902065277,-0.0007267370820045471,-1.7577933859979957,1,1227,1 -13228,0.0007787651600343404,-0.00032422691583633423,-0.0007080622017383575,-2.0002065512878366,1,1228,1 -13229,0.0005507745186774288,-0.00015440210700035095,-0.0005286894738674164,-1.8549407972397458,1,1229,1 -13230,0.0006151438017493003,-0.00012187659740447998,-0.0006029494106769562,-1.7702429989360693,1,1230,1 -13231,0.0006532867922544705,-0.00011846423149108887,-0.0006424561142921448,-1.7531408473152992,1,1231,1 -13232,0.0006006858721226565,-0.00015355274081230164,-0.0005807280540466309,-1.8292946115417494,1,1232,1 -13233,0.0006040329806210936,-7.007643580436707e-05,-0.0005999542772769928,-1.6870724152870216,1,1233,1 -13234,0.0006759361035930418,-0.0002132803201675415,-0.0006414055824279785,-1.891814893452358,1,1234,1 -13235,0.0005997819730844411,-8.885934948921204e-05,-0.0005931630730628967,-1.7194964755719395,1,1235,1 -13236,0.0004226146761296289,-0.00013549625873565674,-0.00040030479431152344,-1.8971741548498904,1,1236,1 -13237,0.0006431335138056646,-0.0001406632363796234,-0.000627562403678894,-1.7912941811116858,1,1237,1 -13238,0.0006885044733156553,-0.00013088062405586243,-0.0006759501993656158,-1.7620542992094839,1,1238,1 -13239,0.0006879350217816969,-6.910786032676697e-05,-0.0006844550371170044,-1.6714230197188398,1,1239,1 -13240,0.0006267802342218789,-0.00011726841330528259,-0.0006157122552394867,-1.7590019845695897,1,1240,1 -13241,0.0005775355070895898,-0.00017625465989112854,-0.0005499832332134247,-1.8809280836679425,1,1241,1 -13242,0.0006358230560121761,-0.00011182576417922974,-0.0006259121000766754,-1.747591493360858,1,1242,1 -13243,0.0006469205455623469,-0.00013659894466400146,-0.0006323345005512238,-1.7835503070328669,1,1243,1 -13244,0.0006713085427362536,-0.0002151988446712494,-0.0006358809769153595,-1.8971235243393576,1,1244,1 -13245,0.00029694094314856645,-0.00013940036296844482,-0.0002621859312057495,-2.0594695777724987,1,1245,1 -13246,0.0006350403091490124,-0.00012784823775291443,-0.000622037798166275,-1.7735047436380766,1,1246,1 -13247,0.0005675049913368515,-7.844716310501099e-05,-0.0005620568990707397,-1.709472048117768,1,1247,1 -13248,0.0005011938322065456,-6.737560033798218e-05,-0.000496644526720047,-1.7056347740364917,1,1248,1 -13249,0.0006274674174766152,-0.00017889216542243958,-0.0006014257669448853,-1.8599090863461503,1,1249,1 -13250,0.0006607396253882977,-0.00016250461339950562,-0.0006404444575309753,-1.8192892939087661,1,1250,1 -13251,0.0006807326660150962,-0.00011223554611206055,-0.0006714165210723877,-1.7364272267142495,1,1251,1 -13252,0.0006830445472502814,-0.00018972903490066528,-0.0006561651825904846,-1.8522679241652282,1,1252,1 -13253,0.0005840789530235292,-0.0001270882785320282,-0.0005700848996639252,-1.790138391862872,1,1253,1 -13254,0.0006480693198375488,-0.0001404210925102234,-0.0006326735019683838,-1.7892046540234219,1,1254,1 -13255,0.0006315931753184553,-0.00014510378241539001,-0.000614698976278305,-1.8026094037352898,1,1255,1 -13256,0.00040839613031075486,-0.00011160597205162048,-0.00039285048842430115,-1.8475961805086072,1,1256,1 -13257,0.00038802262104953257,-8.843094110488892e-05,-0.0003778114914894104,-1.800718257737194,1,1257,1 -13258,0.0005616147270006923,-0.00013339519500732422,-0.0005455426871776581,-1.8106091682458052,1,1258,1 -13259,0.0005762322539169833,-0.0001199282705783844,-0.0005636140704154968,-1.7804537973753398,1,1259,1 -13260,0.0006450959378694871,-0.00016570836305618286,-0.0006234496831893921,-1.8305825798563358,1,1260,1 -13261,0.0006077604346659007,-0.0001077502965927124,-0.0005981326103210449,-1.7490292210789795,1,1261,1 -13262,0.0006978082149069143,-0.00010366365313529968,-0.000690065324306488,-1.7199043175507802,1,1262,1 -13263,0.0006787495837248767,-0.00023469328880310059,-0.0006368830800056458,-1.9238588154500826,1,1263,1 -13264,0.0006489282546994322,-0.00021130219101905823,-0.0006135627627372742,-1.9024607399677096,1,1264,1 -13265,0.0005779659470765381,-7.606670260429382e-05,-0.000572938472032547,-1.7027903142550527,1,1265,1 -13266,0.000306079138365624,-3.373250365257263e-05,-0.0003042146563529968,-1.6812290895289592,1,1266,1 -13267,0.0006306147812830301,-9.464472532272339e-05,-0.0006234720349311829,-1.7214488179354293,1,1267,1 -13268,0.0006701713986488229,-0.00015181675553321838,-0.000652749091386795,-1.79931424527308,1,1268,1 -13269,0.00066343580660522,-9.210780262947083e-05,-0.0006570108234882355,-1.7100807833156215,1,1269,1 -13270,0.000623478037298041,-0.00014149025082588196,-0.0006072111427783966,-1.799727820399386,1,1270,1 -13271,0.00031705422375346247,-3.4846365451812744e-05,-0.0003151334822177887,-1.6809254505053934,1,1271,1 -13272,0.0006091843728274071,-8.266791701316833e-05,-0.0006035491824150085,-1.7069189376512093,1,1272,1 -13273,0.00043701010008915137,-0.00011707469820976257,-0.000421036034822464,-1.8420082907723365,1,1273,1 -13274,0.000628571140055469,-0.000131901353597641,-0.0006145760416984558,-1.7822108710716549,1,1274,1 -13275,0.0006424826851493816,-0.00014392659068107605,-0.0006261542439460754,-1.796729888192367,1,1275,1 -13276,0.00043895226205699795,-7.142499089241028e-05,-0.00043310225009918213,-1.7342400473902735,1,1276,1 -13277,0.0006700119308596696,-0.0001280456781387329,-0.0006576627492904663,-1.763088732940235,1,1277,1 -13278,0.0006819855543386706,-7.397308945655823e-05,-0.0006779618561267853,-1.6794773875548419,1,1278,1 -13279,0.0007042351116079852,-0.00020243600010871887,-0.0006745122373104095,-1.8623650963763287,1,1279,1 -13280,0.0006932075486136916,-0.00017773732542991638,-0.0006700344383716583,-1.8300905450863316,1,1280,1 -13281,0.0006272756668016462,-0.00014519691467285156,-0.0006102398037910461,-1.8043870959001105,1,1281,1 -13282,0.0006508183784833735,-9.315088391304016e-05,-0.0006441175937652588,-1.7144184206283355,1,1282,1 -13283,0.0007184277540056323,-0.0001095309853553772,-0.0007100291550159454,-1.7238525045880913,1,1283,1 -13284,0.0006658007262766909,-0.000161781907081604,-0.0006458461284637451,-1.816241810351957,1,1284,1 -13285,0.00033017454375481583,-0.00011292099952697754,-0.000310264527797699,-1.9198449490970544,1,1285,1 -13286,0.0006248558679382282,-0.00015537813305854797,-0.0006052292883396149,-1.822095316306774,1,1286,1 -13287,0.0007064860740509431,-0.00016327202320098877,-0.0006873607635498047,-1.8040089612311592,1,1287,1 -13288,0.0006406208727660445,-0.0001325160264968872,-0.0006267651915550232,-1.7791562945014279,1,1288,1 -13289,0.0006477274122769192,-0.00012049451470375061,-0.0006364211440086365,-1.757912902684258,1,1289,1 -13290,0.0006399045938861419,-8.065998554229736e-05,-0.0006348006427288055,-1.6971825473368372,1,1290,1 -13291,0.0005944073602265795,-0.00018093734979629517,-0.0005661994218826294,-1.8801043579570909,1,1291,1 -13292,0.000654880556908634,-0.0001430325210094452,-0.0006390698254108429,-1.7909812541104067,1,1292,1 -13293,0.0007002153297116919,-0.00011752918362617493,-0.0006902813911437988,-1.7394418084468302,1,1293,1 -13294,0.0006606171546522135,-0.00012197718024253845,-0.0006492584943771362,-1.756503155010501,1,1294,1 -13295,0.0006192914038712277,-0.0001355297863483429,-0.0006042793393135071,-1.791428533822735,1,1295,1 -13296,0.0006899938223408965,-0.00013964250683784485,-0.0006757155060768127,-1.7745862341433623,1,1296,1 -13297,0.0005817236622891327,-0.00010899081826210022,-0.000571422278881073,-1.7592685646708957,1,1297,1 -13298,0.0006104244315609023,-0.00011942535638809204,-0.0005986280739307404,-1.767709554059381,1,1298,1 -13299,0.0006329666220486649,-0.00014262646436691284,-0.0006166882812976837,-1.7980782152397123,1,1299,1 -13300,0.0006618629727509282,-0.00021638721227645874,-0.0006254911422729492,-1.9038565139936883,1,1300,1 -13301,0.0006526943341515749,-0.0001922808587551117,-0.0006237290799617767,-1.8698286055395372,1,1301,1 -13302,0.0007142103670974286,-0.00013093650341033936,-0.0007021054625511169,-1.7551695782562085,1,1302,1 -13303,0.000678354372374737,-0.00022899731993675232,-0.0006385333836078644,-1.915138687966085,1,1303,1 -13304,0.0007017848312423046,-0.00011875852942466736,-0.0006916634738445282,-1.7408381434192792,1,1304,1 -13305,0.0006505105027493212,-0.00015153735876083374,-0.0006326138973236084,-1.8059078486119156,1,1305,1 -13306,0.0005749096339615104,-0.00012523680925369263,-0.0005611032247543335,-1.7903944157341185,1,1306,1 -13307,0.0006225699201413316,-0.00017927587032318115,-0.0005961991846561432,-1.8628933157769478,1,1307,1 -13308,0.0006114680770867355,-0.0001340806484222412,-0.0005965866148471832,-1.7918693032218636,1,1308,1 -13309,0.0003639092562908672,-7.001683115959167e-05,-0.00035711005330085754,-1.7644055164639916,1,1309,1 -13310,0.0006625665174829936,-0.0001673586666584015,-0.0006410814821720123,-1.826153994291068,1,1310,1 -13311,0.0007004452928345918,-0.00018473714590072632,-0.000675644725561142,-1.8376962886570114,1,1311,1 -13312,0.0006394822705694496,-0.000134151428937912,-0.0006252527236938477,-1.7821476150146416,1,1312,1 -13313,0.0005823161335219932,-6.458163261413574e-05,-0.0005787238478660583,-1.6819297094773211,1,1313,1 -13314,0.0004169041265177385,-9.575486183166504e-05,-0.0004057586193084717,-1.80254600080064,1,1314,1 -13315,0.0006842558337776035,-0.0001452416181564331,-0.0006686635315418243,-1.7846856126782205,1,1315,1 -13316,0.0005848709942925727,-0.00010051950812339783,-0.0005761682987213135,-1.7435199901893208,1,1316,1 -13317,0.0006911360436078796,-7.070600986480713e-05,-0.0006875097751617432,-1.673279667481796,1,1317,1 -13318,0.000639441431847462,-0.00017141923308372498,-0.0006160363554954529,-1.8421922420656793,1,1318,1 -13319,0.000605126547777223,-0.00021535158157348633,-0.0005655102431774139,-1.9346503629898324,1,1319,1 -13320,0.0006119760920804087,-0.0001110658049583435,-0.0006018131971359253,-1.7532948448547814,1,1320,1 -13321,0.00061816250217906,-0.00013877823948860168,-0.00060238316655159,-1.7972274932649699,1,1321,1 -13322,0.0006945454089780209,-0.0001803971827030182,-0.0006707087159156799,-1.833543253023312,1,1322,1 -13323,0.0006505151067561369,-0.00016591697931289673,-0.0006290003657341003,-1.8287006703886903,1,1323,1 -13324,0.0005882483788704873,-0.00019840523600578308,-0.0005537793040275574,-1.9148239087011674,1,1324,1 -13325,0.0006561215801252713,-0.00024023279547691345,-0.0006105601787567139,-1.9456546249960103,1,1325,1 -13326,0.0006458440856619697,-0.00019610673189163208,-0.0006153509020805359,-1.8793113191347701,1,1326,1 -13327,0.0006030111544560385,-0.0003485642373561859,-0.0004920624196529388,-2.1871203608927887,1,1327,1 -13328,0.0007025253462141333,-0.00023485347628593445,-0.0006621070206165314,-1.9116575990191034,1,1328,1 -13329,0.00045646147571564506,-7.102638483047485e-05,-0.00045090168714523315,-1.7270333208102295,1,1329,1 -13330,0.0006132760115007349,-0.00014545023441314697,-0.000595778226852417,-1.810247286615754,1,1330,1 -13331,0.0006547760021693911,-0.00013195350766181946,-0.0006413422524929047,-1.7737105894887037,1,1331,1 -13332,0.0006348842502523805,-0.00014764443039894104,-0.0006174780428409576,-1.8054984693424332,1,1332,1 -13333,0.0006198835705087309,-0.0001376718282699585,-0.0006044022738933563,-1.794756928701119,1,1333,1 -13334,0.000638570929813689,-0.00011624395847320557,-0.0006279014050960541,-1.7538546678719504,1,1334,1 -13335,0.0006444452444731723,-0.00024252012372016907,-0.0005970709025859833,-1.9566215914209395,1,1335,1 -13336,0.00045597446367043657,-6.392225623130798e-05,-0.00045147165656089783,-1.7114478534676179,1,1336,1 -13337,0.0006468975500313128,-0.00014055147767066956,-0.0006314441561698914,-1.7898131854280095,1,1337,1 -13338,0.0005333903291840447,-8.301809430122375e-05,-0.0005268901586532593,-1.7270739645251145,1,1338,1 -13339,0.0006168420465562013,-0.00015663355588912964,-0.0005966238677501678,-1.8275356896227333,1,1339,1 -13340,0.0007321047231515427,-0.00012632831931114197,-0.000721123069524765,-1.7442193031644713,1,1340,1 -13341,0.0006874249974671214,-0.00018105283379554749,-0.0006631538271903992,-1.8373188187286964,1,1341,1 -13342,0.0006466739736906249,-0.0001860596239566803,-0.0006193295121192932,-1.8626393633114544,1,1342,1 -13343,0.0006225881437214827,-0.00019150599837303162,-0.0005924031138420105,-1.8834624664168622,1,1343,1 -13344,0.0006003685271999437,-0.00016173720359802246,-0.000578172504901886,-1.8435626758687966,1,1344,1 -13345,0.0006441354374397296,-0.00017321109771728516,-0.0006204098463058472,-1.8430520736677471,1,1345,1 -13346,0.0005988831427087411,-0.00010850280523300171,-0.0005889721214771271,-1.752977677134234,1,1346,1 -13347,0.0006002118635354817,-0.0002510771155357361,-0.0005451738834381104,-2.0023848070561763,1,1347,1 -13348,0.0006459863650742496,-8.254870772361755e-05,-0.0006406903266906738,-1.698933765923862,1,1348,1 -13349,0.0006020447368478519,-0.00013858824968338013,-0.0005858764052391052,-1.8030753446136278,1,1349,1 -13350,0.0007072478547001565,-0.0001265592873096466,-0.0006958320736885071,-1.7507115435823668,1,1350,1 -13351,0.0006976400458436134,-0.000187605619430542,-0.0006719417870044708,-1.8430623078622885,1,1351,1 -13352,0.0006334083430469534,-0.00021217763423919678,-0.0005968138575553894,-1.9123778296640326,1,1352,1 -13353,0.0005930051477728674,-0.00016371533274650574,-0.0005699582397937775,-1.850506838339652,1,1353,1 -13354,0.0006442880710183943,-0.00016304850578308105,-0.0006233155727386475,-1.8266462000116597,1,1354,1 -13355,0.00041758723819790104,-0.00013996660709381104,-0.0003934316337108612,-1.9125918816100986,1,1355,1 -13356,0.0007124092374571411,-0.00017130374908447266,-0.0006915070116519928,-1.8136329078799376,1,1356,1 -13357,0.0006669887523020768,-7.142126560211182e-05,-0.0006631538271903992,-1.6780821879282521,1,1357,1 -13358,0.0006469821849047693,-9.27262008190155e-05,-0.0006403028964996338,-1.714612680439436,1,1358,1 -13359,0.0007098942930301365,-0.00016087666153907776,-0.0006914250552654266,-1.7994029178632496,1,1359,1 -13360,0.0006530762740928466,-0.00019258633255958557,-0.0006240345537662506,-1.8701377980136302,1,1360,1 -13361,0.0006468827085845053,-6.76177442073822e-05,-0.0006433390080928802,-1.6755162198894418,1,1361,1 -13362,0.0006513314701835395,-7.71060585975647e-05,-0.0006467513740062714,-1.6894568030685417,1,1362,1 -13363,0.0006241872814305217,-9.811669588088989e-05,-0.0006164275109767914,-1.7286420895839645,1,1363,1 -13364,0.0005931149018558404,-0.00011913850903511047,-0.0005810260772705078,-1.7730414398545096,1,1364,1 -13365,0.0006153198152766044,-0.00021012872457504272,-0.0005783289670944214,-1.9193035338248299,1,1365,1 -13366,0.0006807919835702562,-0.00013526901602745056,-0.0006672181189060211,-1.7708210986032984,1,1366,1 -13367,0.0005778071199826759,-0.00012658536434173584,-0.0005637705326080322,-1.7916666923453302,1,1367,1 -13368,0.0006557020362761996,-3.289803862571716e-05,-0.0006548762321472168,-1.62098963805499,1,1368,1 -13369,0.0004934364721921922,-0.0001242905855178833,-0.00047752633690834045,-1.8254266978836668,1,1369,1 -13370,0.0006639790418275826,-0.00017964467406272888,-0.0006392151117324829,-1.8447686666031575,1,1370,1 -13371,0.000711221422042026,-0.00015318766236305237,-0.0006945282220840454,-1.7878841731129171,1,1371,1 -13372,0.0006453071337015265,-0.0001627020537853241,-0.0006244592368602753,-1.8256782902936335,1,1372,1 -13373,0.0006971952133759778,-0.0001320578157901764,-0.0006845742464065552,-1.7613605858344095,1,1373,1 -13374,0.0006380015247431729,-0.00014324113726615906,-0.0006217136979103088,-1.7972419900953158,1,1374,1 -13375,0.0005925928856069505,-6.604194641113281e-05,-0.0005889013409614563,-1.6824740507017282,1,1375,1 -13376,0.000650947131040171,-0.00023652613162994385,-0.0006064549088478088,-1.9426648769252126,1,1376,1 -13377,0.0006743827889869336,-0.00011568143963813782,-0.0006643868982791901,-1.7431856673011905,1,1377,1 -13378,0.00048164330599764386,8.501112461090088e-06,-0.00048156827688217163,-1.5531451857748884,1,1378,1 -13379,0.0006956782134331453,-0.00013262033462524414,-0.0006829202175140381,-1.762604883235849,1,1379,1 -13380,0.0003225421672165103,-0.00014272332191467285,-0.00028924643993377686,-2.029175389502287,1,1380,1 -13381,0.0005335778517051585,-4.6469271183013916e-05,-0.0005315504968166351,-1.6579967507066362,1,1381,1 -13382,0.0003342527851514412,-7.940083742141724e-05,-0.00032468512654304504,-1.8106363917958888,1,1382,1 -13383,0.0006357050250593822,-0.00017005205154418945,-0.0006125383079051971,-1.8415954321741892,1,1383,1 -13384,0.0006547540414422988,-0.00013296306133270264,-0.0006411112844944,-1.7752919272381067,1,1384,1 -13385,0.0006492180291691192,-0.0001677088439464569,-0.0006271824240684509,-1.8320836332329198,1,1385,1 -13386,0.0005990753413003482,-0.00016114488244056702,-0.000576995313167572,-1.8431398721538235,1,1386,1 -13387,0.0005712238927590125,-0.00010753795504570007,-0.000561010092496872,-1.7601853249179864,1,1387,1 -13388,0.0006582699037349271,-0.00010127946734428406,-0.0006504319608211517,-1.725266955573191,1,1388,1 -13389,0.0006199550541233946,-0.00021435320377349854,-0.0005817189812660217,-1.9238407252683807,1,1389,1 -13390,0.0006908858937856713,-0.00025887414813041687,-0.0006405524909496307,-1.95486826342953,1,1390,1 -13391,0.0003321958189657558,-0.00014040246605873108,-0.0003010667860507965,-2.0071633377603844,1,1391,1 -13392,0.0007102217979873926,-0.00015739724040031433,-0.0006925612688064575,-1.7942687430870525,1,1392,1 -13393,0.0006602650662444568,-8.979067206382751e-05,-0.0006541311740875244,-1.7072108778244446,1,1393,1 -13394,0.0006880011264368355,-0.00013815611600875854,-0.0006739869713783264,-1.7729789575941766,1,1394,1 -13395,0.0006593031467619163,-0.0001475885510444641,-0.0006425715982913971,-1.7965647717467572,1,1395,1 -13396,0.0006528409774439045,-8.904188871383667e-05,-0.000646740198135376,-1.707614169648113,1,1396,1 -13397,0.000589438937472391,-0.00018558651208877563,-0.0005594603717327118,-1.891097910975158,1,1397,1 -13398,0.0006252770851839774,-0.00019240006804466248,-0.0005949400365352631,-1.8835750142171197,1,1398,1 -13399,0.0006126160392807334,-0.00017064809799194336,-0.0005883686244487762,-1.8530869802310628,1,1399,1 -13400,0.00045569492326063903,-9.484216570854187e-05,-0.00044571608304977417,-1.7804553970520212,1,1400,1 -13401,0.0005967097668003261,-0.00012712180614471436,-0.000583011656999588,-1.785479533084466,1,1401,1 -13402,0.0006585575335270943,-0.00010317936539649963,-0.0006504245102405548,-1.728119288078215,1,1402,1 -13403,0.0006911302530167049,-0.00015129521489143372,-0.0006743669509887695,-1.791493400628541,1,1403,1 -13404,0.0006937519958828687,-0.00021224841475486755,-0.0006604865193367004,-1.8817248627044796,1,1404,1 -13405,0.0006454505956767478,-0.0001714564859867096,-0.0006222613155841827,-1.839662415576542,1,1405,1 -13406,0.00067262092074317,-0.0001019798219203949,-0.0006648451089859009,-1.722998887151045,1,1406,1 -13407,0.0007032245216882571,-0.00015785545110702515,-0.0006852783262729645,-1.797199306040618,1,1407,1 -13408,0.0006318456100653081,-0.00011245161294937134,-0.0006217584013938904,-1.7497227554178432,1,1408,1 -13409,0.0006193610585418182,-2.4437904357910156e-05,-0.0006188787519931793,-1.6102632086652453,1,1409,1 -13410,0.0005784889637270755,-6.267055869102478e-05,-0.0005750842392444611,-1.679344290546945,1,1410,1 -13411,0.0005678317548068561,-0.00018393248319625854,-0.0005372166633605957,-1.9006670683567186,1,1411,1 -13412,0.0005498143910613498,-0.00012437254190444946,-0.0005355626344680786,-1.7989795698020326,1,1412,1 -13413,0.00065220655173489,-0.00013740360736846924,-0.0006375685334205627,-1.7830617202334271,1,1413,1 -13414,0.0006070516999805315,-5.218386650085449e-05,-0.0006048046052455902,-1.6568653565778704,1,1414,1 -13415,0.0006071272997885161,-0.00011874362826347351,-0.0005954019725322723,-1.7676479702593837,1,1415,1 -13416,0.0006567238182803695,-0.00013366341590881348,-0.0006429776549339294,-1.7757590211231133,1,1416,1 -13417,0.0006957953600345273,-0.00019447878003120422,-0.000668063759803772,-1.8540755950722536,1,1417,1 -13418,0.00035673557644470973,-0.00011321529746055603,-0.0003382936120033264,-1.893745608578772,1,1418,1 -13419,0.0006950763386746653,-7.461383938789368e-05,-0.0006910599768161774,-1.6783498169920785,1,1419,1 -13420,0.00047238917217748384,-0.00010434165596961975,-0.00046072155237197876,-1.7935137192664667,1,1420,1 -13421,0.0006891459325943336,-0.000181637704372406,-0.0006647780537605286,-1.8375167946285882,1,1421,1 -13422,0.0005371755763514265,-0.00015885010361671448,-0.0005131512880325317,-1.8709987291453631,1,1422,1 -13423,0.0006351266274229907,-0.00013996660709381104,-0.0006195120513439178,-1.7929961629567417,1,1423,1 -13424,0.0006685860507671564,-0.0001695975661277771,-0.0006467178463935852,-1.8272646982886371,1,1424,1 -13425,0.0006863532141194203,-0.000121288001537323,-0.0006755515933036804,-1.7484429033523332,1,1425,1 -13426,0.0006938672950535734,-0.0001459941267967224,-0.0006783343851566315,-1.7827869845266178,1,1426,1 -13427,0.0005940900145112174,-6.36465847492218e-05,-0.0005906708538532257,-1.6781352257972144,1,1427,1 -13428,0.0006211034070072695,-6.721541285514832e-05,-0.0006174556910991669,-1.6792280411996823,1,1428,1 -13429,0.0006009133426454561,-0.00016385316848754883,-0.0005781427025794983,-1.846967108279428,1,1429,1 -13430,0.0006780801908819706,-0.00011241436004638672,-0.0006686970591545105,-1.7373485589622462,1,1430,1 -13431,0.0005990802228559955,-0.0001754164695739746,-0.0005728229880332947,-1.8679602860793112,1,1431,1 -13432,0.0006670406096136558,-0.00022302940487861633,-0.0006286501884460449,-1.9117187425504967,1,1432,1 -13433,0.00043559955060207245,-0.0001475699245929718,-0.00040984153747558594,-1.9164101644847953,1,1433,1 -13434,0.0006713963462611596,-0.00014325976371765137,-0.00065593421459198,-1.7858254147907089,1,1434,1 -13435,0.0006876658830667574,-0.00015106052160263062,-0.0006708689033985138,-1.7922739486982104,1,1435,1 -13436,0.0006450292506298963,-0.0001626722514629364,-0.0006241798400878906,-1.8257427914605102,1,1436,1 -13437,0.0006735840968925827,-0.000208929181098938,-0.0006403625011444092,-1.8861737977514068,1,1437,1 -13438,0.0006771829558498997,-9.66489315032959e-05,-0.0006702505052089691,-1.7140073920184435,1,1438,1 -13439,0.0006181888966049448,-0.00012042000889778137,-0.0006063468754291534,-1.7668446086086846,1,1439,1 -13440,0.00035968220998410243,-5.451589822769165e-05,-0.00035552680492401123,-1.7229495672390223,1,1440,1 -13441,0.0005769672759043569,-6.708502769470215e-05,-0.0005730539560317993,-1.6873317227818383,1,1441,1 -13442,0.0004942966372332997,-0.00014727935194969177,-0.00047184526920318604,-1.873348496523953,1,1442,1 -13443,0.0006774704951768531,-0.0001390203833580017,-0.0006630532443523407,-1.7774695629244772,1,1443,1 -13444,0.0007286812029285248,-0.0001728050410747528,-0.0007078945636749268,-1.8102250229130055,1,1444,1 -13445,0.000647652467973364,-0.00014094635844230652,-0.0006321296095848083,-1.7901783799994666,1,1445,1 -13446,0.0006459304304640562,-0.0001229606568813324,-0.000634118914604187,-1.7623272791298255,1,1446,1 -13447,0.000702058932742273,-0.0001439228653907776,-0.0006871484220027924,-1.7772611752627852,1,1447,1 -13448,0.0006037482720176689,-0.00015373900532722473,-0.0005838461220264435,-1.828272674203276,1,1448,1 -13449,0.0006472451264403378,-0.00012381374835968018,-0.0006352923810482025,-1.76327608255133,1,1449,1 -13450,0.0007131175939614474,-9.027495980262756e-05,-0.000707380473613739,-1.6977288740285887,1,1450,1 -13451,0.0006316840664473563,-0.00015276670455932617,-0.0006129331886768341,-1.8150583953709638,1,1451,1 -13452,0.0007008643004000852,-0.00013162940740585327,-0.0006883926689624786,-1.7597284405100941,1,1452,1 -13453,0.0006550689741316325,-0.00017216429114341736,-0.0006320402026176453,-1.8367386389927354,1,1453,1 -13454,0.0007059417324907966,-0.00016780942678451538,-0.0006857067346572876,-1.8108039435526149,1,1454,1 -13455,0.0006519550902842381,-7.386505603790283e-05,-0.0006477572023868561,-1.6843378938489004,1,1455,1 -13456,0.000606545636006099,-9.162351489067078e-05,-0.0005995854735374451,-1.7224347008010605,1,1456,1 -13457,0.0006083597446393113,-7.705762982368469e-05,-0.0006034597754478455,-1.6978020721939318,1,1457,1 -13458,0.0006500424152095949,-0.00016804412007331848,-0.0006279461085796356,-1.8322784173497118,1,1458,1 -13459,0.0007012717689276305,-0.0001458302140235901,-0.0006859414279460907,-1.7802760951434267,1,1459,1 -13460,0.0006669244287513655,-0.00012381374835968018,-0.0006553307175636292,-1.7575284696085791,1,1460,1 -13461,0.0006693550408248818,-0.00011995062232017517,-0.0006585195660591125,-1.7509728940947575,1,1461,1 -13462,0.0006646096244600435,-7.633864879608154e-05,-0.0006602108478546143,-1.6859127968550014,1,1462,1 -13463,0.0005502617276658382,-0.00011768564581871033,-0.0005375295877456665,-1.7863334216355915,1,1463,1 -13464,0.0007050572673900234,-0.0001648254692554474,-0.0006855204701423645,-1.8067558231437353,1,1464,1 -13465,0.0006039378936888186,-9.06921923160553e-05,-0.0005970895290374756,-1.7215346024735565,1,1465,1 -13466,0.0006890071479171477,-9.981170296669006e-05,-0.0006817393004894257,-1.7161709261160587,1,1466,1 -13467,0.0005011072627078454,-1.1585652828216553e-05,-0.0005009733140468597,-1.5939184926529395,1,1467,1 -13468,0.0006864076741402803,-0.00010324269533157349,-0.0006785988807678223,-1.7217794769628558,1,1468,1 -13469,0.0006497662007930638,-5.2638351917266846e-05,-0.0006476305425167084,-1.6518964187065424,1,1469,1 -13470,0.0006815662696133559,-9.467080235481262e-05,-0.000674959272146225,-1.7101487356833656,1,1470,1 -13471,0.000690746851199784,-0.0002199225127696991,-0.0006548017263412476,-1.894820259600672,1,1471,1 -13472,0.0004928719622120957,-8.794665336608887e-05,-0.00048496201634407043,-1.7501941770715495,1,1472,1 -13473,0.00047689340305874024,-0.0001186169683933258,-0.00046190619468688965,-1.8221635776966543,1,1473,1 -13474,0.00029318582337189996,-0.00012819841504096985,-0.0002636723220348358,-2.0233459718183773,1,1474,1 -13475,0.0006367329202725957,-8.044764399528503e-05,-0.0006316304206848145,-1.6974793101637442,1,1475,1 -13476,0.00042355307235937935,-0.0001211799681186676,-0.00040584802627563477,-1.860954078258057,1,1476,1 -13477,0.0006185820555557891,-0.0001350119709968567,-0.0006036683917045593,-1.7908278707707324,1,1477,1 -13478,0.000648536873279964,-0.00018030405044555664,-0.0006229691207408905,-1.8525250695033326,1,1478,1 -13479,0.0007138699798679475,-0.0001223832368850708,-0.0007033012807369232,-1.7430837078195547,1,1479,1 -13480,0.0006372527574056486,-0.00013053417205810547,-0.0006237402558326721,-1.7770954703980735,1,1480,1 -13481,0.000707580353902709,-0.0001710541546344757,-0.0006865933537483215,-1.8149603219898602,1,1481,1 -13482,0.0006389738405277516,-0.00019440427422523499,-0.0006086826324462891,-1.8799415539720064,1,1482,1 -13483,0.0006580899890222119,-0.0001282617449760437,-0.0006454698741436005,-1.766951830217798,1,1483,1 -13484,0.0006309558606718261,-0.00013100355863571167,-0.0006172060966491699,-1.7799449346363212,1,1484,1 -13485,0.0006760497797620365,-0.00014781206846237183,-0.000659693032503128,-1.7912176844780625,1,1485,1 -13486,0.0006810225036265277,-0.0001344047486782074,-0.0006676279008388519,-1.7694577712193194,1,1486,1 -13487,0.0006214055946471454,-9.41157341003418e-05,-0.0006142370402812958,-1.7228376353271386,1,1487,1 -13488,0.0006529959356963473,-9.50843095779419e-05,-0.0006460361182689667,-1.716928275083047,1,1488,1 -13489,0.0005214490038594987,-0.00014245137572288513,-0.0005016140639781952,-1.8474974159644246,1,1489,1 -13490,0.0006363374473763762,-0.00010361149907112122,-0.0006278455257415771,-1.7343492849440039,1,1490,1 -13491,0.0006331805036262193,-0.00016449764370918274,-0.0006114393472671509,-1.8336070763307155,1,1491,1 -13492,0.00039187484001933774,-0.00011740624904632568,-0.00037387385964393616,-1.8750711575039398,1,1492,1 -13493,0.0006785388553036166,-0.00019504129886627197,-0.0006499029695987701,-1.862352509273728,1,1493,1 -13494,0.0006506274255749294,-0.00015248730778694153,-0.000632505863904953,-1.8073664118663557,1,1494,1 -13495,0.0005658770455956162,-0.00019280984997749329,-0.0005320161581039429,-1.9184868790455392,1,1495,1 -13496,0.0006058690333691822,-0.0001333095133304596,-0.0005910210311412811,-1.792641804521877,1,1496,1 -13497,0.0005966848105776496,-0.0001825876533985138,-0.0005680620670318604,-1.881788663587724,1,1497,1 -13498,0.0006391056863688907,-0.00013234466314315796,-0.0006252527236938477,-1.7793834955111019,1,1498,1 -13499,0.000627939735123523,-0.00013583898544311523,-0.0006130710244178772,-1.7888449612799744,1,1499,1 -13500,0.0006630958730436099,-0.00016277655959129333,-0.0006428062915802002,-1.818810804130798,1,1500,1 -13501,0.0005332442462231474,-0.0001359991729259491,-0.0005156099796295166,-1.8286864846040116,1,1501,1 -13502,0.000708568187165352,-0.0001963004469871521,-0.0006808340549468994,-1.8515065976649183,1,1502,1 -13503,0.0007086537430299825,-0.00014076754450798035,-0.0006945319473743439,-1.7707672130227528,1,1503,1 -13504,0.0006620218268474927,-0.00019585713744163513,-0.0006323866546154022,-1.8711383626419011,1,1504,1 -13505,0.0006409850696224656,-0.0001725703477859497,-0.0006173178553581238,-1.843386406117216,1,1505,1 -13506,0.0006825639777428001,-0.0002101510763168335,-0.0006494075059890747,-1.883765366320086,1,1506,1 -13507,0.000686167554413287,-0.00012420490384101868,-0.0006748326122760773,-1.7528121864426631,1,1507,1 -13508,0.0006904227802060191,-0.00016574934124946594,-0.0006702318787574768,-1.8132336062137262,1,1508,1 -13509,0.0005316807410408022,-9.498372673988342e-05,-0.0005231276154518127,-1.7504085501456514,1,1509,1 -13510,0.0006371891401307818,-0.0002018958330154419,-0.0006043575704097748,-1.8932069056108924,1,1510,1 -13511,0.0006779887309304811,-0.00012176483869552612,-0.0006669647991657257,-1.7513732465475849,1,1511,1 -13512,0.0006355074119122995,-0.00011180341243743896,-0.0006255954504013062,-1.7476445023747813,1,1512,1 -13513,0.0006452621081104813,-0.00013607367873191833,-0.0006307512521743774,-1.7832727208634747,1,1513,1 -13514,0.000660263950244714,-0.0001821666955947876,-0.0006346367299556732,-1.8503220442891515,1,1514,1 -13515,0.00042556934424859474,-0.0001263245940208435,-0.00040638819336891174,-1.872174648440084,1,1515,1 -13516,0.0007243348802080285,-0.00013274699449539185,-0.0007120668888092041,-1.7551054822169325,1,1516,1 -13517,0.00034572271293110355,-0.00013288483023643494,-0.0003191642463207245,-1.9653197199799661,1,1517,1 -13518,0.0006231699096143167,-0.0001985393464565277,-0.0005906969308853149,-1.8950441018302906,1,1518,1 -13519,0.0006020649701674292,-0.0001586712896823883,-0.0005807802081108093,-1.837491746816335,1,1519,1 -13520,0.0006825237686392914,-0.00022759661078453064,-0.000643458217382431,-1.9107710629810666,1,1520,1 -13521,0.0005881452775934957,-0.00018035247921943665,-0.0005598105490207672,-1.8824637346848119,1,1521,1 -13522,0.000630495169638657,-0.00014236941933631897,-0.0006142109632492065,-1.7985663712322393,1,1522,1 -13523,0.0005523030976544955,-0.00010067224502563477,-0.0005430504679679871,-1.7540982510459837,1,1523,1 -13524,0.0005695638164628792,-0.00017396360635757446,-0.0005423463881015778,-1.8811894919463765,1,1524,1 -13525,0.0006818220287907136,-0.00012966617941856384,-0.000669378787279129,-1.762137731868248,1,1525,1 -13526,0.0005486705347161647,-0.0001440495252609253,-0.0005294233560562134,-1.8364528827095565,1,1526,1 -13527,0.0005901993827285208,-0.00014653056859970093,-0.00057172030210495,-1.821693348777823,1,1527,1 -13528,0.0005968990673427432,-0.00018060952425003052,-0.0005689188838005066,-1.8781943664432004,1,1528,1 -13529,0.0006404134196379722,-0.00015840306878089905,-0.0006205141544342041,-1.8207354948378744,1,1529,1 -13530,0.000637918188908881,-0.00015620142221450806,-0.0006184987723827362,-1.8181728732583091,1,1530,1 -13531,0.0006101113646381712,-0.00011894479393959045,-0.0005984045565128326,-1.7670087868511928,1,1531,1 -13532,0.000633520873865595,-0.00014579296112060547,-0.0006165169179439545,-1.803008894529504,1,1532,1 -13533,0.0006870595039683189,-0.00010275095701217651,-0.0006793327629566193,-1.720911244206329,1,1533,1 -13534,0.0007024306040213639,-0.00014254450798034668,-0.000687815248966217,-1.7751459700482624,1,1534,1 -13535,0.0006485420800117152,-2.8543174266815186e-05,-0.0006479136645793915,-1.614821838548631,1,1535,1 -13536,0.0006480435285656091,-0.00018196925520896912,-0.0006219707429409027,-1.8554216718931704,1,1536,1 -13537,0.0007016237341398405,-0.00020208954811096191,-0.0006718896329402924,-1.862966631674309,1,1537,1 -13538,0.0006723815729926396,-0.00017172843217849731,-0.0006500817835330963,-1.8290610792805884,1,1538,1 -13539,0.0006228285638987312,-0.000136643648147583,-0.0006076544523239136,-1.79198764302365,1,1539,1 -13540,0.0006234285696407086,-0.00019543245434761047,-0.0005920045077800751,-1.8896519863483239,1,1540,1 -13541,0.0006035911675796878,-0.00021402910351753235,-0.0005643703043460846,-1.9332748975926173,1,1541,1 -13542,0.00032678760808777386,-0.0001657642424106598,-0.0002816244959831238,-2.1027914710028623,1,1542,1 -13543,0.0006728306798963581,-0.0001886114478111267,-0.000645853579044342,-1.8549292846577832,1,1543,1 -13544,0.0005287554110478353,-0.00012831389904022217,-0.0005129501223564148,-1.8159151081669735,1,1544,1 -13545,0.0004995574382107025,-5.046278238296509e-05,-0.0004970021545886993,-1.671983889191553,1,1545,1 -13546,0.0006677116686039823,-0.00016947463154792786,-0.0006458461284637451,-1.827417775745569,1,1546,1 -13547,0.0005759574666899167,-6.560981273651123e-05,-0.0005722083151340485,-1.6849584810423284,1,1547,1 -13548,0.0006622479837436547,-0.0001389123499393463,-0.0006475150585174561,-1.7821246036798795,1,1548,1 -13549,0.0006584277343902737,-7.892400026321411e-05,-0.0006536804139614105,-1.6909526139857924,1,1549,1 -13550,0.000641929575658835,-0.0001594237983226776,-0.0006218180060386658,-1.8217737891289674,1,1550,1 -13551,0.0006592179434019809,-0.0001061558723449707,-0.0006506145000457764,-1.7325335954971748,1,1551,1 -13552,0.0006302953371475135,-0.00026462972164154053,-0.0005720518529415131,-2.004076760486616,1,1552,1 -13553,0.0006491482694459518,-7.290393114089966e-05,-0.0006450414657592773,-1.683340818865575,1,1553,1 -13554,0.0006464787092910276,-0.00017141923308372498,-0.0006233379244804382,-1.8391644823599707,1,1554,1 -13555,0.0006219256467159566,-0.0001990869641304016,-0.0005891993641853333,-1.8966459020431776,1,1555,1 -13556,0.000657606288440128,-0.00020984560251235962,-0.0006232261657714844,-1.8955815285872402,1,1556,1 -13557,0.0005719926009233797,-0.0001081414520740509,-0.0005616769194602966,-1.7610020664950483,1,1557,1 -13558,0.000634277310974771,-0.00012278184294700623,-0.000622279942035675,-1.7656036866714861,1,1558,1 -13559,0.0003626550704334318,-6.649643182754517e-05,-0.0003565065562725067,-1.7551996390439903,1,1559,1 -13560,0.0006760996080681895,-0.00019675493240356445,-0.000646837055683136,-1.8660836102255882,1,1560,1 -13561,0.0006985848305932517,-0.00021974369883537292,-0.0006631240248680115,-1.890784671904447,1,1561,1 -13562,0.0006369299380984582,-0.00018298253417015076,-0.0006100796163082123,-1.8621909373394916,1,1562,1 -13563,0.0006422779092256659,-0.00015636160969734192,-0.0006229542195796967,-1.8167160966051576,1,1563,1 -13564,0.00068581226489249,-0.00014490634202957153,-0.0006703287363052368,-1.7836924893290134,1,1564,1 -13565,0.0006451916815849365,-0.00011528655886650085,-0.0006348080933094025,-1.7504468673095774,1,1565,1 -13566,0.0006360165701686454,-0.00014780834317207336,-0.0006186030805110931,-1.8053377622954419,1,1566,1 -13567,0.0005897441920323583,-0.00011076405644416809,-0.0005792491137981415,-1.759735570034828,1,1567,1 -13568,0.000749839506812755,-0.00012607499957084656,-0.0007391646504402161,-1.7397347489693973,1,1568,1 -13569,0.0006122104255067641,-0.00016254186630249023,-0.0005902387201786041,-1.839518821840016,1,1569,1 -13570,0.000689808575246583,-8.881092071533203e-05,-0.0006840676069259644,-1.6999018857932708,1,1570,1 -13571,0.0006909749500202206,-0.0002730041742324829,-0.000634755939245224,-1.9769729871666426,1,1571,1 -13572,0.0006637489355824885,-0.00015032663941383362,-0.0006465017795562744,-1.799259784979712,1,1572,1 -13573,0.0006882239083344176,-0.00014597922563552856,-0.000672563910484314,-1.7845299897763571,1,1573,1 -13574,0.0006565585998369797,-0.00016957148909568787,-0.0006342828273773193,-1.8320306545876133,1,1574,1 -13575,0.0006620883484813511,-0.00015289708971977234,-0.000644192099571228,-1.8038313321723571,1,1575,1 -13576,0.0005434022619731353,-0.00013497471809387207,-0.0005263723433017731,-1.8218122947742645,1,1576,1 -13577,0.0006844287088596857,-0.000202961266040802,-0.0006536431610584259,-1.8718651618962996,1,1577,1 -13578,0.0006551133096450114,-0.0001834370195865631,-0.0006289072334766388,-1.854598851997161,1,1578,1 -13579,0.0006422003199594145,-0.0002220459282398224,-0.0006025917828083038,-1.9238428651372155,1,1579,1 -13580,0.0006058433053441461,-0.00016066431999206543,-0.0005841515958309174,-1.8391985553734593,1,1580,1 -13581,0.0006684330929557532,-0.00015415996313095093,-0.0006504133343696594,-1.803520244241217,1,1581,1 -13582,0.0006819692215027994,-0.00022383779287338257,-0.0006441883742809296,-1.9052177701836996,1,1582,1 -13583,0.0006639077045728737,-0.00019319355487823486,-0.0006351768970489502,-1.8660625857055348,1,1583,1 -13584,0.0005775789327771238,-0.00017933174967765808,-0.0005490332841873169,-1.8865034570852905,1,1584,1 -13585,0.0005837754096070385,-0.00012277811765670776,-0.0005707181990146637,-1.7826959216761336,1,1585,1 -13586,0.0006289452207532831,-0.0002222880721092224,-0.0005883537232875824,-1.932031480564618,1,1586,1 -13587,0.00047314176433602606,-0.00011779367923736572,-0.0004582442343235016,-1.8224032901184406,1,1587,1 -13588,0.0005582539844911765,-0.00018552318215370178,-0.00052652508020401,-1.9095666489252332,1,1588,1 -13589,0.00031849691156082106,-0.00017876923084259033,-0.0002635940909385681,-2.166740369231545,1,1589,1 -13590,0.0006294744234471064,-0.00011742860078811646,-0.000618424266576767,-1.7584458870920134,1,1590,1 -13591,0.0006570101164821894,-9.78223979473114e-05,-0.0006496869027614594,-1.720242241574483,1,1591,1 -13592,0.0006979985477451104,-0.0001676604151725769,-0.0006775632500648499,-1.8133699224198023,1,1592,1 -13593,0.0006447849960851069,-0.00017204508185386658,-0.000621408224105835,-1.8408939319937172,1,1593,1 -13594,0.0005378457021604122,-9.711086750030518e-05,-0.0005290061235427856,-1.7523472812506493,1,1594,1 -13595,0.0006746280585613462,-0.00013454630970954895,-0.0006610751152038574,-1.7715804486867777,1,1595,1 -13596,0.0006582463456454896,-0.00018293410539627075,-0.0006323158740997314,-1.8524154072988264,1,1596,1 -13597,0.0003286656692090129,-0.00013079866766929626,-0.0003015175461769104,-1.9800979734800566,1,1597,1 -13598,0.000666696352413335,-0.00012574344873428345,-0.0006547309458255768,-1.7605395926137652,1,1598,1 -13599,0.0007404657493977305,-0.00016659870743751526,-0.0007214806973934174,-1.7977309272897957,1,1599,1 -13600,0.0003389888849904203,-3.201141953468323e-05,-0.0003374740481376648,-1.6653693036863362,1,1600,1 -13601,0.0006973405325107003,-0.00021446868777275085,-0.0006635412573814392,-1.8834159105687687,1,1601,1 -13602,0.0006352507455480741,-0.00015819072723388672,-0.000615239143371582,-1.8224655277485293,1,1602,1 -13603,0.0006306588774360921,-0.00014742091298103333,-0.0006131865084171295,-1.8067362562862885,1,1603,1 -13604,0.0006510310444267807,-8.138269186019897e-05,-0.0006459243595600128,-1.6961300585074737,1,1604,1 -13605,0.0003691451255662941,-0.00017420202493667603,-0.00032545626163482666,-2.0622484078235828,1,1605,1 -13606,0.0005755275786058995,-0.00017709657549858093,-0.0005476027727127075,-1.8835834406345509,1,1606,1 -13607,0.0005914794654019697,-0.00016911327838897705,-0.0005667880177497864,-1.8607582332421653,1,1607,1 -13608,0.0006672811171312415,-0.00011847540736198425,-0.0006566792726516724,-1.7492921209518708,1,1608,1 -13609,0.0006213609729085143,-0.00015808269381523132,-0.000600915402173996,-1.8280376495352098,1,1609,1 -13610,0.0006719914857061569,-0.000112093985080719,-0.0006625764071941376,-1.738388393888274,1,1610,1 -13611,0.0005373024277924104,-8.852407336235046e-05,-0.0005299597978591919,-1.7363074704688983,1,1611,1 -13612,0.0006824674598295164,-0.00017897039651870728,-0.0006585828959941864,-1.836139234365868,1,1612,1 -13613,0.0006617659120211529,-0.00014165416359901428,-0.0006464272737503052,-1.78652041604218,1,1613,1 -13614,0.0004485238526788903,-9.995326399803162e-05,-0.0004372447729110718,-1.7955327111178572,1,1614,1 -13615,0.0004265395698045247,-4.2632222175598145e-05,-0.00042440369725227356,-1.6709125352528178,1,1615,1 -13616,0.0006104610353013481,-9.125843644142151e-05,-0.000603601336479187,-1.7208498045552312,1,1616,1 -13617,0.0006950512730984313,-0.00013794377446174622,-0.0006812252104282379,-1.7705884662932225,1,1617,1 -13618,0.000599944941275129,-9.22083854675293e-05,-0.0005928166210651398,-1.725102695179358,1,1618,1 -13619,0.0003244782679483036,-0.00014902278780937195,-0.0002882331609725952,-2.0479683515926976,1,1619,1 -13620,0.0006380908613846519,-0.00014129653573036194,-0.0006222501397132874,-1.7940835062097256,1,1620,1 -13621,0.0005575592180186251,-0.00014702975749969482,-0.000537823885679245,-1.8376548857440858,1,1621,1 -13622,0.0006367049705268694,-0.00012402981519699097,-0.0006245076656341553,-1.766849365299733,1,1622,1 -13623,0.000669426385709836,-0.00012006238102912903,-0.000658571720123291,-1.751123177067332,1,1623,1 -13624,0.0006471901462103522,-0.00021774321794509888,-0.0006094612181186676,-1.9139344903583384,1,1624,1 -13625,0.0007268178336528771,-0.00013045966625213623,-0.0007150135934352875,-1.7512687164032614,1,1625,1 -13626,0.00046627386379824513,-5.023181438446045e-05,-0.00046356022357940674,-1.6787360866322942,1,1626,1 -13627,0.0006199332972994935,-1.360476016998291e-05,-0.0006197839975357056,-1.5927436112660673,1,1627,1 -13628,0.0006891155686507571,-0.0001165531575679779,-0.0006791874766349792,-1.7407476903668135,1,1628,1 -13629,0.0006461849587025273,-0.00017556548118591309,-0.0006218776106834412,-1.84595059003397,1,1629,1 -13630,0.0005484180845748135,-6.627291440963745e-05,-0.0005443990230560303,-1.6919361746702115,1,1630,1 -13631,0.0006671831911359243,-0.00024189427495002747,-0.0006217882037162781,-1.9418101975409698,1,1631,1 -13632,0.0006112712056364935,-0.00020817667245864868,-0.0005747303366661072,-1.9183125056872339,1,1632,1 -13633,0.0006603133328260892,-0.00017594918608665466,-0.0006364397704601288,-1.8405179899139155,1,1633,1 -13634,0.0006124130851864702,-0.00013066455721855164,-0.0005983114242553711,-1.7858093641945676,1,1634,1 -13635,0.0004205154253454638,-0.00014318525791168213,-0.0003953874111175537,-1.9182443315442668,1,1635,1 -13636,0.0006317355870704411,-0.0001469738781452179,-0.0006144009530544281,-1.8055988582388576,1,1636,1 -13637,0.0006563082603813563,-0.00022977963089942932,-0.0006147697567939758,-1.9284841216095636,1,1637,1 -13638,0.0006624829184936217,-9.432807564735413e-05,-0.000655733048915863,-1.7136675555277592,1,1638,1 -13639,0.0006026237193763874,-0.00011998042464256287,-0.0005905590951442719,-1.7712324595922087,1,1639,1 -13640,0.0006023938011396629,-0.00012514367699623108,-0.0005892515182495117,-1.7800643676804002,1,1640,1 -13641,0.0006408106988546454,-0.00013914704322814941,-0.0006255209445953369,-1.7896821825570322,1,1641,1 -13642,0.0006625678812012843,-0.0001912154257297516,-0.0006343759596347809,-1.8635579996383096,1,1642,1 -13643,0.0006165733184584686,-0.00019513070583343506,-0.0005848817527294159,-1.8928086367822583,1,1643,1 -13644,0.0005883610524530974,-0.00013990327715873718,-0.0005714856088161469,-1.8108808594631856,1,1644,1 -13645,0.000580896002875347,-0.0001791529357433319,-0.0005525797605514526,-1.8843152540735413,1,1645,1 -13646,0.0003895206934072493,-0.00012257695198059082,-0.0003697313368320465,-1.890922813737122,1,1646,1 -13647,0.00044298164210463536,-0.0001419447362422943,-0.0004196241497993469,-1.8969800208685854,1,1647,1 -13648,0.0006230009505236348,-0.0001634545624256134,-0.0006011761724948883,-1.8362700998694388,1,1648,1 -13649,0.0004275476142069769,-0.00013472512364387512,-0.0004057660698890686,-1.8913703495561085,1,1649,1 -13650,0.0005900667072182754,-0.00016418099403381348,-0.0005667656660079956,-1.8527590620236054,1,1650,1 -13651,0.0006345011550035068,-0.00018303468823432922,-0.0006075277924537659,-1.8634250798705991,1,1651,1 -13652,0.0007038023029190474,-0.00013349205255508423,-0.0006910264492034912,-1.7616250672406588,1,1652,1 -13653,0.0007015545375895456,-0.00023223087191581726,-0.0006620027124881744,-1.9081840941248793,1,1653,1 -13654,0.0006804289823949383,-0.00015970319509506226,-0.0006614215672016144,-1.8077161098042331,1,1654,1 -13655,0.0006351975722331106,-0.00016355887055397034,-0.000613778829574585,-1.8312230493008956,1,1655,1 -13656,0.0005526824317693607,-0.00020174682140350342,-0.0005145445466041565,-1.944463594695405,1,1656,1 -13657,0.0007022442098767662,-0.00013273954391479492,-0.0006895847618579865,-1.7609623348212025,1,1657,1 -13658,0.0006525394960988541,-0.00016099214553833008,-0.0006323680281639099,-1.8200866926571557,1,1658,1 -13659,0.000658627574393021,-0.00020972639322280884,-0.000624343752861023,-1.894868523421743,1,1659,1 -13660,0.0006047169144357877,-0.0001936294138431549,-0.0005728788673877716,-1.8967352771779507,1,1660,1 -13661,0.0006572685238870006,-0.000186089426279068,-0.0006303749978542328,-1.8578476338400596,1,1661,1 -13662,0.000645247144241692,-0.0002406686544418335,-0.0005986839532852173,-1.9530223521068704,1,1662,1 -13663,0.0006998657083538526,-0.000128917396068573,-0.0006878897547721863,-1.7560572998540862,1,1663,1 -13664,0.0006458772706352826,-0.00017634406685829163,-0.0006213374435901642,-1.8473379419178737,1,1664,1 -13665,0.0006687567443155878,-0.00014276057481765747,-0.0006533414125442505,-1.7859234304876654,1,1665,1 -13666,0.00041835560691124427,-8.920207619667053e-05,-0.00040873512625694275,-1.7856666158887178,1,1666,1 -13667,0.0003515287025750024,-0.00012573599815368652,-0.00032827258110046387,-1.9365823716203157,1,1667,1 -13668,0.0004382496888570974,-0.0001877918839454651,-0.0003959760069847107,-2.013633094153431,1,1668,1 -13669,0.000598784357153568,-0.00012976676225662231,-0.0005845539271831512,-1.7892466348802403,1,1669,1 -13670,0.0006316020572570219,-0.00015898793935775757,-0.0006112642586231232,-1.8252551484705484,1,1670,1 -13671,0.0006479291551401139,-0.00012958794832229614,-0.0006348378956317902,-1.7721575827571936,1,1671,1 -13672,0.0006910700237108075,-0.00012991949915885925,-0.0006787478923797607,-1.7599193120481185,1,1672,1 -13673,0.0006422968677731114,-0.00010909512639045715,-0.0006329640746116638,-1.7414753675190384,1,1673,1 -13674,0.0004081345517265082,-6.553903222084045e-05,-0.00040283799171447754,-1.732076528333638,1,1674,1 -13675,0.0006710811819757051,-0.0001368783414363861,-0.0006569735705852509,-1.7762046229065096,1,1675,1 -13676,0.0007050418441692913,-0.00023836269974708557,-0.0006635263562202454,-1.9156755915620403,1,1676,1 -13677,0.0005778588513471805,-0.0001916736364364624,-0.0005451440811157227,-1.9088974200693343,1,1677,1 -13678,0.0006435415888468304,-0.0001758486032485962,-0.0006190501153469086,-1.8475677192042208,1,1678,1 -13679,0.0006792114523406015,-0.0001542419195175171,-0.0006614662706851959,-1.7998845803259564,1,1679,1 -13680,0.00043870902256508003,-0.0001268722116947174,-0.00041996315121650696,-1.8641815435033255,1,1680,1 -13681,0.000663053906999792,-0.00011652708053588867,-0.0006527341902256012,-1.7474567875738132,1,1681,1 -13682,0.0006513545703375303,-0.00016801059246063232,-0.0006293132901191711,-1.8316860801494474,1,1682,1 -13683,0.0006302382714440254,-0.0001518242061138153,-0.0006116777658462524,-1.8140890642806131,1,1683,1 -13684,0.0002844677527586071,-2.666562795639038e-05,-0.000283215194940567,-1.6646728188039273,1,1684,1 -13685,0.0006136640371764697,-0.00013117119669914246,-0.0005994811654090881,-1.7862092527804398,1,1685,1 -13686,0.000669712548338918,-9.725242853164673e-05,-0.0006626136600971222,-1.71652678157045,1,1686,1 -13687,0.0003389024872202374,-2.929195761680603e-05,-0.00033763423562049866,-1.657336120990242,1,1687,1 -13688,0.0006657452687793158,-0.00013465434312820435,-0.0006519854068756104,-1.7744624771544082,1,1688,1 -13689,0.0006363025344084044,-0.00012610852718353271,-0.0006236806511878967,-1.770306834888832,1,1689,1 -13690,0.0006760382132041926,-0.0001319199800491333,-0.0006630420684814453,-1.7671933264600153,1,1690,1 -13691,0.00034826192928690713,-0.00010466575622558594,-0.0003321617841720581,-1.8760524436863661,1,1691,1 -13692,0.0006803158957595646,-0.00015571340918540955,-0.0006622560322284698,-1.8017273996940233,1,1692,1 -13693,0.0003428120332767018,-0.00017485767602920532,-0.0002948641777038574,-2.106060945353303,1,1693,1 -13694,0.0007192020129923953,-0.0001552775502204895,-0.0007022395730018616,-1.7884124155666845,1,1694,1 -13695,0.0005913143625239972,-0.00016349181532859802,-0.0005682632327079773,-1.8509349062310683,1,1695,1 -13696,0.0006160478647791653,-0.00016018375754356384,-0.0005948580801486969,-1.8338375471335608,1,1696,1 -13697,0.0005942826151174712,-7.059425115585327e-05,-0.0005900748074054718,-1.6898665073176118,1,1697,1 -13698,0.0007016480924062005,-7.928162813186646e-05,-0.0006971545517444611,-1.684031594745874,1,1698,1 -13699,0.0006358037716307476,-0.00023229792714118958,-0.0005918480455875397,-1.9448169541330749,1,1699,1 -13700,0.0006284652017422438,-0.00019496679306030273,-0.0005974583327770233,-1.8862279950740477,1,1700,1 -13701,0.0005272324672103507,-0.00016448646783828735,-0.0005009174346923828,-1.8880736278351349,1,1701,1 -13702,0.0006779963548425663,-0.00017641857266426086,-0.0006546415388584137,-1.8340316484737718,1,1702,1 -13703,0.000677454772814275,-0.0001682676374912262,-0.00065622478723526,-1.8218059790371584,1,1703,1 -13704,0.0006838357685370972,-0.00013592466711997986,-0.0006701909005641937,-1.770897002471345,1,1704,1 -13705,0.0006503364113798322,-0.00017750263214111328,-0.0006256438791751862,-1.8472437732469258,1,1705,1 -13706,0.000643928717841412,-0.0001353621482849121,-0.0006295405328273773,-1.7825890871894163,1,1706,1 -13707,0.0006141751055151808,-0.00011337548494338989,-0.0006036199629306793,-1.7564591253361694,1,1707,1 -13708,0.00039447573228785506,-7.832422852516174e-05,-0.00038662180304527283,-1.7706773428743594,1,1708,1 -13709,0.0006711634956515484,-0.00019002705812454224,-0.0006437003612518311,-1.8578532453615717,1,1709,1 -13710,0.0006943988653592523,-0.00011739879846572876,-0.0006844028830528259,-1.7406776341441752,1,1710,1 -13711,0.0006044570918612819,-7.358193397521973e-05,-0.0005999617278575897,-1.692831272911362,1,1711,1 -13712,0.0006335810831645073,-0.00018525496125221252,-0.0006058923900127411,-1.8675250426814516,1,1712,1 -13713,0.00045633182163743157,-0.00010826811194419861,-0.00044330209493637085,-1.8103380118856558,1,1713,1 -13714,0.0006492439424564702,-0.0001357831060886383,-0.0006348863244056702,-1.7814921144019902,1,1714,1 -13715,0.0006733568641411304,-0.00013694912195205688,-0.0006592832505702972,-1.7756079026004905,1,1715,1 -13716,0.00067684880485296,-0.00015799328684806824,-0.0006581507623195648,-1.8063946124083494,1,1716,1 -13717,0.0005982521679981621,-0.00012460723519325256,-0.0005851313471794128,-1.7806179842517305,1,1717,1 -13718,0.0004907787468007757,-7.029622793197632e-05,-0.0004857182502746582,-1.7145247199660685,1,1718,1 -13719,0.00038753830381389786,-6.887316703796387e-05,-0.00038136914372444153,-1.7494650408976447,1,1719,1 -13720,0.0006667554069668552,-0.00017453357577323914,-0.000643506646156311,-1.835647382200331,1,1720,1 -13721,0.000559217124834921,-0.00019390136003494263,-0.000524524599313736,-1.9248865411603993,1,1721,1 -13722,0.0006836709938054677,-0.00010927766561508179,-0.0006748810410499573,-1.7313244402307855,1,1722,1 -13723,0.0005891533505947256,-0.00011588633060455322,-0.0005776435136795044,-1.7687871187646371,1,1723,1 -13724,0.0006415124442952526,-0.0001302659511566162,-0.0006281472742557526,-1.7752790394824596,1,1724,1 -13725,0.0006282504945285976,-0.00019552931189537048,-0.0005970485508441925,-1.8872815415281006,1,1725,1 -13726,0.0007141927815287613,-0.0001510120928287506,-0.0006980448961257935,-1.783848905302349,1,1726,1 -13727,0.0006900430686372469,-0.00026405975222587585,-0.0006375201046466827,-1.963482392774945,1,1727,1 -13728,0.0007088131917619042,-4.912912845611572e-05,-0.0007071085274219513,-1.6401637587407403,1,1728,1 -13729,0.000622589453497493,-4.468858242034912e-05,-0.0006209835410118103,-1.6426366787725104,1,1729,1 -13730,0.000410295261821026,-4.507973790168762e-05,-0.0004078112542629242,-1.680890049121342,1,1730,1 -13731,0.0006128820296136794,-0.00010927766561508179,-0.00060306116938591,-1.7500561486752366,1,1731,1 -13732,0.0006710951031875787,-0.00010199472308158875,-0.0006632991135120392,-1.723370110136966,1,1732,1 -13733,0.0006943241388820046,-0.00013180822134017944,-0.0006816983222961426,-1.7617921726811492,1,1733,1 -13734,0.0006727564932549959,-0.00013781338930130005,-0.0006584897637367249,-1.7771055996737593,1,1734,1 -13735,0.0006528512247373521,-0.0001109093427658081,-0.000643361359834671,-1.741508851492561,1,1735,1 -13736,0.0006738459158695373,-0.00016410648822784424,-0.0006535574793815613,-1.8168074323951309,1,1736,1 -13737,0.00048464093745422985,-0.0001358911395072937,-0.00046519935131073,-1.85500244322386,1,1737,1 -13738,0.0006536929880725423,-0.00011578202247619629,-0.0006433576345443726,-1.7488556128194195,1,1738,1 -13739,0.0005061190392868767,-8.453056216239929e-05,-0.0004990100860595703,-1.7385998770080304,1,1739,1 -13740,0.0005748416955969151,-0.00013726577162742615,-0.000558212399482727,-1.8119147274029226,1,1740,1 -13741,0.0003168804472755937,0.00013707205653190613,-0.0002856999635696411,-1.1234582206900026,1,1741,1 -13742,0.0006729633803881499,-0.00011958926916122437,-0.0006622523069381714,-1.7494506367890046,1,1742,1 -13743,0.0006818363493707259,-0.00016346946358680725,-0.000661950558423996,-1.8129034489404803,1,1743,1 -13744,0.0005795843664714842,-0.0001637674868106842,-0.0005559660494327545,-1.8572583743068287,1,1744,1 -13745,0.0005502093100520345,-0.00012065097689628601,-0.0005368180572986603,-1.7918747862270135,1,1745,1 -13746,0.0006700183039138619,-0.0002359934151172638,-0.0006270818412303925,-1.9307376907803195,1,1746,1 -13747,0.0006113092438808538,-0.00011102482676506042,-0.0006011426448822021,-1.7534279999577713,1,1747,1 -13748,0.000691812966696717,-0.00016587600111961365,-0.0006716325879096985,-1.8129252692220628,1,1748,1 -13749,0.0005989671174469415,-0.00010852143168449402,-0.0005890540778636932,-1.7529834699897862,1,1749,1 -13750,0.0006626961158945049,-0.00021724402904510498,-0.0006260760128498077,-1.9047898467765643,1,1750,1 -13751,0.0006584502984225376,-0.00017344579100608826,-0.0006351955235004425,-1.837357018523935,1,1751,1 -13752,0.0005617825609663974,-0.00013347715139389038,-0.000545695424079895,-1.8106863027152613,1,1752,1 -13753,0.0007163451383766332,-0.00019494444131851196,-0.0006893090903759003,-1.8464100957157221,1,1753,1 -13754,0.0006338391537212175,-0.0002101399004459381,-0.0005979910492897034,-1.9087265185102191,1,1754,1 -13755,0.0006562661761376257,-0.00019434839487075806,-0.000626828521490097,-1.8714479207012404,1,1755,1 -13756,0.0006493708364967982,-0.00012626871466636658,-0.0006369762122631073,-1.7664907755869428,1,1756,1 -13757,0.0006820515351785244,-0.00018766522407531738,-0.0006557255983352661,-1.849540132783464,1,1757,1 -13758,0.0005922641751693851,-0.00021192803978919983,-0.0005530491471290588,-1.936735966318261,1,1758,1 -13759,0.0006541727550205056,-0.00018325820565223694,-0.0006279796361923218,-1.8547334858198032,1,1759,1 -13760,0.0005800880087372259,-0.00011712685227394104,-0.000568140298128128,-1.7741062796497453,1,1760,1 -13761,0.0006328148070408479,-0.00016915053129196167,-0.0006097890436649323,-1.8413848899693421,1,1761,1 -13762,0.0005750941786393664,-0.00013801828026771545,-0.0005582869052886963,-1.8131544352021975,1,1762,1 -13763,0.0006418183351521841,-7.360801100730896e-05,-0.0006375834345817566,-1.6857359148801683,1,1763,1 -13764,0.0007120538268347474,-0.0001031830906867981,-0.0007045380771160126,-1.7162174453006065,1,1764,1 -13765,0.0006753137554510502,-0.00013895705342292786,-0.0006608627736568451,-1.7780433902892232,1,1765,1 -13766,0.0006331127800570543,-0.00016408413648605347,-0.000611480325460434,-1.8329595536980883,1,1766,1 -13767,0.0006727424312129721,-9.458884596824646e-05,-0.0006660595536231995,-1.7118656273081851,1,1767,1 -13768,0.0006683143079763281,-0.0001821555197238922,-0.0006430111825466156,-1.8468487435121819,1,1768,1 -13769,0.0005398916020881568,-0.00010512769222259521,-0.000529557466506958,-1.7667683037476178,1,1769,1 -13770,0.0006761283096493667,-0.00013097375631332397,-0.00066332146525383,-1.7657401192902438,1,1770,1 -13771,0.0006054095606467849,-9.642168879508972e-05,-0.000597681850194931,-1.73074433123134,1,1771,1 -13772,0.0006352066289781338,-9.261071681976318e-05,-0.0006284192204475403,-1.717114057758374,1,1772,1 -13773,0.0006298209058830438,-0.000130433589220047,-0.000616166740655899,-1.779402319790455,1,1773,1 -13774,0.0006342311503032888,-0.00011461600661277771,-0.0006237886846065521,-1.7525111804694875,1,1774,1 -13775,0.0005978797521333898,-0.00012488290667533875,-0.0005846917629241943,-1.781222093206717,1,1775,1 -13776,0.0006605094271172924,-0.0001691579818725586,-0.0006384812295436859,-1.8297841859419897,1,1776,1 -13777,0.0006648739326350921,-0.00015589967370033264,-0.0006463378667831421,-1.807480000052454,1,1777,1 -13778,0.0006176701282925443,-0.0001987665891647339,-0.0005848146975040436,-1.8984269113045744,1,1778,1 -13779,0.0007012545543422829,-0.00010038167238235474,-0.00069403275847435,-1.7144355909600497,1,1779,1 -13780,0.0006837540712219111,-7.382035255432129e-05,-0.0006797574460506439,-1.6789704824155067,1,1780,1 -13781,0.0006458889932889861,-0.00019079819321632385,-0.0006170645356178284,-1.870674691264051,1,1781,1 -13782,0.0006115291941495559,-0.00021659210324287415,-0.0005718879401683807,-1.93283462143672,1,1782,1 -13783,0.0006596840929238983,-0.00018531456589698792,-0.0006331205368041992,-1.8555427600893,1,1783,1 -13784,0.0006915749189600141,-0.00017695873975753784,-0.0006685517728328705,-1.8295520562440073,1,1784,1 -13785,0.0005719464750447385,-0.00011887401342391968,-0.0005594566464424133,-1.7801637214032862,1,1785,1 -13786,0.0006973251502556926,-0.00013500824570655823,-0.0006841309368610382,-1.7656354889472934,1,1786,1 -13787,0.0006338865946600093,-0.00015760958194732666,-0.0006139799952507019,-1.8220722651528936,1,1787,1 -13788,0.0006411151809205697,-0.00010003894567489624,-0.0006332620978355408,-1.7274755364753185,1,1788,1 -13789,0.0006547139349476651,-0.00021164864301681519,-0.0006195604801177979,-1.8999781434050356,1,1789,1 -13790,0.0006717490757807734,-0.00012132152915000916,-0.0006607025861740112,-1.7523982933455726,1,1790,1 -13791,0.0006212775673214453,-0.0001640617847442627,-0.0005992241203784943,-1.8380375931000672,1,1791,1 -13792,0.0005541143077275972,-6.262212991714478e-05,-0.0005505643784999847,-1.6840513034029616,1,1792,1 -13793,0.0006702575300916605,-0.00013984739780426025,-0.0006555058062076569,-1.7809879004523763,1,1793,1 -13794,0.0006617212169623853,-0.00011401250958442688,-0.0006518252193927765,-1.7439572869019053,1,1794,1 -13795,0.0006727166523376237,-0.00011463090777397156,-0.000662878155708313,-1.7420319037643572,1,1795,1 -13796,0.0006786624632039036,-7.796287536621094e-05,-0.000674169510602951,-1.6859277544284559,1,1796,1 -13797,0.0006867311126264382,-0.00015683844685554504,-0.0006685815751552582,-1.8012138896022167,1,1797,1 -13798,0.0006909158082253427,-0.00019552186131477356,-0.0006626732647418976,-1.857705831816582,1,1798,1 -13799,0.0006764349998422316,-0.00011664628982543945,-0.0006663016974925995,-1.7441053277848158,1,1799,1 -13800,0.0006245672102186873,-6.551668047904968e-05,-0.0006211213767528534,-1.6758889965267625,1,1800,1 -13801,0.0006610082246728353,-0.00010187551379203796,-0.0006531104445457458,-1.7255344950317069,1,1801,1 -13802,0.0006782971494807537,-9.474530816078186e-05,-0.0006716474890708923,-1.7109357010195225,1,1802,1 -13803,0.0005739784582561172,-0.00011608749628067017,-0.0005621165037155151,-1.7744518128685942,1,1803,1 -13804,0.0006589159274169408,-0.000159531831741333,-0.0006393119692802429,-1.815338943437769,1,1804,1 -13805,0.0003356176848963071,-5.5905431509017944e-05,-0.0003309287130832672,-1.7381511848803284,1,1805,1 -13806,0.0006808305199988327,-0.0001079067587852478,-0.0006722249090671539,-1.7299603321234578,1,1806,1 -13807,0.0006429640767594633,-0.00014812126755714417,-0.0006256699562072754,-1.803256829788676,1,1807,1 -13808,0.0006340240408512853,-0.0001539662480354309,-0.000615045428276062,-1.8160885008059928,1,1808,1 -13809,0.0006142201699180867,-0.00013113394379615784,-0.0006000585854053497,-1.785949059555913,1,1809,1 -13810,0.0007251579552579442,-0.00010718405246734619,-0.0007171928882598877,-1.7191477545327385,1,1810,1 -13811,0.0006612664104659285,-0.00014993920922279358,-0.0006440430879592896,-1.7995312101355292,1,1811,1 -13812,0.000706673026972142,-7.261335849761963e-05,-0.0007029324769973755,-1.6737318375749062,1,1812,1 -13813,0.0006597165929841947,-0.00011772289872169495,-0.0006491281092166901,-1.7502018334700749,1,1813,1 -13814,0.000604057034020909,-0.00012380629777908325,-0.0005912333726882935,-1.777217082641804,1,1814,1 -13815,0.0003713765183863594,-7.196515798568726e-05,-0.00036433711647987366,-1.7658095476418734,1,1815,1 -13816,0.0006396581852295806,-0.00017310306429862976,-0.0006157904863357544,-1.8448313276538195,1,1816,1 -13817,0.0006484216608994408,-0.0001268722116947174,-0.0006358884274959564,-1.7677299315030641,1,1817,1 -13818,0.0006225218643253117,-0.0001269914209842682,-0.0006094314157962799,-1.776233457132404,1,1818,1 -13819,0.000649650482632468,-0.0002058856189250946,-0.0006161630153656006,-1.893274032461377,1,1819,1 -13820,0.0006139556529794259,-0.00012153759598731995,-0.0006018057465553284,-1.77007085225071,1,1820,1 -13821,0.0006034394589469401,-0.00016863271594047546,-0.00057939812541008,-1.8540202581245533,1,1821,1 -13822,0.0006204805318099341,-0.00015920400619506836,-0.0005997084081172943,-1.830280255032483,1,1822,1 -13823,0.0006506575124189813,-0.00011854991316795349,-0.0006397664546966553,-1.7540199466979436,1,1823,1 -13824,0.0003389463637474926,-9.63844358921051e-05,-0.0003249533474445343,-1.8591402015629614,1,1824,1 -13825,0.0006238163032404995,-0.00025150179862976074,-0.0005708709359169006,-1.9857706584185126,1,1825,1 -13826,0.0006511641508390253,-0.0001226477324962616,-0.0006395094096660614,-1.7602796403153291,1,1826,1 -13827,0.0006043590974850097,-0.00022222474217414856,-0.0005620196461677551,-1.947334252744714,1,1827,1 -13828,0.0006293245080650528,-0.000153467059135437,-0.0006103254854679108,-1.8171403326058466,1,1828,1 -13829,0.0005263342365478593,-0.00015244260430335999,-0.0005037747323513031,-1.864637405532257,1,1829,1 -13830,0.0006620312455257801,-0.00010173022747039795,-0.000654168426990509,-1.7250713625455936,1,1830,1 -13831,0.0006220059962601097,-0.0001587197184562683,-0.0006014145910739899,-1.828823917294517,1,1831,1 -13832,0.0007008894424887131,-0.00015310198068618774,-0.0006839632987976074,-1.791011452795357,1,1832,1 -13833,0.0005515936694756515,-0.0001173950731754303,-0.0005389563739299774,-1.785265608105334,1,1833,1 -13834,0.0005753217148675026,-0.00013939663767814636,-0.0005581788718700409,-1.815525287920383,1,1834,1 -13835,0.000611546657632631,-0.00011492520570755005,-0.0006006509065628052,-1.7598459040695051,1,1835,1 -13836,0.0006271568484592485,-0.00010706111788749695,-0.0006179511547088623,-1.7423451886891572,1,1836,1 -13837,0.000474434613126644,-0.00014575570821762085,-0.00045149028301239014,-1.8830664915978041,1,1837,1 -13838,0.0006099966698620121,-7.752329111099243e-05,-0.0006050504744052887,-1.6982290015161163,1,1838,1 -13839,0.000703818697837353,-0.00015801191329956055,-0.0006858520209789276,-1.7972329651233625,1,1839,1 -13840,0.0006371324113443957,-0.00018526241183280945,-0.0006096027791500092,-1.8658334492010786,1,1840,1 -13841,0.0006297073782666774,-0.00018647685647010803,-0.0006014630198478699,-1.871437369730577,1,1841,1 -13842,0.00034203705162446924,-6.217882037162781e-05,-0.0003363378345966339,-1.7536025211764557,1,1842,1 -13843,0.0006070992687563506,-0.0001222267746925354,-0.0005946680903434753,-1.7735109854162932,1,1843,1 -13844,0.00038674130039297256,-6.214529275894165e-05,-0.0003817155957221985,-1.7321855877042653,1,1844,1 -13845,0.0006838535217527085,-0.00014338642358779907,-0.000668652355670929,-1.7820380432104452,1,1845,1 -13846,0.0005982279979077098,-0.00010193884372711182,-0.0005894787609577179,-1.7420332635834934,1,1846,1 -13847,0.0006478125573607099,-0.00022354722023010254,-0.0006080195307731628,-1.923120449819604,1,1847,1 -13848,0.0005769646577906462,-0.00021730363368988037,-0.0005344785749912262,-1.956954725363476,1,1848,1 -13849,0.0007281525256288226,-0.00015476346015930176,-0.0007115155458450317,-1.7849726467452351,1,1849,1 -13850,0.0006631501146132949,-0.00013775378465652466,-0.0006486847996711731,-1.7800464084996879,1,1850,1 -13851,0.0006408108022541246,-0.00032700225710868835,-0.0005510970950126648,-2.106323577209085,1,1851,1 -13852,0.0006634186337357058,-0.00013734400272369385,-0.0006490461528301239,-1.7793290545500273,1,1852,1 -13853,0.00038689416392718973,-6.825849413871765e-05,-0.0003808252513408661,-1.7481514315025277,1,1853,1 -13854,0.0005929655129420284,-0.00015393272042274475,-0.0005726367235183716,-1.8334023386506404,1,1854,1 -13855,0.0006781563590353802,-0.0001306682825088501,-0.0006654486060142517,-1.7646905984677759,1,1855,1 -13856,0.0006529300442632606,-0.00014279037714004517,-0.0006371252238750458,-1.791269834474056,1,1856,1 -13857,0.0006567597209635663,-0.00016303732991218567,-0.0006362013518810272,-1.8216644690841186,1,1857,1 -13858,0.000611858999363683,-6.366893649101257e-05,-0.000608537346124649,-1.6750432242016775,1,1858,1 -13859,0.0005905162953005879,-0.00024337321519851685,-0.0005380325019359589,-1.9955938663480515,1,1859,1 -13860,0.0004057808796331344,-9.887292981147766e-05,-0.000393550843000412,-1.8169350537949696,1,1860,1 -13861,0.0006454825576405355,-6.933137774467468e-05,-0.000641748309135437,-1.6784140862692953,1,1861,1 -13862,0.0007001876290160255,-0.00020370632410049438,-0.0006699003279209137,-1.8659961680393273,1,1862,1 -13863,0.0007344590453654411,-0.00015597045421600342,-0.0007177069783210754,-1.7847867589146924,1,1863,1 -13864,0.0006937634898735553,-0.00013141706585884094,-0.0006812028586864471,-1.7613741838338934,1,1864,1 -13865,0.0006031948725644313,-0.00012979283928871155,-0.0005890652537345886,-1.7876680001910956,1,1865,1 -13866,0.0006393770625783132,-0.00010854750871658325,-0.0006300956010818481,-1.7413933409736282,1,1866,1 -13867,0.0006896701622344473,-0.00013579055666923523,-0.0006761699914932251,-1.7689832075833023,1,1867,1 -13868,0.000662535288428985,-0.00020467117428779602,-0.0006301291286945343,-1.8848548346329126,1,1868,1 -13869,0.0006634935040768816,-0.0001482553780078888,-0.0006467178463935852,-1.796145392448289,1,1869,1 -13870,0.0006722427757471866,-0.0001893565058708191,-0.000645022839307785,-1.8563395826981643,1,1870,1 -13871,0.0006492237098692044,-0.00018999353051185608,-0.0006208010017871857,-1.8677904432188615,1,1871,1 -13872,0.000411308546301126,-0.00012563541531562805,-0.0003916509449481964,-1.8812104206675444,1,1872,1 -13873,0.0003777400953758037,-0.00017760321497917175,-0.0003333836793899536,-2.0602831754121738,1,1873,1 -13874,0.0006645684713278549,-0.00011138990521430969,-0.0006551668047904968,-1.73920361544667,1,1874,1 -13875,0.0005676137647920356,-0.00012743473052978516,-0.0005531236529350281,-1.7972360709907176,1,1875,1 -13876,0.0006040729501768543,-0.0001958012580871582,-0.0005714595317840576,-1.9008936722930485,1,1876,1 -13877,0.0006582838904555533,-0.00011815503239631653,-0.0006475932896137238,-1.7512638044545983,1,1877,1 -13878,0.0006043329781735494,-8.145719766616821e-05,-0.0005988180637359619,-1.705996441919723,1,1878,1 -13879,0.0005712278599817745,-0.00010444223880767822,-0.0005615986883640289,-1.7546688091806488,1,1879,1 -13880,0.0006967719037838476,-0.00013990700244903564,-0.000682581216096878,-1.7729637862824006,1,1880,1 -13881,0.0004727599438900272,-8.58008861541748e-05,-0.00046490877866744995,-1.7532970496229512,1,1881,1 -13882,0.0006469226909807708,-0.00018361955881118774,-0.0006203167140483856,-1.8585879823083074,1,1882,1 -13883,0.0006564920113027972,-0.0001683756709098816,-0.0006345324218273163,-1.8301727330765691,1,1883,1 -13884,0.0006865437753149293,-0.00021041184663772583,-0.0006535053253173828,-1.8822890531473,1,1884,1 -13885,0.0004785159269615191,-7.80150294303894e-05,-0.0004721134901046753,-1.7345627537095094,1,1885,1 -13886,0.0006212252030990914,-0.00018517673015594482,-0.0005929842591285706,-1.873480149736308,1,1886,1 -13887,0.0007091057567437967,-0.00011955946683883667,-0.0006989538669586182,-1.7402115510191773,1,1887,1 -13888,0.0007084326561336837,-0.00018013641238212585,-0.0006851479411125183,-1.8278938771760824,1,1888,1 -13889,0.00046476289867105285,-9.60417091846466e-05,-0.000454731285572052,-1.778942740681463,1,1889,1 -13890,0.0006115179879902141,-0.0002242065966129303,-0.0005689337849617004,-1.9461906418304575,1,1890,1 -13891,0.0006306288513347896,-9.923800826072693e-05,-0.000622771680355072,-1.7288167174665185,1,1891,1 -13892,0.0006931564237931193,-0.00018177181482315063,-0.0006688982248306274,-1.8361367562015425,1,1892,1 -13893,0.0006839253615175248,-0.00017279013991355896,-0.0006617382168769836,-1.8262090170532468,1,1893,1 -13894,0.0006704473190377266,-0.00010532885789871216,-0.0006621219217777252,-1.7285522188488904,1,1894,1 -13895,0.0006900356413671447,-0.00016977638006210327,-0.0006688237190246582,-1.8193888735602857,1,1895,1 -13896,0.0006522145966891233,-0.00014144182205200195,-0.0006366930902004242,-1.7893971247135376,1,1896,1 -13897,0.0006602183470334465,-0.00018461793661117554,-0.0006338804960250854,-1.8542067451414828,1,1897,1 -13898,0.0005827049861491459,-0.0001421794295310974,-0.0005650930106639862,-1.8172836796427698,1,1898,1 -13899,0.0007112408356652214,-0.00017390772700309753,-0.0006896518170833588,-1.8178138823582346,1,1899,1 -13900,0.000668278736703609,-0.00014277175068855286,-0.0006528496742248535,-1.7860968467896536,1,1900,1 -13901,0.0003913595297653631,-0.00010640919208526611,-0.0003766156733036041,-1.8461593056396182,1,1901,1 -13902,0.0007183255243444916,-0.00018524378538131714,-0.0006940290331840515,-1.8316265505198925,1,1902,1 -13903,0.0006833036635151483,-0.00011437758803367615,-0.0006736628711223602,-1.7389771366955848,1,1903,1 -13904,0.0007004702685334272,-0.00023299828171730042,-0.0006605833768844604,-1.9098886331488478,1,1904,1 -13905,0.0006188149997804999,-0.00014686211943626404,-0.0006011351943016052,-1.8104106527993065,1,1905,1 -13906,0.0006178009021633816,-0.00017663463950157166,-0.000592011958360672,-1.8607508829050567,1,1906,1 -13907,0.0006677869733500845,-0.00014912337064743042,-0.0006509236991405487,-1.7960050226805007,1,1907,1 -13908,0.0006834833106012545,-6.720796227455139e-05,-0.0006801709532737732,-1.6692870168499636,1,1908,1 -13909,0.0006503613731742595,-0.00014055892825126648,-0.0006349906325340271,-1.7886395752072077,1,1909,1 -13910,0.0006527300574549728,-0.0002562329173088074,-0.0006003342568874359,-1.9742050539523504,1,1910,1 -13911,0.0006611336298867186,-0.00012449175119400024,-0.0006493069231510162,-1.7602276654827411,1,1911,1 -13912,0.0006238444634220956,-0.00015195831656455994,-0.0006050541996955872,-1.816855423934477,1,1912,1 -13913,0.0006831827685229975,-0.00012931972742080688,-0.0006708316504955292,-1.7612354417829477,1,1913,1 -13914,0.0006743675711670855,-0.0001835078001022339,-0.0006489194929599762,-1.84639011299692,1,1914,1 -13915,0.0006658074123572266,-0.00019026920199394226,-0.0006380416452884674,-1.8606083885580758,1,1915,1 -13916,0.0005339282024080873,-6.958097219467163e-05,-0.0005293749272823334,-1.7014870109747418,1,1916,1 -13917,0.0005835779291384098,-1.988932490348816e-05,-0.0005832388997077942,-1.604884623098313,1,1917,1 -13918,0.0006237113484751138,-0.00011539086699485779,-0.0006129443645477295,-1.7568751514610854,1,1918,1 -13919,0.0004783203435205654,-7.74674117565155e-05,-0.0004720054566860199,-1.7334700184498761,1,1919,1 -13920,0.0006175636467203376,-0.00017733871936798096,-0.0005915537476539612,-1.8620555193080983,1,1920,1 -13921,0.0007027932194323079,-0.00015304610133171082,-0.0006859265267848969,-1.7903236593231395,1,1921,1 -13922,0.0005546113739141323,-9.559839963912964e-05,-0.0005463100969791412,-1.7440315724350142,1,1922,1 -13923,0.0006594334003924962,-0.00016530975699424744,-0.000638376921415329,-1.824183633833069,1,1923,1 -13924,0.0006591927540109794,-0.00012579187750816345,-0.000647079199552536,-1.7628010435393007,1,1924,1 -13925,0.00063737899439719,-0.00014773011207580566,-0.0006200224161148071,-1.8047008750178897,1,1925,1 -13926,0.0006444214343802048,-0.0001848265528678894,-0.0006173476576805115,-1.861691666377169,1,1926,1 -13927,0.0006943554156709944,-0.0001452825963497162,-0.0006789863109588623,-1.7815876395246553,1,1927,1 -13928,0.0005955394299394201,-0.00014044344425201416,-0.0005787424743175507,-1.8088643704757743,1,1928,1 -13929,0.0006295187877773181,-8.802488446235657e-05,-0.0006233341991901398,-1.7110848853672214,1,1929,1 -13930,0.0006521059293729347,-6.898865103721619e-05,-0.0006484463810920715,-1.6767882992765426,1,1930,1 -13931,0.0006673901859433462,-0.00014196708798408508,-0.0006521157920360565,-1.7851539237314429,1,1931,1 -13932,0.0006179827938934244,-8.810311555862427e-05,-0.0006116703152656555,-1.7138493832302282,1,1932,1 -13933,0.0006531341838676696,-0.00013262033462524414,-0.0006395280361175537,-1.7752703849122724,1,1933,1 -13934,0.0006091305433553275,-9.538605809211731e-05,-0.0006016157567501068,-1.7280372686837768,1,1934,1 -13935,0.0006333737127761435,-5.451589822769165e-05,-0.0006310231983661652,-1.65697520572896,1,1935,1 -13936,0.0006878706613806587,-0.00012153387069702148,-0.0006770491600036621,-1.74840998905951,1,1936,1 -13937,0.0006449688207130311,-0.00013854354619979858,-0.0006299130618572235,-1.7872901087173119,1,1937,1 -13938,0.0003585687369385723,-6.267055869102478e-05,-0.00035304948687553406,-1.7464784100513169,1,1938,1 -13939,0.0006793094348706393,-9.21003520488739e-05,-0.0006730370223522186,-1.7067945455293903,1,1939,1 -13940,0.0006758918480600727,-0.00017558783292770386,-0.0006526857614517212,-1.8335978234245638,1,1940,1 -13941,0.00030617018917508985,-0.00010195747017860413,-0.0002886950969696045,-1.9102893939859797,1,1941,1 -13942,0.0006241276787415876,-7.434934377670288e-05,-0.0006196834146976471,-1.6902051034662782,1,1942,1 -13943,0.000621354443148072,-0.000131215900182724,-0.0006073415279388428,-1.783575505470749,1,1943,1 -13944,0.00036737620986850543,-3.414228558540344e-05,-0.00036578625440597534,-1.663866113347341,1,1944,1 -13945,0.0007001970279211547,-0.00018672645092010498,-0.0006748400628566742,-1.840739856228906,1,1945,1 -13946,0.0006922160608097517,-0.00017484650015830994,-0.0006697699427604675,-1.8261519205166958,1,1946,1 -13947,0.0006409357777646191,-0.00017173215746879578,-0.0006175003945827484,-1.8420502560871381,1,1947,1 -13948,0.0006598786196998422,-6.795674562454224e-05,-0.0006563700735569,-1.673962941619283,1,1948,1 -13949,0.0006348637277066494,-0.00018280744552612305,-0.0006079748272895813,-1.8628792326230463,1,1949,1 -13950,0.0006632771195546925,-0.00019025802612304688,-0.0006354041397571564,-1.861728607988542,1,1950,1 -13951,0.0006424030568049004,-0.00012431666254997253,-0.0006302595138549805,-1.7655431679003946,1,1951,1 -13952,0.0006796855023046704,-0.00012096390128135681,-0.0006688348948955536,-1.7497198660883329,1,1952,1 -13953,0.0003723117030719864,-6.57886266708374e-05,-0.0003664530813694,-1.7484321404328815,1,1953,1 -13954,0.0006296390442795746,-0.00018248707056045532,-0.0006026141345500946,-1.8648435218512134,1,1954,1 -13955,0.00067019339056089,-0.00016075000166893005,-0.0006506294012069702,-1.8130139923525288,1,1955,1 -13956,0.0003811623044558576,-5.2265822887420654e-05,-0.00037756189703941345,-1.708351934675136,1,1956,1 -13957,0.00042335312134731486,-6.99944794178009e-05,-0.00041752681136131287,-1.7368925448763508,1,1957,1 -13958,0.0006372432252245865,-0.00021583586931228638,-0.0005995780229568481,-1.916333866136095,1,1958,1 -13959,0.0006707677050714911,-0.00018038228154182434,-0.0006460584700107574,-1.84306699453343,1,1959,1 -13960,0.0005156775384279028,-0.00015012919902801514,-0.0004933401942253113,-1.8662041109546954,1,1960,1 -13961,0.0007022389614113992,-0.00021528452634811401,-0.0006684251129627228,-1.8823824371099254,1,1961,1 -13962,0.0006372173679014217,-0.00018262863159179688,-0.0006104856729507446,-1.861475892664188,1,1962,1 -13963,0.0006610527645117399,-0.0001248195767402649,-0.0006491616368293762,-1.7607560933828574,1,1963,1 -13964,0.0006051546494212081,-0.00021353363990783691,-0.0005662292242050171,-1.931420117008197,1,1964,1 -13965,0.0006139477738108155,-0.00016065314412117004,-0.0005925558507442474,-1.835550826151781,1,1965,1 -13966,0.0006371138096298754,-0.0001307278871536255,-0.0006235577166080475,-1.7774517625427362,1,1966,1 -13967,0.0006577853803160395,-0.00019067153334617615,-0.0006295442581176758,-1.8648861944528825,1,1967,1 -13968,0.00026490198698357403,-4.591047763824463e-05,-0.00026089325547218323,-1.7449870723885756,1,1968,1 -13969,0.00034875793611707616,-0.00010260194540023804,-0.0003333240747451782,-1.8694067747201133,1,1969,1 -13970,0.0006036458197765532,-0.00010476261377334595,-0.0005944855511188507,-1.7452293617450818,1,1970,1 -13971,0.0006600981839445302,-4.1097402572631836e-05,-0.0006588175892829895,-1.6330961491858405,1,1971,1 -13972,0.0006319538990412734,-0.0002344660460948944,-0.0005868487060070038,-1.9509009669363406,1,1972,1 -13973,0.000393855371519046,-0.00011682137846946716,-0.0003761313855648041,-1.871937103074336,1,1973,1 -13974,0.0006104924874642542,-0.0001415647566318512,-0.0005938522517681122,-1.8048125713639611,1,1974,1 -13975,0.0006397050811439739,-0.00019483640789985657,-0.0006093122065067291,-1.8802856242381396,1,1975,1 -13976,0.0006684880143914956,-9.441748261451721e-05,-0.0006617866456508636,-1.7125105421278526,1,1976,1 -13977,0.000588128439165057,-0.00014692172408103943,-0.0005694814026355743,-1.8232827415927086,1,1977,1 -13978,0.0006138172829821121,-0.00018893182277679443,-0.0005840174853801727,-1.8836742873678902,1,1978,1 -13979,0.00040829912191995426,-0.00012266263365745544,-0.00038943812251091003,-1.8759329152638407,1,1979,1 -13980,0.0006884979480054117,-0.0001924671232700348,-0.0006610490381717682,-1.8541179692923122,1,1980,1 -13981,0.0007139896766670204,-0.00017986446619033813,-0.0006909631192684174,-1.825454539997603,1,1981,1 -13982,0.0006608673795031265,-0.00018463656306266785,-0.0006345510482788086,-1.8539500760460634,1,1982,1 -13983,0.0003781441839093629,-0.00015873461961746216,-0.0003432147204875946,-2.0039912420984054,1,1983,1 -13984,0.0006303490491866586,-0.00013027340173721313,-0.0006167404353618622,-1.778965221048318,1,1984,1 -13985,0.0006503731066837842,-9.264051914215088e-05,-0.0006437413394451141,-1.7137245769372784,1,1985,1 -13986,0.0006849713413589587,-0.00017432868480682373,-0.0006624162197113037,-1.8281322217507265,1,1986,1 -13987,0.0006763523835586384,-9.743869304656982e-05,-0.0006692968308925629,-1.7153643580766047,1,1987,1 -13988,0.0006601797983861924,-0.00010773539543151855,-0.0006513297557830811,-1.7347204695883627,1,1988,1 -13989,0.0007083500785677647,-0.0001005716621875763,-0.0007011741399765015,-1.7132578879313294,1,1989,1 -13990,0.0003849739062383832,-0.00011560693383216858,-0.00036720559000968933,-1.875801493256521,1,1990,1 -13991,0.0006869205095788094,-0.0001957416534423828,-0.0006584413349628448,-1.8597561418555644,1,1991,1 -13992,0.0004165868598411488,-5.46574592590332e-05,-0.0004129856824874878,-1.702378732011453,1,1992,1 -13993,0.0006450089951683121,-8.982792496681213e-05,-0.0006387233734130859,-1.7105166396632239,1,1993,1 -13994,0.0006867690285979591,-0.0002049580216407776,-0.0006554722785949707,-1.8738520511502035,1,1994,1 -13995,0.0006495618480661015,-0.0001348257064819336,-0.0006354153156280518,-1.779880472357657,1,1995,1 -13996,0.0006171849568498808,-0.00018897652626037598,-0.0005875416100025177,-1.8819856747235886,1,1996,1 -13997,0.00044825692127918674,-0.00017909333109855652,-0.00041092559695243835,-1.9818034438747474,1,1997,1 -13998,0.0005518174032049346,-0.00011289864778518677,-0.0005401447415351868,-1.7768454607702082,1,1998,1 -13999,0.0006527116035840917,-0.00017501413822174072,-0.0006288103759288788,-1.8422518520598858,1,1999,1 -14000,0.0006740936291427197,-8.299201726913452e-05,-0.0006689652800559998,-1.6942259478576205,1,2000,1 -14001,0.0005525151901660319,-0.0001276358962059021,-0.0005375705659389496,-1.80391077395653,1,2001,1 -14002,0.0006165338105123498,-0.00017199665307998657,-0.0005920566618442535,-1.853521429772105,1,2002,1 -14003,0.0006384825181062391,-0.0001508668065071106,-0.0006204023957252502,-1.8093419080729658,1,2003,1 -14004,0.0006038323102463872,-0.0001409687101840973,-0.0005871467292308807,-1.806427453987105,1,2004,1 -14005,0.0006094626708688044,-0.0001453608274459839,-0.0005918741226196289,-1.8116240368007244,1,2005,1 -14006,0.0006589251526568202,-0.00013791769742965698,-0.0006443299353122711,-1.7816626134434326,1,2006,1 -14007,0.0006649347722582132,-0.0002072453498840332,-0.0006318129599094391,-1.8877545148577843,1,2007,1 -14008,0.0006443891566209706,-0.00012709572911262512,-0.0006317310035228729,-1.76933246020133,1,2008,1 -14009,0.000631328942679532,-0.00020913034677505493,-0.0005956850945949554,-1.9084288109127265,1,2009,1 -14010,0.0006864144704063048,-0.00016162917017936707,-0.0006671138107776642,-1.8084971976724526,1,2010,1 -14011,0.0006618828244403316,-0.00015190988779067993,-0.0006442144513130188,-1.8023723429237501,1,2011,1 -14012,0.0006740850014831844,-0.00011312589049339294,-0.0006645247340202332,-1.7394156383135504,1,2012,1 -14013,0.0005595790598295755,-0.00012193992733955383,-0.0005461312830448151,-1.790472583457304,1,2013,1 -14014,0.000690134030358169,-0.00014962628483772278,-0.0006737187504768372,-1.7893393929753618,1,2014,1 -14015,0.0005733827354937177,-0.00016182661056518555,-0.0005500726401805878,-1.8569155986054267,1,2015,1 -14016,0.0006157905832992163,-5.0555914640426636e-05,-0.0006137117743492126,-1.6529880368697019,1,2016,1 -14017,0.0006370860844715611,-0.000151950865983963,-0.0006186999380588531,-1.8116267424462178,1,2017,1 -14018,0.00045249560333861325,-7.978081703186035e-05,-0.00044540688395500183,-1.7480357422268054,1,2018,1 -14019,0.0003833428024007557,-0.00010581314563751221,-0.0003684498369693756,-1.8504548710507511,1,2019,1 -14020,0.0006626193030598745,-0.00015012919902801514,-0.0006453879177570343,-1.7993502724215296,1,2020,1 -14021,0.0006517513712874965,-0.00019046291708946228,-0.0006233006715774536,-1.867356712741145,1,2021,1 -14022,0.0006276895499984428,-0.0001479610800743103,-0.0006100013852119446,-1.8087591471138904,1,2022,1 -14023,0.0005136090210233843,-0.0001850724220275879,-0.0004791058599948883,-1.939425648444716,1,2023,1 -14024,0.0006647410772375337,-0.00017886608839035034,-0.0006402246654033661,-1.8432301874114128,1,2024,1 -14025,0.0003815363372319881,-9.720772504806519e-05,-0.00036894530057907104,-1.8284162361562675,1,2025,1 -14026,0.0006859705177675714,-9.69618558883667e-05,-0.0006790831685066223,-1.7126211879945912,1,2026,1 -14027,0.0006590793488833307,-0.00013946369290351868,-0.0006441548466682434,-1.7840119517047337,1,2027,1 -14028,0.0006223167069323969,-0.0001261979341506958,-0.0006093867123126984,-1.7749998694570512,1,2028,1 -14029,0.0006478964330807325,-0.00012665241956710815,-0.0006353966891765594,-1.7675457527695866,1,2029,1 -14030,0.0007512103568601436,-0.00017854571342468262,-0.0007296837866306305,-1.810770340935171,1,2030,1 -14031,0.0006504456048346042,-8.811801671981812e-05,-0.0006444491446018219,-1.7066874840919983,1,2031,1 -14032,0.0006816951203634204,-0.0001774318516254425,-0.0006581991910934448,-1.8341088868730884,1,2032,1 -14033,0.0006702835365902278,-0.00019755959510803223,-0.0006405077874660492,-1.8699800993814757,1,2033,1 -14034,0.0005857811500870824,-0.0001645497977733612,-0.0005621947348117828,-1.8555349529056717,1,2034,1 -14035,0.0006122394586077772,-0.00018149986863136292,-0.0005847178399562836,-1.871772269228927,1,2035,1 -14036,0.0006443366087124525,-0.00013950839638710022,-0.0006290525197982788,-1.7890394707257242,1,2036,1 -14037,0.000628610965546185,-0.0001739002764225006,-0.0006040781736373901,-1.8510944299678453,1,2037,1 -14038,0.0007206760330232515,-0.00021795183420181274,-0.0006869286298751831,-1.8780341073296563,1,2038,1 -14039,0.0006828708991039102,-0.00012532994151115417,-0.0006712712347507477,-1.755376519921292,1,2039,1 -14040,0.0006760849204549719,-0.00015392526984214783,-0.000658329576253891,-1.800482041009239,1,2040,1 -14041,0.000693681170204326,-0.00013041868805885315,-0.0006813108921051025,-1.7599314939195885,1,2041,1 -14042,0.000601275970502001,-0.00010923296213150024,-0.0005912706255912781,-1.7534793458634435,1,2042,1 -14043,0.0006297229856743616,-0.00014087185263633728,-0.0006137639284133911,-1.7964099530382225,1,2043,1 -14044,0.00039521047297452863,-8.139759302139282e-06,-0.0003951266407966614,-1.5913937943312841,1,2044,1 -14045,0.0006413288728336329,-0.00021302327513694763,-0.0006049163639545441,-1.9093881366465286,1,2045,1 -14046,0.0006498423011137808,-0.0001630149781703949,-0.0006290636956691742,-1.8243577958328934,1,2046,1 -14047,0.0007551990488401082,-0.00018291547894477844,-0.00073271244764328,-1.8154376068073075,1,2047,1 -14048,0.000604393184413339,-0.00015144050121307373,-0.0005851127207279205,-1.8240613910184917,1,2048,1 -14049,0.0006216594346321009,-0.00019286945462226868,-0.0005909837782382965,-1.886251673123527,1,2049,1 -14050,0.000657672862920066,-9.541213512420654e-05,-0.0006507150828838348,-1.7163854766084072,1,2050,1 -14051,0.0006909289468751073,-7.994845509529114e-05,-0.0006862878799438477,-1.686767652292174,1,2051,1 -14052,0.0004470947736118338,-0.00010668858885765076,-0.0004341788589954376,-1.8117474065383035,1,2052,1 -14053,0.000705057635229691,-0.00013814494013786316,-0.0006913915276527405,-1.7680064046060218,1,2053,1 -14054,0.0006586183276750977,-0.00014368444681167603,-0.0006427541375160217,-1.7907254086168358,1,2054,1 -14055,0.0005506277790176713,-8.29547643661499e-05,-0.0005443431437015533,-1.7220270114053764,1,2055,1 -14056,0.0006367714440622257,-0.00017698481678962708,-0.0006116814911365509,-1.8524461902786031,1,2056,1 -14057,0.0006326388512594033,-0.00023114308714866638,-0.0005889013409614563,-1.944819498879587,1,2057,1 -14058,0.0006437527474055673,-7.617473602294922e-05,-0.0006392300128936768,-1.6894034001706029,1,2058,1 -14059,0.0006499215496501518,-0.0001208968460559845,-0.0006385780870914459,-1.7579037628114986,1,2059,1 -14060,0.0006150617544092348,-0.00015220791101455688,-0.0005959309637546539,-1.8208621019615474,1,2060,1 -14061,0.0004961836636031343,-0.0001462996006011963,-0.0004741251468658447,-1.8700945410642635,1,2061,1 -14062,0.0006703600561887878,-0.00016583874821662903,-0.000649522989988327,-1.820779416178269,1,2062,1 -14063,0.0006430241747772315,-0.00022692233324050903,-0.0006016530096530914,-1.931463546281889,1,2063,1 -14064,0.00033803920154790103,-0.00012665241956710815,-0.00031341612339019775,-1.9548348263455397,1,2064,1 -14065,0.0005934615791413142,-0.00012067332863807678,-0.0005810633301734924,-1.775562337076376,1,2065,1 -14066,0.0006699724276069715,-0.0001428462564945221,-0.0006545670330524445,-1.7856578545940731,1,2066,1 -14067,0.0006374036810180169,-8.046254515647888e-05,-0.0006323046982288361,-1.6973688472817288,1,2067,1 -14068,0.0006327687519685894,-0.00015716254711151123,-0.000612940639257431,-1.8217963813760545,1,2068,1 -14069,0.0006935687624485138,-0.0001804456114768982,-0.0006696842610836029,-1.8339943296427412,1,2069,1 -14070,0.000634992531969407,-0.00018283352255821228,-0.000608101487159729,-1.8628611240209552,1,2070,1 -14071,0.0006657432186741151,-0.00011492893099784851,-0.0006557479500770569,-1.7442980220094895,1,2071,1 -14072,0.0006284002258506441,-0.00014160946011543274,-0.0006122365593910217,-1.7980977215319907,1,2072,1 -14073,0.000661919959846352,-0.00011013448238372803,-0.0006526932120323181,-1.7379601754269318,1,2073,1 -14074,0.0006253554496791963,-0.0001961737871170044,-0.0005937889218330383,-1.889883194716501,1,2074,1 -14075,0.0006599658099023398,-0.0002343393862247467,-0.0006169602274894714,-1.9337939049470882,1,2075,1 -14076,0.0005987232567076164,-0.0001769624650478363,-0.0005719736218452454,-1.8708446581950184,1,2076,1 -14077,0.00046173914414819465,-0.00012316927313804626,-0.0004450082778930664,-1.840816388936623,1,2077,1 -14078,0.000652217206381581,-0.0001835264265537262,-0.0006258636713027954,-1.8560371041479429,1,2078,1 -14079,0.0006330281744341902,-0.00022543221712112427,-0.000591527670621872,-1.934905696259831,1,2079,1 -14080,0.0005967958050086815,-0.00020304694771766663,-0.0005611926317214966,-1.9179562211357126,1,2080,1 -14081,0.000674098117628871,-0.00014121085405349731,-0.0006591416895389557,-1.781840641090973,1,2081,1 -14082,0.0007255648217022855,-0.0001378469169139862,-0.0007123500108718872,-1.761943874850518,1,2082,1 -14083,0.0006295753933541342,-0.000102262943983078,-0.0006212145090103149,-1.7339508182105425,1,2083,1 -14084,0.00044111430203093807,-9.21003520488739e-05,-0.0004313923418521881,-1.7811340786792527,1,2084,1 -14085,0.0007219301274021284,-0.00012480095028877258,-0.0007110610604286194,-1.7445403751167425,1,2085,1 -14086,0.0005873301704188107,-0.0001228637993335724,-0.0005743354558944702,-1.7815432362808306,1,2086,1 -14087,0.0006060668531493153,-0.00020058825612068176,-0.0005719102919101715,-1.908124694409234,1,2087,1 -14088,0.0006755844865109486,-5.7052820920944214e-05,-0.0006731711328029633,-1.6553466011811502,1,2088,1 -14089,0.0006450620620676597,-0.00013300031423568726,-0.0006312020123004913,-1.7784680382137728,1,2089,1 -14090,0.0003182664271366021,-9.097903966903687e-05,-0.00030498579144477844,-1.8606981130862001,1,2090,1 -14091,0.000607719336468948,-0.000126764178276062,-0.0005943514406681061,-1.780929354384971,1,2091,1 -14092,0.0006825354840133835,-0.00013259798288345337,-0.000669531524181366,-1.766312253995642,1,2092,1 -14093,0.0007027259388099591,-9.306520223617554e-05,-0.0006965361535549164,-1.7036211033241337,1,2093,1 -14094,0.0006617570121145822,-0.0001064203679561615,-0.000653143972158432,-1.7323125401694146,1,2094,1 -14095,0.0006664239957770188,-0.00010322034358978271,-0.0006583817303180695,-1.7263092927090358,1,2095,1 -14096,0.0006487438622270065,-0.00014955922961235046,-0.0006312690675258636,-1.803425467973472,1,2096,1 -14097,0.0005722640579330093,-0.00010425969958305359,-0.0005626864731311798,-1.7540076620566392,1,2097,1 -14098,0.0006369820236846697,-0.00011722743511199951,-0.000626102089881897,-1.7558870459509812,1,2098,1 -14099,0.000657100179778574,-0.0001338459551334381,-0.0006433241069316864,-1.7759236913328136,1,2099,1 -14100,0.0006497773425479472,-0.0001327209174633026,-0.000636078417301178,-1.7764999451561616,1,2100,1 -14101,0.0006214556558416043,-0.00015787407755851746,-0.0006010681390762329,-1.8276504775859885,1,2101,1 -14102,0.0006663183517537777,-0.00014548376202583313,-0.0006502419710159302,-1.7909091437896933,1,2102,1 -14103,0.0005671748996071913,-0.00011390447616577148,-0.0005556195974349976,-1.772999170342582,1,2103,1 -14104,0.000705089354725075,-0.00015626847743988037,-0.0006875544786453247,-1.7942813585566695,1,2104,1 -14105,0.0007265227082255039,-0.00014059245586395264,-0.0007127895951271057,-1.7655391169053651,1,2105,1 -14106,0.0004511491067224157,-6.251782178878784e-05,-0.0004467964172363281,-1.709818342901825,1,2106,1 -14107,0.000616638577777244,-0.00010577961802482605,-0.0006074979901313782,-1.7431913189604187,1,2107,1 -14108,0.0006405343708858336,-8.420273661613464e-05,-0.0006349757313728333,-1.702634934013005,1,2108,1 -14109,0.0006321040493276129,-0.00014928728342056274,-0.0006142221391201019,-1.8092241037722188,1,2109,1 -14110,0.0006560601971468458,-0.00013204291462898254,-0.000642634928226471,-1.7734469957064802,1,2110,1 -14111,0.0006417457101223656,-0.000255487859249115,-0.0005886964499950409,-1.980256142986063,1,2111,1 -14112,0.000665555709240871,-0.0001721903681755066,-0.0006428956985473633,-1.832489747296712,1,2112,1 -14113,0.0006294848280131854,-0.00015500560402870178,-0.000610101968050003,-1.8195972709739283,1,2113,1 -14114,0.0006007828619835769,-0.00013488903641700745,-0.0005854442715644836,-1.7972489255789372,1,2114,1 -14115,0.0006094304553650263,-0.00016823410987854004,-0.0005857497453689575,-1.8504797286152606,1,2115,1 -14116,0.0006748975748999112,-0.00014627724885940552,-0.0006588548421859741,-1.7892700948799154,1,2116,1 -14117,0.0006863401682788487,-0.00014985352754592896,-0.0006697811186313629,-1.7909064678638693,1,2117,1 -14118,0.0006962580867736804,-0.00015407055616378784,-0.0006789974868297577,-1.7939269198253802,1,2118,1 -14119,0.00045140554128837804,-0.00010450929403305054,-0.0004391409456729889,-1.8044359053228323,1,2119,1 -14120,0.0006055635327718244,-0.0001253858208656311,-0.0005924403667449951,-1.779361546308823,1,2120,1 -14121,0.0006689735872042928,-0.0003336891531944275,-0.0005798079073429108,-2.0930188592260426,1,2121,1 -14122,0.0004371910521068098,-0.00014084205031394958,-0.0004138834774494171,-1.8987983154771189,1,2122,1 -14123,0.0006675402941043483,-0.00015203654766082764,-0.0006499961018562317,-1.8005691879369554,1,2123,1 -14124,0.0006110768547862549,-0.00011411681771278381,-0.000600326806306839,-1.758646253569541,1,2124,1 -14125,0.0007190765919823024,-0.00021095946431159973,-0.0006874352693557739,-1.8685521427182545,1,2125,1 -14126,0.0006630530652323001,-0.00013137981295585632,-0.0006499066948890686,-1.7702600733523615,1,2126,1 -14127,0.0006622494391906155,-0.00011534616351127625,-0.0006521269679069519,-1.7458624899518922,1,2127,1 -14128,0.0006059483671841933,-8.987262845039368e-05,-0.000599246472120285,-1.7196628669830296,1,2128,1 -14129,0.0006994403354255545,-0.00010573118925094604,-0.0006914027035236359,-1.722543457643873,1,2129,1 -14130,0.0006562352478002046,-6.922334432601929e-05,-0.0006525740027427673,-1.6764785020639419,1,2130,1 -14131,0.0007040280029589441,-0.0001250915229320526,-0.0006928257644176483,-1.7494245127434527,1,2131,1 -14132,0.0006838803130030049,-0.00012927502393722534,-0.0006715506315231323,-1.760972250577677,1,2132,1 -14133,0.0006286612153869887,-9.210407733917236e-05,-0.0006218776106834412,-1.7178338668669835,1,2133,1 -14134,0.0006711990669313512,-8.184835314750671e-05,-0.0006661899387836456,-1.6930440728579275,1,2134,1 -14135,0.0006539126956777105,-9.124726057052612e-05,-0.0006475150585174561,-1.7107936184562071,1,2135,1 -14136,0.0006284803883427989,-0.00013066455721855164,-0.0006147474050521851,-1.7802295532009706,1,2136,1 -14137,0.0005747560639865689,-0.00013570114970207214,-0.0005585066974163055,-1.8091489681955284,1,2137,1 -14138,0.0006990431425813335,-0.00011780858039855957,-0.0006890445947647095,-1.7401327898714483,1,2138,1 -14139,0.0006278084628101102,-0.00015816837549209595,-0.0006075575947761536,-1.8254779458299073,1,2139,1 -14140,0.0006741093083633332,-0.0001344345510005951,-0.0006605684757232666,-1.771567883234888,1,2140,1 -14141,0.0006196005993836083,-0.00020341575145721436,-0.0005852580070495605,-1.9053010781868038,1,2141,1 -14142,0.0006288852696225951,-0.0002929121255874634,-0.0005565062165260315,-2.0552941200160757,1,2142,1 -14143,0.0006712844342383083,-0.00017579272389411926,-0.0006478577852249146,-1.835760993257714,1,2143,1 -14144,0.0006419021417186224,-0.0001448318362236023,-0.0006253495812416077,-1.7983851204496473,1,2144,1 -14145,0.0005882993676036438,-0.00010154768824577332,-0.0005794689059257507,-1.7442774593324402,1,2145,1 -14146,0.0006385249938525578,-0.0001227259635925293,-0.0006266199052333832,-1.7642021094332152,1,2146,1 -14147,0.0006835328125636552,-0.00012818723917007446,-0.0006714053452014923,-1.7594497051194775,1,2147,1 -14148,0.0006253808693488876,-0.00010834261775016785,-0.000615924596786499,-1.7449174487395258,1,2148,1 -14149,0.0005866129020120099,-0.00013414770364761353,-0.0005710683763027191,-1.8015197286253413,1,2149,1 -14150,0.0006175696744121018,-0.00011235475540161133,-0.0006072632968425751,-1.7537456800126532,1,2150,1 -14151,0.0006147433585207277,-0.00015031173825263977,-0.0005960837006568909,-1.8178120570743228,1,2151,1 -14152,0.0004904849466558801,-0.00010981783270835876,-0.0004780329763889313,-1.796606907996816,1,2152,1 -14153,0.0006207557680241218,-0.00019074603915214539,-0.0005907230079174042,-1.8831300987644077,1,2153,1 -14154,0.0006481828549505851,-0.00016081705689430237,-0.0006279163062572479,-1.8215193694310514,1,2154,1 -14155,0.0006914298892564167,-0.00016807764768600464,-0.0006706900894641876,-1.8163434196614183,1,2155,1 -14156,0.0006614992101016185,-0.00016092881560325623,-0.0006416253745555878,-1.8165412377110544,1,2156,1 -14157,0.0006700689749103334,-0.00018608570098876953,-0.0006437115371227264,-1.8522071605245376,1,2157,1 -14158,0.0007293717257218612,-0.0001355186104774475,-0.000716671347618103,-1.7576841784478248,1,2158,1 -14159,0.0006966081769717843,-9.98862087726593e-05,-0.0006894096732139587,-1.7146816608473254,1,2159,1 -14160,0.0006816176654944979,-0.00023689866065979004,-0.0006391257047653198,-1.9257570969177127,1,2160,1 -14161,0.0005876216503078024,-0.0001248680055141449,-0.0005742013454437256,-1.784926231789886,1,2161,1 -14162,0.0004970505292670481,-0.00010609626770019531,-0.00048559531569480896,-1.7859030307517914,1,2162,1 -14163,0.0006116178704594951,-0.00014683976769447327,-0.0005937293171882629,-1.813248881034862,1,2163,1 -14164,0.0005870533768165838,-0.00022445246577262878,-0.0005424506962299347,-1.9631209022103697,1,2164,1 -14165,0.0006742779312973234,-0.00015687942504882812,-0.0006557740271091461,-1.8056111041018401,1,2165,1 -14166,0.00038151507407421364,-3.909692168235779e-05,-0.00037950649857521057,-1.6734545984973752,1,2166,1 -14167,0.000669587478107553,-0.00016627460718154907,-0.0006486140191555023,-1.8217459503505302,1,2167,1 -14168,0.0007005065346759771,-0.00012646615505218506,-0.0006889961659908295,-1.7523269902155933,1,2168,1 -14169,0.0006570424060683311,-0.00010285526514053345,-0.000648941844701767,-1.7279856568538305,1,2169,1 -14170,0.0006624005003399938,-0.00014998018741607666,-0.0006451979279518127,-1.7991961500851088,1,2170,1 -14171,0.0006927206386826383,-0.00014198198914527893,-0.0006780140101909637,-1.7772220674554766,1,2171,1 -14172,0.00040525034478773933,-9.48496162891388e-05,-0.00039399415254592896,-1.807039601462363,1,2172,1 -14173,0.000615340440013269,-0.00011230260133743286,-0.0006050057709217072,-1.7543297942940832,1,2173,1 -14174,0.0003832456002961917,-0.00014222785830497742,-0.00035587698221206665,-1.9510048742818384,1,2174,1 -14175,0.0006416689202691056,-0.00011314079165458679,-0.0006316155195236206,-1.7480456793302004,1,2175,1 -14176,0.0007474754384216135,-0.000186283141374588,-0.0007238909602165222,-1.822667372652888,1,2176,1 -14177,0.0006324721265364769,-0.00010839477181434631,-0.0006231144070625305,-1.7430292757311305,1,2177,1 -14178,0.0006258835559578534,-0.00012363120913505554,-0.0006135515868663788,-1.7696346613761025,1,2178,1 -14179,0.0005956724871415042,-0.00012316927313804626,-0.0005827993154525757,-1.779072341572531,1,2179,1 -14180,0.0003751994227325351,-8.715316653251648e-05,-0.000364936888217926,-1.8052225246256537,1,2180,1 -14181,0.00036456056082786136,-3.080442547798157e-05,-0.0003632567822933197,-1.6553946168366538,1,2181,1 -14182,0.0006012013325154072,-0.00014529377222061157,-0.0005833804607391357,-1.8148853024188647,1,2182,1 -14183,0.0006465228795842875,-0.00010850653052330017,-0.000637352466583252,-1.7394252938555876,1,2183,1 -14184,0.0006880950778974721,-0.0001443326473236084,-0.0006727874279022217,-1.782122584669867,1,2184,1 -14185,0.0006056660321812021,-0.0001246817409992218,-0.0005926936864852905,-1.7781376483537037,1,2185,1 -14186,0.0006221848620704436,-0.00017591193318367004,-0.0005967989563941956,-1.8574380630807565,1,2186,1 -14187,0.0004121887667982521,-0.00010950490832328796,-0.0003973767161369324,-1.839691932692245,1,2187,1 -14188,0.0006761964469752158,-7.88755714893341e-05,-0.00067158043384552,-1.687708421049752,1,2188,1 -14189,0.0006540290345573003,-0.00013395026326179504,-0.0006401650607585907,-1.7770636918734237,1,2189,1 -14190,0.0006985335203345985,-0.00018409639596939087,-0.0006738379597663879,-1.8374936610391912,1,2190,1 -14191,0.0006028637717823431,-0.00010158494114875793,-0.0005942434072494507,-1.740108070069917,1,2191,1 -14192,0.0005943097514808853,-0.000128231942653656,-0.0005803108215332031,-1.788272747663511,1,2192,1 -14193,0.0006653755021181622,-0.000182468444108963,-0.0006398670375347137,-1.8485891808910149,1,2193,1 -14194,0.0007039321648381655,-0.00012900680303573608,-0.0006920099258422852,-1.7551039819821068,1,2194,1 -14195,0.0006808848410955963,-0.00017310678958892822,-0.0006585121154785156,-1.8278560434563609,1,2195,1 -14196,0.0006836229506664487,-9.681656956672668e-05,-0.0006767325103282928,-1.7128968336104147,1,2196,1 -14197,0.000603002883471331,-0.00016098842024803162,-0.0005811154842376709,-1.8410520239068688,1,2197,1 -14198,0.0005650748701656302,-0.00022332742810249329,-0.0005190707743167877,-1.9771008471847848,1,2198,1 -14199,0.0006190062068692657,-0.00010228529572486877,-0.00061049684882164,-1.7367988414721385,1,2199,1 -14200,0.0006825270100751007,-0.00015476718544960022,-0.0006647482514381409,-1.7995420865565144,1,2200,1 -14201,0.000670948390511677,-0.00011377409100532532,-0.0006612315773963928,-1.7411917363871972,1,2201,1 -14202,0.0006368554068310448,-0.00014748796820640564,-0.0006195418536663055,-1.8045059069883287,1,2202,1 -14203,0.0006788244800375717,-0.00016600266098976135,-0.0006582140922546387,-1.81784602792501,1,2203,1 -14204,0.0006094598478858551,-0.0001591108739376068,-0.0005883239209651947,-1.8349254303807514,1,2204,1 -14205,0.0005706167871460564,-0.00011097639799118042,-0.0005597211420536041,-1.7665287104718086,1,2205,1 -14206,0.0006486386634882014,-9.117275476455688e-05,-0.0006421990692615509,-1.7118234964579357,1,2206,1 -14207,0.0005994751754150673,-0.0001700669527053833,-0.0005748458206653595,-1.8584395537035816,1,2207,1 -14208,0.0004024508389925027,-0.00010488182306289673,-0.0003885440528392792,-1.834448018584159,1,2208,1 -14209,0.0006495784172743853,-0.00014929473400115967,-0.0006321892142295837,-1.802702693600833,1,2209,1 -14210,0.0006286440486143717,-0.00016553327441215515,-0.0006064586341381073,-1.8372562707480555,1,2210,1 -14211,0.0005177173912728952,-4.29786741733551e-05,-0.0005159303545951843,-1.6539076805562272,1,2211,1 -14212,0.0006117691680023287,-9.856745600700378e-05,-0.0006037764251232147,-1.732620389290398,1,2212,1 -14213,0.0006394246574771428,-0.00011092051863670349,-0.0006297305226325989,-1.7451475715506457,1,2213,1 -14214,0.0004826814279893787,-9.86829400062561e-05,-0.0004724860191345215,-1.776695427984999,1,2214,1 -14215,0.000697472233431885,-0.00018351897597312927,-0.0006728954613208771,-1.8370511866346844,1,2215,1 -14216,0.0006433206118374946,-0.00018458440899848938,-0.000616271048784256,-1.8618110648126185,1,2216,1 -14217,0.0006474780031573227,-6.728619337081909e-05,-0.0006439723074436188,-1.674904720380309,1,2217,1 -14218,0.00033909630237640017,-0.00012160465121269226,-0.0003165416419506073,-1.9375789434586406,1,2218,1 -14219,0.000627854659296256,-0.00022385641932487488,-0.0005865916609764099,-1.9353601125284396,1,2219,1 -14220,0.0005589996658708609,-0.0001653321087360382,-0.0005339905619621277,-1.8710517743088004,1,2220,1 -14221,0.0006577037580687258,-0.00013066083192825317,-0.0006445944309234619,-1.7707889833368191,1,2221,1 -14222,0.0006678624691706871,-0.00015758350491523743,-0.0006490051746368408,-1.8089944697535894,1,2222,1 -14223,0.0006591647808518185,-0.00011812150478363037,-0.0006484948098659515,-1.7509682842305874,1,2223,1 -14224,0.0006389329915499495,-0.00012902170419692993,-0.0006257705390453339,-1.7741275835009052,1,2224,1 -14225,0.0006540620376281342,-0.00014626607298851013,-0.000637497752904892,-1.7963306820885363,1,2225,1 -14226,0.0006766122238896195,-0.00011965632438659668,-0.0006659477949142456,-1.748577580552786,1,2226,1 -14227,0.000750510322559859,-0.00020429491996765137,-0.0007221698760986328,-1.8464832739731083,1,2227,1 -14228,0.0005893642981122889,-8.377060294151306e-05,-0.0005833804607391357,-1.7134165504883334,1,2228,1 -14229,0.00032775518127179705,-0.00010724365711212158,-0.0003097131848335266,-1.9041422522431826,1,2229,1 -14230,0.0005641237966041916,-6.14747405052185e-05,-0.0005607642233371735,-1.6799870178003953,1,2230,1 -14231,0.0006095308222137573,-0.00019381195306777954,-0.0005778968334197998,-1.8943829472367884,1,2231,1 -14232,0.0006227754707251357,-0.00012489035725593567,-0.0006101243197917938,-1.7727037163798771,1,2232,1 -14233,0.0005786825053549583,-0.00017463043332099915,-0.0005517043173313141,-1.8773475500864936,1,2233,1 -14234,0.000635628756432229,-0.0002097897231578827,-0.0006000101566314697,-1.907153623093734,1,2234,1 -14235,0.0005685840818774109,-0.00017641112208366394,-0.0005405247211456299,-1.8862669596864903,1,2235,1 -14236,0.0007444004127767783,-0.0001493394374847412,-0.0007292665541172028,-1.7727840931955536,1,2236,1 -14237,0.0006744041548753163,-0.00020431727170944214,-0.0006427094340324402,-1.8785930959721138,1,2237,1 -14238,0.00029751898245136894,-8.63000750541687e-05,-0.00028472766280174255,-1.8650918966763639,1,2238,1 -14239,0.0006081086882244667,-0.000191371887922287,-0.0005772113800048828,-1.8909370507912129,1,2239,1 -14240,0.0006946350708667678,-0.00014005973935127258,-0.0006803683936595917,-1.7738188335206146,1,2240,1 -14241,0.0005132305617812492,-0.0001036226749420166,-0.000502660870552063,-1.7740966460836443,1,2241,1 -14242,0.00043191777565075085,-8.017569780349731e-05,-0.0004244111478328705,-1.7575064687658817,1,2242,1 -14243,0.0006444466064732248,-9.849295020103455e-05,-0.0006368756294250488,-1.7242310259461433,1,2243,1 -14244,0.000688413181300039,-0.00013878941535949707,-0.0006742775440216064,-1.773795400697215,1,2244,1 -14245,0.0006531785659767338,-0.00017154961824417114,-0.0006302483379840851,-1.8365516626482936,1,2245,1 -14246,0.0006348751978925796,-0.00019847601652145386,-0.0006030537188053131,-1.8887485690904178,1,2246,1 -14247,0.0006455202327431025,-0.00017697736620903015,-0.0006207861006259918,-1.84851493202557,1,2247,1 -14248,0.0006506633996609789,-0.00011390447616577148,-0.0006406158208847046,-1.7467620076542412,1,2248,1 -14249,0.0006644823179407392,-0.0001678653061389923,-0.0006429292261600494,-1.8261893395119768,1,2249,1 -14250,0.0003136718103179044,-0.00012752413749694824,-0.0002865791320800781,-1.9894740617067448,1,2250,1 -14251,0.0006039198393982096,-0.0001859217882156372,-0.0005745887756347656,-1.8837376019863243,1,2251,1 -14252,0.0006989452303010682,-0.00015477091073989868,-0.0006815940141677856,-1.7940820439702587,1,2252,1 -14253,0.0006533762116765954,-0.00012566149234771729,-0.0006411783397197723,-1.764328579289258,1,2253,1 -14254,0.0006214792413222175,-0.0001271180808544159,-0.0006083399057388306,-1.7767912540337476,1,2254,1 -14255,0.0006665044856740975,-0.00015927106142044067,-0.0006471946835517883,-1.8120958745475975,1,2255,1 -14256,0.0006499215454863128,-0.00011122971773147583,-0.0006403326988220215,-1.742786299454288,1,2256,1 -14257,0.0006277553286706882,-0.00025700777769088745,-0.0005727335810661316,-1.992600939912428,1,2257,1 -14258,0.0005638533584654309,-0.00027909502387046814,-0.0004899352788925171,-2.088605872109508,1,2258,1 -14259,0.00042192149153277896,-0.00011168047785758972,-0.0004068724811077118,-1.8386838772885257,1,2259,1 -14260,0.0005925465546711535,-0.0001187250018119812,-0.0005805306136608124,-1.7725257743982878,1,2260,1 -14261,0.0003182835998817873,-0.00010830536484718323,-0.0002992898225784302,-1.918010381459272,1,2261,1 -14262,0.0005870420958253933,-0.0001137368381023407,-0.0005759187042713165,-1.76577501352869,1,2262,1 -14263,0.0006200471763359632,-0.00022938475012779236,-0.0005760565400123596,-1.9497485727058106,1,2263,1 -14264,0.0006289366611714593,-8.261576294898987e-05,-0.0006234869360923767,-1.7025348937823666,1,2264,1 -14265,0.0005928873837913975,-0.00011228024959564209,-0.0005821585655212402,-1.7613256975670497,1,2265,1 -14266,0.0006237864195208407,-0.00016774982213974,-0.0006008073687553406,-1.8430698373825551,1,2266,1 -14267,0.0003378227044181946,-6.669014692306519e-05,-0.0003311745822429657,-1.7695132612306672,1,2267,1 -14268,0.0006739796595798102,-0.00011698156595230103,-0.0006637498736381531,-1.745248236382257,1,2268,1 -14269,0.00037509157909779986,-0.00013840198516845703,-0.0003486238420009613,-1.9487096615226431,1,2269,1 -14270,0.0006183586218920221,-0.00017521902918815613,-0.0005930140614509583,-1.858093799858928,1,2270,1 -14271,0.0006833058840472339,-0.00016654282808303833,-0.0006626993417739868,-1.8170073468825836,1,2271,1 -14272,0.0006697307087763371,-0.00022601336240768433,-0.0006304420530796051,-1.9150232096738478,1,2272,1 -14273,0.0006220752883016759,-0.00014019757509231567,-0.0006060712039470673,-1.798119887700979,1,2273,1 -14274,0.0005803072955467983,-0.00016709044575691223,-0.0005557313561439514,-1.862865539640325,1,2274,1 -14275,0.0006431240533801163,-0.0001539364457130432,-0.0006244294345378876,-1.8125001961358371,1,2275,1 -14276,0.0004757014855939508,-4.502013325691223e-05,-0.00047356635332107544,-1.6655776375691413,1,2276,1 -14277,0.0006799632098756545,-0.00017439201474189758,-0.0006572194397449493,-1.8301674089466824,1,2277,1 -14278,0.0006011200017074006,-0.00016307085752487183,-0.0005785785615444183,-1.8455172911667694,1,2278,1 -14279,0.0003398542750853979,-9.111687541007996e-05,-0.00032741203904151917,-1.842222553637188,1,2279,1 -14280,0.0006376999699598216,-9.904429316520691e-05,-0.0006299614906311035,-1.726742518342394,1,2280,1 -14281,0.0006222811156073907,-0.00015914812684059143,-0.0006015859544277191,-1.8294193050493657,1,2281,1 -14282,0.000650858688458012,-0.00016666948795318604,-0.0006291568279266357,-1.8297572965645257,1,2282,1 -14283,0.0006772916301475908,-0.00019266456365585327,-0.0006493106484413147,-1.8592428054890002,1,2283,1 -14284,0.0006466114301635073,-0.00012182444334030151,-0.0006350316107273102,-1.7603335310989814,1,2284,1 -14285,0.0006396832302947662,-0.0001626238226890564,-0.000618666410446167,-1.827843189306967,1,2285,1 -14286,0.0005967370153627537,-0.00010109320282936096,-0.0005881115794181824,-1.74102728653918,1,2286,1 -14287,0.0005661195662905544,-0.00012012571096420288,-0.000553227961063385,-1.7846132216634896,1,2287,1 -14288,0.0006274656621801288,-0.0001362524926662445,-0.0006124936044216156,-1.78968743979282,1,2288,1 -14289,0.0006993233155287255,-0.00017609819769859314,-0.0006767883896827698,-1.8253487490176452,1,2289,1 -14290,0.00041205199705290647,-0.00014113262295722961,-0.00038712844252586365,-1.9203853125220791,1,2290,1 -14291,0.0006753635540480338,-0.0001659691333770752,-0.0006546527147293091,-1.819087441016321,1,2291,1 -14292,0.000606754920487926,-0.00013490021228790283,-0.000591568648815155,-1.7950006228914117,1,2292,1 -14293,0.0006080392092560965,-0.00020396709442138672,-0.0005728080868721008,-1.912879790380024,1,2293,1 -14294,0.0006429323372237514,-0.00015459954738616943,-0.0006240680813789368,-1.8136361150685338,1,2294,1 -14295,0.0006756792857531184,-0.00016254186630249023,-0.00065583735704422,-1.813739776266051,1,2295,1 -14296,0.0007184592720125073,-0.000195428729057312,-0.0006913691759109497,-1.8462784016843659,1,2296,1 -14297,0.0006119091122068389,-0.00013795867562294006,-0.0005961544811725616,-1.7982075474379644,1,2297,1 -14298,0.0005578515649017966,-8.305907249450684e-05,-0.0005516335368156433,-1.7202429951490839,1,2298,1 -14299,0.000622825845548691,-0.00013408809900283813,-0.0006082206964492798,-1.7877849836053321,1,2299,1 -14300,0.0006144288065388177,-0.0001524500548839569,-0.0005952157080173492,-1.8215320168040963,1,2300,1 -14301,0.0006242218276656642,-0.00014339759945869446,-0.0006075277924537659,-1.8025885465864662,1,2301,1 -14302,0.0006838219922688007,-0.0001514740288257599,-0.0006668344140052795,-1.79415992128045,1,2302,1 -14303,0.0005960444343475147,-0.00015554949641227722,-0.0005753897130489349,-1.834822831866889,1,2303,1 -14304,0.000653270193593411,-0.00015333294868469238,-0.0006350204348564148,-1.8077226942795723,1,2304,1 -14305,0.0006993327804235274,-0.00011079013347625732,-0.0006905011832714081,-1.7298892224920785,1,2305,1 -14306,0.0006702254198365301,-8.902698755264282e-05,-0.0006642863154411316,-1.704021488205646,1,2306,1 -14307,0.00038876632914621573,-0.00015008822083473206,-0.00035862624645233154,-1.9671560021285117,1,2307,1 -14308,0.0005806605826387612,-0.0001664571464061737,-0.0005562901496887207,-1.8615439839031473,1,2308,1 -14309,0.0006041779371007568,-0.00018272176384925842,-0.0005758851766586304,-1.8780377368355443,1,2309,1 -14310,0.0006476192226969832,-0.0001552477478981018,-0.0006287358701229095,-1.8128745022228399,1,2310,1 -14311,0.0005479320344481354,-4.8961490392684937e-05,-0.0005457401275634766,-1.660272537838078,1,2311,1 -14312,0.0006363881134238749,-0.00014229491353034973,-0.0006202757358551025,-1.7963003906465995,1,2312,1 -14313,0.0005887868895236828,-0.00021405890583992004,-0.0005484968423843384,-1.942882055616437,1,2313,1 -14314,0.0006372885739379206,-0.000164911150932312,-0.0006155818700790405,-1.8325449180333602,1,2314,1 -14315,0.0006950899728085399,-0.00016702339053153992,-0.0006747245788574219,-1.813461247405827,1,2315,1 -14316,0.0006346159947428471,-0.00012112036347389221,-0.0006229504942893982,-1.7628305787123018,1,2316,1 -14317,0.0006361558989955685,-0.00019344687461853027,-0.0006060302257537842,-1.879776448276498,1,2317,1 -14318,0.0003502395614855246,-0.0001591406762599945,-0.00031199678778648376,-2.0424686516318515,1,2318,1 -14319,0.0006391291728799288,-8.80509614944458e-05,-0.0006330348551273346,-1.7090029719111852,1,2319,1 -14320,0.0006406585713692633,-0.0001476965844631195,-0.0006234012544155121,-1.8034275703604121,1,2320,1 -14321,0.0005829373009256011,-0.00012362003326416016,-0.0005696788430213928,-1.784482871669001,1,2321,1 -14322,0.00038890952052812576,-0.0001737736165523529,-0.0003479272127151489,-2.034006990840024,1,2322,1 -14323,0.0006159134378033698,-0.00015656650066375732,-0.000595681369304657,-1.8278189591707001,1,2323,1 -14324,0.0007061875616947048,-8.67210328578949e-05,-0.0007008425891399384,-1.6939087868430094,1,2324,1 -14325,0.0007124896827657299,-0.00012044236063957214,-0.0007022358477115631,-1.740656318622646,1,2325,1 -14326,0.0006410886727695448,-0.0001135505735874176,-0.0006309524178504944,-1.7488572387792232,1,2326,1 -14327,0.0005404925624348816,-9.446963667869568e-05,-0.0005321726202964783,-1.7464830607392035,1,2327,1 -14328,0.0006640341532462719,-0.00015960261225700378,-0.0006445683538913727,-1.8135258396983174,1,2328,1 -14329,0.0006157626257850808,-0.00018404051661491394,-0.0005876161158084869,-1.8743174718077156,1,2329,1 -14330,0.0006382770973283694,-8.914247155189514e-05,-0.000632021576166153,-1.7109154631582884,1,2330,1 -14331,0.0006039116268297237,-0.00017979741096496582,-0.0005765259265899658,-1.8731012461644259,1,2331,1 -14332,0.0005674891307895454,-8.584931492805481e-05,-0.0005609579384326935,-1.7226585889940562,1,2332,1 -14333,0.0006940160529348733,-9.916350245475769e-05,-0.000686895102262497,-1.7141706130258618,1,2333,1 -14334,0.0006539657111348618,-7.726624608039856e-05,-0.0006493851542472839,-1.689223256167908,1,2334,1 -14335,0.0006436079870455518,-0.00014977529644966125,-0.0006259381771087646,-1.805661632801708,1,2335,1 -14336,0.0006197473315556668,-0.00020871683955192566,-0.0005835443735122681,-1.914288495769123,1,2336,1 -14337,0.0006221565022710218,-0.00017793476581573486,-0.0005961693823337555,-1.860842839474433,1,2337,1 -14338,0.00050089386417702,-9.258091449737549e-05,-0.0004922635853290558,-1.7566966311622991,1,2338,1 -14339,0.0003693350919192054,-0.00012038648128509521,-0.0003491640090942383,-1.9028176524024525,1,2339,1 -14340,0.0005522016063880417,-6.477907299995422e-05,-0.000548388808965683,-1.6883776214458672,1,2340,1 -14341,0.000640067207628246,-0.0001389048993587494,-0.0006248131394386292,-1.7895530212052961,1,2341,1 -14342,0.0007057044270708493,-0.00021436437964439392,-0.0006723590195178986,-1.879432397318179,1,2342,1 -14343,0.000673697000568852,-9.720027446746826e-05,-0.0006666481494903564,-1.71558055435578,1,2343,1 -14344,0.0005755015279079231,-0.0002110786736011505,-0.0005353949964046478,-1.9463347010924597,1,2344,1 -14345,0.0006333068072795166,-0.0002620816230773926,-0.0005765333771705627,-1.9974540028399843,1,2345,1 -14346,0.000373887682765102,-0.0001589059829711914,-0.00033843889832496643,-2.009769197508479,1,2346,1 -14347,0.0006716192522443129,-0.00013850629329681396,-0.0006571821868419647,-1.7785142340067157,1,2347,1 -14348,0.0006070739558652584,-0.00016222521662712097,-0.0005849972367286682,-1.8413082727296715,1,2348,1 -14349,0.0006917050452755613,-0.00013107433915138245,-0.0006791725754737854,-1.7614436751030582,1,2349,1 -14350,0.0006445404781916735,-0.0001579783856868744,-0.0006248801946640015,-1.8184215878045407,1,2350,1 -14351,0.0006071885644898374,-0.00016258656978607178,-0.0005850158631801605,-1.8418735581406962,1,2351,1 -14352,0.0006533951641607543,-0.00011213868856430054,-0.0006437003612518311,-1.7432748356134535,1,2352,1 -14353,0.0006759620074302072,-0.0001321844756603241,-0.0006629116833209991,-1.7676147316724822,1,2353,1 -14354,0.0006252705822039447,-0.00020073726773262024,-0.0005921721458435059,-1.8976244142612047,1,2354,1 -14355,0.0006823752588071258,-0.000121288001537323,-0.0006715096533298492,-1.7494896385675232,1,2355,1 -14356,0.0003749895752016684,-0.00018975138664245605,-0.0003234371542930603,-2.1013578697830884,1,2356,1 -14357,0.00063505002946548,-0.00012632831931114197,-0.0006223581731319427,-1.7710587971750662,1,2357,1 -14358,0.0006811842537183161,-0.0001523829996585846,-0.0006639212369918823,-1.7964084932993019,1,2358,1 -14359,0.0005456706008224608,-0.00015391036868095398,-0.0005235150456428528,-1.8567341139801037,1,2359,1 -14360,0.000629842066214991,-0.0001842491328716278,-0.0006022900342941284,-1.8676702115427792,1,2360,1 -14361,0.0006583525823057873,-0.00017412379384040833,-0.0006349086761474609,-1.8384652660260736,1,2361,1 -14362,0.0006586888388216789,-0.00024702027440071106,-0.0006106160581111908,-1.9552126877312153,1,2362,1 -14363,0.0005830292046806958,-0.0001430027186870575,-0.0005652196705341339,-1.8186000819352706,1,2363,1 -14364,0.0006426233965910418,-0.00012170523405075073,-0.0006309933960437775,-1.7613352735218324,1,2364,1 -14365,0.00036548789561724135,-9.194016456604004e-05,-0.00035373494029045105,-1.8250825085344782,1,2365,1 -14366,0.0006150404049238343,-0.00011442974209785461,-0.0006043016910552979,-1.757939180144966,1,2366,1 -14367,0.0005881734400646687,-0.00017500296235084534,-0.0005615353584289551,-1.8729073901411029,1,2367,1 -14368,0.0006133259243238261,-0.0001932196319103241,-0.0005820952355861664,-1.8912907162688932,1,2368,1 -14369,0.0003819880081063222,-6.0170888900756836e-05,-0.00037721917033195496,-1.728975487136091,1,2369,1 -14370,0.0005806028756953962,-0.00010079145431518555,-0.0005717873573303223,-1.7452782240582256,1,2370,1 -14371,0.0007241424817209709,-0.00013289600610733032,-0.0007118433713912964,-1.7553643418843343,1,2371,1 -14372,0.00044189040178518104,-0.00010864436626434326,-0.00042832642793655396,-1.8192059360648207,1,2372,1 -14373,0.0006550029304194692,-0.00014854222536087036,-0.0006379373371601105,-1.7995676278252812,1,2373,1 -14374,0.0006282183989115774,-7.160753011703491e-05,-0.0006241239607334137,-1.6850296973019996,1,2374,1 -14375,0.0006343737502576422,-0.00012531131505966187,-0.0006218738853931427,-1.7696395369718005,1,2375,1 -14376,0.000662562799164345,-0.0002338215708732605,-0.000619933009147644,-1.9314701346854226,1,2376,1 -14377,0.0006074811252339261,-0.00015969574451446533,-0.0005861148238182068,-1.8368041951450074,1,2377,1 -14378,0.0006364060495982789,-0.00014806538820266724,-0.0006189420819282532,-1.8056068114152668,1,2378,1 -14379,0.0006871085183510476,-7.568299770355225e-05,-0.000682927668094635,-1.6811673571052563,1,2379,1 -14380,0.0003305353449581654,-7.144361734390259e-05,-0.0003227218985557556,-1.7886608974312703,1,2380,1 -14381,0.00035182194963750296,-0.00017392635345458984,-0.0003058239817619324,-2.087893613448929,1,2381,1 -14382,0.0005877949401665901,-0.0001578107476234436,-0.0005662143230438232,-1.8426103036528665,1,2382,1 -14383,0.0007026270691325711,-9.326636791229248e-05,-0.0006964094936847687,-1.7039287599973294,1,2383,1 -14384,0.000660652363904731,-0.0001408196985721588,-0.0006454698741436005,-1.7855968022674473,1,2384,1 -14385,0.0006134092875116977,-0.0001158788800239563,-0.0006023645401000977,-1.7608479228963856,1,2385,1 -14386,0.0005985629035242428,-0.00011199340224266052,-0.0005879923701286316,-1.7590093892273442,1,2386,1 -14387,0.0006837960413507483,-0.0002109520137310028,-0.0006504431366920471,-1.8844134775119727,1,2387,1 -14388,0.0006789535841844951,-0.00016798079013824463,-0.0006578452885150909,-1.8208039049537967,1,2388,1 -14389,0.0006785043236801784,-0.00010941177606582642,-0.0006696246564388275,-1.7327578352086863,1,2389,1 -14390,0.0004329122833588376,-3.835558891296387e-05,-0.0004312098026275635,-1.6595116369620204,1,2390,1 -14391,0.0006105336189725995,-0.00017174333333969116,-0.0005858801305294037,-1.8559452569094197,1,2391,1 -14392,0.0005896821270058833,-9.72747802734375e-05,-0.0005816034972667694,-1.736515186419115,1,2392,1 -14393,0.0006798734464407203,-0.00011418014764785767,-0.000670216977596283,-1.7395392271410006,1,2393,1 -14394,0.000573341401832065,-0.0001251809298992157,-0.0005595088005065918,-1.7909050849421695,1,2394,1 -14395,0.0006876893328319147,-0.00017826631665229797,-0.0006641820073127747,-1.833016088009227,1,2395,1 -14396,0.0006503739035795055,-0.00023062899708747864,-0.0006081089377403259,-1.9332931024345643,1,2396,1 -14397,0.0005964548818704842,-0.00017501413822174072,-0.0005702003836631775,-1.868602793048446,1,2397,1 -14398,0.0007244142375804395,-0.0001621246337890625,-0.0007060393691062927,-1.796508988808023,1,2398,1 -14399,0.0003735368340892206,-7.477402687072754e-05,-0.0003659762442111969,-1.7723363873114983,1,2399,1 -14400,0.0006716622206086041,-0.00014576315879821777,-0.0006556548178195953,-1.7895555109879953,1,2400,1 -14401,0.0006367048123295864,-0.0001233518123626709,-0.0006246417760848999,-1.7657638714227484,1,2401,1 -14402,0.0005610459306386607,-0.00010671839118003845,-0.0005508027970790863,-1.76217572320531,1,2402,1 -14403,0.0006643448056041364,-0.0001301504671573639,-0.0006514713168144226,-1.7679796417679599,1,2403,1 -14404,0.0006093633621490187,-0.0001675225794315338,-0.0005858838558197021,-1.8492966841267306,1,2404,1 -14405,0.0006203553568896829,-0.00015931949019432068,-0.0005995482206344604,-1.8305264350279464,1,2405,1 -14406,0.0005807592834959268,-0.0001270696520805359,-0.0005666874349117279,-1.7913799834942368,1,2406,1 -14407,0.0006499322621904676,-0.00013947859406471252,-0.0006347894668579102,-1.787083528418078,1,2407,1 -14408,0.0007347259327837043,-0.00011215731501579285,-0.000726114958524704,-1.7240474031551034,1,2408,1 -14409,0.000687226062810852,-0.00015402212738990784,-0.0006697438657283783,-1.7968378251654082,1,2409,1 -14410,0.0006920935505887023,-4.187971353530884e-05,-0.0006908252835273743,-1.63134495335615,1,2410,1 -14411,0.0006552850830533066,-0.000105295330286026,-0.0006467700004577637,-1.7321822679979237,1,2411,1 -14412,0.0006633902699263721,-0.00012080371379852295,-0.0006522983312606812,-1.7539185963748385,1,2412,1 -14413,0.0005964570346453208,-0.00013203546404838562,-0.0005816593766212463,-1.7940115950496063,1,2413,1 -14414,0.0005486401821292604,-7.103011012077332e-05,-0.0005440227687358856,-1.7006264983863548,1,2414,1 -14415,0.0007092886841295576,-0.0002887733280658722,-0.0006478428840637207,-1.990106937759391,1,2415,1 -14416,0.0006239562401091531,-0.00017547607421875,-0.0005987733602523804,-1.8558733634706728,1,2416,1 -14417,0.0006086058716625511,-0.00010279938578605652,-0.0005998611450195312,-1.7405196141307304,1,2417,1 -14418,0.0006679868606598711,-0.00012624263763427734,-0.0006559491157531738,-1.7609295324801901,1,2418,1 -14419,0.0007146976461957291,-9.128078818321228e-05,-0.0007088445127010345,-1.698865579815915,1,2419,1 -14420,0.0006152593800525882,-0.0001277327537536621,-0.0006018541753292084,-1.7799253458683433,1,2420,1 -14421,0.0005970275977785942,-0.00021954625844955444,-0.0005551949143409729,-1.9473654700408527,1,2421,1 -14422,0.0007141492200228322,-0.00013555213809013367,-0.0007011666893959045,-1.7617642024413436,1,2422,1 -14423,0.0006090486563902983,-0.00021817907691001892,-0.0005686283111572266,-1.9371669655707535,1,2423,1 -14424,0.0006602497187600433,-0.00016821175813674927,-0.0006384626030921936,-1.828406075719261,1,2424,1 -14425,0.0006681570857542014,-0.00016895681619644165,-0.000646442174911499,-1.8264417424610393,1,2425,1 -14426,0.0006040357432350828,-0.00015622004866600037,-0.0005834847688674927,-1.8323970655543864,1,2426,1 -14427,0.0006141065124462461,-0.0001902356743812561,-0.000583898276090622,-1.8857541303488594,1,2427,1 -14428,0.0007086099866836528,-0.00019905343651771545,-0.0006800778210163116,-1.8555352565457393,1,2428,1 -14429,0.0006710463234057001,-7.766857743263245e-05,-0.0006665363907814026,-1.6867988154158235,1,2429,1 -14430,0.0005703353980858066,-0.0001983940601348877,-0.0005347169935703278,-1.9260786497891926,1,2430,1 -14431,0.0006360036871389794,-0.00014947354793548584,-0.0006181895732879639,-1.8080354087040647,1,2431,1 -14432,0.0003318108343046549,-8.077919483184814e-05,-0.00032182782888412476,-1.8167171425440614,1,2432,1 -14433,0.0006453135378119936,-0.0001653917133808136,-0.0006237588822841644,-1.8299852737884958,1,2433,1 -14434,0.0003061636185878071,-5.2131712436676025e-05,-0.0003016926348209381,-1.741904077827522,1,2434,1 -14435,0.0006583288342689215,-0.0001367703080177307,-0.0006439648568630219,-1.7800744077098878,1,2435,1 -14436,0.0006324231435662484,-0.0002332739531993866,-0.0005878284573554993,-1.9485757601258724,1,2436,1 -14437,0.0006390498417147626,-0.00026765093207359314,-0.0005802996456623077,-2.0029488228276655,1,2437,1 -14438,0.0006672734837763295,-0.00014627724885940552,-0.0006510429084300995,-1.791807524860179,1,2438,1 -14439,0.00048574260863782357,-0.00014272332191467285,-0.00046430155634880066,-1.8690223521677882,1,2439,1 -14440,0.0006294949423383211,-0.00012351572513580322,-0.0006172582507133484,-1.7682916979314776,1,2440,1 -14441,0.0006891730840919307,-0.0001880936324596405,-0.0006630085408687592,-1.8472300932975063,1,2441,1 -14442,0.00066090320384943,-0.00010858476161956787,-0.0006519220769405365,-1.7358421447159549,1,2442,1 -14443,0.0006357288432561157,-0.00019709020853042603,-0.0006044059991836548,-1.886012964339047,1,2443,1 -14444,0.0006214960383570668,-0.0001278221607208252,-0.0006082095205783844,-1.7779430931940607,1,2444,1 -14445,0.0005661577523959194,-6.942078471183777e-05,-0.0005618855357170105,-1.6937230715119793,1,2445,1 -14446,0.00042929723268934634,-5.813688039779663e-05,-0.00042534247040748596,-1.7066370888975102,1,2446,1 -14447,0.0006293906433348026,-0.0001763664186000824,-0.0006041750311851501,-1.8548172476455214,1,2447,1 -14448,0.0005969137201325585,-0.00019864365458488464,-0.0005628913640975952,-1.9100512072026716,1,2448,1 -14449,0.0006872597870204265,-0.0001968666911125183,-0.0006584599614143372,-1.8613175415744176,1,2449,1 -14450,0.0003903776068197701,-0.00013607367873191833,-0.00036589428782463074,-1.926840643907469,1,2450,1 -14451,0.0005987642030770833,-0.00010004639625549316,-0.0005903467535972595,-1.7386718722026429,1,2451,1 -14452,0.0006469279303968798,-0.00015944987535476685,-0.0006269700825214386,-1.8198349894572083,1,2452,1 -14453,0.000630728338041337,-9.192526340484619e-05,-0.0006239935755729675,-1.7170619166608063,1,2453,1 -14454,0.000644127464683353,-0.00021057575941085815,-0.0006087347865104675,-1.9038350486826368,1,2454,1 -14455,0.0006426903021257883,-0.0001236647367477417,-0.0006306804716587067,-1.7644212194600903,1,2455,1 -14456,0.0006597262073896663,-0.00011816620826721191,-0.0006490573287010193,-1.7508821533356205,1,2456,1 -14457,0.0005795290737963289,-0.00011777132749557495,-0.0005674362182617188,-1.775440749229734,1,2457,1 -14458,0.0006623255422004314,-0.0002226792275905609,-0.0006237700581550598,-1.9136840616095385,1,2458,1 -14459,0.0006988529015671362,-0.00021951645612716675,-0.0006634816527366638,-1.8903150430545652,1,2459,1 -14460,0.0007143751323635744,-0.00020229816436767578,-0.0006851330399513245,-1.8579066081951683,1,2460,1 -14461,0.0006528474208357006,-0.00011541694402694702,-0.0006425641477108002,-1.7485205207233567,1,2461,1 -14462,0.0006688750990869709,-0.00021867826581001282,-0.000632118433713913,-1.9038541931903339,1,2462,1 -14463,0.0005910177743122158,-9.527802467346191e-05,-0.0005832873284816742,-1.732712978191942,1,2463,1 -14464,0.00069437318879671,-0.0001666136085987091,-0.0006740875542163849,-1.8131088361732268,1,2464,1 -14465,0.00035956285513480526,-0.00020359456539154053,-0.00029636919498443604,-2.1727186915259695,1,2465,1 -14466,0.0006975740482792854,-0.00018908828496932983,-0.0006714574992656708,-1.8452961688454723,1,2466,1 -14467,0.0006191038752902418,-0.00018404796719551086,-0.0005911141633987427,-1.8726402172560221,1,2467,1 -14468,0.0006641291752084713,-0.0001691579818725586,-0.0006422251462936401,-1.8283404517249464,1,2468,1 -14469,0.0006063753320403362,-0.0002795495092868805,-0.0005380921065807343,-2.0499375616443083,1,2469,1 -14470,0.000626696588397297,-0.00021234899759292603,-0.0005896240472793579,-1.9164785316227302,1,2470,1 -14471,0.0003806818375391459,-9.445473551750183e-05,-0.00036877766251564026,-1.8215352976077022,1,2471,1 -14472,0.0006171088485005934,-0.00020233169198036194,-0.0005829967558383942,-1.9048447545162865,1,2472,1 -14473,0.000676028013211587,-0.0001724250614643097,-0.0006536692380905151,-1.8287020376349976,1,2473,1 -14474,0.0006608816296788607,-0.00018017366528511047,-0.0006358474493026733,-1.8469179321052203,1,2474,1 -14475,0.0007016019866049808,-0.0001890622079372406,-0.0006756484508514404,-1.843641208010828,1,2475,1 -14476,0.0007220388617530431,-0.00021559372544288635,-0.0006891004741191864,-1.8740114476733054,1,2476,1 -14477,0.0006667439637237297,-0.00013167038559913635,-0.0006536133587360382,-1.7695856903246625,1,2477,1 -14478,0.0006719832198720236,-0.0001544952392578125,-0.0006539821624755859,-1.8027808848198925,1,2478,1 -14479,0.0007118327079106669,-0.0001266375184059143,-0.0007004775106906891,-1.74965186356902,1,2479,1 -14480,0.0006407676357929021,-6.881356239318848e-05,-0.0006370618939399719,-1.6783962153151086,1,2480,1 -14481,0.0006715416259431548,-0.00013578683137893677,-0.0006576701998710632,-1.7744018246606272,1,2481,1 -14482,0.0004250242411900305,-9.364262223243713e-05,-0.0004145801067352295,-1.7929419372493987,1,2482,1 -14483,0.0006367114491818757,-0.00010472908616065979,-0.0006280392408370972,-1.7360315725535722,1,2483,1 -14484,0.0006409745390374672,-0.00010344013571739197,-0.0006325729191303253,-1.7328846189798,1,2484,1 -14485,0.0006089236146298744,-0.0001143626868724823,-0.0005980879068374634,-1.759729561697339,1,2485,1 -14486,0.0006573912223617951,-8.485093712806702e-05,-0.0006518922746181488,-1.700229631947729,1,2486,1 -14487,0.0004615185210805639,-7.195398211479187e-05,-0.0004558749496936798,-1.727341972891276,1,2487,1 -14488,0.0006605488687601015,-0.00012100860476493835,-0.0006493702530860901,-1.7550308076288337,1,2488,1 -14489,0.0006779828619872707,-0.00025362148880958557,-0.0006287582218647003,-1.9542035178573736,1,2489,1 -14490,0.0006579707179012327,-0.00016273930668830872,-0.0006375275552272797,-1.8207253425626604,1,2490,1 -14491,0.0006993716212895046,-8.902326226234436e-05,-0.0006936825811862946,-1.6984329571110826,1,2491,1 -14492,0.0006755119829792533,-0.0002297423779964447,-0.0006352439522743225,-1.9178207459369774,1,2492,1 -14493,0.00059741736417758,-0.00019858404994010925,-0.000563446432352066,-1.9096479288513588,1,2493,1 -14494,0.0006969592518521085,-0.00020010024309158325,-0.0006676167249679565,-1.8619991870901815,1,2494,1 -14495,0.0005949167328080329,-0.00020622462034225464,-0.0005580298602581024,-1.9247877623417518,1,2495,1 -14496,0.000651631495810407,-0.00018975883722305298,-0.0006233900785446167,-1.8662832952568504,1,2496,1 -14497,0.00039775409098036577,-0.00015808641910552979,-0.0003649890422821045,-1.9795299910221273,1,2497,1 -14498,0.0006005339581891014,-7.854029536247253e-05,-0.0005953758955001831,-1.701956161970904,1,2498,1 -14499,0.00058654616674649,-0.00014587119221687317,-0.0005681179463863373,-1.822129181947544,1,2499,1 -14500,0.0005378993358682185,-0.00018064677715301514,-0.0005066581070423126,-1.9132905751574119,1,2500,1 -14501,0.0006171588015707502,-0.00017128512263298035,-0.0005929134786128998,-1.8520269822979243,1,2501,1 -14502,0.0006608180817552711,-0.00011885911226272583,-0.0006500408053398132,-1.7516471810981873,1,2502,1 -14503,0.0006789040236456199,-0.00016862526535987854,-0.0006576292216777802,-1.8218024206584311,1,2503,1 -14504,0.0006076922176636267,-0.0001545138657093048,-0.0005877204239368439,-1.8278822823256118,1,2504,1 -14505,0.0006390377465748113,-0.00022256746888160706,-0.0005990266799926758,-1.9265376026953216,1,2505,1 -14506,0.0006253260074831198,-0.00015842914581298828,-0.000604923814535141,-1.8269426324480202,1,2506,1 -14507,0.0005867884680164176,-0.00017037615180015564,-0.0005615092813968658,-1.865392676599124,1,2507,1 -14508,0.0006512825133873714,-0.0001715831458568573,-0.0006282739341259003,-1.8373975389937927,1,2508,1 -14509,0.0005726280157714891,-0.00017236173152923584,-0.0005460716784000397,-1.8765387183426396,1,2509,1 -14510,0.0006517526250329201,-0.00011105462908744812,-0.0006422214210033417,-1.742025661772504,1,2510,1 -14511,0.0006737180195903452,-0.00024044513702392578,-0.0006293505430221558,-1.9357358911842766,1,2511,1 -14512,0.000620924482405068,-0.00014979764819145203,-0.0006025843322277069,-1.8144493811142635,1,2512,1 -14513,0.00038103916091995787,-0.00010270252823829651,-0.0003669373691082001,-1.8437041056722656,1,2513,1 -14514,0.0006806494258897459,-0.0003136880695819855,-0.0006040558218955994,-2.0497669062776276,1,2514,1 -14515,0.0006448068233601816,-0.00011881813406944275,-0.0006337650120258331,-1.7561247572204504,1,2515,1 -14516,0.0005905837371880199,-0.00021826103329658508,-0.0005487725138664246,-1.949340723216961,1,2516,1 -14517,0.0006824805295638854,-0.0001283511519432068,-0.0006703026592731476,-1.7599886190643665,1,2517,1 -14518,0.0006448389482118619,-0.0001673474907875061,-0.0006227456033229828,-1.833319679802028,1,2518,1 -14519,0.0007622807702670647,-0.0001464560627937317,-0.0007480792701244354,-1.7641271917537706,1,2519,1 -14520,0.0007239344483837486,-0.00010799989104270935,-0.0007158331573009491,-1.7205399479074064,1,2520,1 -14521,0.0003684466993391605,-0.00015447288751602173,-0.0003345012664794922,-2.003420190017393,1,2521,1 -14522,0.0005921071566902197,-0.00012129172682762146,-0.0005795508623123169,-1.7771043242286781,1,2522,1 -14523,0.0006389600199248235,-7.865577936172485e-05,-0.0006341002881526947,-1.6942090537850538,1,2523,1 -14524,0.0006543569533409691,-7.152929902076721e-05,-0.0006504356861114502,-1.6803275589601767,1,2524,1 -14525,0.0006385046869369957,-0.00010586529970169067,-0.000629667192697525,-1.737367452433319,1,2525,1 -14526,0.0006371399564592677,-9.45068895816803e-05,-0.0006300918757915497,-1.7196755773217778,1,2526,1 -14527,0.0006939327373014319,-0.0001394711434841156,-0.0006797723472118378,-1.7731612397468615,1,2527,1 -14528,0.000628795461801306,-0.00015040859580039978,-0.0006105415523052216,-1.8123393574991675,1,2528,1 -14529,0.0006442340578079717,-0.00012584030628204346,-0.0006318241357803345,-1.7673935198377624,1,2529,1 -14530,0.0004952532717107023,-7.728114724159241e-05,-0.0004891864955425262,-1.7274803242043792,1,2530,1 -14531,0.0007071278980558104,-0.0001231171190738678,-0.0006963275372982025,-1.7457968979382954,1,2531,1 -14532,0.0005916266444524739,-0.000136449933052063,-0.0005756765604019165,-1.8035267647124613,1,2532,1 -14533,0.0006299909401993821,-0.00017869845032691956,-0.0006041154265403748,-1.85839715530917,1,2533,1 -14534,0.00031494823890302817,-0.00013053417205810547,-0.00028662383556365967,-1.9981482162944666,1,2534,1 -14535,0.0006561753308920113,-0.00017675384879112244,-0.0006319209933280945,-1.8435349593264987,1,2535,1 -14536,0.0006370645088483346,-0.00016959011554718018,-0.0006140768527984619,-1.8402507250214404,1,2536,1 -14537,0.0006493821248319587,-7.654353976249695e-05,-0.0006448552012443542,-1.6889423291695254,1,2537,1 -14538,0.0005816372684410278,-9.205937385559082e-05,-0.0005743056535720825,-1.7297409932355563,1,2538,1 -14539,0.0006073896301656759,-0.00013763085007667542,-0.0005915910005569458,-1.7993756276844375,1,2539,1 -14540,0.0006683591101391811,-0.00013357028365135193,-0.0006548762321472168,-1.771999195412771,1,2540,1 -14541,0.0006471575835139243,-9.371340274810791e-05,-0.00064033642411232,-1.716114950473663,1,2541,1 -14542,0.0005917448822264515,-0.00012294575572013855,-0.0005788318812847137,-1.7800891198221362,1,2542,1 -14543,0.0006795962577225455,-0.00017068907618522644,-0.0006578117609024048,-1.8246773644934715,1,2543,1 -14544,0.0006371948084138557,-0.00016419962048530579,-0.0006156750023365021,-1.8314284698775554,1,2544,1 -14545,0.0005694682185682783,-0.00015396997332572937,-0.0005482584238052368,-1.8445788509348935,1,2545,1 -14546,0.0006878307729760232,-0.00021928176283836365,-0.0006519407033920288,-1.8952614966599821,1,2546,1 -14547,0.0005850595816554635,-0.00014959648251533508,-0.0005656108260154724,-1.8293622811778114,1,2547,1 -14548,0.0005200758612918406,-0.0001283586025238037,-0.0005039870738983154,-1.8201807375686683,1,2548,1 -14549,0.0006282411209122511,-8.405372500419617e-05,-0.0006225928664207458,-1.7049908723904716,1,2549,1 -14550,0.000426226063021107,-7.048249244689941e-05,-0.0004203580319881439,-1.7369235168449138,1,2550,1 -14551,0.0003642377877160726,-0.000104561448097229,-0.0003489069640636444,-1.8619621712949823,1,2551,1 -14552,0.0005961220236661297,-0.00012858957052230835,-0.0005820877850055695,-1.788215369062125,1,2552,1 -14553,0.0006697245299860284,-0.00022038817405700684,-0.0006324239075183868,-1.9061179226322742,1,2553,1 -14554,0.0006985588510662759,-0.00013345852494239807,-0.0006856918334960938,-1.7630263980713834,1,2554,1 -14555,0.0006035767498625805,-0.00022622942924499512,-0.0005595758557319641,-1.9549932061862072,1,2555,1 -14556,0.0006030448270228987,-0.00012580305337905884,-0.0005897767841815948,-1.7809529751989872,1,2556,1 -14557,0.0003839152649231054,-0.00017422065138816833,-0.0003421083092689514,-2.041821153492645,1,2557,1 -14558,0.0006794759004868305,-0.00015084445476531982,-0.0006625205278396606,-1.794662718702145,1,2558,1 -14559,0.0006480869984459287,-0.00016147643327713013,-0.0006276480853557587,-1.822607659725406,1,2559,1 -14560,0.0006095185368160945,-0.00017544254660606384,-0.0005837231874465942,-1.8627647694202247,1,2560,1 -14561,0.0006824275171133607,-0.00015253573656082153,-0.0006651617586612701,-1.796219986325379,1,2561,1 -14562,0.0006533768173701385,-0.00015624240040779114,-0.0006344206631183624,-1.8122667175952598,1,2562,1 -14563,0.0006919029087740041,-0.0001600794494152069,-0.0006731301546096802,-1.8042728833706907,1,2563,1 -14564,0.0005917312907732833,-0.00014254450798034668,-0.0005743056535720825,-1.8140831818491892,1,2564,1 -14565,0.0004260044005451605,-5.8963894844055176e-05,-0.0004219040274620056,-1.7096535914035738,1,2565,1 -14566,0.0006529970196998131,-0.00011443346738815308,-0.0006428919732570648,-1.7469493922492558,1,2566,1 -14567,0.0006896958359900038,-0.00016115233302116394,-0.000670604407787323,-1.8066335402919678,1,2567,1 -14568,0.0006226549080610506,-0.00018709152936935425,-0.0005938820540904999,-1.8759857694809459,1,2568,1 -14569,0.0007126651917233949,-0.00017478317022323608,-0.0006908997893333435,-1.8185768274970964,1,2569,1 -14570,0.0006966997005296592,-0.00011567771434783936,-0.0006870292127132416,-1.7376055306415328,1,2570,1 -14571,0.0006119403336659457,-0.00020282715559005737,-0.0005773492157459259,-1.9086355525548215,1,2571,1 -14572,0.0006173418195521594,-0.0002310536801815033,-0.0005724728107452393,-1.95440778286734,1,2572,1 -14573,0.0006233243610510714,-0.00017545372247695923,-0.0005981214344501495,-1.856133087587714,1,2573,1 -14574,0.0006238253020784491,-0.00012114271521568298,-0.0006119497120380402,-1.766231389592203,1,2574,1 -14575,0.0006540700248997015,-0.00014090538024902344,-0.0006387121975421906,-1.787927026187162,1,2575,1 -14576,0.0006201873744432161,-0.00017598643898963928,-0.0005946941673755646,-1.8585128325286275,1,2576,1 -14577,0.0006475954124773261,-0.00016508996486663818,-0.000626198947429657,-1.8285691883279782,1,2577,1 -14578,0.0004168005245241203,-8.674710988998413e-05,-0.0004076734185218811,-1.7804551449728914,1,2578,1 -14579,0.0006824799112371428,-0.00011313706636428833,-0.0006730370223522186,-1.7373386133405995,1,2579,1 -14580,0.0006648285070462389,-0.00020844489336013794,-0.0006313063204288483,-1.8897064478976664,1,2580,1 -14581,0.0006128197313433894,-0.0001571178436279297,-0.0005923360586166382,-1.830076749075457,1,2581,1 -14582,0.0005991520469980339,-2.339482307434082e-05,-0.0005986951291561127,-1.6098528100844962,1,2582,1 -14583,0.0006291645326536366,-7.573515176773071e-05,-0.0006245896220207214,-1.6914631006198122,1,2583,1 -14584,0.0006424055704628267,-0.00015804916620254517,-0.0006226599216461182,-1.819375526822489,1,2584,1 -14585,0.0003871701624250609,-8.509308099746704e-05,-0.000377703458070755,-1.792387455786001,1,2585,1 -14586,0.0005339454107833512,-0.00013868138194084167,-0.000515621155500412,-1.8335384203561547,1,2586,1 -14587,0.0007023129056603229,-7.372722029685974e-05,-0.0006984323263168335,-1.675967842250656,1,2587,1 -14588,0.0006591050702384274,-0.00017012283205986023,-0.0006367713212966919,-1.8318636488529245,1,2588,1 -14589,0.0006502156873054425,-0.00011815503239631653,-0.0006393902003765106,-1.7535282368556206,1,2589,1 -14590,0.0006730876917500533,-0.00014802813529968262,-0.0006566084921360016,-1.792532885818913,1,2590,1 -14591,0.00043366017288327117,-0.0001275092363357544,-0.0004144906997680664,-1.8692371535094268,1,2591,1 -14592,0.00035359990517810875,-9.08970832824707e-05,-0.0003417171537876129,-1.830777084253259,1,2592,1 -14593,0.000700944680461759,-0.00014847144484519958,-0.0006850399076938629,-1.784229289848182,1,2593,1 -14594,0.0005984569565225986,-0.00011485069990158081,-0.0005873329937458038,-1.7639056841272958,1,2594,1 -14595,0.0006817440164402886,-0.00015985965728759766,-0.0006627365946769714,-1.8074864663789376,1,2595,1 -14596,0.0005025329768288395,-0.00010488182306289673,-0.0004914663732051849,-1.781048319040663,1,2596,1 -14597,0.0006332588009373743,-0.0001269914209842682,-0.0006203949451446533,-1.7727017081761327,1,2597,1 -14598,0.0006805877453543797,-0.00023644790053367615,-0.0006381943821907043,-1.9256116707023405,1,2598,1 -14599,0.0007123646125373982,-0.00017922371625900269,-0.0006894506514072418,-1.8251189357719175,1,2599,1 -14600,0.0006798893631718756,-0.0001883283257484436,-0.0006532855331897736,-1.8514652804288982,1,2600,1 -14601,0.0006558656512568748,-0.00012830272316932678,-0.0006431937217712402,-1.7676895034298838,1,2601,1 -14602,0.0006671633568048787,-0.00010165944695472717,-0.0006593726575374603,-1.7237678708682402,1,2602,1 -14603,0.0006631506113066138,-0.0001243017613887787,-0.0006513968110084534,-1.7593528747071798,1,2603,1 -14604,0.0005590887129559561,-0.00017630308866500854,-0.0005305632948875427,-1.8916113410423894,1,2604,1 -14605,0.000655698772521791,-0.0001976490020751953,-0.0006252005696296692,-1.8769911350360846,1,2605,1 -14606,0.0005156092443707867,-6.118044257164001e-05,-0.0005119666457176208,-1.6897331464971546,1,2606,1 -14607,0.0006729642496524959,-0.00015474110841751099,-0.0006549321115016937,-1.802811912685697,1,2607,1 -14608,0.0006971423700098219,-0.00019354745745658875,-0.0006697364151477814,-1.8521223048093671,1,2608,1 -14609,0.0007274090399929988,-0.0002548918128013611,-0.0006812885403633118,-1.9288057532799876,1,2609,1 -14610,0.00038493530626166353,-0.0001384243369102478,-0.00035918503999710083,-1.9386399659080784,1,2610,1 -14611,0.0006862157532725134,-0.0001806505024433136,-0.0006620101630687714,-1.8371921679397116,1,2611,1 -14612,0.0006505238136394751,-0.00016220659017562866,-0.0006299763917922974,-1.8228029057806086,1,2612,1 -14613,0.0005921342924056085,-0.00012747198343276978,-0.0005782507359981537,-1.7877702237170898,1,2613,1 -14614,0.0006514802350998024,-0.00011787563562393188,-0.0006407275795936584,-1.752733478693737,1,2614,1 -14615,0.0006724911345979997,-0.00011749193072319031,-0.0006621479988098145,-1.7464090745484178,1,2615,1 -14616,0.0006808915877555316,-7.177889347076416e-05,-0.0006770975887775421,-1.6764115413933907,1,2616,1 -14617,0.0006070957191391492,-0.00020419806241989136,-0.0005717240273952484,-1.9138371907345015,1,2617,1 -14618,0.0005526113904202875,-0.00011087581515312195,-0.0005413740873336792,-1.7728072405225475,1,2618,1 -14619,0.0006289816150077004,-8.641183376312256e-05,-0.0006230175495147705,-1.7086159286132363,1,2619,1 -14620,0.0004216987925447829,-9.888038039207458e-05,-0.0004099421203136444,-1.8074810391422618,1,2620,1 -14621,0.0003789563233673554,-0.00011811405420303345,-0.0003600791096687317,-1.887759551437937,1,2621,1 -14622,0.0005880488629345191,-0.00013465434312820435,-0.0005724243819713593,-1.8018311318585942,1,2622,1 -14623,0.0006172963384248537,-0.00019620731472969055,-0.0005852840840816498,-1.894256796662768,1,2623,1 -14624,0.000654882599442065,-0.00014108046889305115,-0.0006395056843757629,-1.7879270838251078,1,2624,1 -14625,0.0006603072196537647,-0.0001643747091293335,-0.0006395205855369568,-1.82237857973521,1,2625,1 -14626,0.0005691599981382363,-0.00011768564581871033,-0.0005568601191043854,-1.7790695622323232,1,2626,1 -14627,0.0006694765318865542,-0.0001233406364917755,-0.0006580166518688202,-1.7560892432184587,1,2627,1 -14628,0.0006413472183300717,-0.0001205839216709137,-0.000629909336566925,-1.7599386641696626,1,2628,1 -14629,0.000651975162055231,-0.0001549459993839264,-0.0006332956254482269,-1.8107486252524554,1,2629,1 -14630,0.0004351303074766922,-2.7079135179519653e-05,-0.000434286892414093,-1.6330688096824515,1,2630,1 -14631,0.0006462073248389925,-0.00015304237604141235,-0.0006278231739997864,-1.8098997943101938,1,2631,1 -14632,0.00046236986187692987,-6.332248449325562e-05,-0.00045801326632499695,-1.7081801051379395,1,2632,1 -14633,0.0007048027729186528,-0.0001074858009815216,-0.0006965585052967072,-1.7238985458839393,1,2633,1 -14634,0.0006164042966303871,-0.000109892338514328,-0.0006065294146537781,-1.750034135014795,1,2634,1 -14635,0.000656527314427337,-0.00018402934074401855,-0.000630207359790802,-1.8549104628654776,1,2635,1 -14636,0.0006024267832675422,-0.00013474002480506897,-0.000587165355682373,-1.796366447045794,1,2636,1 -14637,0.0007412579977551724,-0.0001553855836391449,-0.0007247887551784515,-1.7819868885137806,1,2637,1 -14638,0.0006388742629707851,-0.00016897916793823242,-0.0006161220371723175,-1.8384767571793987,1,2638,1 -14639,0.0003085091896762696,-8.401274681091309e-05,-0.0002968497574329376,-1.8465980601645313,1,2639,1 -14640,0.0004242440257166965,-8.358433842658997e-05,-0.0004159286618232727,-1.769113208886578,1,2640,1 -14641,0.0005308587085561702,-0.00010328739881515503,-0.0005207136273384094,-1.7666119612855766,1,2641,1 -14642,0.0005933342013288503,-0.00019505992531776428,-0.0005603544414043427,-1.905778360412094,1,2642,1 -14643,0.0003716651068046013,-0.000142756849527359,-0.0003431551158428192,-1.9650299998587217,1,2643,1 -14644,0.0006322657771816626,-0.0001360289752483368,-0.0006174594163894653,-1.787636881634369,1,2644,1 -14645,0.0006034892855497247,-0.0001366548240184784,-0.0005878135561943054,-1.7992187190441928,1,2645,1 -14646,0.0006172838283862368,-0.00021437928080558777,-0.0005788616836071014,-1.9254808088802975,1,2646,1 -14647,0.0006256639778299499,-0.00021577998995780945,-0.0005872771143913269,-1.9229089634199625,1,2647,1 -14648,0.0006965681841983401,-0.00014184042811393738,-0.0006819739937782288,-1.775857943378237,1,2648,1 -14649,0.0006909342154933952,-0.00013175234198570251,-0.0006782561540603638,-1.7626585168044613,1,2649,1 -14650,0.0006641334183181886,-0.00014686957001686096,-0.0006476901471614838,-1.7937843785534604,1,2650,1 -14651,0.0006370738886257199,-8.330121636390686e-05,-0.0006316043436527252,-1.7019277880726458,1,2651,1 -14652,0.0003841751621975167,-0.0001062341034412384,-0.000369194895029068,-1.8509727259767619,1,2652,1 -14653,0.0006222203023072492,-0.0001472271978855133,-0.0006045512855052948,-1.809677655032094,1,2653,1 -14654,0.0005658734156681044,-0.00013594329357147217,-0.0005493015050888062,-1.8134055228568475,1,2654,1 -14655,0.0006085423748341414,-0.0001501329243183136,-0.0005897320806980133,-1.8200792092369609,1,2655,1 -14656,0.000510369547287316,-4.792213439941406e-05,-0.0005081146955490112,-1.664831784368087,1,2656,1 -14657,0.0006092360214237472,-0.00017257779836654663,-0.0005842819809913635,-1.8579975486776372,1,2657,1 -14658,0.0006131089173176146,-0.00016248971223831177,-0.0005911849439144135,-1.8390270581376627,1,2658,1 -14659,0.0006351086423334218,-0.0001418665051460266,-0.000619061291217804,-1.7960704855406646,1,2659,1 -14660,0.0006330359861585616,-0.0001818239688873291,-0.0006063617765903473,-1.8621251700820503,1,2660,1 -14661,0.0006715021843144849,-0.00017693638801574707,-0.0006477721035480499,-1.8374381146551706,1,2661,1 -14662,0.0003389060802278593,-6.285682320594788e-05,-0.00033302605152130127,-1.7573462033466678,1,2662,1 -14663,0.0006470970002498342,-0.00012880191206932068,-0.0006341487169265747,-1.7711804237244972,1,2663,1 -14664,0.0006673188764853186,-0.00022277981042861938,-0.0006290338933467865,-1.9111739899057991,1,2664,1 -14665,0.0006145513445060933,-0.00013336539268493652,-0.0005999058485031128,-1.78954943203492,1,2665,1 -14666,0.0005849424530809743,-0.00014760345220565796,-0.0005660131573677063,-1.8258924436752444,1,2666,1 -14667,0.0006382294028597607,-8.837506175041199e-05,-0.0006320811808109283,-1.7097117998216573,1,2667,1 -14668,0.0004618690600039112,-4.949793219566345e-05,-0.0004592090845108032,-1.6781712908661357,1,2668,1 -14669,0.0006582055757488061,-0.00012744590640068054,-0.0006457492709159851,-1.7656533787317585,1,2669,1 -14670,0.000590083516407023,-0.00018163025379180908,-0.0005614347755908966,-1.883680771474313,1,2670,1 -14671,0.0006144754326168924,-0.00012328475713729858,-0.0006019808351993561,-1.7728015187152357,1,2671,1 -14672,0.0005691842681810194,-0.00014941394329071045,-0.0005492232739925385,-1.8364140713407677,1,2672,1 -14673,0.0006676391661430656,-0.00011900439858436584,-0.0006569474935531616,-1.750000533714239,1,2673,1 -14674,0.0006806723095611589,-0.0001523829996585846,-0.0006633959710597992,-1.796581122027492,1,2674,1 -14675,0.0006271077706122792,-0.00017818063497543335,-0.0006012618541717529,-1.8588960735307547,1,2675,1 -14676,0.0006873174799657159,-0.00011292845010757446,-0.0006779767572879791,-1.73584787980505,1,2676,1 -14677,0.00036757980287474665,-7.683038711547852e-05,-0.000359460711479187,-1.7813658626760398,1,2677,1 -14678,0.0007099684054622899,-0.00017760694026947021,-0.0006873942911624908,-1.8236436424253644,1,2678,1 -14679,0.0006471272373372314,-0.00012356042861938477,-0.0006352216005325317,-1.7629127817960857,1,2679,1 -14680,0.0006543507201543303,-0.00016579777002334595,-0.00063299760222435,-1.8269664605963747,1,2680,1 -14681,0.0006670177788847663,-0.0002682209014892578,-0.0006107129156589508,-1.9846269821357654,1,2681,1 -14682,0.00042773063392842286,-0.0002524144947528839,-0.00034531205892562866,-2.2020098616062613,1,2682,1 -14683,0.00036439851100538,-7.181614637374878e-05,-0.0003572516143321991,-1.7691763020830527,1,2683,1 -14684,0.0006813514486904468,-0.00016115978360176086,-0.0006620176136493683,-1.8095888620193414,1,2684,1 -14685,0.0006669555834421001,-0.00016056373715400696,-0.0006473399698734283,-1.8139258420287807,1,2685,1 -14686,0.0006040215440824434,-0.00012547150254249573,-0.0005908459424972534,-1.7800468872412725,1,2686,1 -14687,0.0006660332718206513,-0.00015748664736747742,-0.0006471462547779083,-1.8095117009442678,1,2687,1 -14688,0.000599973842012664,-0.00015788152813911438,-0.0005788281559944153,-1.8370794166085356,1,2688,1 -14689,0.000741049047395656,-0.00026951730251312256,-0.0006903000175952911,-1.943029935462157,1,2689,1 -14690,0.0005397537623436201,-0.00016449019312858582,-0.0005140788853168488,-1.8804727145090332,1,2690,1 -14691,0.0006261209258231667,-0.00011419504880905151,-0.0006156191229820251,-1.7542078941033494,1,2691,1 -14692,0.0007390494452081546,-0.00022492557764053345,-0.0007039904594421387,-1.880046456310415,1,2692,1 -14693,0.000622292291133844,-0.00015746429562568665,-0.0006020404398441315,-1.8266166528057683,1,2693,1 -14694,0.0005927085056031786,-0.00015635788440704346,-0.000571712851524353,-1.837758383852692,1,2694,1 -14695,0.0003180511602445232,-9.807199239730835e-05,-0.0003025531768798828,-1.8842573839147476,1,2695,1 -14696,0.0006281631021601288,-0.00019916892051696777,-0.0005957521498203278,-1.8934301820699742,1,2696,1 -14697,0.0006676786464313244,-0.00011784210801124573,-0.0006571970880031586,-1.7482209838209928,1,2697,1 -14698,0.0006240120209940107,-0.00015604496002197266,-0.0006041862070560455,-1.8235460214521468,1,2698,1 -14699,0.0005945339502130013,-0.00016025453805923462,-0.0005725286900997162,-1.8437183839924716,1,2699,1 -14700,0.0006123783717112539,-0.0001266859471797943,-0.0005991309881210327,-1.779176391383795,1,2700,1 -14701,0.0006556158496797196,-0.0001968182623386383,-0.0006253756582736969,-1.8757024572212349,1,2701,1 -14702,0.000605330005180082,-8.897855877876282e-05,-0.0005987547338008881,-1.7183226921389652,1,2702,1 -14703,0.0006954796199412892,-0.0001069679856300354,-0.0006872043013572693,-1.725213901283128,1,2703,1 -14704,0.0006361460527840332,-0.00014246255159378052,-0.000619988888502121,-1.7966580634373825,1,2704,1 -14705,0.0005699378267258861,-0.00015636533498764038,-0.0005480684340000153,-1.8487153053520635,1,2705,1 -14706,0.0005998316748396183,-0.00019491463899612427,-0.0005672797560691833,-1.9017540152132142,1,2706,1 -14707,0.0006701689969827707,-0.00011599436402320862,-0.0006600543856620789,-1.7447546323708691,1,2707,1 -14708,0.0006222799720535186,-0.00014308840036392212,-0.0006056055426597595,-1.8028145758205751,1,2708,1 -14709,0.0006999832730553122,-0.00011141225695610046,-0.0006910599768161774,-1.7306402996377277,1,2709,1 -14710,0.0004368323969406849,-3.6422163248062134e-05,-0.00043531134724617004,-1.6542711250049873,1,2710,1 -14711,0.000693693185555827,-0.00015768781304359436,-0.0006755329668521881,-1.8001173401291766,1,2711,1 -14712,0.0005480114107913577,-0.00019728019833564758,-0.0005112700164318085,-1.9390565734795595,1,2712,1 -14713,0.0006523954300441618,-0.00012839585542678833,-0.0006396360695362091,-1.768896276704444,1,2713,1 -14714,0.0006481509440006447,-0.00010218098759651184,-0.0006400458514690399,-1.7291067528761186,1,2714,1 -14715,0.0007183399981610036,-0.0002105608582496643,-0.0006867870688438416,-1.8682863909048666,1,2715,1 -14716,0.0006915850719410525,-0.0002157166600227356,-0.0006570816040039062,-1.8880056234742726,1,2716,1 -14717,0.0004529718931317083,-9.504333138465881e-05,-0.0004428885877132416,-1.7821889207026842,1,2717,1 -14718,0.0006305147677049604,-0.00012235715985298157,-0.0006185285747051239,-1.7660946034460345,1,2718,1 -14719,0.000629513544819797,-5.390867590904236e-05,-0.0006272010505199432,-1.6565367909960365,1,2719,1 -14720,0.000650397562643451,-0.00015985965728759766,-0.0006304457783699036,-1.8191284630867721,1,2720,1 -14721,0.0006502482190128021,-0.00019036605954170227,-0.0006217584013938904,-1.8679073824499388,1,2721,1 -14722,0.0006722374338401758,-0.00021480396389961243,-0.0006369948387145996,-1.8960359502858646,1,2722,1 -14723,0.0004375677257562042,-9.662657976150513e-05,-0.0004267655313014984,-1.7934582074453587,1,2723,1 -14724,0.0005529835608491512,-0.00011008977890014648,-0.0005419142544269562,-1.771218709321502,1,2724,1 -14725,0.00029815589724169704,-6.943568587303162e-05,-0.0002899579703807831,-1.8058383209842743,1,2725,1 -14726,0.0006144310359451943,-0.0001463666558265686,-0.0005967430770397186,-1.8113237974758367,1,2726,1 -14727,0.0006598741823083,-0.00022378936409950256,-0.0006207674741744995,-1.9167983058501519,1,2727,1 -14728,0.000653438523653646,-0.00014298781752586365,-0.0006376020610332489,-1.7914050894621394,1,2728,1 -14729,0.0006488255569010348,-0.00015401095151901245,-0.0006302818655967712,-1.810452676502068,1,2729,1 -14730,0.0006288350709659515,-0.00014512240886688232,-0.0006118603050708771,-1.803675329829154,1,2730,1 -14731,0.0006246828328330242,-8.520111441612244e-05,-0.0006188452243804932,-1.707613772457895,1,2731,1 -14732,0.0006746992477653847,-0.0001176595687866211,-0.0006643608212471008,-1.7460807122689186,1,2732,1 -14733,0.0006333130040542115,-0.00012170523405075073,-0.0006215088069438934,-1.764171581718137,1,2733,1 -14734,0.0006318383128719659,-0.00014172494411468506,-0.0006157383322715759,-1.7970268650352506,1,2734,1 -14735,0.0005878208267454616,-0.00011832639575004578,-0.0005757883191108704,-1.7734778711210226,1,2735,1 -14736,0.0007031278295339473,-0.00015544891357421875,-0.0006857290863990784,-1.793720121075978,1,2736,1 -14737,0.0006891519735039566,-0.0001350119709968567,-0.0006757974624633789,-1.7679819812325126,1,2737,1 -14738,0.0006952428601863564,-0.0003327801823616028,-0.0006104260683059692,-2.069916401654529,1,2738,1 -14739,0.0006587742738971719,-0.00017992407083511353,-0.0006337277591228485,-1.8474306165654772,1,2739,1 -14740,0.0006905647380940286,-0.0001951269805431366,-0.0006624236702919006,-1.8572596655871012,1,2740,1 -14741,0.0002484841715178911,-9.866803884506226e-05,-0.00022805482149124146,-1.9791291527599342,1,2741,1 -14742,0.000452820426058497,-8.829310536384583e-05,-0.0004441291093826294,-1.7670382910829276,1,2742,1 -14743,0.0005915578274209091,-0.0002109929919242859,-0.0005526505410671234,-1.9355010834138895,1,2743,1 -14744,0.0006739094354182628,-0.0002000369131565094,-0.0006435364484786987,-1.8721682297589426,1,2744,1 -14745,0.0006510225783442811,-0.00014988332986831665,-0.0006335340440273285,-1.803107829378417,1,2745,1 -14746,0.0003624083013694577,-0.00011571496725082397,-0.0003434382379055023,-1.8957812223115187,1,2746,1 -14747,0.0006394807388687573,-0.00014983117580413818,-0.0006216801702976227,-1.807296138538343,1,2747,1 -14748,0.0004113032946142203,-6.509199738502502e-05,-0.0004061199724674225,-1.7297223990473816,1,2748,1 -14749,0.000675969644890216,-7.073581218719482e-05,-0.0006722584366798401,-1.6756317271994143,1,2749,1 -14750,0.00033567189422103143,-0.00015761703252792358,-0.0002963654696941376,-2.0595850975306322,1,2750,1 -14751,0.0006465529622341475,-0.00012250244617462158,-0.0006348416209220886,-1.7614187568087694,1,2751,1 -14752,0.000606326541008847,-6.841868162155151e-05,-0.0006024539470672607,-1.6838784912766684,1,2752,1 -14753,0.0006638856776922144,-0.00015060976147651672,-0.0006465762853622437,-1.7996497484059248,1,2753,1 -14754,0.0006332229017758132,-0.0002145320177078247,-0.0005957745015621185,-1.9164309514611235,1,2754,1 -14755,0.0005724552905802835,-0.00016944855451583862,-0.0005468018352985382,-1.8713018611229655,1,2755,1 -14756,0.0006277538272940129,-0.0001663118600845337,-0.0006053224205970764,-1.8389293702495983,1,2756,1 -14757,0.0006759629664262445,-8.346140384674072e-05,-0.0006707906723022461,-1.6945825942853565,1,2757,1 -14758,0.0007507360128062269,-0.00020454451441764832,-0.0007223337888717651,-1.8467437530251831,1,2758,1 -14759,0.0006160449923724366,-0.0002442002296447754,-0.0005655772984027863,-1.9783885923805944,1,2759,1 -14760,0.0005700000158508342,-0.00020348653197288513,-0.0005324408411979675,-1.9358440846471994,1,2760,1 -14761,0.0006625430648928861,-0.00018743053078651428,-0.0006354786455631256,-1.8576080388392524,1,2761,1 -14762,0.0006629339790541663,-0.0001666136085987091,-0.0006416551768779755,-1.8248479687308057,1,2762,1 -14763,0.0006701558263332085,-0.00011489540338516235,-0.000660233199596405,-1.7430933404412698,1,2763,1 -14764,0.0006311871842234325,-0.0001272149384021759,-0.0006182342767715454,-1.7737351094661615,1,2764,1 -14765,0.0005897701305323307,-0.0001653730869293213,-0.0005661100149154663,-1.8550098524339054,1,2765,1 -14766,0.00043549040150580594,-8.671730756759644e-05,-0.0004267692565917969,-1.77126194501061,1,2766,1 -14767,0.0003737582184717829,-0.0001035444438457489,-0.0003591291606426239,-1.8515042143172684,1,2767,1 -14768,0.0006283977727202739,-0.0002187080681324005,-0.0005891099572181702,-1.9262767660835576,1,2768,1 -14769,0.0007093446441284093,-0.00022338330745697021,-0.0006732530891895294,-1.8911634805670945,1,2769,1 -14770,0.0007144301760519466,-0.00014229491353034973,-0.0007001161575317383,-1.7713098555912552,1,2770,1 -14771,0.0006484440469441485,-0.0001611858606338501,-0.0006280913949012756,-1.8220033467278014,1,2771,1 -14772,0.0006714863739591119,-0.00015833601355552673,-0.0006525516510009766,-1.8088373005785072,1,2772,1 -14773,0.0006501605776084564,-0.0001876242458820343,-0.0006224997341632843,-1.8635411912259288,1,2773,1 -14774,0.0006678539804681733,-0.0001501515507698059,-0.0006507560610771179,-1.797561727739545,1,2774,1 -14775,0.0006488198957939765,-0.00013313814997673035,-0.0006350129842758179,-1.7774648622251044,1,2775,1 -14776,0.0007151280906780737,-7.510930299758911e-05,-0.0007111728191375732,-1.6760195504465312,1,2776,1 -14777,0.0006306598647985711,-0.00011822953820228577,-0.0006194785237312317,-1.7593817409455716,1,2777,1 -14778,0.0006686263072920444,-0.00013375654816627502,-0.0006551109254360199,-1.772202005230731,1,2778,1 -14779,0.0006350438491599532,-0.0001565106213092804,-0.0006154552102088928,-1.819818487653438,1,2779,1 -14780,0.000621864383088753,-6.086379289627075e-05,-0.0006188787519931793,-1.6688263576490983,1,2780,1 -14781,0.0005825568234455825,-0.00018502399325370789,-0.0005523934960365295,-1.8940008358769533,1,2781,1 -14782,0.0006610181717198047,-0.00019038096070289612,-0.0006330087780952454,-1.8629462254755949,1,2782,1 -14783,0.0007115391827095895,-0.0001696944236755371,-0.0006910078227519989,-1.8116062098819168,1,2783,1 -14784,0.0006482031951849102,-0.00013883039355278015,-0.0006331615149974823,-1.786645808016356,1,2784,1 -14785,0.0006556518165581164,-0.00014702603220939636,-0.0006389543414115906,-1.7969636098821928,1,2785,1 -14786,0.0005814190625505145,-0.0001537315547466278,-0.0005607269704341888,-1.8383858219736136,1,2786,1 -14787,0.0007126180224823412,-0.00015551969408988953,-0.0006954409182071686,-1.790803993353225,1,2787,1 -14788,0.0006932186222366887,-9.333714842796326e-05,-0.0006869062781333923,-1.7058496649772006,1,2788,1 -14789,0.0006393132421563198,-8.063018321990967e-05,-0.0006342083215713501,-1.6972530878385574,1,2789,1 -14790,0.0006923272980646373,-0.00011195987462997437,-0.0006832145154476166,-1.7332248504158252,1,2790,1 -14791,0.0006308478652844245,-8.299574255943298e-05,-0.0006253644824028015,-1.7027410554723108,1,2791,1 -14792,0.0006186877021107188,-8.941814303398132e-05,-0.0006121918559074402,-1.7158330042900727,1,2792,1 -14793,0.0004474900497317049,-6.510689854621887e-05,-0.0004427284002304077,-1.7168081000195545,1,2793,1 -14794,0.0007326601332002149,-0.00015026703476905823,-0.0007170848548412323,-1.777360031582474,1,2794,1 -14795,0.0006789917778020024,-0.00013357028365135193,-0.0006657242774963379,-1.7688062779595357,1,2795,1 -14796,0.0005199365359678817,-0.00011704489588737488,-0.0005065910518169403,-1.7978561721748834,1,2796,1 -14797,0.0006263442062768567,-0.00016464665532112122,-0.0006043165922164917,-1.8367912047615504,1,2797,1 -14798,0.0007192983154405194,-0.0001349411904811859,-0.0007065273821353912,-1.7595156893341186,1,2798,1 -14799,0.00033361388892657804,-0.0001377202570438385,-0.00030386075377464294,-1.996337026557683,1,2799,1 -14800,0.000688952873738564,-0.00011098384857177734,-0.0006799548864364624,-1.7325919371339593,1,2800,1 -14801,0.0006438578635606829,-8.609890937805176e-05,-0.0006380751729011536,-1.7049215807483478,1,2801,1 -14802,0.0006328919439835311,-0.00011450424790382385,-0.0006224475800991058,-1.7527204437243724,1,2802,1 -14803,0.0006564038044302495,-0.00024577975273132324,-0.0006086528301239014,-1.9545823758147238,1,2803,1 -14804,0.0006721413945264117,-0.0001937374472618103,-0.0006436146795749664,-1.8631837323302873,1,2804,1 -14805,0.0006262085842232424,-0.00013011321425437927,-0.0006125420331954956,-1.780100544298965,1,2805,1 -14806,0.0006575091062293505,-0.00013390183448791504,-0.0006437301635742188,-1.7758811024404393,1,2806,1 -14807,0.0006323528557139322,-0.0002133585512638092,-0.0005952715873718262,-1.914954426945483,1,2807,1 -14808,0.0006882742145923892,-0.00011667981743812561,-0.0006783120334148407,-1.7411441931816134,1,2808,1 -14809,0.0006302064663987435,-0.00013646483421325684,-0.0006152540445327759,-1.7890651875438595,1,2809,1 -14810,0.0006187307053977529,-0.00016919150948524475,-0.0005951486527919769,-1.8477735667162294,1,2810,1 -14811,0.0006762811459180342,-0.0001796148717403412,-0.0006519928574562073,-1.8396142654091747,1,2811,1 -14812,0.0006440997449963839,-0.00015312805771827698,-0.0006256327033042908,-1.810834458657476,1,2812,1 -14813,0.0007139778564881482,-0.00014130398631095886,-0.000699855387210846,-1.7700225112185355,1,2813,1 -14814,0.00029980265784305125,-9.914115071296692e-05,-0.0002829357981681824,-1.9078288563753574,1,2814,1 -14815,0.0005799936574052349,-0.00011140108108520508,-0.0005691945552825928,-1.7640702972134898,1,2815,1 -14816,0.0006784819559883285,-0.0001614205539226532,-0.0006590001285076141,-1.8110142435493644,1,2816,1 -14817,0.0004075791951899915,-0.00013942644000053406,-0.00038298964500427246,-1.9199304425387378,1,2817,1 -14818,0.0006777258516359306,-0.00018100813031196594,-0.0006531067192554474,-1.8411597104063795,1,2818,1 -14819,0.00033578241838756924,-0.00020236894488334656,-0.0002679489552974701,-2.217650156801844,1,2819,1 -14820,0.0006758054075929722,-0.00017482414841651917,-0.0006528012454509735,-1.8324621924675544,1,2820,1 -14821,0.000672708741962211,-0.00022161006927490234,-0.0006351582705974579,-1.9064955548377926,1,2821,1 -14822,0.0003655438176005095,-0.00016067922115325928,-0.0003283359110355377,-2.0259074577426914,1,2822,1 -14823,0.0006395027853153223,-0.0001530572772026062,-0.000620916485786438,-1.812480239272919,1,2823,1 -14824,0.0006486848681845916,-0.0001684427261352539,-0.0006264336407184601,-1.83347475897312,1,2824,1 -14825,0.0006496618074431923,-6.274506449699402e-05,-0.0006466247141361237,-1.6675282298706262,1,2825,1 -14826,0.0006792309559796694,-0.0001252293586730957,-0.0006675869226455688,-1.7562264839308375,1,2826,1 -14827,0.0006540400927236357,-0.000134199857711792,-0.0006401240825653076,-1.7774500539046623,1,2827,1 -14828,0.0006734978873565208,-0.00013267621397972107,-0.0006603002548217773,-1.769088990612478,1,2828,1 -14829,0.0006278305386055084,-0.00010021775960922241,-0.0006197802722454071,-1.731107597252633,1,2829,1 -14830,0.0006557572632155057,-0.00012052059173583984,-0.000644586980342865,-1.7556354715010458,1,2830,1 -14831,0.0007036689011943742,-0.00019486993551254272,-0.0006761476397514343,-1.851398302814954,1,2831,1 -14832,0.0006078052697477544,-0.00019183382391929626,-0.0005767382681369781,-1.8919034030868982,1,2832,1 -14833,0.0003229913603303176,-7.764250040054321e-05,-0.0003135204315185547,-1.8135594973817726,1,2833,1 -14834,0.0006369100506043191,-0.0001344233751296997,-0.0006225630640983582,-1.783450994487576,1,2834,1 -14835,0.00046971211311620337,-0.00013718381524085999,-0.0004492327570915222,-1.8671756909504469,1,2835,1 -14836,0.0006374300210226289,-0.00015548989176750183,-0.00061817467212677,-1.8172151043622193,1,2836,1 -14837,0.0006645385991282406,-0.00011890381574630737,-0.0006538145244121552,-1.750691944243021,1,2837,1 -14838,0.0006971835367773021,-0.00017724186182022095,-0.0006742775440216064,-1.827843177357752,1,2838,1 -14839,0.0005951596684232761,-9.904801845550537e-05,-0.0005868598818778992,-1.737996880744442,1,2839,1 -14840,0.0006509982754121886,-0.0001533105969429016,-0.0006326884031295776,-1.808530127797906,1,2840,1 -14841,0.0006533301087563513,-0.00011139363050460815,-0.0006437636911869049,-1.742134719265087,1,2841,1 -14842,0.0006266994087505671,-0.0003770291805267334,-0.0005006007850170135,-2.2163125551945484,1,2842,1 -14843,0.0006644572616200286,-0.0001500248908996582,-0.0006472989916801453,-1.7985457265297822,1,2843,1 -14844,0.0006067099985799099,-0.00010300800204277039,-0.0005979016423225403,-1.7414040526401282,1,2844,1 -14845,0.000624208005223527,-0.00021084770560264587,-0.0005875192582607269,-1.915358234062556,1,2845,1 -14846,0.0005859139813336724,-8.508190512657166e-05,-0.0005797035992145538,-1.7165238501077933,1,2846,1 -14847,0.0006176664356610272,-0.00014257431030273438,-0.0006009861826896667,-1.8037242432298675,1,2847,1 -14848,0.0007075097814028007,-0.00014745816588401794,-0.0006919726729393005,-1.780754052843542,1,2848,1 -14849,0.0004449347737591276,-0.00018493086099624634,-0.0004046820104122162,-1.9994381594248598,1,2849,1 -14850,0.000636292069840276,-0.0001270286738872528,-0.0006234832108020782,-1.771785755368578,1,2850,1 -14851,0.0003553486422744036,-0.00015081465244293213,-0.000321757048368454,-2.0091100456605746,1,2851,1 -14852,0.0006248504887542478,-8.602067828178406e-05,-0.0006189011037349701,-1.7089009345967807,1,2852,1 -14853,0.0006504023398546213,-0.000119037926197052,-0.0006394162774085999,-1.7548558090499742,1,2853,1 -14854,0.0008866003593329487,-0.0002929903566837311,-0.000836789608001709,-1.907592501963066,1,2854,1 -14855,0.0006000019809624216,-0.00010153278708457947,-0.0005913488566875458,-1.7408352926661765,1,2855,1 -14856,0.00044369216674703825,-0.00013726204633712769,-0.0004219263792037964,-1.8853196780574528,1,2856,1 -14857,0.0005854883891238856,-0.00011185556650161743,-0.0005747042596340179,-1.763024602738747,1,2857,1 -14858,0.0006950553107957637,-0.00012005865573883057,-0.0006846077740192413,-1.7443995454367582,1,2858,1 -14859,0.00036994026923468026,-9.187310934066772e-05,-0.00035835057497024536,-1.821768499599915,1,2859,1 -14860,0.0003139318105655209,-3.6112964153289795e-05,-0.0003118477761745453,-1.6860859777167145,1,2860,1 -14861,0.0004931711164139404,-0.00011162459850311279,-0.00048037245869636536,-1.7991153616035485,1,2861,1 -14862,0.0006328661884659544,-0.00020284578204154968,-0.0005994774401187897,-1.8970739102454746,1,2862,1 -14863,0.0006792935981089843,-0.00014959275722503662,-0.0006626173853874207,-1.792834398280644,1,2863,1 -14864,0.0004900563663565164,-3.299489617347717e-05,-0.0004889443516731262,-1.6381760773256266,1,2864,1 -14865,0.0006325151016960317,-0.0001641102135181427,-0.0006108544766902924,-1.8332558115160125,1,2865,1 -14866,0.0006751070447721322,-0.00017146766185760498,-0.0006529688835144043,-1.827595390505023,1,2866,1 -14867,0.0006804421620655096,-0.0001711137592792511,-0.0006585754454135895,-1.8249995975640003,1,2867,1 -14868,0.0004745092933174724,-0.00011975318193435669,-0.00045914947986602783,-1.8259278532534586,1,2868,1 -14869,0.0006318535584068552,-0.00021910294890403748,-0.000592648983001709,-1.9249132648995617,1,2869,1 -14870,0.0006988584313992532,-0.00021968036890029907,-0.0006634332239627838,-1.89055948248285,1,2870,1 -14871,0.0006342847020534203,-0.00012424588203430176,-0.0006219968199729919,-1.7679546092120109,1,2871,1 -14872,0.0006840821102239613,-6.143003702163696e-05,-0.0006813183426856995,-1.6607166712665618,1,2872,1 -14873,0.0006318935194560988,-0.00012202188372612,-0.0006200000643730164,-1.765122194990048,1,2873,1 -14874,0.0006105563263503462,-0.00019441545009613037,-0.0005787760019302368,-1.894862227829779,1,2874,1 -14875,0.0006781547041613088,-0.00021364539861679077,-0.0006436221301555634,-1.891294412954055,1,2875,1 -14876,0.0006634682522592932,-0.00019001588225364685,-0.0006356760859489441,-1.861261404372819,1,2876,1 -14877,0.0006436483463647832,-0.00017175450921058655,-0.0006203092634677887,-1.8409144289561508,1,2877,1 -14878,0.0006869792940741408,-0.00013902410864830017,-0.0006727650761604309,-1.774573880400435,1,2878,1 -14879,0.0005133786575085593,-0.00012734532356262207,-0.0004973337054252625,-1.8214666664640538,1,2879,1 -14880,0.0007071749631488453,-0.00022567808628082275,-0.0006701983511447906,-1.8956037020620924,1,2880,1 -14881,0.0006440939068488073,-0.0001481473445892334,-0.0006268247961997986,-1.8028831765058553,1,2881,1 -14882,0.0006758335007207949,-0.0001754462718963623,-0.0006526634097099304,-1.833404145568956,1,2882,1 -14883,0.0006465515990046813,-6.025657057762146e-05,-0.0006437376141548157,-1.6641286166150981,1,2883,1 -14884,0.0003990872165825534,-5.90495765209198e-05,-0.0003946945071220398,-1.7193031774021994,1,2884,1 -14885,0.0003126441830931372,-8.058547973632812e-05,-0.00030208006501197815,-1.8314938935526766,1,2885,1 -14886,0.0006263352030261973,-0.00011625513434410095,-0.0006154514849185944,-1.7574906578270126,1,2886,1 -14887,0.0006728120245275191,-7.916614413261414e-05,-0.0006681382656097412,-1.6887341223142138,1,2887,1 -14888,0.0003523338235298919,-0.0001566857099533081,-0.00031557679176330566,-2.031644676968913,1,2888,1 -14889,0.0006925697325747022,-0.00017682090401649475,-0.0006696172058582306,-1.8289660244868093,1,2889,1 -14890,0.0006205186546659877,-0.00013846904039382935,-0.0006048716604709625,-1.7958415935454286,1,2890,1 -14891,0.0006684437647949529,-0.0001568533480167389,-0.0006497800350189209,-1.8076594721158274,1,2891,1 -14892,0.000629584156204429,-0.00012315064668655396,-0.0006174221634864807,-1.767672013132289,1,2892,1 -14893,0.0004932798748162821,-0.0001712515950202942,-0.00046259909868240356,-1.9253472249522587,1,2893,1 -14894,0.0006273102500928398,-0.00012562796473503113,-0.000614602118730545,-1.7724241948178716,1,2894,1 -14895,0.00064907939415497,-9.165704250335693e-05,-0.0006425753235816956,-1.71248072493337,1,2895,1 -14896,0.0005838851301996295,-0.00013991445302963257,-0.000566873699426651,-1.812777632618942,1,2896,1 -14897,0.0006649883427812149,-0.00011388957500457764,-0.0006551630795001984,-1.7429103525291498,1,2897,1 -14898,0.00065602904375917,-0.00011996552348136902,-0.0006449669599533081,-1.7546973284809488,1,2898,1 -14899,0.0004629065749534958,-0.00013622641563415527,-0.00044240802526474,-1.869503526874023,1,2899,1 -14900,0.0006731142239560719,-0.00015634670853614807,-0.0006547048687934875,-1.8052109580471996,1,2900,1 -14901,0.0006072499309244854,-3.077089786529541e-05,-0.0006064698100090027,-1.6214905796485433,1,2901,1 -14902,0.0006671598794202684,-0.00016649439930915833,-0.0006460510194301605,-1.8230190515348763,1,2902,1 -14903,0.00034638757671151153,-4.0180981159210205e-05,-0.0003440491855144501,-1.6870581288202366,1,2903,1 -14904,0.0006471528103137836,-0.00019801408052444458,-0.0006161145865917206,-1.8817611385083173,1,2904,1 -14905,0.00041814853978018265,-8.725374937057495e-05,-0.0004089437425136566,-1.7810079566229862,1,2905,1 -14906,0.0006880353670034514,-0.00011964887380599976,-0.0006775520741939545,-1.7455842615700214,1,2906,1 -14907,0.000552495488130149,-0.00011653080582618713,-0.0005400665104389191,-1.7833095082251489,1,2907,1 -14908,0.0006520650035221666,-8.617714047431946e-05,-0.000646345317363739,-1.703344461321414,1,2908,1 -14909,0.0006415657807263736,-0.0001064687967300415,-0.0006326697766780853,-1.7375191280718858,1,2909,1 -14910,0.0005924748984151003,-0.00015231221914291382,-0.0005725622177124023,-1.830793611414101,1,2910,1 -14911,0.0006724495555725926,-0.0001897476613521576,-0.0006451234221458435,-1.8568555843510433,1,2911,1 -14912,0.0006352727818764219,-9.900704026222229e-05,-0.0006275102496147156,-1.72728388165425,1,2912,1 -14913,0.0006500154424314358,-0.0001520700752735138,-0.0006319768726825714,-1.8069331420022634,1,2913,1 -14914,0.000633693128075964,-0.00014367327094078064,-0.0006171911954879761,-1.7995088191531141,1,2914,1 -14915,0.0006328623692932576,-0.00017089024186134338,-0.0006093531847000122,-1.8442179165482968,1,2915,1 -14916,0.0006392660349660919,-0.0002369619905948639,-0.0005937255918979645,-1.9505354735650982,1,2916,1 -14917,0.0006712411081645914,-0.00011017918586730957,-0.0006621368229389191,-1.7356849729386399,1,2917,1 -14918,0.0007003183810178909,-0.0001441463828086853,-0.000685323029756546,-1.7781079013133934,1,2918,1 -14919,0.000666474118640113,-8.322298526763916e-05,-0.0006612576544284821,-1.695993678912219,1,2919,1 -14920,0.0006331749295213465,-0.00020208954811096191,-0.0006000585854053497,-1.8956483877710484,1,2920,1 -14921,0.0007148646998554141,-8.445978164672852e-05,-0.0007098577916622162,-1.6892208636813166,1,2921,1 -14922,0.0005769287337543389,-0.000177871435880661,-0.000548824667930603,-1.8842096400450656,1,2922,1 -14923,0.0007068990690740511,-0.00010316818952560425,-0.0006993301212787628,-1.7172641810592852,1,2923,1 -14924,0.0006717298613181985,-0.00011281296610832214,-0.0006621889770030975,-1.739539949759971,1,2924,1 -14925,0.0006016780928784316,-0.00015299394726753235,-0.0005819015204906464,-1.8278981838481945,1,2925,1 -14926,0.0006501017071318954,-0.0001973286271095276,-0.0006194300949573517,-1.8791968467815048,1,2926,1 -14927,0.0006543140917034265,-0.00012945756316184998,-0.0006413795053958893,-1.769962772559946,1,2927,1 -14928,0.0006655765814028208,-0.0002004876732826233,-0.0006346628069877625,-1.8767723929783415,1,2928,1 -14929,0.0007229731152130082,-0.0002485029399394989,-0.0006789229810237885,-1.9216755839703996,1,2929,1 -14930,0.0005758858372618103,-0.0002127625048160553,-0.0005351416766643524,-1.9492161728281643,1,2930,1 -14931,0.0005932659210643876,-0.0001278109848499298,-0.0005793347954750061,-1.78793487428427,1,2931,1 -14932,0.0006868054625896771,-0.00016444921493530273,-0.0006668269634246826,-1.8125861312534188,1,2932,1 -14933,0.0006941482890162383,-0.00019846111536026,-0.0006651729345321655,-1.8607480195554473,1,2933,1 -14934,0.0006117681916756073,-0.00011578947305679321,-0.0006007105112075806,-1.761215161228124,1,2934,1 -14935,0.0005359213740314987,-0.00012472644448280334,-0.0005212053656578064,-1.8056829568026314,1,2935,1 -14936,0.0006863233201336357,-6.038695573806763e-05,-0.000683661550283432,-1.6588964125379297,1,2936,1 -14937,0.0006433349548059321,-0.00016024336218833923,-0.0006230585277080536,-1.8225289204741846,1,2937,1 -14938,0.0005740495570821252,-0.00013491511344909668,-0.000557970255613327,-1.8080390314725352,1,2938,1 -14939,0.000603727605895055,-0.00019425153732299805,-0.0005716234445571899,-1.8983773320648334,1,2939,1 -14940,0.0006077190661723455,-0.00016499310731887817,-0.0005848929286003113,-1.8457430796748817,1,2940,1 -14941,0.000649883467793583,-0.00017842650413513184,-0.0006249099969863892,-1.848919611737643,1,2941,1 -14942,0.0006933519980198319,-0.00015047937631607056,-0.0006768256425857544,-1.7895690056574218,1,2942,1 -14943,0.000581605568431715,-0.0001782439649105072,-0.0005536191165447235,-1.88227743181409,1,2943,1 -14944,0.0006076461090857833,-0.00017791986465454102,-0.0005810149013996124,-1.8679520607087543,1,2944,1 -14945,0.0006511378517202959,-0.00014829635620117188,-0.0006340257823467255,-1.8005621994391778,1,2945,1 -14946,0.0006626679158497158,-0.0001917220652103424,-0.0006343275308609009,-1.8643111049113026,1,2946,1 -14947,0.0006753820374004562,-0.00012657791376113892,-0.0006634145975112915,-1.7593279715337844,1,2947,1 -14948,0.0006337270474926916,-0.00013125687837600708,-0.0006199851632118225,-1.779425451931927,1,2948,1 -14949,0.0003584423142531651,-0.00010680407285690308,-0.0003421604633331299,-1.873358798134195,1,2949,1 -14950,0.0006337803276834364,-0.00019770115613937378,-0.0006021559238433838,-1.8880300993277317,1,2950,1 -14951,0.0006338171091505806,-0.00016269832849502563,-0.0006125792860984802,-1.8303984409788099,1,2951,1 -14952,0.0006849559564373405,-0.00014873966574668884,-0.0006686113774776459,-1.7896923891993122,1,2952,1 -14953,0.00042610982915773865,-0.00015859678387641907,-0.0003954954445362091,-1.9521712510717708,1,2953,1 -14954,0.0006804349927201556,-0.00019562989473342896,-0.0006517060101032257,-1.8624193551355352,1,2954,1 -14955,0.0006085454762901311,-0.00010209158062934875,-0.0005999207496643066,-1.7393566722070266,1,2955,1 -14956,0.0006384205695023741,-0.00011943653225898743,-0.0006271488964557648,-1.7589864419786128,1,2956,1 -14957,0.0006272821330329064,-0.0001490078866481781,-0.000609327107667923,-1.8106343024247047,1,2957,1 -14958,0.0006499204279109874,-0.00011892616748809814,-0.0006389468908309937,-1.7548189385206339,1,2958,1 -14959,0.0006855364845960504,-0.00014205649495124817,-0.0006706565618515015,-1.7795281867796449,1,2959,1 -14960,0.0006534082201857436,-0.0001341588795185089,-0.0006394870579242706,-1.7775887148867933,1,2960,1 -14961,0.0007158291373087476,-0.00019194558262825012,-0.0006896145641803741,-1.8422627146229509,1,2961,1 -14962,0.0007079137488246649,-9.925663471221924e-05,-0.0007009208202362061,-1.7114699019082058,1,2962,1 -14963,0.0006520053905308859,-0.0001928769052028656,-0.0006228238344192505,-1.8711112278602993,1,2963,1 -14964,0.0006075223730187485,-0.00024016201496124268,-0.0005580373108386993,-1.9772058460542845,1,2964,1 -14965,0.0006419488321996287,-0.00014866888523101807,-0.0006244964897632599,-1.8045080553491466,1,2965,1 -14966,0.0006671216078549567,-0.00010458007454872131,-0.0006588734686374664,-1.728208734932897,1,2966,1 -14967,0.0004378368522895732,-0.00017163529992103577,-0.000402793288230896,-1.9736089885720296,1,2967,1 -14968,0.0004711799144488838,-8.350983262062073e-05,-0.0004637204110622406,-1.7489731468984333,1,2968,1 -14969,0.0005986884521495379,-0.00021003186702728271,-0.0005606375634670258,-1.9292429128877537,1,2969,1 -14970,0.0006898848533814046,-0.00019438937306404114,-0.0006619319319725037,-1.856435465510834,1,2970,1 -14971,0.0006981149202182145,-0.0001691170036792755,-0.0006773211061954498,-1.8154786131047769,1,2971,1 -14972,0.0004617558621566272,-0.00011582300066947937,-0.0004469938576221466,-1.8243356372320527,1,2972,1 -14973,0.0006802293836629774,-0.00021419301629066467,-0.0006456263363361359,-1.891130245490915,1,2973,1 -14974,0.0006525269344371653,-0.00012968853116035461,-0.0006395094096660614,-1.7708767655651165,1,2974,1 -14975,0.0006673347906919493,-0.00012154504656791687,-0.0006561726331710815,-1.7539536990394926,1,2975,1 -14976,0.0006795759003715004,-0.0001463480293750763,-0.0006636306643486023,-1.7878486000377927,1,2976,1 -14977,0.00035712337276941954,-0.00010766834020614624,-0.0003405064344406128,-1.8770490029494484,1,2977,1 -14978,0.0006366141180240461,-0.00020129606127738953,-0.0006039515137672424,-1.8925154230706354,1,2978,1 -14979,0.0006468867835886764,-0.0001770220696926117,-0.0006221942603588104,-1.8479845859802762,1,2979,1 -14980,0.0003586486580354187,-8.386373519897461e-05,-0.00034870579838752747,-1.806813997129096,1,2980,1 -14981,0.000623625542113037,-0.00014167651534080505,-0.000607319176197052,-1.7999793944239577,1,2981,1 -14982,0.0006239421085678856,-0.0001936405897140503,-0.000593133270740509,-1.8863577805195042,1,2982,1 -14983,0.0006540481761911186,-0.00020325183868408203,-0.0006216652691364288,-1.8867885661894184,1,2983,1 -14984,0.0006606664076000487,-0.00021382421255111694,-0.0006251074373722076,-1.9003801592131204,1,2984,1 -14985,0.0003141173781183299,-0.00011266395449638367,-0.00029321759939193726,-1.9376372374148783,1,2985,1 -14986,0.0006483014650581063,-0.00011450797319412231,-0.0006381087005138397,-1.7483555135192987,1,2986,1 -14987,0.0007391417026314597,-0.00017769262194633484,-0.0007174648344516754,-1.813578362600023,1,2987,1 -14988,0.000633392933952597,-0.000129062682390213,-0.0006201043725013733,-1.7759973882925588,1,2988,1 -14989,0.0006099402177088467,-7.696077227592468e-05,-0.0006050653755664825,-1.6973111222903816,1,2989,1 -14990,0.0006815761835184185,-0.00011960789561271667,-0.00067099928855896,-1.7471969522128536,1,2990,1 -14991,0.0005969305212004515,-0.0001707114279270172,-0.0005719996988773346,-1.8608274755419691,1,2991,1 -14992,0.0006192317808004735,-0.00016001611948013306,-0.0005981996655464172,-1.8321729911407847,1,2992,1 -14993,0.00067400582358904,-0.0002184249460697174,-0.0006376318633556366,-1.9008246468202854,1,2993,1 -14994,0.0006620154449113506,-0.00012009218335151672,-0.0006510317325592041,-1.753210175808418,1,2994,1 -14995,0.0006227401622431632,-0.00011664256453514099,-0.0006117187440395355,-1.7592145529865657,1,2995,1 -14996,0.0006535394834450167,-0.00011769309639930725,-0.0006428547203540802,-1.7518698722652672,1,2996,1 -14997,0.0002555543193233712,-7.295608520507812e-05,-0.00024491921067237854,-1.8603053492253872,1,2997,1 -14998,0.000551830880681048,-0.00011317804455757141,-0.0005401000380516052,-1.7773576335287251,1,2998,1 -14999,0.00065214226821235,-0.00014735013246536255,-0.0006352774798870087,-1.7987122488393512,1,2999,1 -15000,0.0030157540798831147,0.002081301063299179,0.0021824203431606293,0.8091099208414892,2,0,1 -15001,0.002985471311938607,0.002173464745283127,0.002046726644039154,0.7553758233684763,2,1,1 -15002,0.00281371807489676,0.0016056522727012634,0.0023106038570404053,0.9634974038934475,2,2,1 -15003,0.003102994031394001,0.001760277897119522,0.0025553852319717407,0.9675926403946263,2,3,1 -15004,0.002871380296737071,0.0019107311964035034,0.0021433457732200623,0.842713258358981,2,4,1 -15005,0.0028090659103571173,0.0016136318445205688,0.0022993572056293488,0.9588799517051804,2,5,1 -15006,0.002931844398190612,0.0014852285385131836,0.002527806907892227,1.039576953358787,2,6,1 -15007,0.002457713765930029,0.0014376752078533173,0.0019933506846427917,0.94596008801471,2,7,1 -15008,0.001492420777970022,0.001161426305770874,0.0009372346103191376,0.678975694243318,2,8,1 -15009,0.0014124887302740096,0.0009662173688411713,0.001030314713716507,0.817491480391882,2,9,1 -15010,0.0026277472866089993,0.0013643167912960052,0.002245817333459854,1.0248859697694142,2,10,1 -15011,0.0033927282801041693,0.001787923276424408,0.0028833895921707153,1.0157450546866666,2,11,1 -15012,0.0026358399284452418,0.0016187205910682678,0.0020802393555641174,0.9095265654041229,2,12,1 -15013,0.002798256781935964,0.0016081705689430237,0.0022899843752384186,0.958553397632044,2,13,1 -15014,0.002750388811548374,0.0018214955925941467,0.002060774713754654,0.8469541102190224,2,14,1 -15015,0.00323059975388786,0.0017851516604423523,0.0026925839483737946,0.9853446083993634,2,15,1 -15016,0.002903017250453508,0.0013920068740844727,0.0025475136935710907,1.0707075108960393,2,16,1 -15017,0.002987880227167427,0.0017332769930362701,0.0024337582290172577,0.951941720764232,2,17,1 -15018,0.0029292198517210737,0.0015548504889011383,0.0024824924767017365,1.0112437894618465,2,18,1 -15019,0.0029985104895815106,0.0012278184294700623,0.0027356036007404327,1.148916570705862,2,19,1 -15020,0.0029658452991902853,0.001754511147737503,0.002391219139099121,0.9377890682684332,2,20,1 -15021,0.0016495574270972823,0.0009906217455863953,0.0013189800083637238,0.9266226791034271,2,21,1 -15022,0.0027789443788841777,0.0013531669974327087,0.002427235245704651,1.0622184337684866,2,22,1 -15023,0.0029622912089501715,0.001715630292892456,0.0024149082601070404,0.9531026765715944,2,23,1 -15024,0.0032582053188904845,0.0022166892886161804,0.0023879259824752808,0.8225690912310598,2,24,1 -15025,0.0032307012867014784,0.0016180984675884247,0.0027962811291217804,1.0462151593181144,2,25,1 -15026,0.0016577679724476392,0.0011897273361682892,0.0011544451117515564,0.7703482635464702,2,26,1 -15027,0.001914944544474638,0.0014136917889118195,0.0012916997075080872,0.7403364783057231,2,27,1 -15028,0.00284369139142474,0.001665305346250534,0.002305068075656891,0.9451590657885851,2,28,1 -15029,0.0030336846029224767,0.0014128275215625763,0.0026846155524253845,1.086355744473324,2,29,1 -15030,0.00298530960869486,0.0014666393399238586,0.0026002004742622375,1.0572312887634179,2,30,1 -15031,0.0029132449853586048,0.0015375316143035889,0.0024744682013988495,1.0148199735879513,2,31,1 -15032,0.0029543056294386665,0.0016793720424175262,0.0024305619299411774,0.9661769313510185,2,32,1 -15033,0.003251565158373428,0.0019147992134094238,0.0026279687881469727,0.9411172793855688,2,33,1 -15034,0.0029698892055719938,0.0017500296235084534,0.002399507910013199,0.9406567359538409,2,34,1 -15035,0.0033236633571825294,0.0019069947302341461,0.0027221515774726868,0.9597034389733496,2,35,1 -15036,0.0027792251938323627,0.0013274960219860077,0.002441689372062683,1.0728187920042425,2,36,1 -15037,0.0027745437399832977,0.0016810745000839233,0.0022072792053222656,0.9199094042955165,2,37,1 -15038,0.002971589535474497,0.001439698040485382,0.00259954109787941,1.0650190823143832,2,38,1 -15039,0.0015734287576825387,0.0010009706020355225,0.0012139752507209778,0.8812703218558563,2,39,1 -15040,0.0031138440660242296,0.001907583326101303,0.0024611279368400574,0.9114331616772172,2,40,1 -15041,0.0031245285038097605,0.0015876814723014832,0.002691086381673813,1.0377786156977011,2,41,1 -15042,0.0025977618526542476,0.0013047009706497192,0.002246357500553131,1.0446086140488684,2,42,1 -15043,0.00352629637370298,0.0018126443028450012,0.0030247457325458527,1.0309125654440725,2,43,1 -15044,0.002734234738311124,0.0016733966767787933,0.0021623559296131134,0.9121884847972627,2,44,1 -15045,0.0028322317972401577,0.0015390291810035706,0.002377588301897049,0.9963166919228664,2,45,1 -15046,0.003049169779097209,0.0019139721989631653,0.002373635768890381,0.8921977076249884,2,46,1 -15047,0.0033777352797813324,0.00212913379073143,0.0026221908628940582,0.8888006012784722,2,47,1 -15048,0.0028291819343083226,0.0018794387578964233,0.002114705741405487,0.844233154867329,2,48,1 -15049,0.002821473366844325,0.0019860193133354187,0.0020041055977344513,0.7899308938099457,2,49,1 -15050,0.0016663425494191158,0.001106496900320053,0.001245938241481781,0.8446042048798041,2,50,1 -15051,0.0030934293979438207,0.0017283111810684204,0.002565588802099228,0.9779740649454363,2,51,1 -15052,0.002714310522854495,0.0015289969742298126,0.002242688089609146,0.9724104729713041,2,52,1 -15053,0.00286645817664098,0.0020993389189243317,0.0019517578184604645,0.7489843537283817,2,53,1 -15054,0.0029585142856499527,0.0015379153192043304,0.0025273747742176056,1.0241480136014238,2,54,1 -15055,0.0018698450613970443,0.001356668770313263,0.0012867674231529236,0.758960959696211,2,55,1 -15056,0.0014547055472993748,0.0008839406073093414,0.0011553429067134857,0.9177077413394293,2,56,1 -15057,0.001481406106245645,0.0012719593942165375,0.0007593967020511627,0.538232110767694,2,57,1 -15058,0.0013749028111390506,0.0007560066878795624,0.0011483952403068542,0.9885974227536904,2,58,1 -15059,0.002916409845691019,0.001874394714832306,0.00223429873585701,0.872770882749574,2,59,1 -15060,0.0013024369158754457,0.0010454095900058746,0.000776827335357666,0.6390602758764644,2,60,1 -15061,0.002711589755987163,0.0018793679773807526,0.0019546598196029663,0.8050334320651275,2,61,1 -15062,0.0033223749802121796,0.0014301910996437073,0.00299878790974617,1.125780117609592,2,62,1 -15063,0.0028940526026200414,0.001852661371231079,0.0022233277559280396,0.8760877167550329,2,63,1 -15064,0.003071290791672035,0.0019669830799102783,0.002358771860599518,0.8757229110230837,2,64,1 -15065,0.002681379988957632,0.001738276332616806,0.0020416155457496643,0.8654773139947716,2,65,1 -15066,0.0030081540027520923,0.0017191879451274872,0.0024684779345989227,0.9624523907639323,2,66,1 -15067,0.0016362735792765357,0.001069139689207077,0.0012386813759803772,0.8587303945137542,2,67,1 -15068,0.0016166634882246631,0.0011534206569194794,0.0011327937245368958,0.7763760992876092,2,68,1 -15069,0.0027945606294648953,0.0016048364341259003,0.002287808805704117,0.9590823597501629,2,69,1 -15070,0.003198270466866163,0.0018198415637016296,0.0026300400495529175,0.9654972700704673,2,70,1 -15071,0.002842023272500839,0.0016023851931095123,0.002347223460674286,0.9717943806346158,2,71,1 -15072,0.0026997482356913077,0.0016604885458946228,0.002128712832927704,0.9083430063617023,2,72,1 -15073,0.002199540174736981,0.0012826882302761078,0.0017868094146251678,0.9481806761301204,2,73,1 -15074,0.002918326278019952,0.0016984380781650543,0.002373170107603073,0.949622061890477,2,74,1 -15075,0.0028299250016893688,0.0017111748456954956,0.0022539645433425903,0.9214430328473848,2,75,1 -15076,0.0030868745689503754,0.001736324280500412,0.002552248537540436,0.9734066266942522,2,76,1 -15077,0.0010333463913213673,0.00048298388719558716,0.000913526862859726,1.08445129263247,2,77,1 -15078,0.0027733506404400143,0.0016330704092979431,0.0022415518760681152,0.9411687008202632,2,78,1 -15079,0.0016380848589581957,0.0008237138390541077,0.0014159157872200012,1.043901491040531,2,79,1 -15080,0.002937240553873004,0.0017914623022079468,0.0023276694118976593,0.9148450496571187,2,80,1 -15081,0.003251550914618206,0.001775011420249939,0.0027243196964263916,0.993337162848067,2,81,1 -15082,0.002758006696196785,0.0013741664588451385,0.002391289919614792,1.0492214408548053,2,82,1 -15083,0.002883501072303711,0.0015460103750228882,0.0024340152740478516,1.004918066303704,2,83,1 -15084,0.0013753219353966266,0.0012937374413013458,0.00046664103865623474,0.3461682523946883,2,84,1 -15085,0.0015036913772903974,0.001094326376914978,0.0010312795639038086,0.7557462260310066,2,85,1 -15086,0.0034021798343381307,0.0018655993044376373,0.0028450600802898407,0.9904015468713532,2,86,1 -15087,0.0029431977181978573,0.0015437565743923187,0.0025058388710021973,1.018648878477767,2,87,1 -15088,0.0031350772360018695,0.0016846247017383575,0.0026440024375915527,1.0035079931615345,2,88,1 -15089,0.0023976809072436735,0.0012569241225719452,0.0020418167114257812,1.0189916161192283,2,89,1 -15090,0.0031599767134690526,0.0017521269619464874,0.0026297345757484436,0.9830647792933822,2,90,1 -15091,0.0015895423852059331,0.001124706119298935,0.0011232458055019379,0.7847485438146335,2,91,1 -15092,0.0024662368791058577,0.0014038234949111938,0.002027709037065506,0.9652433517823097,2,92,1 -15093,0.002872224759886707,0.0016677826642990112,0.0023384131491184235,0.9512586439151332,2,93,1 -15094,0.0028191453406303324,0.001667078584432602,0.0022734180092811584,0.9380745581357235,2,94,1 -15095,0.0031462944399970457,0.001529444009065628,0.0027495399117469788,1.063163865100202,2,95,1 -15096,0.0029727359932320723,0.0015288442373275757,0.002549469470977783,1.0306183896479681,2,96,1 -15097,0.0023709187794733076,0.0013280436396598816,0.0019640661776065826,0.9762429639509028,2,97,1 -15098,0.0032117893499046643,0.0014582499861717224,0.002861659973859787,1.0995126531053125,2,98,1 -15099,0.0032586919252448098,0.0024317726492881775,0.0021692290902137756,0.7283977158480932,2,99,1 -15100,0.003097214037587753,0.0018262378871440887,0.0025015175342559814,0.9401846456447237,2,100,1 -15101,0.003194132078092009,0.002184111624956131,0.0023306943476200104,0.8178538771448555,2,101,1 -15102,0.0028733226402456106,0.0017123408615589142,0.002307351678609848,0.9323549978358744,2,102,1 -15103,0.002261947344420221,0.0010577067732810974,0.0019994154572486877,1.084212520191019,2,103,1 -15104,0.0016721337033302134,0.0013896189630031586,0.0009300485253334045,0.5898118126080318,2,104,1 -15105,0.0014580627419208073,0.0011487603187561035,0.0008979402482509613,0.6634576839940386,2,105,1 -15106,0.0027428737838537842,0.001735582947731018,0.0021239370107650757,0.8856829903149183,2,106,1 -15107,0.002830161017674027,0.0014892630279064178,0.002406638115644455,1.0166572418605988,2,107,1 -15108,0.0031650758915758026,0.0015297532081604004,0.002770841121673584,1.0663500546729294,2,108,1 -15109,0.0028306107027849426,0.001811940222978592,0.0021746791899204254,0.8761374168676318,2,109,1 -15110,0.0015168324772157145,0.0009605176746845245,0.0011739619076251984,0.8850650878763566,2,110,1 -15111,0.00228231062184999,0.0013098083436489105,0.001869048923254013,0.9595412373754889,2,111,1 -15112,0.0018064479322837082,0.0010185055434703827,0.0014919452369213104,0.9717964940319828,2,112,1 -15113,0.0031124039744788393,0.0017364397644996643,0.0025829896330833435,0.9789316311752324,2,113,1 -15114,0.0028310971137766754,0.0015101954340934753,0.0023946650326251984,1.0081444237733117,2,114,1 -15115,0.003285073065624191,0.0019634366035461426,0.002633746713399887,0.9301867087688906,2,115,1 -15116,0.0029466053811738244,0.0017189234495162964,0.0023932792246341705,0.947940363383141,2,116,1 -15117,0.0027438734696601,0.0018911324441432953,0.001988079398870468,0.8103843675060898,2,117,1 -15118,0.00269693499475692,0.0016539692878723145,0.002130221575498581,0.9105930804490935,2,118,1 -15119,0.0019528343026734435,0.0010472498834133148,0.0016482807695865631,1.004782559063435,2,119,1 -15120,0.0033014261485133714,0.0018160529434680939,0.002757057547569275,0.9883346832078139,2,120,1 -15121,0.0019151486679094025,0.000535961240530014,0.0018386244773864746,1.2871547189382524,2,121,1 -15122,0.0033219242926510917,0.0017463862895965576,0.0028258301317691803,1.0172406043534377,2,122,1 -15123,0.0015198140240418247,0.0011820457875728607,0.0009553022682666779,0.6797070935453248,2,123,1 -15124,0.002736798322201253,0.0018023103475570679,0.00205954909324646,0.8519099853649953,2,124,1 -15125,0.002786111199268603,0.0017182305455207825,0.002193193882703781,0.9062363157712641,2,125,1 -15126,0.0030187350842535298,0.001753430813550949,0.0024572834372520447,0.9510244064503741,2,126,1 -15127,0.00226335961745056,0.001241251826286316,0.0018926411867141724,0.9903332462577374,2,127,1 -15128,0.0025146244175015082,0.0015113465487957,0.0020097680389881134,0.9260161337382344,2,128,1 -15129,0.0029719288705209695,0.0016266889870166779,0.002487216144800186,0.9916003174081992,2,129,1 -15130,0.0030362428988270503,0.0023396164178848267,0.0019351914525032043,0.6910723300511085,2,130,1 -15131,0.0018104297814729707,0.0010385550558567047,0.0014829225838184357,0.9598399245525524,2,131,1 -15132,0.0028962498732645527,0.0017597675323486328,0.0023003220558166504,0.9177583298540111,2,132,1 -15133,0.002988964548839834,0.0014639981091022491,0.002605881541967392,1.0589347338636184,2,133,1 -15134,0.0014876856646167036,0.0010163076221942902,0.0010864287614822388,0.8187333756415868,2,134,1 -15135,0.0013724891842470375,0.0011795349419116974,0.0007017292082309723,0.5366760090815449,2,135,1 -15136,0.0028529964877732875,0.001600794494152069,0.0023615770041942596,0.97509146361541,2,136,1 -15137,0.003101630560335143,0.0017710141837596893,0.0025462955236434937,0.9630795097900627,2,137,1 -15138,0.0028822186800293013,0.0013425536453723907,0.0025504380464553833,1.0862515176770284,2,138,1 -15139,0.00313488381065586,0.0016518644988536835,0.0026643648743629456,1.0158119111047683,2,139,1 -15140,0.0031915532190855897,0.0020462684333324432,0.002449244260787964,0.8747987927019785,2,140,1 -15141,0.0033135218672958274,0.0019594579935073853,0.002672068774700165,0.9380618767702508,2,141,1 -15142,0.003052639701529126,0.0019302479922771454,0.0023648999631404877,0.8862508746512241,2,142,1 -15143,0.0030081348927379695,0.0014287866652011871,0.00264715775847435,1.0758615375589253,2,143,1 -15144,0.0029134259734231098,0.0017302744090557098,0.0023439712822437286,0.9349025696475466,2,144,1 -15145,0.0015514440510139738,0.001375790685415268,0.0007170625030994415,0.4804636397691531,2,145,1 -15146,0.0029444064391724316,0.0017609745264053345,0.002359766513109207,0.929699877042754,2,146,1 -15147,0.0029270909023980753,0.001545444130897522,0.002485852688550949,1.0145766077146774,2,147,1 -15148,0.0027346898231031384,0.0018608495593070984,0.0020039379596710205,0.8224048743749127,2,148,1 -15149,0.0024874282354184103,0.001608431339263916,0.0018974319100379944,0.8676456992922411,2,149,1 -15150,0.003072307383595467,0.00194544717669487,0.002377878874540329,0.8850895093847869,2,150,1 -15151,0.0027816373079249303,0.0014542154967784882,0.0023712366819381714,1.0206743695068317,2,151,1 -15152,0.0028128716854630468,0.0015296265482902527,0.002360612154006958,0.9958433220975667,2,152,1 -15153,0.0026845924035719484,0.0017212852835655212,0.0020601488649845123,0.874771888985495,2,153,1 -15154,0.003295979458648076,0.001877281814813614,0.00270911306142807,0.9648171151676233,2,154,1 -15155,0.0025640196914326085,0.001674402505159378,0.0019417963922023773,0.8592071963295044,2,155,1 -15156,0.002932992538979166,0.001742050051689148,0.0023595988750457764,0.9348368305558008,2,156,1 -15157,0.003250358876535152,0.0017491839826107025,0.0027395598590373993,1.0025544716104802,2,157,1 -15158,0.0016263710184335955,0.0010894984006881714,0.001207508146762848,0.8367284845476636,2,158,1 -15159,0.0030248720301262063,0.001969374716281891,0.002295956015586853,0.8618155315330802,2,159,1 -15160,0.0034585338104857278,0.0021896809339523315,0.002677079290151596,0.8852137661021992,2,160,1 -15161,0.0027071639183484596,0.001232597976922989,0.0024102777242660522,1.0980763023170692,2,161,1 -15162,0.0013040633471272933,0.0010038651525974274,0.0008323676884174347,0.6922719522747787,2,162,1 -15163,0.0028379091705856684,0.0014100857079029083,0.0024628005921840668,1.050802414170333,2,163,1 -15164,0.003023770294068961,0.0016142502427101135,0.002556830644607544,1.0076450836124327,2,164,1 -15165,0.002838902820636236,0.0016667060554027557,0.00229814276099205,0.9433305548967135,2,165,1 -15166,0.00321365057874902,0.0019324012100696564,0.0025677569210529327,0.9256563286287179,2,166,1 -15167,0.0023547796945721797,0.0012598857283592224,0.0019893907010555267,1.0062490747106834,2,167,1 -15168,0.0027658537796568317,0.0014642775058746338,0.0023464523255825043,1.0128884449315423,2,168,1 -15169,0.002808500576268521,0.00183003768324852,0.002130407840013504,0.8610957625820391,2,169,1 -15170,0.0016776707114056753,0.0014362484216690063,0.0008670464158058167,0.5431270975654648,2,170,1 -15171,0.0030741639361591255,0.0016085729002952576,0.002619728446006775,1.0201297256564061,2,171,1 -15172,0.0020800244899456333,0.001083139330148697,0.0017757564783096313,1.0230859139263893,2,172,1 -15173,0.0033541200566720324,0.0017337165772914886,0.002871297299861908,1.0275804331530816,2,173,1 -15174,0.002843303002711447,0.0015004314482212067,0.0024151764810085297,1.0148972726653123,2,174,1 -15175,0.0029785077313218547,0.0016337931156158447,0.0024904273450374603,0.9901943068407052,2,175,1 -15176,0.0027708758405434,0.0012406930327415466,0.002477586269378662,1.1065354385703565,2,176,1 -15177,0.0028622240795193655,0.0013061873614788055,0.0025468021631240845,1.096903030349375,2,177,1 -15178,0.002749519636445364,0.0016252249479293823,0.0022177696228027344,0.9383816781094005,2,178,1 -15179,0.0019118499087422227,0.0014077946543693542,0.0012935549020767212,0.7431334658930231,2,179,1 -15180,0.002265973105563978,0.0013607405126094818,0.0018119104206562042,0.9266570119309031,2,180,1 -15181,0.0014952421616639985,0.0009879358112812042,0.0011223778128623962,0.8490193046851112,2,181,1 -15182,0.0024235582317743026,0.0012416131794452667,0.0020813532173633575,1.0329238603139175,2,182,1 -15183,0.001831711902158242,0.0005885995924472809,0.001734565943479538,1.243653692384368,2,183,1 -15184,0.0029786253350000454,0.0016549862921237946,0.002476535737514496,0.9816868460032847,2,184,1 -15185,0.002940222459429859,0.0017295144498348236,0.002377748489379883,0.9419332501058663,2,185,1 -15186,0.0027095157762675494,0.0014937259256839752,0.0022605881094932556,0.9868880351854435,2,186,1 -15187,0.0032660499059014784,0.0023129135370254517,0.002305973321199417,0.7838955912808252,2,187,1 -15188,0.002757710087279141,0.001758679747581482,0.002124149352312088,0.8792462344300153,2,188,1 -15189,0.0017976864297777114,0.0011361464858055115,0.0013931430876255035,0.8866588543155353,2,189,1 -15190,0.0027539646123556256,0.0016006678342819214,0.0022410228848457336,0.9505653961092172,2,190,1 -15191,0.0029969354391017593,0.0014839358627796173,0.0026037581264972687,1.0527875934534947,2,191,1 -15192,0.0029994656237230352,0.0011462755501270294,0.0027717947959899902,1.1786638217017338,2,192,1 -15193,0.003212578806248183,0.001973714679479599,0.002534780651330948,0.9092080287181546,2,193,1 -15194,0.0033322634886422736,0.0018894672393798828,0.0027447938919067383,0.9679101783362926,2,194,1 -15195,0.0030492712057765582,0.0020041614770889282,0.0022981278598308563,0.8536200231029647,2,195,1 -15196,0.003156454815187663,0.001748356968164444,0.002628013491630554,0.9837564077045579,2,196,1 -15197,0.002867080806358838,0.0017556101083755493,0.002266712486743927,0.9117873269456905,2,197,1 -15198,0.0029951428750203944,0.001887887716293335,0.0023252442479133606,0.8888356103831787,2,198,1 -15199,0.002545840990761102,0.0014987960457801819,0.0020578913390636444,0.9413177499903149,2,199,1 -15200,0.0032090756072929274,0.001400768756866455,0.0028872154653072357,1.1190889959129497,2,200,1 -15201,0.0031748419663587104,0.0016581825911998749,0.0027074068784713745,1.0212642801342777,2,201,1 -15202,0.0028244039885102416,0.00176248699426651,0.0022070109844207764,0.8969184733174038,2,202,1 -15203,0.00306371196227823,0.0014986731112003326,0.002672135829925537,1.0596595311041583,2,203,1 -15204,0.0028703932409617555,0.0014498457312583923,0.002477318048477173,1.0412944196091727,2,204,1 -15205,0.0013369783620972256,0.00097714364528656,0.0009125247597694397,0.7512155970534597,2,205,1 -15206,0.004477507177765339,-0.003985103219747543,-0.0020413286983966827,-2.6682011753101027,2,206,1 -15207,0.002797809715296285,0.001801900565624237,0.002140302211046219,0.8710289982703825,2,207,1 -15208,0.002283757654662796,0.0010479874908924103,0.002029106020927429,1.0940538243730595,2,208,1 -15209,0.0024208634319621753,0.001229792833328247,0.0020852312445640564,1.0379378247631834,2,209,1 -15210,0.0016657831012992527,0.0011974833905696869,0.001157958060503006,0.7686193040508297,2,210,1 -15211,0.002957613050576137,0.0020016059279441833,0.002177394926548004,0.8274382182665302,2,211,1 -15212,0.0033983583520708154,0.002403128892183304,0.0024028755724430084,0.7853454543868917,2,212,1 -15213,0.001372625708017159,0.0011805258691310883,0.0007003284990787506,0.5354299072711488,2,213,1 -15214,0.0032609648132064474,0.0020358189940452576,0.0025474168360233307,0.8965617155390291,2,214,1 -15215,0.0018732531165559104,0.0012747831642627716,0.0013725906610488892,0.8223264701542414,2,215,1 -15216,0.0029440418620056666,0.001875806599855423,0.0022690817713737488,0.8799969331642163,2,216,1 -15217,0.0028359181646161343,0.001665007323026657,0.0022956877946853638,0.943307231071092,2,217,1 -15218,0.0028578993139163483,0.0015451163053512573,0.0024042055010795593,0.9995896415525514,2,218,1 -15219,0.0015447204285943357,0.0012650266289710999,0.0008864924311637878,0.6112424077512519,2,219,1 -15220,0.002642926956636957,0.0012420453131198883,0.002332892268896103,1.0815614272456249,2,220,1 -15221,0.0031519597968609147,0.001558016985654831,0.00273996964097023,1.0537657441846375,2,221,1 -15222,0.0029990820166351803,0.0014549195766448975,0.002622537314891815,1.064294063095421,2,222,1 -15223,0.0033339073309935504,0.001796383410692215,0.0028085485100746155,1.0017579137284767,2,223,1 -15224,0.0030779614155669343,0.0014770403504371643,0.0027004070580005646,1.0702827574625842,2,224,1 -15225,0.0034054714985748535,0.0019783303141593933,0.0027719028294086456,0.9509292254622416,2,225,1 -15226,0.0029179299086798532,0.0017774999141693115,0.002314046025276184,0.9157894389165723,2,226,1 -15227,0.0030366056723502353,0.001815788447856903,0.0024339035153388977,0.9298346847741061,2,227,1 -15228,0.0027657179182214173,0.0015764795243740082,0.002272423356771469,0.964281533579668,2,228,1 -15229,0.0031699813379305864,0.0017288364470005035,0.0026570484042167664,0.9939569219561878,2,229,1 -15230,0.0030878933553910456,0.0019801631569862366,0.002369396388530731,0.8746483933809724,2,230,1 -15231,0.0014383192100999385,0.0010478273034095764,0.0009853020310401917,0.7546546336194426,2,231,1 -15232,0.002342278186869481,0.0008761808276176453,0.0021722279489040375,1.187400336586294,2,232,1 -15233,0.002964431118369008,0.001769576221704483,0.002378329634666443,0.9311195035449121,2,233,1 -15234,0.0014041264825938149,0.0008013881742954254,0.001152973622083664,0.9633921370715004,2,234,1 -15235,0.0025383801764966474,0.0013745278120040894,0.002134021371603012,0.9985783827762149,2,235,1 -15236,0.002033030544366388,0.001045960932970047,0.001743324100971222,1.0303909678222753,2,236,1 -15237,0.0029096666001087465,0.001719541847705841,0.0023471973836421967,0.938528683530836,2,237,1 -15238,0.0015681119317635676,0.0013708695769309998,0.000761374831199646,0.5069762101530053,2,238,1 -15239,0.003036542598218001,0.001708637923002243,0.002510208636522293,0.9731577918022571,2,239,1 -15240,0.0024934099861498196,0.001448601484298706,0.0020294450223445892,0.9508738808276487,2,240,1 -15241,0.0014612197472515637,0.0010357461869716644,0.0010307244956493378,0.7829680870940489,2,241,1 -15242,0.0032016491188650927,0.0024432912468910217,0.0020690299570560455,0.7026455027259277,2,242,1 -15243,0.0032464798514654173,0.0016188211739063263,0.0028140805661678314,1.0487684909922883,2,243,1 -15244,0.003471839467594578,0.0019916146993637085,0.002843789756298065,0.9598433949480345,2,244,1 -15245,0.0031602392778184852,0.0012966394424438477,0.002881985157728195,1.1480156600814382,2,245,1 -15246,0.0029728804703340666,0.0018397867679595947,0.002335209399461746,0.903510056632589,2,246,1 -15247,0.002454053403704488,0.00209929421544075,0.0012709610164165497,0.5443974670611261,2,247,1 -15248,0.0016521291525097763,0.0012684129178524017,0.0010586120188236237,0.6954828411525505,2,248,1 -15249,0.002746143958493096,0.001717694103717804,0.0021426230669021606,0.895032957626726,2,249,1 -15250,0.003023288295837515,0.001296117901802063,0.002731364220380783,1.1277304508118522,2,250,1 -15251,0.002970299244877064,0.0018654987215995789,0.0023114047944545746,0.8917505397720292,2,251,1 -15252,0.0014659638980326817,0.0011993050575256348,0.0008430406451225281,0.6126970352721898,2,252,1 -15253,0.0028428354286701195,0.0012797564268112183,0.002538491040468216,1.1038417174360822,2,253,1 -15254,0.0031705639527485775,0.001863911747932434,0.0025648213922977448,0.9423604381109768,2,254,1 -15255,0.00301725622496941,0.001228388398885727,0.0027558840811252594,1.1514965259440249,2,255,1 -15256,0.0028172744135639403,0.0015086159110069275,0.0023793093860149384,1.0057111649105512,2,256,1 -15257,0.0018916007179565174,0.0008970648050308228,0.001665361225605011,1.076700499676694,2,257,1 -15258,0.0031774539553657,0.0018261708319187164,0.002600252628326416,0.9585249516223256,2,258,1 -15259,0.002960624672527203,0.0013250745832920074,0.0026475414633750916,1.1067548143151933,2,259,1 -15260,0.00271005279897874,0.0014287270605564117,0.002302851527929306,1.0154998108749445,2,260,1 -15261,0.0031776404548292895,0.002016451209783554,0.002455875277519226,0.8833378282227387,2,261,1 -15262,0.001355089121075173,0.001124940812587738,0.0007554963231086731,0.5914016843367506,2,262,1 -15263,0.003180136137127932,0.001806795597076416,0.002617012709379196,0.9665398213215526,2,263,1 -15264,0.0023625701333386357,0.001387573778629303,0.0019121654331684113,0.9430584661520435,2,264,1 -15265,0.001717550987116156,0.000981312245130539,0.0014096125960350037,0.9626539443366002,2,265,1 -15266,0.002524902705654221,0.001670539379119873,0.001893259584903717,0.847812157624548,2,266,1 -15267,0.003226307166914592,0.002021554857492447,0.002514433115720749,0.8936330400037149,2,267,1 -15268,0.0028906657421057915,0.0016622282564640045,0.0023649409413337708,0.9581518168930112,2,268,1 -15269,0.0032301192636069198,0.001896791160106659,0.0026145465672016144,0.9431761079118283,2,269,1 -15270,0.003033886873803965,0.001791335642337799,0.0024485886096954346,0.9391893670858452,2,270,1 -15271,0.0027991699523956253,0.0013280324637889862,0.002464078366756439,1.0764708845443933,2,271,1 -15272,0.003174734063766663,0.0017068274319171906,0.002676878124475479,1.0031743383450902,2,272,1 -15273,0.002910529287278491,0.001438818871974945,0.002530016005039215,1.0537099206157032,2,273,1 -15274,0.00303285736703051,0.0019694678485393524,0.0023063868284225464,0.8640313976902347,2,274,1 -15275,0.0030345562269576158,0.0017327666282653809,0.0024911947548389435,0.9630588274433239,2,275,1 -15276,0.0031595464023908074,0.0018695667386054993,0.002547048032283783,0.9376055605284885,2,276,1 -15277,0.0027392478403229187,0.0014829076826572418,0.002303142100572586,0.9987475389156534,2,277,1 -15278,0.0031868387349874437,0.0019802674651145935,0.00249689444899559,0.9002816852742808,2,278,1 -15279,0.002994657577102633,0.0017452873289585114,0.0024335049092769623,0.9486258458529296,2,279,1 -15280,0.002818121830800862,0.0019744187593460083,0.0020108409225940704,0.794537128520886,2,280,1 -15281,0.0026884413492285365,0.001408059149980545,0.0022902153432369232,1.0195544758924064,2,281,1 -15282,0.0029107981571464847,0.0016129091382026672,0.0024230703711509705,0.9835000887262231,2,282,1 -15283,0.0032389911739017785,0.0015005022287368774,0.0028704628348350525,1.089123614690528,2,283,1 -15284,0.0030533148371771684,0.0022514499723911285,0.002062451094388962,0.7416145695775134,2,284,1 -15285,0.0027179328876487333,0.0017536915838718414,0.002076469361782074,0.8694721520767138,2,285,1 -15286,0.0010615164660430837,0.0008239410817623138,0.000669281929731369,0.6821921159358417,2,286,1 -15287,0.003086470934191026,0.0018525756895542145,0.002468656748533249,0.9270144758357924,2,287,1 -15288,0.0012197202122530353,0.0009980760514736176,0.0007011145353317261,0.6123791106196611,2,288,1 -15289,0.0012277099484379612,0.0008926466107368469,0.0008428841829299927,0.7567332744118034,2,289,1 -15290,0.0029573352233959495,0.0015556924045085907,0.0025150850415229797,1.0168525320948025,2,290,1 -15291,0.0029895808448180622,0.0019034408032894135,0.0023053213953971863,0.8805961819542768,2,291,1 -15292,0.002881962635550327,0.0017189718782901764,0.002313189208507538,0.9317144508432581,2,292,1 -15293,0.0015631158490453287,0.0009355582296848297,0.0012522228062152863,0.9291422350506783,2,293,1 -15294,0.0027511885692748923,0.0016853511333465576,0.0021745413541793823,0.9114628194619872,2,294,1 -15295,0.003234591812396406,0.001871500164270401,0.0026381947100162506,0.9537983241629798,2,295,1 -15296,0.0035485809091283255,0.0022943690419197083,0.0027070827782154083,0.8677304119292508,2,296,1 -15297,0.002985404476003037,0.001513369381427765,0.0025733932852745056,1.0391852556731163,2,297,1 -15298,0.002934186689071262,0.0018253102898597717,0.0022973231971263885,0.8993948343815678,2,298,1 -15299,0.0024556906780998956,0.0015822015702724457,0.0018780454993247986,0.8706886659918396,2,299,1 -15300,0.003039639863459381,0.001633383333683014,0.0025634877383708954,1.0034917542168817,2,300,1 -15301,0.0020262871861626147,0.0012726075947284698,0.0015768036246299744,0.8917528409489855,2,301,1 -15302,0.002630478751209725,0.0014201812446117401,0.0022141598165035248,1.000484453241657,2,302,1 -15303,0.0022114438844335893,0.0012808814644813538,0.0018027275800704956,0.953042046716116,2,303,1 -15304,0.0028328450691481747,0.001574978232383728,0.002354666590690613,0.9812662540400435,2,304,1 -15305,0.002720732856183398,0.001540396362543106,0.002242669463157654,0.9689447854845709,2,305,1 -15306,0.001552144447012473,0.0010473765432834625,0.0011454932391643524,0.830111852852779,2,306,1 -15307,0.002755086301039919,0.0015788599848747253,0.002257809042930603,0.9605480132486633,2,307,1 -15308,0.0034047335960498038,0.0021830983459949493,0.0026127174496650696,0.8747417496283322,2,308,1 -15309,0.0014116699593321603,0.001094423234462738,0.0008916556835174561,0.6836562727246221,2,309,1 -15310,0.001888933669008171,0.001365475356578827,0.0013052001595497131,0.7628327241941824,2,310,1 -15311,0.002893400489737089,0.0017402395606040955,0.0023115649819374084,0.9254798238919398,2,311,1 -15312,0.003164193048177155,0.0019876398146152496,0.0024619922041893005,0.8916019125701672,2,312,1 -15313,0.002010981757395216,0.001435544341802597,0.0014082826673984528,0.7758121937592303,2,313,1 -15314,0.003221085143301428,0.0020963624119758606,0.0024455375969409943,0.8621258985256187,2,314,1 -15315,0.0018584178532120407,0.0008275210857391357,0.0016640089452266693,1.1093065028331008,2,315,1 -15316,0.0009945397089325366,0.0008159168064594269,0.0005686730146408081,0.6086923803282221,2,316,1 -15317,0.003180932495237487,0.0017743036150932312,0.00264010950922966,0.979071352615778,2,317,1 -15318,0.003403417471377255,0.002149883657693863,0.0026384182274341583,0.8870730297728993,2,318,1 -15319,0.0032633396210903147,0.0018215328454971313,0.0027076564729213715,0.9786049458099062,2,319,1 -15320,0.0028074701459006074,0.0013474225997924805,0.002462994307279587,1.0702078237164039,2,320,1 -15321,0.0028187204109751786,0.0019622035324573517,0.002023596316576004,0.8007998222908042,2,321,1 -15322,0.0017287008833451489,0.0012061335146427155,0.001238405704498291,0.7985991441523445,2,322,1 -15323,0.0030003376186970364,0.0017288103699684143,0.0024521909654140472,0.9567182467896647,2,323,1 -15324,0.003015980803350728,0.0014803670346736908,0.0026276707649230957,1.0577415548961115,2,324,1 -15325,0.0027831218734686598,0.0011622384190559387,0.0025288276374340057,1.1399912920893671,2,325,1 -15326,0.0027636908813478598,0.0018334463238716125,0.002067960798740387,0.8454361512162993,2,326,1 -15327,0.0017769648474040324,0.001460883766412735,0.0010116435587406158,0.6056661161878788,2,327,1 -15328,0.001360610711951768,0.0010641217231750488,0.0008478835225105286,0.6727816930603228,2,328,1 -15329,0.0030147255812458165,0.0017161443829536438,0.002478592097759247,0.9651982069468823,2,329,1 -15330,0.0019711197576575486,0.0016632676124572754,0.0010577589273452759,0.5664364155327031,2,330,1 -15331,0.0026927230946418588,0.0015085749328136444,0.002230461686849594,0.9761191361002446,2,331,1 -15332,0.002783019748414377,0.0014104172587394714,0.0023991502821445465,1.0393347753697493,2,332,1 -15333,0.0031092432964545183,0.0016388297080993652,0.002642277628183365,1.0156317861185438,2,333,1 -15334,0.003020023484311307,0.0018949396908283234,0.0023515410721302032,0.8925112860154517,2,334,1 -15335,0.0032539515123112075,0.0018249675631523132,0.0026940107345581055,0.9753883470035791,2,335,1 -15336,0.002748413658630504,0.0014469623565673828,0.0023366808891296387,1.0163509723493738,2,336,1 -15337,0.003040213974919903,0.0015700235962867737,0.002603445202112198,1.0281326993590365,2,337,1 -15338,0.003154876047842938,0.0016167275607585907,0.0027091391384601593,1.0327566818399632,2,338,1 -15339,0.0015395415301016336,0.0011636875569820404,0.0010079778730869293,0.7138200700803272,2,339,1 -15340,0.0030522890813494763,0.0017987936735153198,0.0024659298360347748,0.9405718612831407,2,340,1 -15341,0.0027240862010398602,0.0015529468655586243,0.0022380799055099487,0.9641931901498922,2,341,1 -15342,0.002908173703978396,0.0017508268356323242,0.002322085201740265,0.9247471049124071,2,342,1 -15343,0.0010058984953962447,0.0006890259683132172,0.0007328540086746216,0.8162124151999303,2,343,1 -15344,0.0030843037586311814,0.0017179660499095917,0.0025615468621253967,0.9800236908435203,2,344,1 -15345,0.0017390179121872433,0.0012867897748947144,0.0011697672307491302,0.7377973359858152,2,345,1 -15346,0.002786704300491853,0.0017963200807571411,0.0021304823458194733,0.870291440013649,2,346,1 -15347,0.002996514041935454,0.001725614070892334,0.0024497658014297485,0.957123704256596,2,347,1 -15348,0.0028693240815357095,0.001809965819120407,0.0022264420986175537,0.8882142583878739,2,348,1 -15349,0.003296079162348997,0.001665707677602768,0.00284421443939209,1.0409968277460087,2,349,1 -15350,0.003038825665323533,0.0016513429582118988,0.002550985664129257,0.9962966699312337,2,350,1 -15351,0.0014349833526664606,0.0012740083038806915,0.0006603635847568512,0.4782080916111857,2,351,1 -15352,0.00294448329112021,0.0020378679037094116,0.002125341445207596,0.8064061563635995,2,352,1 -15353,0.002855688204991731,0.0017453208565711975,0.002260267734527588,0.9132539924819606,2,353,1 -15354,0.0016243331559924596,0.0009403899312019348,0.001324433833360672,0.953369397298696,2,354,1 -15355,0.0031078456951155863,0.0017446018755435944,0.00257197767496109,0.9747752266580427,2,355,1 -15356,0.002756975059354643,0.0014170706272125244,0.0023649148643016815,1.0309610253719053,2,356,1 -15357,0.002770187511690872,0.0015444755554199219,0.002299681305885315,0.9793832367261844,2,357,1 -15358,0.0018913786573973895,0.0009161978960037231,0.00165465846657753,1.0651106180518222,2,358,1 -15359,0.0030737264106394427,0.0016754455864429474,0.0025769509375095367,0.994304500049987,2,359,1 -15360,0.003212699623206123,0.001796182245016098,0.00266367569565773,0.9775107477036179,2,360,1 -15361,0.0027682533182373566,0.0018815360963344574,0.0020305290818214417,0.8234652719288836,2,361,1 -15362,0.0027395043246539615,0.001841917634010315,0.002027861773967743,0.8334115547597949,2,362,1 -15363,0.00248216151041923,0.0011259764432907104,0.002212081104516983,1.0999649159700446,2,363,1 -15364,0.003030868420893968,0.0017282553017139435,0.0024898387491703033,0.9640252973615279,2,364,1 -15365,0.0030386060836465364,0.0021239742636680603,0.0021729841828346252,0.796803392165786,2,365,1 -15366,0.0027370247797084976,0.0017679333686828613,0.002089429646730423,0.8685521033535216,2,366,1 -15367,0.002878625878738093,0.0017178989946842194,0.002309828996658325,0.9313173570197882,2,367,1 -15368,0.0028576716787384665,0.0017254091799259186,0.0022779926657676697,0.9225599661703929,2,368,1 -15369,0.0013383621465453213,0.0009984225034713745,0.0008912719786167145,0.7287562507573516,2,369,1 -15370,0.002708163284869717,0.0017794966697692871,0.0020414553582668304,0.8538495375552843,2,370,1 -15371,0.003170125683130277,0.002035927027463913,0.0024299584329128265,0.8734016904514901,2,371,1 -15372,0.0029430105865322995,0.001505531370639801,0.002528771758079529,1.0337950458984708,2,372,1 -15373,0.0027849063777042123,0.001469247043132782,0.0023658014833927155,1.015052866351778,2,373,1 -15374,0.0017509221175934407,0.0010374002158641815,0.0014105066657066345,0.9366526106961662,2,374,1 -15375,0.003190952829924945,0.002018328756093979,0.002471543848514557,0.8859990429617766,2,375,1 -15376,0.0026272578630650504,0.0015879422426223755,0.002093065530061722,0.9217706175813759,2,376,1 -15377,0.003047992802066188,0.0017376132309436798,0.0025041885673999786,0.964187713907765,2,377,1 -15378,0.0017575574455565145,0.0009483359754085541,0.0014797523617744446,1.0008627918346207,2,378,1 -15379,0.0022213034936016487,0.0009928680956363678,0.0019870586693286896,1.1074149714487866,2,379,1 -15380,0.002858520621688672,0.001851402223110199,0.0021779462695121765,0.86626284136692,2,380,1 -15381,0.0028881607965536194,0.0014982707798480988,0.002469141036272049,1.0253930072672552,2,381,1 -15382,0.0027039886470418915,0.0016492865979671478,0.0021427571773529053,0.9148040966640899,2,382,1 -15383,0.0028409111322152993,0.0013978667557239532,0.002473205327987671,1.0563547915322202,2,383,1 -15384,0.0011862770337382105,0.0009508170187473297,0.0007093660533428192,0.6409744040875397,2,384,1 -15385,0.0028338001146991777,0.0015128813683986664,0.0023961663246154785,1.0076253172423628,2,385,1 -15386,0.0012333669024592658,0.0009360797703266144,0.000803086906671524,0.7090773923791016,2,386,1 -15387,0.0028556172969584743,0.0015470236539840698,0.0024002641439437866,0.9982815384981203,2,387,1 -15388,0.0030187481738767523,0.0015302300453186035,0.0026021599769592285,1.0392014017209195,2,388,1 -15389,0.0022120528317298434,0.001286003738641739,0.0017998255789279938,0.9503945308307236,2,389,1 -15390,0.003287400369138263,0.0018415078520774841,0.0027232058346271515,0.9762035626645713,2,390,1 -15391,0.0029688948032119493,0.0017669126391410828,0.0023858658969402313,0.9333545559459243,2,391,1 -15392,0.0025926669046265768,0.0014435574412345886,0.0021536163985729218,0.980286281280464,2,392,1 -15393,0.001457237938237454,0.0009812414646148682,0.0010773614048957825,0.8320561087930893,2,393,1 -15394,0.0028524280731946072,0.0017351023852825165,0.0022640153765678406,0.9168924254622443,2,394,1 -15395,0.0018078992999550542,0.001512814313173294,0.0009898953139781952,0.579420322730246,2,395,1 -15396,0.0014605178956329681,0.001191653311252594,0.0008444376289844513,0.6164924159418054,2,396,1 -15397,0.0030422460689423195,0.0015702024102210999,0.0026057101786136627,1.0284668444480551,2,397,1 -15398,0.0028253817141584607,0.0014296211302280426,0.0024369992315769196,1.040264414477113,2,398,1 -15399,0.00264127180152616,0.0014675073325634003,0.002196073532104492,0.9817042899726229,2,399,1 -15400,0.0025680625272849213,0.0012601763010025024,0.0022376105189323425,1.0578908628292691,2,400,1 -15401,0.0024945113895008053,0.0013734623789787292,0.0020823515951633453,0.9877209853721868,2,401,1 -15402,0.003193491977744772,0.0021111927926540375,0.0023960918188095093,0.8485227575532014,2,402,1 -15403,0.0030106075078793052,0.00174698606133461,0.0024518966674804688,0.9517276520501537,2,403,1 -15404,0.002818510679317251,0.0016580559313297272,0.002279222011566162,0.9418738100473836,2,404,1 -15405,0.00271790944493181,0.0017976835370063782,0.0020384714007377625,0.8480839496559194,2,405,1 -15406,0.002936840315234202,0.0015534795820713043,0.002492334693670273,1.0134182885321459,2,406,1 -15407,0.0030756013034820523,0.001856200397014618,0.0024523138999938965,0.9228824153254156,2,407,1 -15408,0.0017025284732291761,0.0014609359204769135,0.0008742250502109528,0.5392427008840651,2,408,1 -15409,0.0031213930922045323,0.0015973187983036041,0.0026817284524440765,1.0335960153279486,2,409,1 -15410,0.0030198292975687183,0.0014259964227676392,0.0026619359850883484,1.0789990345579399,2,410,1 -15411,0.0012018863839739955,0.0008457973599433899,0.0008539073169231415,0.7901695190021741,2,411,1 -15412,0.0028508216846528643,0.0015815086662769318,0.0023719221353530884,0.9827273994350031,2,412,1 -15413,0.00312707838906328,0.0017336159944534302,0.002602536231279373,0.9831684051714147,2,413,1 -15414,0.0010366872436807424,0.0005955100059509277,0.0008485801517963409,0.9588819201520604,2,414,1 -15415,0.0030866300090204315,0.0015649013221263885,0.002660520374774933,1.0391031619300437,2,415,1 -15416,0.0030397342931625516,0.0019103586673736572,0.002364426851272583,0.8912214715665487,2,416,1 -15417,0.0031431007651446722,0.002005450427532196,0.0024201758205890656,0.8788352833539893,2,417,1 -15418,0.002284262683829931,0.0012452714145183563,0.0019149817526340485,0.9942253663344521,2,418,1 -15419,0.003100272450887376,0.0016935952007770538,0.002596810460090637,0.9928881321919295,2,419,1 -15420,0.003102690353872391,0.001757744699716568,0.002556759864091873,0.9685163393069702,2,420,1 -15421,0.0030206403533863217,0.001836288720369339,0.002398397773504257,0.9173659309905517,2,421,1 -15422,0.002975789991937034,0.0017360784113407135,0.002416890114545822,0.9478866138775001,2,422,1 -15423,0.0030722132717406797,0.00197591632604599,0.002352498471736908,0.8721819602044579,2,423,1 -15424,0.0016190787622872593,0.0008085407316684723,0.0014027394354343414,1.0479096253847724,2,424,1 -15425,0.0031406302243838498,0.0016182288527488708,0.0026916339993476868,1.0294898943630988,2,425,1 -15426,0.002249416963968135,0.0013057775795459747,0.0018316172063350677,0.9514586123885146,2,426,1 -15427,0.002316677542120642,0.0013494119048118591,0.0018831044435501099,0.9490233618911237,2,427,1 -15428,0.002977222259941456,0.0020415931940078735,0.0021669678390026093,0.8151797384135779,2,428,1 -15429,0.002881712734137744,0.0017753355205059052,0.0022699013352394104,0.9070532285988543,2,429,1 -15430,0.0028965264898698747,0.0016084760427474976,0.002408873289823532,0.9820581945179531,2,430,1 -15431,0.0031372683589736827,0.001759801059961319,0.002597220242023468,0.9752825285047072,2,431,1 -15432,0.0015605073229601775,0.0012235082685947418,0.0009686127305030823,0.6696399595130085,2,432,1 -15433,0.0028160023020282984,0.0015593469142913818,0.002344846725463867,0.9839414071214176,2,433,1 -15434,0.0029103521171595374,0.0018671490252017975,0.0022324658930301666,0.8742734628966683,2,434,1 -15435,0.0031155633209193775,0.0017047896981239319,0.0026077628135681152,0.991798885584981,2,435,1 -15436,0.0016886861327571005,0.0013425424695014954,0.0010243244469165802,0.6517526326770887,2,436,1 -15437,0.00282934178451714,0.0016739219427108765,0.00228104367852211,0.9377178495164392,2,437,1 -15438,0.0026764256533860693,0.0015541575849056244,0.0021789558231830597,0.9512277118206129,2,438,1 -15439,0.001670949263797965,0.0011654235422611237,0.0011974386870861053,0.7989466409557786,2,439,1 -15440,0.0027389912161507953,0.0016663186252117157,0.002173811197280884,0.9167918214973089,2,440,1 -15441,0.0026681320137651615,0.0017165429890155792,0.0020426474511623383,0.8719301249637135,2,441,1 -15442,0.003063449712123328,0.001706138253211975,0.002544369548559189,0.9801070273371453,2,442,1 -15443,0.0028935747648135106,0.0013992004096508026,0.0025327876210212708,1.0660855927572963,2,443,1 -15444,0.0031516585336904246,0.0019416958093643188,0.0024824924767017365,0.9070311152793059,2,444,1 -15445,0.0013601894803420534,0.0011904798448085785,0.0006579309701919556,0.5048833872557537,2,445,1 -15446,0.0018083265301464969,0.0012480765581130981,0.0013085678219795227,0.8090541634854694,2,446,1 -15447,0.002646110626853399,0.0015053488314151764,0.0021761953830718994,0.9656394296931962,2,447,1 -15448,0.0031529277249511523,0.0018816366791725159,0.0025299005210399628,0.9313013368135924,2,448,1 -15449,0.001498219487229555,0.0009186714887619019,0.0011835135519504547,0.9107220812111808,2,449,1 -15450,0.002770811081489439,0.0016571693122386932,0.0022206269204616547,0.9296918840492475,2,450,1 -15451,0.002897215703016994,0.0015577338635921478,0.00244281068444252,1.0031300438335147,2,451,1 -15452,0.003101682884141785,0.0016283057630062103,0.0026398971676826477,1.018110666312947,2,452,1 -15453,0.003021252528297629,0.00165485218167305,0.002527732402086258,0.9911391717104119,2,453,1 -15454,0.0029186551049484254,0.0015329308807849884,0.002483680844306946,1.0178247796663598,2,454,1 -15455,0.003075620119099557,0.0017040297389030457,0.0025604143738746643,0.9835818277428491,2,455,1 -15456,0.003323061100574875,0.001718524843454361,0.0028441883623600006,1.0272772529583198,2,456,1 -15457,0.0028018208909834255,0.001680135726928711,0.0022421739995479584,0.9277220183820217,2,457,1 -15458,0.0018797157517962248,0.0014344006776809692,0.0012148357927799225,0.7027085925167518,2,458,1 -15459,0.002043270588374648,0.0014409758150577545,0.0014486350119113922,0.7880487552505907,2,459,1 -15460,0.003412167532859934,0.0017679892480373383,0.0029184073209762573,1.0261184958736618,2,460,1 -15461,0.0033009649992132,0.0021531768143177032,0.002502039074897766,0.8601984280200072,2,461,1 -15462,0.002607530897795965,0.0018546022474765778,0.0018329396843910217,0.779523704394996,2,462,1 -15463,0.002817842082286665,0.001653619110584259,0.002281617373228073,0.9436471594857571,2,463,1 -15464,0.0016996492396557797,0.0013521276414394379,0.0010298341512680054,0.6509090203876341,2,464,1 -15465,0.002991274959215191,0.0017938576638698578,0.0023937001824378967,0.9276743133403806,2,465,1 -15466,0.0031309002382755285,0.002027910202741623,0.002385396510362625,0.86622361580633,2,466,1 -15467,0.0030293946140776567,0.0018624700605869293,0.002389233559370041,0.9086647043347029,2,467,1 -15468,0.002914141777695479,0.0018501244485378265,0.002251502126455307,0.8829457472617122,2,468,1 -15469,0.002977223044786567,0.0013394877314567566,0.002658877521753311,1.104129768240707,2,469,1 -15470,0.0029047823208351994,0.0015865489840507507,0.0024332329630851746,0.9929930302203016,2,470,1 -15471,0.002934560645714497,0.0015914663672447205,0.0024655386805534363,0.9976021815132602,2,471,1 -15472,0.0027388748013830234,0.0015529878437519073,0.0022560283541679382,0.9679167654805692,2,472,1 -15473,0.0029091315742439845,0.0020277947187423706,0.0020859278738498688,0.7995287433125629,2,473,1 -15474,0.002859752336954065,0.0015184544026851654,0.0024233199656009674,1.0110466510470144,2,474,1 -15475,0.003099336622123875,0.0017460845410823822,0.002560678869485855,0.9723328794488898,2,475,1 -15476,0.002815003544465627,0.00199710950255394,0.0019838847219944,0.7820761962790959,2,476,1 -15477,0.002664215466841541,0.0015408098697662354,0.002173464745283127,0.9541096828817911,2,477,1 -15478,0.002546919974154359,0.0011472739279270172,0.0022738873958587646,1.1035209403374948,2,478,1 -15479,0.0012954326903960108,0.0008590146899223328,0.0009696595370769501,0.8458299892810165,2,479,1 -15480,0.002959784322782951,0.001599978655576706,0.0024900585412979126,0.999678610573453,2,480,1 -15481,0.0016686000163739756,0.0008398927748203278,0.0014418065547943115,1.0433229148753458,2,481,1 -15482,0.0013667724237968158,0.0011875145137310028,0.0006766654551029205,0.5179300744721732,2,482,1 -15483,0.0028861651681474703,0.0013757497072219849,0.002537176012992859,1.073933028368386,2,483,1 -15484,0.0026656591288867935,0.0019240602850914001,0.0018449202179908752,0.7644035100615139,2,484,1 -15485,0.0028353983389990847,0.0017168186604976654,0.002256549894809723,0.9204090089082696,2,485,1 -15486,0.002397281107196846,0.0011047199368476868,0.002127569168806076,1.0918751164686058,2,486,1 -15487,0.0031244202664287408,0.0018110647797584534,0.0025459863245487213,0.9524993523364678,2,487,1 -15488,0.0033724557738074312,0.00227968767285347,0.0024852529168128967,0.8285126266691873,2,488,1 -15489,0.002769190320540053,0.0019445493817329407,0.001971583813428879,0.7923014021046217,2,489,1 -15490,0.0013906971502262375,0.0012256503105163574,0.0006571300327777863,0.49214615857672844,2,490,1 -15491,0.002808204016996492,0.0020065903663635254,0.0019645877182483673,0.7748216843166554,2,491,1 -15492,0.0022425676642106444,0.001488521695137024,0.0016773231327533722,0.8449645969384947,2,492,1 -15493,0.0028434521695779964,0.0019303597509860992,0.0020878054201602936,0.8245616021394033,2,493,1 -15494,0.0031021818050316224,0.002047467976808548,0.002330537885427475,0.8499655578213404,2,494,1 -15495,0.0032335401610663066,0.0023731067776679993,0.00219639390707016,0.7467451752798608,2,495,1 -15496,0.003134893663887402,0.0017916038632392883,0.002572491765022278,0.9624589894717461,2,496,1 -15497,0.0031096257447931217,0.0016720592975616455,0.0026218295097351074,1.0030843458090595,2,497,1 -15498,0.003124031723987641,0.0016670115292072296,0.0026420913636684418,1.0079341329342248,2,498,1 -15499,0.002465408816393643,0.0015214122831821442,0.0019399859011173248,0.905740009527118,2,499,1 -15500,0.002684625532787105,0.001229502260684967,0.002386532723903656,1.0950758383326384,2,500,1 -15501,0.002884909326469868,0.00150284543633461,0.00246255099773407,1.022852326922853,2,501,1 -15502,0.003236150957451685,0.001990813761949539,0.002551339566707611,0.9081826871396116,2,502,1 -15503,0.0035529120536782715,0.002000998705625534,0.0029358454048633575,0.9725434899193831,2,503,1 -15504,0.0016530465850388885,0.0013106763362884521,0.0010073184967041016,0.6552669262292159,2,504,1 -15505,0.003473294267193636,0.0021699368953704834,0.0027120374143123627,0.8959863726958832,2,505,1 -15506,0.003308128822203426,0.0020518898963928223,0.0025948919355869293,0.9017260891129343,2,506,1 -15507,0.003375779209992099,0.001955591142177582,0.0027516447007656097,0.9529258574243624,2,507,1 -15508,0.003108170336430811,0.0019339807331562042,0.00243319571018219,0.8992148297016338,2,508,1 -15509,0.0013993064218205168,0.0012028291821479797,0.0007150247693061829,0.5363304435877869,2,509,1 -15510,0.0033142014165467035,0.001931406557559967,0.0026932507753372192,0.9486670666550094,2,510,1 -15511,0.002437488567827625,0.0015619322657585144,0.0018712878227233887,0.8752620129525838,2,511,1 -15512,0.00268384597703045,0.0015244148671627045,0.002208888530731201,0.9667269321432335,2,512,1 -15513,0.0027461994413204537,0.0015575066208839417,0.002261810004711151,0.9677551412161592,2,513,1 -15514,0.002833958589475822,0.001954544335603714,0.002052091062068939,0.809739649529165,2,514,1 -15515,0.003196665219113567,0.0017914660274982452,0.002647511661052704,0.9759069302642133,2,515,1 -15516,0.003025863468316963,0.0015592239797115326,0.002593196928501129,1.0294399964436431,2,516,1 -15517,0.002598211256888012,0.001399252563714981,0.0021892450749874115,1.0020874874075956,2,517,1 -15518,0.002733777215517124,0.0018886998295783997,0.00197644904255867,0.8080969377254692,2,518,1 -15519,0.0019523070418275708,0.0011350996792316437,0.0015884116291999817,0.9503301249459437,2,519,1 -15520,0.0033031135359484283,0.0019264519214630127,0.002683158963918686,0.9481055237219583,2,520,1 -15521,0.0030336632386193884,0.0016811192035675049,0.0025252625346183777,0.9834490021341373,2,521,1 -15522,0.0028086156230373127,0.0016151927411556244,0.0022977106273174286,0.958088271323232,2,522,1 -15523,0.0014174028268448026,0.0007895343005657196,0.0011771433055400848,0.9799923814373012,2,523,1 -15524,0.002338776446294692,0.0015318803489208221,0.0017672628164291382,0.8566240180183858,2,524,1 -15525,0.0027269117694214804,0.001486029475927353,0.002286430448293686,0.9944673237023123,2,525,1 -15526,0.0029321150083898035,0.002166498452425003,0.001975748687982559,0.739380845868697,2,526,1 -15527,0.0030494618910211456,0.001926969736814499,0.0023634731769561768,0.8867878543980172,2,527,1 -15528,0.0030214582510426583,0.001606140285730362,0.002559203654527664,1.010333997988897,2,528,1 -15529,0.0028059391989862293,0.001619979739189148,0.002291060984134674,0.9553297180875764,2,529,1 -15530,0.002422390540846623,0.0011646971106529236,0.002124018967151642,1.06922393854197,2,530,1 -15531,0.0017909795242911754,0.001137755811214447,0.0013831555843353271,0.8824380675682639,2,531,1 -15532,0.003278034365667254,0.002041999250650406,0.002564322203397751,0.8983085224225064,2,532,1 -15533,0.0026951965589299847,0.0016409903764724731,0.002138044685125351,0.9161768795677683,2,533,1 -15534,0.0025925133711844194,0.0013069957494735718,0.0022389478981494904,1.0424077513726764,2,534,1 -15535,0.003095890649597844,0.002208959311246872,0.002169109880924225,0.7762963588909252,2,535,1 -15536,0.002769465083630241,0.0016555674374103546,0.0022201426327228546,0.9300508546077757,2,536,1 -15537,0.0028753686928423075,0.001648787409067154,0.002355683594942093,0.9601248115191167,2,537,1 -15538,0.0029994753921878,0.0017654374241828918,0.00242488831281662,0.9414925269777659,2,538,1 -15539,0.0014562018965942167,0.001322038471698761,0.0006105229258537292,0.4326268300165374,2,539,1 -15540,0.0029734355202897236,0.0017249584197998047,0.0024219490587711334,0.9519166014188385,2,540,1 -15541,0.0028635391366285496,0.0019234418869018555,0.002121374011039734,0.8342939266558005,2,541,1 -15542,0.002752637172731858,0.0014875605702400208,0.002316068857908249,0.9998685938238883,2,542,1 -15543,0.0030395703200731808,0.0017704181373119354,0.0024707503616809845,0.9490485959181727,2,543,1 -15544,0.0017491076993680426,0.0013705305755138397,0.0010867491364479065,0.6704214928263262,2,544,1 -15545,0.0028835306963493155,0.0018857233226299286,0.002181466668844223,0.8579848283326776,2,545,1 -15546,0.0021974296469832962,0.0015363097190856934,0.0015711300075054169,0.7966031534281774,2,546,1 -15547,0.0027637969681990142,0.0015624091029167175,0.0022797919809818268,0.9699842212021049,2,547,1 -15548,0.001461635076062692,0.00116724893450737,0.0008797198534011841,0.6458454184032661,2,548,1 -15549,0.0030783099192434617,0.001620803028345108,0.0026170574128627777,1.01628999464376,2,549,1 -15550,0.003011482720934616,0.001587793231010437,0.002558894455432892,1.0154397327189004,2,550,1 -15551,0.003268342162456074,0.0021344199776649475,0.0024751387536525726,0.8591796927775339,2,551,1 -15552,0.0029157795791016922,0.00173192098736763,0.0023456811904907227,0.9347965153145761,2,552,1 -15553,0.003122428178009287,0.0016551464796066284,0.002647649496793747,1.0120977358976269,2,553,1 -15554,0.001604355343421968,0.0010492801666259766,0.0012136586010456085,0.8579101710580807,2,554,1 -15555,0.002729578029079215,0.0014175362884998322,0.002332635223865509,1.024736211319466,2,555,1 -15556,0.0030412073019177198,0.001727622002363205,0.002502851188182831,0.966636163591609,2,556,1 -15557,0.0016104943829824635,0.0013485103845596313,0.000880461186170578,0.5784209358920535,2,557,1 -15558,0.002630843453534426,0.001591850072145462,0.002094600349664688,0.9209398567771407,2,558,1 -15559,0.003162165957749868,0.001643899828195572,0.002701275050640106,1.0241032609190424,2,559,1 -15560,0.002881118453095562,0.0019506067037582397,0.0021203719079494476,0.8270753412123839,2,560,1 -15561,0.0013119274568533183,0.0009923428297042847,0.0008581429719924927,0.7130034825322399,2,561,1 -15562,0.003001663707897621,0.0020576827228069305,0.0021853893995285034,0.8154867718536322,2,562,1 -15563,0.003015398060773765,0.0016639344394207,0.0025147460401058197,0.986260264827985,2,563,1 -15564,0.003368441877497688,0.0020058080554008484,0.002706129103899002,0.9329450466042775,2,564,1 -15565,0.0030629504936061907,0.0020975321531295776,0.0022320449352264404,0.8164565151201965,2,565,1 -15566,0.001359555404052647,0.0010664351284503937,0.0008432716131210327,0.6690682906749064,2,566,1 -15567,0.0030703037339862693,0.0020073167979717255,0.002323240041732788,0.8582212643096162,2,567,1 -15568,0.002924967967226877,0.0019090920686721802,0.002216033637523651,0.8596691073810818,2,568,1 -15569,0.002863603907757021,0.0019173286855220795,0.002126988023519516,0.8371922833916094,2,569,1 -15570,0.0027359886390153527,0.0013968758285045624,0.002352524548768997,1.034964856496215,2,570,1 -15571,0.0030604210003621047,0.0015549957752227783,0.0026359371840953827,1.0378205169173318,2,571,1 -15572,0.001694879696930236,0.00103788822889328,0.001339927315711975,0.9117452908650912,2,572,1 -15573,0.003078613494957623,0.001962359994649887,0.0023721307516098022,0.8796552604870412,2,573,1 -15574,0.002243231632021553,0.0010776259005069733,0.0019674375653266907,1.0696970713453688,2,574,1 -15575,0.0015781507101898904,0.0013212710618972778,0.0008630193769931793,0.5786029885452953,2,575,1 -15576,0.0032388953736490833,0.0013184212148189545,0.00295841321349144,1.151564515422209,2,576,1 -15577,0.002847597484373588,0.001620996743440628,0.002341192215681076,0.9652021851256283,2,577,1 -15578,0.003136520853708473,0.001744154840707779,0.0026068538427352905,0.981135129820498,2,578,1 -15579,0.0028398538829081882,0.001611568033695221,0.0023382939398288727,0.9673509242810238,2,579,1 -15580,0.0029026947838521598,0.0019075796008110046,0.002187870442867279,0.853731176811154,2,580,1 -15581,0.003005092782830644,0.001998674124479294,0.0022440776228904724,0.8431744350126328,2,581,1 -15582,0.0030908339192427087,0.001909688115119934,0.0024302974343299866,0.9047841709608775,2,582,1 -15583,0.003060681422355661,0.001860782504081726,0.002430073916912079,0.9173032724909922,2,583,1 -15584,0.0030652156855306765,0.001974780112504959,0.0023443102836608887,0.870747719596581,2,584,1 -15585,0.0033795593324806488,0.0018571726977825165,0.0028235316276550293,0.9889935233538764,2,585,1 -15586,0.003078300707330514,0.0014582127332687378,0.0027110055088996887,1.0773010036033734,2,586,1 -15587,0.0032386850449046675,0.0016294009983539581,0.0027989521622657776,1.0436076370168967,2,587,1 -15588,0.0013654235706498498,0.0008627772331237793,0.0010582990944385529,0.8868261557168088,2,588,1 -15589,0.0029276145197336396,0.0017017051577568054,0.0023822523653507233,0.9505200670780909,2,589,1 -15590,0.0023564812494184903,0.0012293942272663116,0.0020103715360164642,1.021944989384296,2,590,1 -15591,0.0033381358021144277,0.002360086888074875,0.002360749989748001,0.7855386261344431,2,591,1 -15592,0.002914086240292424,0.0018161088228225708,0.0022789575159549713,0.8979464551635253,2,592,1 -15593,0.003169451178017392,0.0019466802477836609,0.0025011710822582245,0.9094231760881801,2,593,1 -15594,0.0030490840156576302,0.0018217600882053375,0.0024450160562992096,0.9304442224352447,2,594,1 -15595,0.002700310950733348,0.0016500093042850494,0.0021375566720962524,0.9134173188433254,2,595,1 -15596,0.0033642834779383977,0.002005401998758316,0.0027012526988983154,0.9321788985090692,2,596,1 -15597,0.0026042586633490384,0.0013037025928497314,0.002254445105791092,1.0464998433748083,2,597,1 -15598,0.0022045951058787317,0.0012179985642433167,0.0018375851213932037,0.9854576003764003,2,598,1 -15599,0.001600143231384333,0.001320868730545044,0.0009031966328620911,0.5997636219848117,2,599,1 -15600,0.0029710771819998305,0.0015481673181056976,0.002535838633775711,1.02268112094188,2,600,1 -15601,0.0014194260586288686,0.0008502751588821411,0.0011365748941898346,0.9285103639559734,2,601,1 -15602,0.0028769633649356158,0.0018408037722110748,0.0022109635174274445,0.8765028677851224,2,602,1 -15603,0.002531801137351616,0.0016864240169525146,0.0018883831799030304,0.8418332934935099,2,603,1 -15604,0.0028190206986286777,0.0017809495329856873,0.002185199409723282,0.8869724273555598,2,604,1 -15605,0.002953296795647024,0.0015394166111946106,0.0025203488767147064,1.0224770796212712,2,605,1 -15606,0.003110053207676649,0.0015578754246234894,0.0026917383074760437,1.0461395176802606,2,606,1 -15607,0.003111110608403751,0.001605115830898285,0.0026650726795196533,1.02870318276426,2,607,1 -15608,0.001461364647201532,0.0011566951870918274,0.0008931085467338562,0.6575088341083645,2,608,1 -15609,0.0026314895509451032,0.001596931368112564,0.002091541886329651,0.918699234310586,2,609,1 -15610,0.003096275032268067,0.0014279894530773163,0.0027473196387290955,1.0914537629673053,2,610,1 -15611,0.0014088171659421252,0.0011373423039913177,0.0008313953876495361,0.6312287524596234,2,611,1 -15612,0.0020219468774552033,0.0012515783309936523,0.0015880241990089417,0.9033317879534444,2,612,1 -15613,0.0031572315728652716,0.0018215812742710114,0.002578750252723694,0.9558003553109986,2,613,1 -15614,0.0012173378637610178,0.0010381527245044708,0.0006357282400131226,0.5494617296871428,2,614,1 -15615,0.00295136688472313,0.0017504431307315826,0.0023762397468090057,0.9358978952204707,2,615,1 -15616,0.002962349404850381,0.0020268261432647705,0.0021604374051094055,0.8172963090744105,2,616,1 -15617,0.0026777755972182543,0.0016092248260974884,0.0021402984857559204,0.9260999086598009,2,617,1 -15618,0.0017577850962545434,0.0008982829749584198,0.0015109255909919739,1.0344123177147142,2,618,1 -15619,0.0032194027550198445,0.001835547387599945,0.002644866704940796,0.9641060441307755,2,619,1 -15620,0.0025989355927705424,0.0016899891197681427,0.0019744373857975006,0.8628670404440918,2,620,1 -15621,0.0014152459147422133,0.001183200627565384,0.0007765032351016998,0.5807727899903139,2,621,1 -15622,0.0033286941710690067,0.0019221752882003784,0.0027176178991794586,0.9551867999157536,2,622,1 -15623,0.0033304637455191326,0.002192821353673935,0.0025066956877708435,0.8520877560560188,2,623,1 -15624,0.0032091820543963443,0.0024239011108875275,0.0021032243967056274,0.7146817700131464,2,624,1 -15625,0.0031524795054906018,0.0016698911786079407,0.0026738718152046204,1.0125409757656871,2,625,1 -15626,0.0015217966383333247,0.0012869499623775482,0.0008121728897094727,0.5629620127162924,2,626,1 -15627,0.0028727415287750813,0.001329675316810608,0.0025464892387390137,1.0895781334432548,2,627,1 -15628,0.003089014404674418,0.0020594634115695953,0.0023023076355457306,0.841016343807301,2,628,1 -15629,0.0027782212261926887,0.0016178004443645477,0.00225859135389328,0.9492226793426954,2,629,1 -15630,0.0013517254207675946,0.0009912662208080292,0.000918995589017868,0.747583357015031,2,630,1 -15631,0.002078603480667584,0.0009674690663814545,0.0018397271633148193,1.0866625505932257,2,631,1 -15632,0.0034390119501793693,0.0019380487501621246,0.002840910106897354,0.9721216649768636,2,632,1 -15633,0.0024781767687478626,0.0017732791602611542,0.001731138676404953,0.773373783078134,2,633,1 -15634,0.002802987750608567,0.0016732104122638702,0.002248801290988922,0.9311170223808765,2,634,1 -15635,0.0030649703114104896,0.0017896145582199097,0.0024882368743419647,0.9472805847059145,2,635,1 -15636,0.0029650794512105856,0.0016424022614955902,0.0024686455726623535,0.9837370028216528,2,636,1 -15637,0.00116269025705061,0.0006209053099155426,0.0009830184280872345,1.0074425674719032,2,637,1 -15638,0.0029092242909130117,0.0014856234192848206,0.0025013014674186707,1.0348444981991636,2,638,1 -15639,0.002884516024321383,0.0017495527863502502,0.002293359488248825,0.9191043117554579,2,639,1 -15640,0.0029906345482283094,0.0017395168542861938,0.002432689070701599,0.9500348134251256,2,640,1 -15641,0.003087590655857044,0.0019101537764072418,0.0024258047342300415,0.9037665539520686,2,641,1 -15642,0.0025753420422576154,0.0017277300357818604,0.001909799873828888,0.8354095785883151,2,642,1 -15643,0.0027593701180661998,0.0016507841646671295,0.0022111162543296814,0.9294850024214714,2,643,1 -15644,0.0028978871200669057,0.002179492264986038,0.0019098594784736633,0.7195581282395568,2,644,1 -15645,0.0024425692753279886,0.0014269538223743439,0.001982409507036209,0.94689986715703,2,645,1 -15646,0.0031408405686442933,0.001878540962934494,0.002517133951187134,0.9296664327070833,2,646,1 -15647,0.0014234225324200953,0.0012251362204551697,0.0007246881723403931,0.5341582095112792,2,647,1 -15648,0.003125140049578669,0.0020573586225509644,0.0023523978888988495,0.8522046196623128,2,648,1 -15649,0.0011691173642104284,0.0009761303663253784,0.0006434321403503418,0.582791979080115,2,649,1 -15650,0.002856895112014837,0.0019317641854286194,0.0021047890186309814,0.8282364393194983,2,650,1 -15651,0.001619588243118617,0.0009759701788425446,0.001292496919631958,0.9240363646112812,2,651,1 -15652,0.0028750762306148582,0.0018230713903903961,0.0022231675684452057,0.8839587785553777,2,652,1 -15653,0.0016384661117546434,0.0012555234134197235,0.0010527260601520538,0.6977655380064265,2,653,1 -15654,0.0026993410041988106,0.0014209076762199402,0.0022950954735279083,1.016446531278614,2,654,1 -15655,0.0028990531913417965,0.0016910918056964874,0.0023547224700450897,0.9479793204298657,2,655,1 -15656,0.0019355798897730697,0.0010571293532848358,0.0016214028000831604,0.9930273527940775,2,656,1 -15657,0.0028338613435421943,0.0018353238701820374,0.002159249037504196,0.8663124289704266,2,657,1 -15658,0.002961112641306749,0.0016679801046848297,0.0024466365575790405,0.9724279885187467,2,658,1 -15659,0.0028519922611533436,0.0014343075454235077,0.0024650804698467255,1.043829184967223,2,659,1 -15660,0.0027201097547343575,0.001704089343547821,0.0021201595664024353,0.8937697999084284,2,660,1 -15661,0.003016005539659328,0.0016971677541732788,0.0024931728839874268,0.973123351086598,2,661,1 -15662,0.002675316616929575,0.0018110722303390503,0.0019690953195095062,0.8271770355367916,2,662,1 -15663,0.0026152268374760638,0.001829739660024643,0.0018685460090637207,0.7958908425346015,2,663,1 -15664,0.0030201852757276936,0.001784205436706543,0.0024368278682231903,0.9387955512637339,2,664,1 -15665,0.002748891569283762,0.001615576446056366,0.002224031835794449,0.9425593973813354,2,665,1 -15666,0.0026526150884975783,0.0015755631029605865,0.0021340027451515198,0.934816608089749,2,666,1 -15667,0.0030689339226568106,0.0018488839268684387,0.002449486404657364,0.9242272752868044,2,667,1 -15668,0.0031076448167006473,0.0018765255808830261,0.002477116882801056,0.9224843745569047,2,668,1 -15669,0.0029533591145689208,0.0017014145851135254,0.002414025366306305,0.9568535139751602,2,669,1 -15670,0.003119296507642557,0.0015770867466926575,0.0026912465691566467,1.0407300535985684,2,670,1 -15671,0.0030981709566048903,0.00213424488902092,0.002245809882879257,0.8108637984282355,2,671,1 -15672,0.0030864763617225992,0.0020432882010936737,0.0023132897913455963,0.8472946094810064,2,672,1 -15673,0.002968984370540498,0.0018502883613109589,0.002321917563676834,0.8979610653543373,2,673,1 -15674,0.0030971577530442156,0.002097867429256439,0.0022784508764743805,0.8266385499646123,2,674,1 -15675,0.0030658834661663557,0.0017607957124710083,0.00250982865691185,0.959024064251478,2,675,1 -15676,0.0029006982677375497,0.0014942213892936707,0.002486232668161392,1.0296431700085755,2,676,1 -15677,0.0031194022434248253,0.0018958114087581635,0.0024772100150585175,0.9175742544371283,2,677,1 -15678,0.0029250152040431426,0.0018056035041809082,0.002301197499036789,0.9054938422993453,2,678,1 -15679,0.002904794995289899,0.0016619525849819183,0.0023823827505111694,0.9616822459663803,2,679,1 -15680,0.0032506904842799925,0.001479562371969223,0.0028944574296474457,1.0982519976077214,2,680,1 -15681,0.003253520300912564,0.0017982497811317444,0.0027114003896713257,0.9851850026024096,2,681,1 -15682,0.0017680299991230791,0.001404542475938797,0.0010738670825958252,0.6527591046104507,2,682,1 -15683,0.0028005142316264156,0.0014907345175743103,0.0023707784712314606,1.0094724135028124,2,683,1 -15684,0.002815762864174921,0.0019363872706890106,0.00204424187541008,0.8124863997599733,2,684,1 -15685,0.002823050946480585,0.0016410835087299347,0.0022970549762248993,0.9504517327711611,2,685,1 -15686,0.002381492127282422,0.0012412704527378082,0.0020324252545833588,1.0225218109365266,2,686,1 -15687,0.0032910216423404012,0.0018016956746578217,0.0027540363371372223,0.9914729243967002,2,687,1 -15688,0.003035047216704601,0.0016091279685497284,0.0025733672082424164,1.011980904218671,2,688,1 -15689,0.003164062072253609,0.0016475319862365723,0.002701282501220703,1.0231238578164246,2,689,1 -15690,0.0026205877250469077,0.001352313905954361,0.002244710922241211,1.028581287101228,2,690,1 -15691,0.0027935520817872162,0.0017714686691761017,0.002160053700208664,0.8839164970557073,2,691,1 -15692,0.0013082976930473048,0.0010816268622875214,0.0007360205054283142,0.5975016895648302,2,692,1 -15693,0.001343331047364398,0.0011902786791324615,0.0006227158010005951,0.4820098162180327,2,693,1 -15694,0.0034406879448162166,0.0022221095860004425,0.002626892179250717,0.8686825759011548,2,694,1 -15695,0.0027595016717381466,0.0014661811292171478,0.0023377686738967896,1.010637239412846,2,695,1 -15696,0.003089602741137462,0.0019307322800159454,0.0024120360612869263,0.8957765024871354,2,696,1 -15697,0.0031889418419235576,0.0019297115504741669,0.0025388114154338837,0.9208722310148001,2,697,1 -15698,0.00270465698304271,0.0015099681913852692,0.0022439174354076385,0.9784796558388009,2,698,1 -15699,0.0027186580861939522,0.0015157796442508698,0.002256881445646286,0.9793683801890424,2,699,1 -15700,0.002788496540723159,0.0014322474598884583,0.0023925676941871643,1.0313895080713837,2,700,1 -15701,0.0023553022027368656,0.0009583309292793274,0.002151522785425186,1.1517577887317354,2,701,1 -15702,0.0030544020969636796,0.0020781047642230988,0.002238493412733078,0.822537339391708,2,702,1 -15703,0.0028244820677526075,0.0016519203782081604,0.0022910386323928833,0.9460915855080005,2,703,1 -15704,0.0019214890837738223,0.001262754201889038,0.0014482997357845306,0.8537319723155847,2,704,1 -15705,0.0029735997878067586,0.001758180558681488,0.002398144453763962,0.9381718878029672,2,705,1 -15706,0.00322612088914734,0.0016699433326721191,0.0027602799236774445,1.026715365474832,2,706,1 -15707,0.001439951447070793,0.0010272227227687836,0.001009095460176468,0.7764964190954922,2,707,1 -15708,0.003180536986114981,0.0018933601677417755,0.002555582672357559,0.933162647425816,2,708,1 -15709,0.002942364021124532,0.0016832612454891205,0.002413325011730194,0.9617593711032268,2,709,1 -15710,0.0031989934291792904,0.0020641200244426727,0.0024439655244350433,0.8694583253753472,2,710,1 -15711,0.0018644356355249825,0.0009667761623859406,0.001594197005033493,1.025658959062415,2,711,1 -15712,0.0031229121644181794,0.0019601844251155853,0.0024311020970344543,0.8922289985757796,2,712,1 -15713,0.0014851830076792086,0.0007654577493667603,0.001272730529308319,1.0293263498082752,2,713,1 -15714,0.0027569674390458183,0.0016112476587295532,0.002237129956483841,0.9466219474967127,2,714,1 -15715,0.0028764532523512213,0.0014716796576976776,0.002471465617418289,1.0337155535800437,2,715,1 -15716,0.0013915327862619134,0.001184064894914627,0.0007309950888156891,0.5530869892455367,2,716,1 -15717,0.0015618518886139528,0.0013485513627529144,0.0007879026234149933,0.5287644652196016,2,717,1 -15718,0.0015204147070258841,0.000964142382144928,0.0011756233870983124,0.8839119476190221,2,718,1 -15719,0.002090432918092096,0.0010416917502880096,0.0018123984336853027,1.0491434164345292,2,719,1 -15720,0.003098627670577649,0.001933358609676361,0.0024214908480644226,0.8970215881633565,2,720,1 -15721,0.003026844977572457,0.0022633112967014313,0.002009779214859009,0.7261353877527086,2,721,1 -15722,0.0023927984899340792,0.001259535551071167,0.002034466713666916,1.0164519544967316,2,722,1 -15723,0.002399130759418625,0.0012771040201187134,0.00203096866607666,1.0094581815282615,2,723,1 -15724,0.0019407728558572344,0.0009852498769760132,0.0016720890998840332,1.0383314451103822,2,724,1 -15725,0.0013977352709331388,0.0011866167187690735,0.0007386505603790283,0.556788398698657,2,725,1 -15726,0.002469223386866818,0.0011910796165466309,0.0021629594266414642,1.0674378907615483,2,726,1 -15727,0.0013240480932016642,0.0011831000447273254,0.000594455748796463,0.4656105002382089,2,727,1 -15728,0.003214163482593329,0.001745760440826416,0.002698734402656555,0.9966167379150983,2,728,1 -15729,0.0017252420317119175,0.0011997558176517487,0.001239776611328125,0.801801800236843,2,729,1 -15730,0.0018281490170141148,0.0014548078179359436,0.0011070966720581055,0.6504987611562344,2,730,1 -15731,0.003375576721612458,0.0023178979754447937,0.0024539493024349213,0.8139016908697235,2,731,1 -15732,0.0030550284182728586,0.0017541982233524323,0.0025011971592903137,0.9591692928239365,2,732,1 -15733,0.0031010110147190488,0.0017873160541057587,0.00253412127494812,0.956522081092383,2,733,1 -15734,0.003147155317604506,0.0018122754991054535,0.002572983503341675,0.9571582726497969,2,734,1 -15735,0.003007709525072766,0.0017632469534873962,0.0024366527795791626,0.9443835059084761,2,735,1 -15736,0.003161245032836723,0.0017287880182266235,0.002646651118993759,0.9921760237233402,2,736,1 -15737,0.0027633896862091045,0.0013954788446426392,0.002385154366493225,1.0414281748458987,2,737,1 -15738,0.002801156379107845,0.001681789755821228,0.0022401027381420135,0.9268060765039683,2,738,1 -15739,0.0029062462023767203,0.0017102472484111786,0.002349749207496643,0.9416275040091376,2,739,1 -15740,0.002920221808052479,0.0015222802758216858,0.0024920590221881866,1.0224352989384806,2,740,1 -15741,0.0014411659729805816,0.001163039356470108,0.0008510574698448181,0.6317203486022293,2,741,1 -15742,0.0027156953362749148,0.0014459602534770966,0.002298738807439804,1.0093090872733774,2,742,1 -15743,0.0020481650707087464,0.0011998079717159271,0.0016599521040916443,0.9449338150381686,2,743,1 -15744,0.001300464994883364,0.0011026263236999512,0.0006895102560520172,0.5588398023615846,2,744,1 -15745,0.0015102466674298091,0.0011543035507202148,0.0009738728404045105,0.7008185879442353,2,745,1 -15746,0.002896000456505868,0.0016534700989723206,0.002377573400735855,0.9631343624282025,2,746,1 -15747,0.0027921807219734554,0.0015527643263339996,0.002320602536201477,0.9810963636136273,2,747,1 -15748,0.0022136048749832747,0.0010300315916538239,0.0019593574106693268,1.0868017720192769,2,748,1 -15749,0.003001996987889405,0.001648828387260437,0.0025086551904678345,0.9893372080477241,2,749,1 -15750,0.002849603507268588,0.0018185526132583618,0.002193879336118698,0.8786677184270324,2,750,1 -15751,0.002758881380296011,0.0012257769703865051,0.002471618354320526,1.110401157137212,2,751,1 -15752,0.0023075062116214655,0.0014947541058063507,0.0017579235136508942,0.8661308492184986,2,752,1 -15753,0.002982880831409435,0.0018569007515907288,0.002334415912628174,0.8988386640889623,2,753,1 -15754,0.002946931019380099,0.0014094747602939606,0.0025880075991153717,1.0720947851263383,2,754,1 -15755,0.0027961294257717586,0.0016831830143928528,0.0022327639162540436,0.9248317881385096,2,755,1 -15756,0.003184881389174705,0.0016762055456638336,0.0027080997824668884,1.0165521494914325,2,756,1 -15757,0.0031618558377208466,0.001633860170841217,0.0027069970965385437,1.027756520007451,2,757,1 -15758,0.0026992022292135773,0.0017874650657176971,0.002022538334131241,0.8470190161584018,2,758,1 -15759,0.002819485571194784,0.001646619290113449,0.0022886991500854492,0.9471313633366263,2,759,1 -15760,0.0018397997301121557,0.0012369081377983093,0.0013619549572467804,0.8334770533322066,2,760,1 -15761,0.002882622354347809,0.0013629347085952759,0.002540063112974167,1.078318504378235,2,761,1 -15762,0.0013622014720867709,0.0009980425238609314,0.0009270943701267242,0.7485612715049148,2,762,1 -15763,0.0025678697914898263,0.0016568303108215332,0.0019618533551692963,0.8694905406972901,2,763,1 -15764,0.002873182820964768,0.00128975510597229,0.0025674328207969666,1.105268859449837,2,764,1 -15765,0.0010244404499239214,0.0005592741072177887,0.000858306884765625,0.993296051283134,2,765,1 -15766,0.0016548610629856272,0.001039758324623108,0.0012874267995357513,0.891423136653759,2,766,1 -15767,0.003060787212066962,0.0016863830387592316,0.002554316073656082,0.9872775924446915,2,767,1 -15768,0.0030492600500698383,0.001879960298538208,0.0024007782340049744,0.9064685622794195,2,768,1 -15769,0.0032054366503882245,0.0018831901252269745,0.0025939196348190308,0.9428318483257537,2,769,1 -15770,0.002749031892886665,0.0016576871275901794,0.002193000167608261,0.92353039228858,2,770,1 -15771,0.002826144669453349,0.001607704907655716,0.0023243017494678497,0.9656668323475144,2,771,1 -15772,0.002790203050896125,0.0017276108264923096,0.0021910257637500763,0.9031106767388684,2,772,1 -15773,0.0019815357504996208,0.0009803809225559235,0.0017220154404640198,1.053239838732436,2,773,1 -15774,0.003089747149444811,0.0018168911337852478,0.0024990886449813843,0.9421643871024137,2,774,1 -15775,0.0033349793455755665,0.0018220394849777222,0.002793252468109131,0.9928057073599085,2,775,1 -15776,0.0028679398361059105,0.0019454658031463623,0.002107188105583191,0.8252822847906424,2,776,1 -15777,0.0015596099079688748,0.0010916516184806824,0.0011138580739498138,0.7954664506423975,2,777,1 -15778,0.0031807253337380985,0.0021061375737190247,0.0023835264146327972,0.847103603691029,2,778,1 -15779,0.0017278778029473337,0.0009586140513420105,0.0014375746250152588,0.9826825018454413,2,779,1 -15780,0.0025112524809550686,0.001123271882534027,0.0022460296750068665,1.107057166639143,2,780,1 -15781,0.0032527299706723465,0.0020241402089595795,0.002546194940805435,0.899132009557504,2,781,1 -15782,0.002827996377281093,0.0014514438807964325,0.0024271123111248016,1.031839389799047,2,782,1 -15783,0.0015908567299884435,0.0013525709509849548,0.0008374825119972229,0.5544019291334092,2,783,1 -15784,0.0030064858253603414,0.001727767288684845,0.0024604424834251404,0.9585832437858731,2,784,1 -15785,0.003032843650636604,0.001927163451910019,0.0023418329656124115,0.8822295118253434,2,785,1 -15786,0.0029008567510760645,0.0018030889332294464,0.0022724084556102753,0.900049525416848,2,786,1 -15787,0.001315067867442061,0.0009323321282863617,0.0009274482727050781,0.7827721305861335,2,787,1 -15788,0.003098610488187516,0.0017008520662784576,0.002590075135231018,0.9897390609979283,2,788,1 -15789,0.0031707120882398594,0.0016960911452770233,0.00267893448472023,1.0063781035850117,2,789,1 -15790,0.002895134085934039,0.0016343183815479279,0.0023897290229797363,0.9709625850316693,2,790,1 -15791,0.0018252723114697996,0.0016023702919483185,0.0008740872144699097,0.4993789730242914,2,791,1 -15792,0.003218448507823156,0.0023490600287914276,0.0022000744938850403,0.7526595618022511,2,792,1 -15793,0.003040236454531237,0.0016270317137241364,0.0025682300329208374,1.0060918764564377,2,793,1 -15794,0.002723458014784247,0.0013229399919509888,0.002380557358264923,1.0635668247780063,2,794,1 -15795,0.0026363738554907325,0.001256592571735382,0.0023176372051239014,1.0739714269601854,2,795,1 -15796,0.0018720266144721016,0.0012426115572452545,0.0014001429080963135,0.8449364857220992,2,796,1 -15797,0.002940056110784713,0.0019392333924770355,0.0022098198533058167,0.850522374360933,2,797,1 -15798,0.0031109386963164443,0.0017530694603919983,0.0025699585676193237,0.9721583280411283,2,798,1 -15799,0.002816287884050463,0.0015247054398059845,0.0023678578436374664,0.9987088194636661,2,799,1 -15800,0.0027745457839216297,0.0016431733965873718,0.002235639840364456,0.9369708939185584,2,800,1 -15801,0.003072763567288895,0.0017825700342655182,0.002502862364053726,0.9519209456510506,2,801,1 -15802,0.0031049782750281973,0.0015527941286563873,0.002688813954591751,1.047084125292312,2,802,1 -15803,0.002540350953918888,0.0014258697628974915,0.002102445811033249,0.9748544801216961,2,803,1 -15804,0.0012994810345630366,0.0008423812687397003,0.000989466905593872,0.8655198493208783,2,804,1 -15805,0.0029672594110986546,0.0016639940440654755,0.002456776797771454,0.9754629327258855,2,805,1 -15806,0.0033896975572571247,0.002102550119161606,0.0026588216423988342,0.9017010226642204,2,806,1 -15807,0.0028573669033110454,0.0016050264239311218,0.0023639872670173645,0.9743388078604688,2,807,1 -15808,0.0031261843891569182,0.0015596486628055573,0.0027093403041362762,1.0484690021656495,2,808,1 -15809,0.002908018891840012,0.0015652067959308624,0.002450857311487198,1.0024510706953553,2,809,1 -15810,0.0013936989708834525,0.001029975712299347,0.000938907265663147,0.7391772420211528,2,810,1 -15811,0.0029430003469720026,0.0018772073090076447,0.0022665709257125854,0.8790865109964549,2,811,1 -15812,0.002518036499871804,0.001330684870481491,0.002137705683708191,1.014009231237874,2,812,1 -15813,0.0025449670922573736,0.0015616603195667267,0.0020094960927963257,0.9101505021999683,2,813,1 -15814,0.0025417320381111723,0.001539185643196106,0.0020226985216140747,0.9203198385765582,2,814,1 -15815,0.001940892358109572,0.0012057721614837646,0.0015209130942821503,0.900464198510458,2,815,1 -15816,0.0027545118723235175,0.0017270445823669434,0.00214584544301033,0.8931161206091619,2,816,1 -15817,0.003013682595415993,0.0017572008073329926,0.0024483725428581238,0.9482886454764251,2,817,1 -15818,0.001446166086719919,0.0012681558728218079,0.0006951093673706055,0.5014033987757419,2,818,1 -15819,0.0029255340899865573,0.0019202753901481628,0.0022071003913879395,0.8547799271245259,2,819,1 -15820,0.003104579920555781,0.0018518976867198944,0.002491764724254608,0.9316567511088668,2,820,1 -15821,0.0017393819997258823,0.0015652328729629517,0.0007586143910884857,0.4513049337675233,2,821,1 -15822,0.0030008060314378666,0.001984208822250366,0.0022511668503284454,0.8483454344316844,2,822,1 -15823,0.00291182068312707,0.0014808624982833862,0.0025071389973163605,1.037274028506482,2,823,1 -15824,0.002769608375463664,0.0017892755568027496,0.0021140538156032562,0.868412387950635,2,824,1 -15825,0.0030999152604438618,0.0015501528978347778,0.0026844926178455353,1.0471248136107387,2,825,1 -15826,0.0017645411955307696,0.0008053258061408997,0.001570049673318863,1.0968581903602954,2,826,1 -15827,0.0030142457515159784,0.0017968825995922089,0.0024201013147830963,0.9321238772933784,2,827,1 -15828,0.001429124572612264,0.0008057430386543274,0.0011803284287452698,0.971814528733035,2,828,1 -15829,0.0029343178298084373,0.0014498569071292877,0.002551104873418808,1.0539928875906066,2,829,1 -15830,0.0029225176210265864,0.001795351505279541,0.0023060403764247894,0.909276566045285,2,830,1 -15831,0.002986173968865584,0.0016651339828968048,0.0024788230657577515,0.9792870283366047,2,831,1 -15832,0.003174120333501343,0.0017181560397148132,0.0026688911020755768,0.9988121310093473,2,832,1 -15833,0.0026966738051097338,0.0015834309160709381,0.0021828413009643555,0.9432266461850217,2,833,1 -15834,0.0028526510180396096,0.0018129833042621613,0.0022024326026439667,0.8820842849940804,2,834,1 -15835,0.0029233928337164647,0.0019582733511924744,0.0021705739200115204,0.8367717674058349,2,835,1 -15836,0.0030291473861822973,0.001543734222650528,0.0026062652468681335,1.0360455252384229,2,836,1 -15837,0.0016276538005283033,0.0014660730957984924,0.0007070265710353851,0.4493541378039491,2,837,1 -15838,0.0017918852820592737,0.0007723905146121979,0.0016168691217899323,1.1251412281980138,2,838,1 -15839,0.0031174813997674757,0.00199812650680542,0.002392943948507309,0.8750707416603212,2,839,1 -15840,0.0034189583644213496,0.0019335076212882996,0.0028197206556797028,0.9697262181387581,2,840,1 -15841,0.001536019114282667,0.0010531917214393616,0.0011180974543094635,0.8152819813845164,2,841,1 -15842,0.0015531310707823222,0.0013839080929756165,0.0007049925625324249,0.4711563847171576,2,842,1 -15843,0.0028633579249725235,0.0016667433083057404,0.0023282580077648163,0.9494948104450812,2,843,1 -15844,0.0013350848167010029,0.0009464584290981293,0.0009416304528713226,0.7828410985525656,2,844,1 -15845,0.002879773295745729,0.0016762465238571167,0.00234164297580719,0.9495170481572763,2,845,1 -15846,0.0015302172606699558,0.0013325326144695282,0.000752277672290802,0.5139433088333909,2,846,1 -15847,0.003132099971998539,0.001863628625869751,0.002517327666282654,0.9335191013713361,2,847,1 -15848,0.0027195656905665898,0.0013814866542816162,0.002342548221349716,1.0379575521113353,2,848,1 -15849,0.0031107592546252526,0.0017615780234336853,0.0025639161467552185,0.9688041666524618,2,849,1 -15850,0.0024384871519874955,0.0014044009149074554,0.001993458718061447,0.9570535082875619,2,850,1 -15851,0.002811857411291539,0.0015514269471168518,0.002345126122236252,0.9863418025623,2,851,1 -15852,0.0014227622103570334,0.0013110116124153137,0.0005527213215827942,0.3989865353276434,2,852,1 -15853,0.002751807921759474,0.0017209313809871674,0.002147287130355835,0.8951752348750253,2,853,1 -15854,0.001480984505525237,0.0010048821568489075,0.0010879002511501312,0.8250461406510954,2,854,1 -15855,0.0019464522192876373,0.0012843906879425049,0.001462537795305252,0.8501606711552581,2,855,1 -15856,0.0012258310689801236,0.0010155029594898224,0.00068659707903862,0.5945154644565471,2,856,1 -15857,0.0029878613779246443,0.0012365952134132385,0.0027199536561965942,1.1440918564738531,2,857,1 -15858,0.0031917471114140147,0.0017063058912754059,0.002697363495826721,1.0067627483072852,2,858,1 -15859,0.0023743702070978243,0.0015749260783195496,0.0017768628895282745,0.8455728989296719,2,859,1 -15860,0.0033599142815925022,0.0019982196390628815,0.002701137214899063,0.933874783829475,2,860,1 -15861,0.0027800302562015046,0.001259833574295044,0.002478182315826416,1.10047515052285,2,861,1 -15862,0.0016806632830157313,0.0014064870774745941,0.0009200125932693481,0.5792667099674254,2,862,1 -15863,0.003021962819690148,0.0015176497399806976,0.002613235265016556,1.0446476837191672,2,863,1 -15864,0.0029546777174454955,0.0019484534859657288,0.0022211819887161255,0.8507133611658907,2,864,1 -15865,0.003092533468301107,0.0017345026135444641,0.0025603249669075012,0.9753626443844651,2,865,1 -15866,0.002530758046416747,0.00138082355260849,0.0021208636462688446,0.993671641953438,2,866,1 -15867,0.0031252552879313003,0.001599431037902832,0.00268496572971344,1.0335454277736158,2,867,1 -15868,0.002494005960087362,0.0012301094830036163,0.002169538289308548,1.0550015744464172,2,868,1 -15869,0.0033233714530656747,0.0017995834350585938,0.0027939751744270325,0.9985839627918064,2,869,1 -15870,0.002935725500088002,0.0015935152769088745,0.00246560201048851,0.9970275045819722,2,870,1 -15871,0.0030135321553790492,0.0014383196830749512,0.002648133784532547,1.0732315757089506,2,871,1 -15872,0.002709456331549751,0.0014534629881381989,0.0022866129875183105,1.0045822407530873,2,872,1 -15873,0.0031766279214471374,0.0018460564315319061,0.0025851577520370483,0.9506710335755109,2,873,1 -15874,0.0033199871081900727,0.0016414262354373932,0.0028858333826065063,1.0536433657339495,2,874,1 -15875,0.002791634940786785,0.0015802644193172455,0.002301301807165146,0.9690640930566552,2,875,1 -15876,0.0028232424371072954,0.0014235973358154297,0.0024380460381507874,1.0422923776795558,2,876,1 -15877,0.0028637848232862923,0.0018314868211746216,0.002201572060585022,0.8769048107546408,2,877,1 -15878,0.00265904667328106,0.0018750913441181183,0.0018853545188903809,0.7881274007441808,2,878,1 -15879,0.0015865308209544826,0.0012740567326545715,0.0009454414248466492,0.6384076466621098,2,879,1 -15880,0.0018094494916487329,0.0015350691974163055,0.0009579509496688843,0.5579116659083609,2,880,1 -15881,0.0016721798411214225,0.00099896639585495,0.0013409890234470367,0.9305366796810866,2,881,1 -15882,0.0029402175217425634,0.0015180110931396484,0.00251803919672966,1.0282806213044755,2,882,1 -15883,0.0029032991135717417,0.0017323903739452362,0.0023298002779483795,0.931417391101374,2,883,1 -15884,0.0015772881796015802,0.0014189593493938446,0.0006887614727020264,0.45189874168445493,2,884,1 -15885,0.0033012227485725155,0.0018006376922130585,0.002766907215118408,0.9938755571405566,2,885,1 -15886,0.0032757533826427644,0.0018615201115608215,0.0026954226195812225,0.9663916002639178,2,886,1 -15887,0.0029241666556566455,0.0014736279845237732,0.002525702118873596,1.0426327439138494,2,887,1 -15888,0.003101811948045034,0.0015420466661453247,0.0026913434267044067,1.050492446345835,2,888,1 -15889,0.002943843929854606,0.0017583593726158142,0.002361014485359192,0.9306653735329592,2,889,1 -15890,0.002832956140721013,0.0017621591687202454,0.0022182054817676544,0.8994747335431718,2,890,1 -15891,0.0014777115248387478,0.0009461976587772369,0.0011350512504577637,0.8758908509708184,2,891,1 -15892,0.002884110876842698,0.0017351806163787842,0.002303745597600937,0.9252505189926613,2,892,1 -15893,0.0032483731406297307,0.002013660967350006,0.0025489404797554016,0.9021832448058873,2,893,1 -15894,0.003035386237119304,0.0017258524894714355,0.002496998757123947,0.966020649064258,2,894,1 -15895,0.0029149249117981675,0.0015908405184745789,0.002442542463541031,0.9935041394692783,2,895,1 -15896,0.0032821095704522393,0.001881275326013565,0.0026894323527812958,0.9604016687420299,2,896,1 -15897,0.0012894737550733077,0.000561147928237915,0.0011609718203544617,1.1205626670976525,2,897,1 -15898,0.0019907449689559,0.0008626729249954224,0.0017941184341907501,1.122598842634662,2,898,1 -15899,0.0027819303000731505,0.0010883919894695282,0.0025601834058761597,1.168821786551236,2,899,1 -15900,0.0028026746674783345,0.0019208304584026337,0.0020409300923347473,0.8157035952561391,2,900,1 -15901,0.0030771162325493873,0.0020459890365600586,0.00229838490486145,0.8434301091539368,2,901,1 -15902,0.002803485076002043,0.001603148877620697,0.0022998787462711334,0.962047589734658,2,902,1 -15903,0.0013563539750657203,0.0008823573589324951,0.0010301172733306885,0.8625060913755268,2,903,1 -15904,0.0013112505033100763,0.0010381080210208893,0.0008010677993297577,0.6572208299135411,2,904,1 -15905,0.0026369231943685497,0.0016470588743686676,0.0020592622458934784,0.8961593027725628,2,905,1 -15906,0.0026761330202106515,0.0016322359442710876,0.0021207295358181,0.9148324977132255,2,906,1 -15907,0.0026605445052464783,0.0016506798565387726,0.0020865648984909058,0.9015063048358574,2,907,1 -15908,0.001689165426811442,0.0013083778321743011,0.0010683760046958923,0.6847604640800968,2,908,1 -15909,0.003009562019096972,0.0015664398670196533,0.0025697723031044006,1.0233743676100688,2,909,1 -15910,0.0018768178169269454,0.0011847428977489471,0.0014556199312210083,0.8876313378902343,2,910,1 -15911,0.0032300202204529342,0.001792803406715393,0.002686798572540283,0.9823804419708779,2,911,1 -15912,0.0026943620083250304,0.0016754046082496643,0.0021101199090480804,0.8997335382359695,2,912,1 -15913,0.0027982840677812154,0.0016186386346817017,0.0022826306521892548,0.9539816962609161,2,913,1 -15914,0.0012870092557125,0.0010664090514183044,0.0007205307483673096,0.5942034620789538,2,914,1 -15915,0.00284206884369269,0.0015216581523418427,0.0024003982543945312,1.0058090150587178,2,915,1 -15916,0.0016258207377207404,0.0010845139622688293,0.0012112483382225037,0.8405458031954147,2,916,1 -15917,0.0029662108996058585,0.0017590001225471497,0.002388373017311096,0.936001287612539,2,917,1 -15918,0.0025858977079936895,0.0013856366276741028,0.0021833181381225586,1.0052897957052636,2,918,1 -15919,0.0012798650608112278,0.0009005479514598846,0.0009094327688217163,0.7903069151315247,2,919,1 -15920,0.0029264781886574336,0.0018224678933620453,0.0022897347807884216,0.8985422136764774,2,920,1 -15921,0.0032477817133552246,0.002078913152217865,0.0024952366948127747,0.8761646721485602,2,921,1 -15922,0.0015857738849690828,0.0010671541094779968,0.0011729709804058075,0.8326001130647478,2,922,1 -15923,0.00205365579775852,0.0012452192604541779,0.0016330741345882416,0.9193430091889161,2,923,1 -15924,0.003116076621172323,0.001891598105430603,0.002476245164871216,0.918459830758584,2,924,1 -15925,0.003135737131656772,0.0019558295607566833,0.002451036125421524,0.8973003324706,2,925,1 -15926,0.0027214369128363337,0.0018520243465900421,0.001994047313928604,0.8223081534181064,2,926,1 -15927,0.0028265009106434565,0.0015539079904556274,0.002361033111810684,0.9887148348637776,2,927,1 -15928,0.0017485441555391158,0.000975634902715683,0.0014510490000247955,0.9788589294609267,2,928,1 -15929,0.0027026857535164045,0.0015071555972099304,0.0022434331476688385,0.9792430066338303,2,929,1 -15930,0.003037915659753736,0.0016153864562511444,0.002572830766439438,1.0101405354669852,2,930,1 -15931,0.0017710275013072283,0.0011879876255989075,0.0013134777545928955,0.8355227884730728,2,931,1 -15932,0.0026429667564516653,0.0014337114989757538,0.0022203028202056885,0.9974301981098441,2,932,1 -15933,0.00275021682731481,0.001972876489162445,0.0019161030650138855,0.7708006601863882,2,933,1 -15934,0.0033620469811828147,0.0019155517220497131,0.0027629733085632324,0.9645854945547843,2,934,1 -15935,0.0028746113829819283,0.0013344213366508484,0.0025461167097091675,1.088054639575487,2,935,1 -15936,0.0030539930721544487,0.0015030652284622192,0.0026585087180137634,1.0562224772892763,2,936,1 -15937,0.0026622705277820308,0.0014955587685108185,0.0022024959325790405,0.9742838964827853,2,937,1 -15938,0.0015338455029539522,0.001331619918346405,0.000761229544878006,0.5193181259259559,2,938,1 -15939,0.002429722193387939,0.001404639333486557,0.0019825585186481476,0.9543895495355706,2,939,1 -15940,0.0028323518870724687,0.0015729814767837524,0.0023554079234600067,0.9819977544764569,2,940,1 -15941,0.002922399743992305,0.001835610717535019,0.0022739730775356293,0.8916646515619884,2,941,1 -15942,0.0030330639960689486,0.0016533434391021729,0.0025428198277950287,0.99427997226839,2,942,1 -15943,0.002993013095340643,0.0017071589827537537,0.0024584010243415833,0.9638262127152015,2,943,1 -15944,0.002747413828108313,0.0014672167599201202,0.0023228339850902557,1.0074296831376544,2,944,1 -15945,0.002446226512179885,0.001371186226606369,0.0020258016884326935,0.9757692508277274,2,945,1 -15946,0.0027299772092926927,0.0017018131911754608,0.0021346211433410645,0.8977383357387289,2,946,1 -15947,0.0027901882084415412,0.0017026588320732117,0.002210453152656555,0.9144444143002936,2,947,1 -15948,0.002901089754945499,0.0017238296568393707,0.0023333951830863953,0.9345247658107125,2,948,1 -15949,0.0018274354400813055,0.0007616318762302399,0.0016611553728580475,1.1409002340986496,2,949,1 -15950,0.0029168920892576992,0.0015157237648963928,0.0024921558797359467,1.024370814463201,2,950,1 -15951,0.0030676948087571773,0.001836329698562622,0.002457365393638611,0.92904098490062,2,951,1 -15952,0.0032052753242908794,0.0018854327499866486,0.002592090517282486,0.9419303991345275,2,952,1 -15953,0.0029471065706068757,0.0013574771583080292,0.0026158541440963745,1.0921100301885083,2,953,1 -15954,0.0018260287217278634,0.00043556466698646545,0.0017733201384544373,1.3299433022442135,2,954,1 -15955,0.0030260627574210833,0.0017443038523197174,0.0024727433919906616,0.9564471076376032,2,955,1 -15956,0.0029032270356707515,0.0013486333191394806,0.002570975571870804,1.087693592770173,2,956,1 -15957,0.002575184570696174,0.00134185329079628,0.0021979548037052155,1.0226913650107317,2,957,1 -15958,0.0026641973839849125,0.0010726898908615112,0.002438705414533615,1.1564064319134193,2,958,1 -15959,0.002458941049188362,0.0015458427369594574,0.0019122660160064697,0.8909648510446401,2,959,1 -15960,0.0028234456509583063,0.0016267523169517517,0.0023077093064785004,0.9567754335116361,2,960,1 -15961,0.003237830910025869,0.0018040426075458527,0.002688676118850708,0.979814869061832,2,961,1 -15962,0.0030841574628644557,0.0016481205821037292,0.0026068612933158875,1.0070189984015598,2,962,1 -15963,0.002842191099537105,0.0012338422238826752,0.0025604069232940674,1.1217389481669575,2,963,1 -15964,0.002246350437483005,0.0010385550558567047,0.0019918568432331085,1.090175296890923,2,964,1 -15965,0.0012177990531579213,0.0010668672621250153,0.00058722123503685,0.5031628456997264,2,965,1 -15966,0.0034363336138528043,0.0017679259181022644,0.002946663647890091,1.0303948607324145,2,966,1 -15967,0.0013157088767172345,0.0010811053216457367,0.0007498674094676971,0.6064257032906216,2,967,1 -15968,0.00290827286327104,0.00159430131316185,0.0024323351681232452,0.9905915293874441,2,968,1 -15969,0.0031616693069333873,0.0015010237693786621,0.002782639116048813,1.0761087264592413,2,969,1 -15970,0.0018878893824061478,0.0017324276268482208,0.0007502138614654541,0.4086624963409494,2,970,1 -15971,0.0016835091634900528,0.001020427793264389,0.0013390034437179565,0.9196087164459642,2,971,1 -15972,0.002995691650101673,0.0016549862921237946,0.0024970360100269318,0.9854891084794798,2,972,1 -15973,0.0012707516605511009,0.0007273219525814056,0.0010420233011245728,0.9614205598280235,2,973,1 -15974,0.002983016652889113,0.001661505550146103,0.002477455884218216,0.9800411649307904,2,974,1 -15975,0.0027215116185184515,0.001395929604768753,0.0023362375795841217,1.0322083675830747,2,975,1 -15976,0.001738076303428488,0.0009378194808959961,0.0014633536338806152,1.000866164914571,2,976,1 -15977,0.0030554339810990785,0.0018383972346782684,0.00244048610329628,0.9251920370649194,2,977,1 -15978,0.003130196580660503,0.0017354264855384827,0.002605076879262924,0.9831370045743584,2,978,1 -15979,0.0030350725774886474,0.0016818493604660034,0.0025264695286750793,0.9834691232613282,2,979,1 -15980,0.001088689976344663,0.0007697902619838715,0.0007698498666286469,0.7854368767588618,2,980,1 -15981,0.0030343040475584926,0.0013953633606433868,0.0026944316923618317,1.0929557129731402,2,981,1 -15982,0.0029259409700100997,0.0018152184784412384,0.00229480117559433,0.9015590905036929,2,982,1 -15983,0.0029510448157616435,0.0017527192831039429,0.002374161034822464,0.9348591177888036,2,983,1 -15984,0.0032464339923515078,0.0016455985605716705,0.0027984529733657837,1.039218351207547,2,984,1 -15985,0.0026846016081001926,0.0014876201748847961,0.002234742045402527,0.9834780135567615,2,985,1 -15986,0.0015441288483222767,0.0009457655251026154,0.001220598816871643,0.9115878971374359,2,986,1 -15987,0.0032754130491246605,0.001661095768213272,0.002822957932949066,1.0389321890092762,2,987,1 -15988,0.003156140048808892,0.0015760548412799835,0.002734459936618805,1.047934666209931,2,988,1 -15989,0.0026665943048096554,0.0014831125736236572,0.0022161006927490234,0.9810113873274001,2,989,1 -15990,0.0027531368034228176,0.0015616454184055328,0.00226738303899765,0.9676650517801552,2,990,1 -15991,0.0028205855074356612,0.001429341733455658,0.0024316012859344482,1.039381502613264,2,991,1 -15992,0.003118676944782198,0.001726388931274414,0.002597253769636154,0.9841580064515938,2,992,1 -15993,0.002596339316741005,0.0015135779976844788,0.0021095164120197296,0.9484217051750287,2,993,1 -15994,0.0030532024158867995,0.0019142776727676392,0.0023785680532455444,0.8931338433113402,2,994,1 -15995,0.0030725354606812192,0.0018050111830234528,0.0024864450097084045,0.942871928312957,2,995,1 -15996,0.0032140237595968237,0.0016393549740314484,0.002764500677585602,1.035538158992014,2,996,1 -15997,0.0028081240722329765,0.0019070282578468323,0.0020612627267837524,0.8242453337567414,2,997,1 -15998,0.0027986016802304093,0.0013203173875808716,0.002467576414346695,1.0794906482166202,2,998,1 -15999,0.0029875209414048733,0.00151124969124794,0.0025770924985408783,1.0404245343997873,2,999,1 -16000,0.002861523778553218,0.0013636685907840729,0.0025156959891319275,1.0740663138661606,2,1000,1 -16001,0.002886172433186856,0.0017710588872432709,0.002278890460729599,0.9101391875032774,2,1001,1 -16002,0.003076937826817264,0.0016390830278396606,0.002604026347398758,1.009009283575926,2,1002,1 -16003,0.0032443858019881246,0.0019103996455669403,0.0026222914457321167,0.9411827770106812,2,1003,1 -16004,0.0030854899112643984,0.0018260776996612549,0.0024871043860912323,0.9374722125360944,2,1004,1 -16005,0.001233294611081183,0.0009498707950115204,0.0007866136729717255,0.6916578214226199,2,1005,1 -16006,0.0032034923762933754,0.0016765445470809937,0.0027297548949718475,1.0200198875352684,2,1006,1 -16007,0.0030075023679379163,0.001903541386127472,0.002328433096408844,0.8854631841996615,2,1007,1 -16008,0.0027960537115895704,0.0021438486874103546,0.0017949454486370087,0.6970475344738385,2,1008,1 -16009,0.0030799008935870897,0.0018261224031448364,0.00248013436794281,0.9361211679598865,2,1009,1 -16010,0.0028213854487138057,0.0017848499119281769,0.0021850690245628357,0.8858716203511493,2,1010,1 -16011,0.0029335098419335476,0.0014770925045013428,0.0025344975292682648,1.043123625522078,2,1011,1 -16012,0.001860332168107472,0.0012115910649299622,0.0014116950333118439,0.8615306173203113,2,1012,1 -16013,0.00324091270339728,0.001958843320608139,0.002581946551799774,0.9217699792321737,2,1013,1 -16014,0.001553883298109852,0.0010407455265522003,0.0011538639664649963,0.8368963563462278,2,1014,1 -16015,0.003078957975656212,0.0016625002026557922,0.0025915391743183136,1.0004121228368996,2,1015,1 -16016,0.0034332448423637705,0.0017948932945728302,0.0029266923666000366,1.0206664714846725,2,1016,1 -16017,0.00328036937346612,0.002555452287197113,0.002056814730167389,0.6777052717399252,2,1017,1 -16018,0.0028074733279425555,0.0014691129326820374,0.0023924075067043304,1.020093220989049,2,1018,1 -16019,0.0030796153428442096,0.0018737539649009705,0.002443987876176834,0.9167058904239702,2,1019,1 -16020,0.0031752831817522752,0.0018680989742279053,0.0025676116347312927,0.9418102760948628,2,1020,1 -16021,0.0030541620197727442,0.0018529035151004791,0.00242789089679718,0.9189169547655411,2,1021,1 -16022,0.0024467914790900626,0.001313280314207077,0.0020644813776016235,1.0042328087335517,2,1022,1 -16023,0.0017658056114286573,0.001357734203338623,0.0011289939284324646,0.6936718531119928,2,1023,1 -16024,0.0030902852214564915,0.0015196315944194794,0.0026908330619335175,1.0567039255850998,2,1024,1 -16025,0.0028433023134619715,0.0014120973646640778,0.0024678632616996765,1.0510731390886168,2,1025,1 -16026,0.002796152759124151,0.002087760716676712,0.0018600337207317352,0.727777404680731,2,1026,1 -16027,0.0030420510300184873,0.0018201805651187897,0.0024374201893806458,0.9293687092057172,2,1027,1 -16028,0.003207610259941625,0.002147987484931946,0.0023822076618671417,0.8370541750374941,2,1028,1 -16029,0.003151172491320301,0.0020816735923290253,0.0023656971752643585,0.8491748099556965,2,1029,1 -16030,0.0014317143023434382,0.00110631063580513,0.0009087808430194855,0.6876851149369061,2,1030,1 -16031,0.003248020179222451,0.0018227063119411469,0.002688378095626831,0.9749921327950376,2,1031,1 -16032,0.00169016183225498,0.0013208240270614624,0.0010545477271080017,0.6737654140471634,2,1032,1 -16033,0.0027782845083877206,0.001720517873764038,0.002181440591812134,0.9029792774160598,2,1033,1 -16034,0.0016618845736803473,0.001028265804052353,0.0013055764138698578,0.9036651476102733,2,1034,1 -16035,0.0014353005071758521,0.0009826421737670898,0.0010461844503879547,0.8167076461076511,2,1035,1 -16036,0.0017139167086828143,0.0012567117810249329,0.0011654123663902283,0.7477220553684718,2,1036,1 -16037,0.00273466093326941,0.0015803985297679901,0.002231750637292862,0.9546261614098689,2,1037,1 -16038,0.00285046743247879,0.0016402192413806915,0.0023312754929065704,0.9576773316689333,2,1038,1 -16039,0.0032541444686431703,0.0018417201936244965,0.002682819962501526,0.9691973899734323,2,1039,1 -16040,0.003237779559319393,0.0018643476068973541,0.0026471540331840515,0.957201135106756,2,1040,1 -16041,0.002657761387521736,0.0014698579907417297,0.0022143200039863586,0.9847833564773414,2,1041,1 -16042,0.0028102371422573285,0.0017099082469940186,0.0022301673889160156,0.9166816210980137,2,1042,1 -16043,0.002839798083283756,0.0017308220267295837,0.0022513791918754578,0.9153820799930774,2,1043,1 -16044,0.002040437984867251,0.0011009983718395233,0.0017179027199745178,1.0008471793091884,2,1044,1 -16045,0.0031962615905415273,0.0014343149960041046,0.0028563663363456726,1.105432814361658,2,1045,1 -16046,0.0019515737109954566,0.000905308872461319,0.001728888601064682,1.0884189505462654,2,1046,1 -16047,0.0031204676639406694,0.001794133335351944,0.0025531165301799774,0.9582452800998196,2,1047,1 -16048,0.0028928325871687348,0.0016962811350822449,0.002343311905860901,0.9442213870629123,2,1048,1 -16049,0.0028746547356694667,0.0017754584550857544,0.0022608377039432526,0.9050771075705571,2,1049,1 -16050,0.0031216929763879706,0.0018066391348838806,0.0025457851588726044,0.9536172414009422,2,1050,1 -16051,0.001523275295598139,0.0011605583131313324,0.0009866468608379364,0.7045802457017729,2,1051,1 -16052,0.0016917794886215267,0.0007507279515266418,0.001516088843345642,1.1110168733097987,2,1052,1 -16053,0.0011130361575164363,0.0007725358009338379,0.0008012726902961731,0.8036555920873131,2,1053,1 -16054,0.0021872720113053335,0.0011166073381900787,0.001880783587694168,1.035027512889057,2,1054,1 -16055,0.003082496386072136,0.001824941486120224,0.0024842247366905212,0.9372164477419522,2,1055,1 -16056,0.003134605052169068,0.0016181990504264832,0.002684619277715683,1.0283449854827391,2,1056,1 -16057,0.003104255561017657,0.001788318157196045,0.0025373846292495728,0.956864183908469,2,1057,1 -16058,0.0013759002795182636,0.0011404305696487427,0.0007697530090808868,0.593727000976994,2,1058,1 -16059,0.0028837908103370113,0.001634787768125534,0.0023756511509418488,0.9680724691051306,2,1059,1 -16060,0.001702504844873938,0.0010326728224754333,0.0013535544276237488,0.9190686573406764,2,1060,1 -16061,0.003139689705293268,0.0021051056683063507,0.002329416573047638,0.8359379682142172,2,1061,1 -16062,0.003263703379587374,0.002007562667131424,0.002573218196630478,0.9082607164699835,2,1062,1 -16063,0.0030929949860172713,0.0017052963376045227,0.0025804229080677032,0.986825028710522,2,1063,1 -16064,0.003320536702654315,0.002362404018640518,0.0023334547877311707,0.7792333987888601,2,1064,1 -16065,0.002953024087354629,0.0017588064074516296,0.002372119575738907,0.9327901617139479,2,1065,1 -16066,0.0027989592006046507,0.001680467277765274,0.002238348126411438,0.9268075558666435,2,1066,1 -16067,0.0022762877557788858,0.0012942440807819366,0.0018725432455539703,0.9660217433475552,2,1067,1 -16068,0.0030164499013494773,0.0018705874681472778,0.0023664049804210663,0.9018894487761924,2,1068,1 -16069,0.002900636854938047,0.002041686326265335,0.0020603910088539124,0.789957939195704,2,1069,1 -16070,0.0031088347310875447,0.0019193366169929504,0.002445608377456665,0.9053867791723502,2,1070,1 -16071,0.0029698566481317344,0.001546856015920639,0.002535209059715271,1.0229475139393307,2,1071,1 -16072,0.002627153187376654,0.0017679817974567413,0.001943238079547882,0.8325864695094781,2,1072,1 -16073,0.0023659082910141393,0.0012869834899902344,0.0019852444529533386,0.9956350201974952,2,1073,1 -16074,0.002461485251930892,0.0014744289219379425,0.0019710324704647064,0.9285450103889207,2,1074,1 -16075,0.0028730296542747095,0.0015270262956619263,0.002433616667985916,1.0104213746565636,2,1075,1 -16076,0.0028875982400963637,0.0016423948109149933,0.0023750290274620056,0.9657801416196099,2,1076,1 -16077,0.0029554733783251396,0.0017455145716667175,0.002384953200817108,0.9389891317736686,2,1077,1 -16078,0.003187425896618384,0.0015003085136413574,0.0028122514486312866,1.080716900990491,2,1078,1 -16079,0.0016574627236361369,0.0012548230588436127,0.0010828673839569092,0.7119724705774704,2,1079,1 -16080,0.0016905476915701114,0.0011230111122131348,0.0012636445462703705,0.8442550015559293,2,1080,1 -16081,0.0029939132297044126,0.0016739964485168457,0.0024821870028972626,0.9774563287475553,2,1081,1 -16082,0.0026641638198689967,0.0017943233251571655,0.0019693076610565186,0.8318581949930756,2,1082,1 -16083,0.001291085100827647,0.0009945668280124664,0.0008232481777667999,0.6914314399970455,2,1083,1 -16084,0.001104002707234225,0.0010035298764705658,0.00046016275882720947,0.42993648764108877,2,1084,1 -16085,0.003471729319367823,0.002071920782327652,0.0027856864035129547,0.9312918582658058,2,1085,1 -16086,0.0033765584100977288,0.0016948245465755463,0.002920396625995636,1.044957754131395,2,1086,1 -16087,0.003128151740225842,0.002026602625846863,0.0023829005658626556,0.8660252825770894,2,1087,1 -16088,0.003363056389003089,0.0023122578859329224,0.002442050725221634,0.8126914293108284,2,1088,1 -16089,0.003147488402120213,0.0020095929503440857,0.0024224407970905304,0.878281012049839,2,1089,1 -16090,0.002798013955736186,0.0018852278590202332,0.002067558467388153,0.8314925997245314,2,1090,1 -16091,0.0029411499715468275,0.0013372600078582764,0.002619560807943344,1.0987918535619225,2,1091,1 -16092,0.002931915250779756,0.001392599195241928,0.0025800764560699463,1.0758557630887287,2,1092,1 -16093,0.0030103857027981478,0.0016976222395896912,0.002486061304807663,0.9716692081314733,2,1093,1 -16094,0.0015444175167897932,0.0010139904916286469,0.0011649243533611298,0.8545578843714647,2,1094,1 -16095,0.0013102124222132104,0.0010865777730941772,0.000732123851776123,0.5929170649147237,2,1095,1 -16096,0.0025244389460094187,0.0011612512171268463,0.00224149227142334,1.0927969783831997,2,1096,1 -16097,0.0029977932685644622,0.0018679238855838776,0.002344701439142227,0.8980968464275725,2,1097,1 -16098,0.0027938142003805485,0.0013038329780101776,0.002470914274454117,1.0852567478534776,2,1098,1 -16099,0.0030721635005912296,0.0016467422246932983,0.002593535929918289,1.0050803640124077,2,1099,1 -16100,0.0029503103085500556,0.0013131164014339447,0.002641979604959488,1.1095356499915894,2,1100,1 -16101,0.0030316461653986182,0.0015646442770957947,0.0025966838002204895,1.028500417308584,2,1101,1 -16102,0.0029477958411303273,0.001871507614850998,0.0022774897515773773,0.8829383081892961,2,1102,1 -16103,0.002664346187386326,0.0013282597064971924,0.0023096464574337006,1.0488927446559178,2,1103,1 -16104,0.00193901612358603,0.0009008534252643585,0.0017170459032058716,1.087621323195379,2,1104,1 -16105,0.0014567984042806344,0.001375693827867508,0.0004792995750904083,0.3352538047352037,2,1105,1 -16106,0.0019159360726224222,0.0012232959270477295,0.001474570482969284,0.8782684899281297,2,1106,1 -16107,0.002862008297804833,0.0017675533890724182,0.0022509656846523285,0.90511900610048,2,1107,1 -16108,0.0029108001399381434,0.0015845336019992828,0.0024417228996753693,0.9951660740446165,2,1108,1 -16109,0.0014543362616630123,0.0012350678443908691,0.0007679201662540436,0.556268593816014,2,1109,1 -16110,0.0028754856088958926,0.0014154836535453796,0.0025029629468917847,1.056113266302553,2,1110,1 -16111,0.002786040001294949,0.0014533139765262604,0.002376951277256012,1.0220225382011265,2,1111,1 -16112,0.0029296560434884074,0.0018215104937553406,0.0022945553064346313,0.8998225953168912,2,1112,1 -16113,0.0013813872070341144,0.001030120998620987,0.0009203702211380005,0.7291891592708194,2,1113,1 -16114,0.003187377608676752,0.0015604570508003235,0.0027792714536190033,1.0591952500660184,2,1114,1 -16115,0.0025966095723139937,0.0013559646904468536,0.0022144392132759094,1.0213608885462313,2,1115,1 -16116,0.0018794675097052016,0.0010072551667690277,0.00158676877617836,1.0051923618339753,2,1116,1 -16117,0.001238229466077962,0.0009249784052371979,0.0008231811225414276,0.7272327303278069,2,1117,1 -16118,0.001354981392301406,0.0008443295955657959,0.0010597556829452515,0.8980579821831519,2,1118,1 -16119,0.002701307342235294,0.001741155982017517,0.0020652934908866882,0.8703480425344222,2,1119,1 -16120,0.002906995897494784,0.001667063683271408,0.0023814961314201355,0.9600657431155113,2,1120,1 -16121,0.0011837062841285849,0.0010285153985023499,0.0005859322845935822,0.5178325700701613,2,1121,1 -16122,0.00301749554175563,0.0015813745558261871,0.002569928765296936,1.0191752325479146,2,1122,1 -16123,0.0026957876976418014,0.001284908503293991,0.002369869500398636,1.0739726451453555,2,1123,1 -16124,0.0030723714825030457,0.0018062964081764221,0.0024853087961673737,0.9423161511332191,2,1124,1 -16125,0.0030389800090659448,0.001519370824098587,0.0026319026947021484,1.0472428347826814,2,1125,1 -16126,0.0010898188745590658,0.0009892545640468597,0.0004572533071041107,0.4329695355751992,2,1126,1 -16127,0.003338905645183691,0.0017771311104297638,0.002826675772666931,1.0095407474639586,2,1127,1 -16128,0.001653902247473726,0.0012240149080753326,0.001112286001443863,0.7376115761688847,2,1128,1 -16129,0.0031489667847510745,0.0016999058425426483,0.0026507191359996796,1.0005615232545022,2,1129,1 -16130,0.0030963048321320445,0.001784496009349823,0.0025303512811660767,0.9565645908612898,2,1130,1 -16131,0.0022513339882893296,0.001248091459274292,0.0018737055361270905,0.9831801441579747,2,1131,1 -16132,0.0018228408311943304,0.001355394721031189,0.0012188740074634552,0.7324149839903268,2,1132,1 -16133,0.0024614572905683266,0.0011374019086360931,0.002182908356189728,1.0904517759729888,2,1133,1 -16134,0.003024269924149935,0.0018370375037193298,0.002402395009994507,0.9179728340707044,2,1134,1 -16135,0.0018710837660337195,0.0011027790606021881,0.0015115663409233093,0.9405053561083769,2,1135,1 -16136,0.002879946028121696,0.001674741506576538,0.0023429319262504578,0.9502024945257841,2,1136,1 -16137,0.0028262449804277493,0.001383896917104721,0.0024642422795295715,1.0590974563074864,2,1137,1 -16138,0.0031497096224627897,0.0019151829183101654,0.0025005489587783813,0.9171934929769414,2,1138,1 -16139,0.0029075939835608625,0.0018858984112739563,0.0022130273282527924,0.865037816045011,2,1139,1 -16140,0.0014071132618294231,0.0007329024374485016,0.0012011751532554626,1.022943712167231,2,1140,1 -16141,0.002930729733329959,0.0014203190803527832,0.002563565969467163,1.0648563850288468,2,1141,1 -16142,0.002665145516302151,0.0014072209596633911,0.0022633448243141174,1.0145418651495037,2,1142,1 -16143,0.0029998417378323426,0.0019986703991889954,0.0022370442748069763,0.8416159964034374,2,1143,1 -16144,0.0014516592623815756,0.0008152686059474945,0.0012011043727397919,0.9744640880242105,2,1144,1 -16145,0.0012265194908623834,0.0010322332382202148,0.0006624534726142883,0.5705659001130792,2,1145,1 -16146,0.0028825600625306293,0.0018027201294898987,0.002249300479888916,0.8951669203913282,2,1146,1 -16147,0.0018177888919835646,0.00130457803606987,0.0012658722698688507,0.7703413303221008,2,1147,1 -16148,0.002999490184622668,0.0017218366265296936,0.0024560578167438507,0.9593612908843782,2,1148,1 -16149,0.001502121728957147,0.001228082925081253,0.0008649751543998718,0.6136258290750306,2,1149,1 -16150,0.002112991607924381,0.0011842697858810425,0.0017499253153800964,0.9758423343562715,2,1150,1 -16151,0.0015273244504787143,0.0006925128400325775,0.0013613030314445496,1.1002024685560843,2,1151,1 -16152,0.0031956896848674013,0.0016768760979175568,0.0027203895151615143,1.0183977384636949,2,1152,1 -16153,0.002933960658362403,0.0017707161605358124,0.002339377999305725,0.9228826943301079,2,1153,1 -16154,0.0027544190642438083,0.001500699669122696,0.0023097023367881775,0.9946058309399227,2,1154,1 -16155,0.0030337844996498396,0.0019140541553497314,0.002353772521018982,0.8880668770428762,2,1155,1 -16156,0.002591472785051761,0.001532234251499176,0.0020899735391139984,0.93817601089108,2,1156,1 -16157,0.0028836814654616075,0.0014494918286800385,0.002492908388376236,1.0441311355781275,2,1157,1 -16158,0.0016342806019273505,0.0014271996915340424,0.0007962249219417572,0.5088830014458097,2,1158,1 -16159,0.0028247888727931224,0.0018027015030384064,0.002174787223339081,0.8786746022562684,2,1159,1 -16160,0.002509300457386466,0.0016123130917549133,0.0019227676093578339,0.8729944833116074,2,1160,1 -16161,0.0027110908710961364,0.0014940910041332245,0.0022622346878051758,0.9871105102457756,2,1161,1 -16162,0.002789574235576034,0.0014945417642593384,0.002355434000492096,1.0053889816405661,2,1162,1 -16163,0.002729243919002415,0.0014253705739974976,0.002327464520931244,1.0212992549404476,2,1163,1 -16164,0.0027758942157746365,0.0015851408243179321,0.0022787973284721375,0.9630267101018295,2,1164,1 -16165,0.0029251883245474297,0.001820981502532959,0.002289269119501114,0.898840652800677,2,1165,1 -16166,0.0030771301750185196,0.001934695988893509,0.002392839640378952,0.8908723890384868,2,1166,1 -16167,0.0027901736717250835,0.0014910213649272919,0.0023583732545375824,1.0070187215210378,2,1167,1 -16168,0.0016593680473306895,0.0010082237422466278,0.0013179481029510498,0.9177672707408316,2,1168,1 -16169,0.00248698847006784,0.0012403465807437897,0.002155609428882599,1.0486583811746666,2,1169,1 -16170,0.0020054710137496737,0.0009525306522846222,0.0017648227512836456,1.075870871164568,2,1170,1 -16171,0.0028364024437625896,0.0015424564480781555,0.002380337566137314,0.995829045702831,2,1171,1 -16172,0.0026823139149490657,0.0012902915477752686,0.002351585775613785,1.0689594471598163,2,1172,1 -16173,0.0029207442269028176,0.0014420300722122192,0.0025399401783943176,1.0544339253735733,2,1173,1 -16174,0.0019152002628711768,0.0015911944210529327,0.0010658763349056244,0.5902096124483015,2,1174,1 -16175,0.0031795891626275083,0.0019180886447429657,0.002535887062549591,0.9232259142922323,2,1175,1 -16176,0.0015225636591359262,0.0008868314325809479,0.001237630844116211,0.9490453570944928,2,1176,1 -16177,0.002658856809231966,0.0015668123960494995,0.002148166298866272,0.9406283590398419,2,1177,1 -16178,0.001543877373224599,0.0011340975761413574,0.0010475590825080872,0.7457525350012935,2,1178,1 -16179,0.002925740104116193,0.0016097240149974823,0.0024431012570858,0.9882000418922612,2,1179,1 -16180,0.0029083143041055554,0.001722540706396103,0.002343319356441498,0.9369088554909228,2,1180,1 -16181,0.0015470146983244237,0.0010585933923721313,0.0011281110346317291,0.817178515495411,2,1181,1 -16182,0.001486786380138608,0.001139901578426361,0.0009545460343360901,0.6971295892372219,2,1182,1 -16183,0.0028610914681308133,0.001746058464050293,0.0022665224969387054,0.9143860540309514,2,1183,1 -16184,0.0032596728032972372,0.0022020824253559113,0.0024033933877944946,0.8290815751446526,2,1184,1 -16185,0.0029907384171808976,0.0013702772557735443,0.0026583559811115265,1.094857028957382,2,1185,1 -16186,0.002973764565434103,0.0016934834420681,0.0024444609880447388,0.9649297562314468,2,1186,1 -16187,0.001327220593361462,0.0010808371007442474,0.0007702633738517761,0.6191684935088105,2,1187,1 -16188,0.0031358988258549775,0.0019544772803783417,0.0024523213505744934,0.8978930264299428,2,1188,1 -16189,0.0027821945904763765,0.001522708684206009,0.0023285113275051117,0.9916557216864323,2,1189,1 -16190,0.0030495857745981613,0.00148671492934227,0.0026626400649547577,1.0615564325029732,2,1190,1 -16191,0.003220607349578692,0.0015791840851306915,0.0028068646788597107,1.058319535043985,2,1191,1 -16192,0.003133308662049787,0.001633722335100174,0.002673681825399399,1.0222998471097144,2,1192,1 -16193,0.0010553685730972013,0.0008251965045928955,0.0006579160690307617,0.6730827225384745,2,1193,1 -16194,0.0027394428592176705,0.0015047043561935425,0.0022891946136951447,0.9893012963902648,2,1194,1 -16195,0.003223517238631099,0.0017648600041866302,0.002697467803955078,0.9914283847137305,2,1195,1 -16196,0.003190791158501703,0.002057913690805435,0.002438470721244812,0.8698331673765374,2,1196,1 -16197,0.00285322726795936,0.0015881285071372986,0.0023703910410404205,0.9804993311982183,2,1197,1 -16198,0.0028392289603376528,0.0016625374555587769,0.002301562577486038,0.9452262516880311,2,1198,1 -16199,0.0026659371274665947,0.001971472054719925,0.0017945803701877594,0.7384626056309748,2,1199,1 -16200,0.0013722738797580579,0.0010375827550888062,0.0008980855345726013,0.7134558409304808,2,1200,1 -16201,0.0030356196933307034,0.0017257779836654663,0.0024973340332508087,0.9661036374464419,2,1201,1 -16202,0.0032164537978962896,0.0016137324273586273,0.0027823448181152344,1.045219947135883,2,1202,1 -16203,0.0029655954303866735,0.001874040812253952,0.0022984184324741364,0.8867588356295678,2,1203,1 -16204,0.0027953923294346404,0.001514185220003128,0.0023497790098190308,0.9983716371632337,2,1204,1 -16205,0.0022011651741087965,0.0015931203961372375,0.0015189126133918762,0.7615572457890767,2,1205,1 -16206,0.0015332992167226326,0.0009278319776058197,0.001220710575580597,0.9208781376578006,2,1206,1 -16207,0.003004705048311907,0.0018661879003047943,0.002354908734560013,0.9006654707053228,2,1207,1 -16208,0.0015960681571347214,0.001256704330444336,0.0009839348495006561,0.664256901531063,2,1208,1 -16209,0.002922089311034202,0.0017307214438915253,0.002354402095079422,0.9368994875498492,2,1209,1 -16210,0.0031874197868674687,0.0019022077322006226,0.0025575868785381317,0.9313066054270706,2,1210,1 -16211,0.0028057066626205347,0.0014660805463790894,0.002392195165157318,1.0209746222824976,2,1211,1 -16212,0.003275733256589642,0.0018969811499118805,0.0026705600321292877,0.9531705108574278,2,1212,1 -16213,0.0032480209820097894,0.0019367299973964691,0.0026074349880218506,0.9319371366113158,2,1213,1 -16214,0.003026306890039447,0.001611802726984024,0.002561371773481369,1.0091300163108703,2,1214,1 -16215,0.0013597656929792293,0.0010864287614822388,0.0008177012205123901,0.6451953129010476,2,1215,1 -16216,0.0013296104268900623,0.0009919852018356323,0.0008853413164615631,0.7286528959030178,2,1216,1 -16217,0.003001077337951473,0.0016953125596046448,0.0024763643741607666,0.9704826632329991,2,1217,1 -16218,0.0032986238903299657,0.0017765164375305176,0.0027793720364570618,1.0020657368101862,2,1218,1 -16219,0.002863143153612083,0.0015284717082977295,0.002421025186777115,1.007656309984307,2,1219,1 -16220,0.0014129345306934926,0.0008827336132526398,0.0011032521724700928,0.8959825027158433,2,1220,1 -16221,0.0029172440970871654,0.001692458987236023,0.0023761093616485596,0.951875145162201,2,1221,1 -16222,0.00293730087804729,0.0016428269445896149,0.0024349242448806763,0.9772574264530249,2,1222,1 -16223,0.0032077472394213763,0.0018257126212120056,0.0026375018060207367,0.9653157847708198,2,1223,1 -16224,0.0018315053345241811,0.001255229115486145,0.0013337209820747375,0.8157069091920344,2,1224,1 -16225,0.0012373054982415764,0.000989377498626709,0.0007430054247379303,0.6441297657148444,2,1225,1 -16226,0.002774144477068533,0.0015620887279510498,0.002292543649673462,0.972678009243077,2,1226,1 -16227,0.00311731612693711,0.0021180808544158936,0.0022872239351272583,0.823774631154379,2,1227,1 -16228,0.0029651768138899523,0.0016110725700855255,0.002489320933818817,0.9963965033609069,2,1228,1 -16229,0.0032265687814680196,0.00223391130566597,0.0023281723260879517,0.8060570591481263,2,1229,1 -16230,0.0014866724237900082,0.0009279325604438782,0.001161523163318634,0.8967308353888561,2,1230,1 -16231,0.002994692187118359,0.0015471875667572021,0.00256405770778656,1.0278705276107398,2,1231,1 -16232,0.0030659311608303196,0.0018132328987121582,0.002472270280122757,0.9379857624743508,2,1232,1 -16233,0.0017121989913328672,0.001074325293302536,0.0013332106173038483,0.892517796111601,2,1233,1 -16234,0.0025085898385926652,0.0012666136026382446,0.00216534361243248,1.0415179351711912,2,1234,1 -16235,0.003428112056560392,0.0019210875034332275,0.002839256078004837,0.9759369744375034,2,1235,1 -16236,0.0013811268166327043,0.0009354837238788605,0.0010160617530345917,0.8266640661491979,2,1236,1 -16237,0.002845901848593104,0.0017673708498477936,0.0022305957973003387,0.9007489495844302,2,1237,1 -16238,0.0030873031106958644,0.0017889738082885742,0.00251615047454834,0.952728322557012,2,1238,1 -16239,0.003123629530774792,0.0016019903123378754,0.002681545913219452,1.0322812245916109,2,1239,1 -16240,0.0029343044905728523,0.0016867108643054962,0.002401072531938553,0.9584063565595221,2,1240,1 -16241,0.0028088604471487397,0.0014064684510231018,0.002431366592645645,1.0463594489824002,2,1241,1 -16242,0.0016028777893851074,0.0011281222105026245,0.0011386647820472717,0.7900490174766746,2,1242,1 -16243,0.002942366926825166,0.0016918964684009552,0.002407282590866089,0.9581774379373624,2,1243,1 -16244,0.001367680648264463,0.0011011101305484772,0.0008112378418445587,0.6349640671281314,2,1244,1 -16245,0.0027450581565195975,0.0017574280500411987,0.0021087415516376495,0.8760179126069285,2,1245,1 -16246,0.003138879868149396,0.0021668821573257446,0.0022709444165229797,0.8088427912590784,2,1246,1 -16247,0.0024956579295291213,0.0013144686818122864,0.0021214336156845093,1.0160799070159525,2,1247,1 -16248,0.0032865394628293024,0.0015035904943943024,0.0029224231839179993,1.0956151021226255,2,1248,1 -16249,0.003464115401867146,0.0018311366438865662,0.002940583974123001,1.0138440765100794,2,1249,1 -16250,0.003023213114495158,0.0018790774047374725,0.0023683086037635803,0.9000768518884426,2,1250,1 -16251,0.002752916585300094,0.0016716644167900085,0.002187255769968033,0.918221781371825,2,1251,1 -16252,0.00334325272500488,0.0017539486289024353,0.0028462260961532593,1.0185236323175622,2,1252,1 -16253,0.0027039257515835274,0.0012177973985671997,0.002414163202047348,1.103604049172321,2,1253,1 -16254,0.0030958962483393568,0.0018943659961223602,0.002448663115501404,0.9123410175365815,2,1254,1 -16255,0.0015748907222419934,0.0011071600019931793,0.0011200346052646637,0.7911787358842481,2,1255,1 -16256,0.002737846016746273,0.0015101321041584015,0.002283703535795212,0.9865430070486605,2,1256,1 -16257,0.001612323374086961,0.0013406537473201752,0.0008956752717494965,0.5889862629442852,2,1257,1 -16258,0.002933467509734485,0.001820780336856842,0.002299997955560684,0.9011711132207858,2,1258,1 -16259,0.0029173084567612768,0.0018629878759384155,0.002244986593723297,0.8781210717658575,2,1259,1 -16260,0.0031692338185862323,0.001789972186088562,0.0026153475046157837,0.9706096851268695,2,1260,1 -16261,0.0018187177530866487,0.0015429556369781494,0.000962819904088974,0.5578871617134342,2,1261,1 -16262,0.002922548432461038,0.001798674464225769,0.002303488552570343,0.9078430082892252,2,1262,1 -16263,0.003000363912918025,0.0017993301153182983,0.0024009570479393005,0.9276652186303666,2,1263,1 -16264,0.0026524765371158813,0.0016216561198234558,0.0020990148186683655,0.9130001637363291,2,1264,1 -16265,0.0029471018336689643,0.0016380026936531067,0.002449970692396164,0.9814699139859797,2,1265,1 -16266,0.002057260923081974,0.0006831511855125427,0.0019405223429203033,1.2323008453051998,2,1266,1 -16267,0.002891731560208279,0.0017915144562721252,0.002269931137561798,0.9026525106658742,2,1267,1 -16268,0.002921553989826025,0.0016750581562519073,0.002393670380115509,0.9602136825324622,2,1268,1 -16269,0.0030913274870011257,0.0019736960530281067,0.002379249781370163,0.8782976358124565,2,1269,1 -16270,0.002962933787144499,0.0017404705286026,0.0023978613317012787,0.9429358866429539,2,1270,1 -16271,0.002194441322774342,0.0009227469563484192,0.001991007477045059,1.1368078321132453,2,1271,1 -16272,0.00308496435961608,0.00154867023229599,0.0026680752635002136,1.0448798135921662,2,1272,1 -16273,0.003195859532635236,0.0016457438468933105,0.00273953378200531,1.0298338728614722,2,1273,1 -16274,0.0030380009852615858,0.0011752769351005554,0.0028014592826366425,1.1735737777261983,2,1274,1 -16275,0.0027642367293244743,0.0014640465378761292,0.002344690263271332,1.0126218567943448,2,1275,1 -16276,0.0028692275132860576,0.001527540385723114,0.0024288035929203033,1.0093780166717337,2,1276,1 -16277,0.003108511742467062,0.0015494823455810547,0.0026948004961013794,1.0489698388385553,2,1277,1 -16278,0.0034404911499006483,0.0019823387265205383,0.0028119944036006927,0.9567504061824227,2,1278,1 -16279,0.0015699260489894615,0.0010489150881767273,0.0011680945754051208,0.8391033349092067,2,1279,1 -16280,0.0030979335196395334,0.0019598975777626038,0.0023991651833057404,0.8858302355530883,2,1280,1 -16281,0.00288800642900905,0.0014369823038578033,0.002505127340555191,1.050002427559833,2,1281,1 -16282,0.0032024149258836386,0.0016025975346565247,0.0027725696563720703,1.046696257962205,2,1282,1 -16283,0.0026686675777543127,0.0012440644204616547,0.002360951155424118,1.0858347493582616,2,1283,1 -16284,0.001425087241925629,0.0011115595698356628,0.0008918009698390961,0.6761400171939276,2,1284,1 -16285,0.001393339078449916,0.0012368224561214447,0.0006416104733943939,0.47854046833998987,2,1285,1 -16286,0.003239377113096248,0.0017216168344020844,0.0027440115809440613,1.0104667623745132,2,1286,1 -16287,0.002856093359489904,0.0016226433217525482,0.0023503825068473816,0.9665599219172912,2,1287,1 -16288,0.002681914167273439,0.0013502426445484161,0.0023172199726104736,1.0431950093034246,2,1288,1 -16289,0.002675795056903572,0.0017720311880111694,0.0020049400627613068,0.8469856917436194,2,1289,1 -16290,0.002807139731093096,0.001614343374967575,0.002296503633260727,0.9580885338335603,2,1290,1 -16291,0.0029141875209619094,0.0018935278058052063,0.002215184271335602,0.8635252616541313,2,1291,1 -16292,0.003132699925034903,0.002157151699066162,0.0022716745734214783,0.8112509180138021,2,1292,1 -16293,0.00302818381914762,0.0016106776893138885,0.0025642961263656616,1.009958796708541,2,1293,1 -16294,0.0030910360284032417,0.001811828464269638,0.002504352480173111,0.9444905322744084,2,1294,1 -16295,0.0030008309084033164,0.0019914545118808746,0.002244792878627777,0.8451295674979872,2,1295,1 -16296,0.0029632901114894274,0.0012964792549610138,0.002664625644683838,1.1179647839691311,2,1296,1 -16297,0.0030039784085913413,0.0015284642577171326,0.0025860555469989777,1.036990542127125,2,1297,1 -16298,0.0032003984639089656,0.0017644166946411133,0.0026700906455516815,0.9868608451847373,2,1298,1 -16299,0.00304021739429204,0.0019749775528907776,0.002311360090970993,0.8637154913448297,2,1299,1 -16300,0.003087629574663113,0.002138044685125351,0.002227604389190674,0.8059099228103864,2,1300,1 -16301,0.0019152044591070215,0.0016154199838638306,0.001028798520565033,0.567083378935298,2,1301,1 -16302,0.0029203959569964566,0.0020164772868156433,0.00211247056722641,0.8086428238618725,2,1302,1 -16303,0.003067459730920622,0.0021491162478923798,0.0021887458860874176,0.7945336625220122,2,1303,1 -16304,0.0029257323214189612,0.001501087099313736,0.002511303871870041,1.0320460210565674,2,1304,1 -16305,0.002742158308882795,0.0017278529703617096,0.0021293088793754578,0.889105408867691,2,1305,1 -16306,0.001306549238681194,0.0010232441127300262,0.0008124299347400665,0.6710561636348011,2,1306,1 -16307,0.002981451461694807,0.0021745339035987854,0.002039719372987747,0.7534189344194285,2,1307,1 -16308,0.0030825771895999347,0.0013247691094875336,0.002783391624689102,1.1265690995401563,2,1308,1 -16309,0.0030861948141655267,0.001792069524526596,0.002512585371732712,0.9512414270244044,2,1309,1 -16310,0.002847939228135278,0.0015865005552768707,0.0023651160299777985,0.9799432624740921,2,1310,1 -16311,0.0022755674748061905,0.0011167265474796295,0.001982707530260086,1.0578501311176383,2,1311,1 -16312,0.0014553307233321953,0.0008755028247833252,0.0011625327169895172,0.9253144781796229,2,1312,1 -16313,0.0031860209020621293,0.0019896067678928375,0.0024884119629859924,0.896330574686624,2,1313,1 -16314,0.0010755602104095463,0.0008064247667789459,0.0007116943597793579,0.7230791135338028,2,1314,1 -16315,0.0026820978639718832,0.0014386996626853943,0.0022635795176029205,1.0046207318316922,2,1315,1 -16316,0.0015879567575109168,0.0007729120552539825,0.0013871602714061737,1.0624496037798479,2,1316,1 -16317,0.0028957118399602494,0.0016850605607032776,0.002354934811592102,0.9497138424162055,2,1317,1 -16318,0.0030583586505237197,0.0019599907100200653,0.002347763627767563,0.8751736144296995,2,1318,1 -16319,0.0030586226935524225,0.0017780177295207977,0.002488739788532257,0.9504546687413798,2,1319,1 -16320,0.0033260451650632644,0.0022537298500537872,0.0024460740387439728,0.8263013399663236,2,1320,1 -16321,0.0015555967590711905,0.0014817528426647186,0.00047359243035316467,0.3093548894183732,2,1321,1 -16322,0.001857948218640338,0.000966385006904602,0.0015868432819843292,1.0237866200091708,2,1322,1 -16323,0.0010733232471354206,0.0008489936590194702,0.0006566829979419708,0.6583622329774358,2,1323,1 -16324,0.0028844628547276957,0.0019532665610313416,0.0021224692463874817,0.826888973591062,2,1324,1 -16325,0.0032819790035993205,0.0021792761981487274,0.002454005181789398,0.8446235091220602,2,1325,1 -16326,0.003302986371126436,0.002078589051961899,0.0025669410824775696,0.8901364709902133,2,1326,1 -16327,0.0027496181419978455,0.0020282231271266937,0.001856531947851181,0.7412307657785695,2,1327,1 -16328,0.00302127069604002,0.0018315240740776062,0.002402830868959427,0.9195100911970088,2,1328,1 -16329,0.002348445672364496,0.001313578337430954,0.0019467175006866455,0.97720758980953,2,1329,1 -16330,0.0025024056335823316,0.001625657081604004,0.0019024387001991272,0.8636885229914188,2,1330,1 -16331,0.002894662125041268,0.001819748431444168,0.002251129597425461,0.8909717710168895,2,1331,1 -16332,0.002769659514344664,0.001369614154100418,0.002407316118478775,1.053529566199679,2,1332,1 -16333,0.002796943833486284,0.0016972534358501434,0.0022231116890907288,0.9187372959192004,2,1333,1 -16334,0.0034254746434292578,0.0022847317159175873,0.0025522299110889435,0.8406448261329854,2,1334,1 -16335,0.0030446652689494163,0.002094283699989319,0.002209968864917755,0.8122686407710018,2,1335,1 -16336,0.003005203624092888,0.0017603151500225067,0.002435680478811264,0.9449841822478542,2,1336,1 -16337,0.002470188153589197,0.0017046444118022919,0.0017877407371997833,0.8091872490664337,2,1337,1 -16338,0.0013466534144457138,0.0010740645229816437,0.0008123181760311127,0.6475228129505632,2,1338,1 -16339,0.002903076528999678,0.0013457275927066803,0.0025723278522491455,1.088796341209434,2,1339,1 -16340,0.0031274686728671726,0.0016446374356746674,0.002660118043422699,1.0170603845788957,2,1340,1 -16341,0.002930300492145183,0.0018396973609924316,0.002280827611684799,0.8920487626865782,2,1341,1 -16342,0.0030731921845889368,0.0018656142055988312,0.0024421289563179016,0.9184398179044952,2,1342,1 -16343,0.0026875186039066776,0.0013254471123218536,0.0023379363119602203,1.0550477301666483,2,1343,1 -16344,0.0028609184514453386,0.001442108303308487,0.002470865845680237,1.0424894293734868,2,1344,1 -16345,0.0031402363138251193,0.0021121427416801453,0.0023237764835357666,0.833071121218356,2,1345,1 -16346,0.0023419344082368457,0.0016924254596233368,0.0016187503933906555,0.7631514103619871,2,1346,1 -16347,0.0018841682195107762,0.0013307668268680573,0.0013338476419448853,0.7865543583142323,2,1347,1 -16348,0.003173140940101183,0.0018208697438240051,0.002598702907562256,0.9596113989836009,2,1348,1 -16349,0.003020021505397161,0.0019345693290233612,0.00231904536485672,0.8755412791833729,2,1349,1 -16350,0.0034025911973424483,0.00209614634513855,0.0026802606880664825,0.9070855189279038,2,1350,1 -16351,0.002995153462576824,0.0016693249344825745,0.0024868249893188477,0.9796152518677146,2,1351,1 -16352,0.0029610825833162385,0.001903541386127472,0.0022681578993797302,0.8725790132021195,2,1352,1 -16353,0.0009643482869829629,0.000763285905122757,0.000589374452829361,0.6575297155795881,2,1353,1 -16354,0.003069859350997149,0.0013363361358642578,0.002763736993074417,1.120415311293165,2,1354,1 -16355,0.003068439993388429,0.0020463652908802032,0.0022864192724227905,0.8407456668682444,2,1355,1 -16356,0.0030606592487621167,0.0016725622117519379,0.0025632344186306,0.9926514828327795,2,1356,1 -16357,0.0025203146681732516,0.0012819990515708923,0.0021698996424674988,1.0371613640487796,2,1357,1 -16358,0.0030978198315283305,0.0017795674502849579,0.0025356709957122803,0.9588544662633034,2,1358,1 -16359,0.0031197199633210553,0.001731671392917633,0.0025949887931346893,0.9823459588702186,2,1359,1 -16360,0.0028833586107731746,0.0016591772437095642,0.002358153462409973,0.957663879356766,2,1360,1 -16361,0.002999985689039923,0.0014779195189476013,0.0026106834411621094,1.0556729839033632,2,1361,1 -16362,0.003194010805710661,0.0016219653189182281,0.002751532942056656,1.0381502764100679,2,1362,1 -16363,0.0026257009607132775,0.0017139539122581482,0.0019891373813152313,0.8595736495872969,2,1363,1 -16364,0.0015660437205782163,0.001001756638288498,0.001203734427690506,0.8767229333842814,2,1364,1 -16365,0.0028958697593500595,0.0016261376440525055,0.0023961924016475677,0.9745543402881359,2,1365,1 -16366,0.0032827351359379386,0.002091873437166214,0.0025299042463302612,0.8798913093856873,2,1366,1 -16367,0.0026241083756093943,0.0011994615197181702,0.0023339316248893738,1.0960723313274292,2,1367,1 -16368,0.0018271244308922993,0.0010063312947750092,0.0015250183641910553,0.9875059188495173,2,1368,1 -16369,0.0018053078592173272,0.0008929930627346039,0.0015689805150032043,1.0533658345326087,2,1369,1 -16370,0.0026482087156555548,0.0015015117824077606,0.002181392163038254,0.967947422172661,2,1370,1 -16371,0.0012092866031792526,0.0008450187742710114,0.0008650533854961395,0.7971132799550851,2,1371,1 -16372,0.003184718612493292,0.00181497260928154,0.0026169270277023315,0.9644116110534917,2,1372,1 -16373,0.0025946687102441817,0.0014059841632843018,0.0021807141602039337,0.9981307855947885,2,1373,1 -16374,0.003088297501226466,0.0019664503633975983,0.002381313592195511,0.8805300433470102,2,1374,1 -16375,0.003385152222125589,0.002243630588054657,0.0025348328053951263,0.846263447967744,2,1375,1 -16376,0.0031790404670232015,0.0016755834221839905,0.0027016140520572662,1.0156448144869614,2,1376,1 -16377,0.00286918178444592,0.0016126222908496857,0.0023731105029582977,0.9739346391960654,2,1377,1 -16378,0.0030473028266629234,0.0018686354160308838,0.0024071261286735535,0.9106788892210498,2,1378,1 -16379,0.003056286695408545,0.0020323805510997772,0.0022826120257377625,0.843324458137443,2,1379,1 -16380,0.0026742562850023974,0.0015285015106201172,0.002194385975599289,0.9623889522633174,2,1380,1 -16381,0.0028855158099925123,0.0014812424778938293,0.002476312220096588,1.031727427850238,2,1381,1 -16382,0.003042339076978371,0.0014474652707576752,0.002675943076610565,1.0749527361590652,2,1382,1 -16383,0.0028751080705010372,0.0017116107046604156,0.0023101158440113068,0.9331318813706844,2,1383,1 -16384,0.002893946003855959,0.002007570117712021,0.0020843669772148132,0.8041638098019785,2,1384,1 -16385,0.0031441562077321144,0.0019199475646018982,0.002489883452653885,0.9139278058930309,2,1385,1 -16386,0.0029810140673987634,0.0016299746930599213,0.0024959221482276917,0.9922764043984604,2,1386,1 -16387,0.0031418594651242255,0.0016476213932037354,0.0026751868426799774,1.0187747063179604,2,1387,1 -16388,0.002655346108462927,0.0015792809426784515,0.002134650945663452,0.9338352080217979,2,1388,1 -16389,0.0027584082516184144,0.001838739961385727,0.0020561739802360535,0.8411653946924396,2,1389,1 -16390,0.003104987982361101,0.0021340399980545044,0.002255398780107498,0.8130390259028686,2,1390,1 -16391,0.003013648661714928,0.0018975846469402313,0.00234120711684227,0.8896763054476491,2,1391,1 -16392,0.0030238245441607365,0.00191492959856987,0.0023402050137519836,0.8850114262276023,2,1392,1 -16393,0.00287559807993649,0.001711040735244751,0.0023111477494239807,0.9335047701411454,2,1393,1 -16394,0.001571908090599542,0.001282915472984314,0.0009083077311515808,0.6160767940227926,2,1394,1 -16395,0.0017472236234574137,0.0008970275521278381,0.001499377191066742,1.031652233429333,2,1395,1 -16396,0.003339975533226075,0.0016914606094360352,0.002879999577999115,1.0397578866707013,2,1396,1 -16397,0.0031845628944724615,0.0018802694976329803,0.002570219337940216,0.9392016873612019,2,1397,1 -16398,0.0027578740144577987,0.0016883090138435364,0.002180706709623337,0.9119845711933744,2,1398,1 -16399,0.0023381183235499795,0.0013510026037693024,0.0019082948565483093,0.9547458780812216,2,1399,1 -16400,0.002784166409615222,0.001435495913028717,0.0023855678737163544,1.0290970732881808,2,1400,1 -16401,0.001921227853007693,0.0012084655463695526,0.001493562012910843,0.8905212601202617,2,1401,1 -16402,0.001514600394288442,0.0010006017982959747,0.0011370182037353516,0.8491286985332183,2,1402,1 -16403,0.0019000844894939788,0.0014355480670928955,0.0012447983026504517,0.7143518549400916,2,1403,1 -16404,0.0027167042772071634,0.0016180872917175293,0.002182263880968094,0.9327755972465057,2,1404,1 -16405,0.002805292757301624,0.0016371719539165497,0.002278011292219162,0.9476400284218088,2,1405,1 -16406,0.001874997248696608,0.0013766326010227203,0.001272987574338913,0.746301159039388,2,1406,1 -16407,0.0019827506690771697,0.0008410774171352386,0.0017955191433429718,1.1327210638771883,2,1407,1 -16408,0.001590289134395118,0.0011742450296878815,0.0010724589228630066,0.7401244844422248,2,1408,1 -16409,0.0026156810970763386,0.002175610512495041,0.001452069729566574,0.588531516556237,2,1409,1 -16410,0.002654222077913087,0.0015740171074867249,0.0021371394395828247,0.9359871313278751,2,1410,1 -16411,0.001374403004190788,0.0011629648506641388,0.0007324591279029846,0.5620582495622157,2,1411,1 -16412,0.0029080521660401855,0.0015911608934402466,0.0024341270327568054,0.9918324919465519,2,1412,1 -16413,0.003308648425362627,0.0017620213329792023,0.0028004348278045654,1.0091856226662683,2,1413,1 -16414,0.0030634069213812667,0.0015271008014678955,0.0026556402444839478,1.0489315802791244,2,1414,1 -16415,0.0028627876215413634,0.001801133155822754,0.0022251904010772705,0.8903325118989164,2,1415,1 -16416,0.0015048980499407204,0.0013402290642261505,0.0006844736635684967,0.47218197684143703,2,1416,1 -16417,0.0016410600175420548,0.0012299194931983948,0.0010864511132240295,0.7235404688771314,2,1417,1 -16418,0.0031189426230097306,0.0017858333885669708,0.0025570690631866455,0.9611512106594232,2,1418,1 -16419,0.0029039120993299547,0.0017178021371364594,0.002341337502002716,0.9378194193550122,2,1419,1 -16420,0.0028066638792114585,0.0014076754450798035,0.0024281293153762817,1.0454096489311562,2,1420,1 -16421,0.0031910661465833334,0.0019329264760017395,0.0025390349328517914,0.920112534497748,2,1421,1 -16422,0.0026762416615489495,0.0012817122042179108,0.0023493580520153046,1.0713695073801484,2,1422,1 -16423,0.002974752715747584,0.001662038266658783,0.002467140555381775,0.9779610073472857,2,1423,1 -16424,0.003171453603934852,0.0019458271563053131,0.0025043711066246033,0.9102551842940141,2,1424,1 -16425,0.002914365930070543,0.0012822970747947693,0.0026171058416366577,1.1152067988029442,2,1425,1 -16426,0.002851243132097632,0.0013335756957530975,0.002520151436328888,1.0840899319995871,2,1426,1 -16427,0.0032528480940323067,0.0015161745250225067,0.002877887338399887,1.0859111535373724,2,1427,1 -16428,0.003089509586501399,0.0015693232417106628,0.0026612579822540283,1.0379905220464798,2,1428,1 -16429,0.0030000207468131395,0.001835402101278305,0.0023730620741844177,0.9124666316129689,2,1429,1 -16430,0.002301448813316136,0.0013825632631778717,0.0018398873507976532,0.9263748410849058,2,1430,1 -16431,0.002986666426124191,0.0019127540290355682,0.0022938065230846405,0.8757368912543072,2,1431,1 -16432,0.003211538977531526,0.002114206552505493,0.002417460083961487,0.8522173051090056,2,1432,1 -16433,0.0016095646526862756,0.0013383887708187103,0.0008940994739532471,0.5889539271863763,2,1433,1 -16434,0.0028144834354434972,0.0017824023962020874,0.0021781548857688904,0.8849910087428797,2,1434,1 -16435,0.00324710859413629,0.002293430268764496,0.0022986717522144318,0.7865395755763918,2,1435,1 -16436,0.0014653149070133116,0.00110621377825737,0.000960957258939743,0.7152452112543052,2,1436,1 -16437,0.0032317883061060647,0.0022442378103733063,0.0023254789412021637,0.8031744453353559,2,1437,1 -16438,0.0019246313778031997,0.001419752836227417,0.0012994259595870972,0.7411758309314428,2,1438,1 -16439,0.001082949449198856,0.0008354038000106812,0.0006891153752803802,0.6897339729738025,2,1439,1 -16440,0.002505073124088426,0.0013676099479198456,0.002098817378282547,0.9932902770043738,2,1440,1 -16441,0.0032007961418774595,0.0018317140638828278,0.002624865621328354,0.9615271762394596,2,1441,1 -16442,0.003180187000321471,0.002266194671392441,0.0022311322391033173,0.7776020385828037,2,1442,1 -16443,0.0025720213444611457,0.0014350339770317078,0.002134472131729126,0.9788947050306738,2,1443,1 -16444,0.002988582741811499,0.0016652494668960571,0.0024816468358039856,0.9797818153693651,2,1444,1 -16445,0.003178316452537373,0.0017038993537425995,0.0026829876005649567,1.0049845840822977,2,1445,1 -16446,0.0016793928868551287,0.001095850020647049,0.001272585242986679,0.8598812105012063,2,1446,1 -16447,0.003015665375238174,0.0018969066441059113,0.0023443512618541718,0.890507456156064,2,1447,1 -16448,0.0027815579282702368,0.0018492154777050018,0.0020778514444828033,0.8435530573316784,2,1448,1 -16449,0.0032387424696929006,0.001899082213640213,0.002623535692691803,0.9442333562830488,2,1449,1 -16450,0.002991958127636934,0.001562654972076416,0.0025514550507068634,1.0212680202390816,2,1450,1 -16451,0.0017528412677651883,0.001389767974615097,0.0010681748390197754,0.6552988491498924,2,1451,1 -16452,0.0024143001894317297,0.0010337084531784058,0.0021818093955516815,1.1283398296819425,2,1452,1 -16453,0.0029852695209169147,0.002023570239543915,0.002194765955209732,0.8259596103681935,2,1453,1 -16454,0.0032156876881045916,0.0015842244029045105,0.0027983710169792175,1.05565834015429,2,1454,1 -16455,0.0031425918370293427,0.0017814673483371735,0.002588871866464615,0.9680847287628973,2,1455,1 -16456,0.002708944927965231,0.001710686832666397,0.0021004602313041687,0.8873157503995002,2,1456,1 -16457,0.0029225352968683662,0.0014431774616241455,0.0025413483381271362,1.0543303998281668,2,1457,1 -16458,0.002947032226528928,0.001528967171907425,0.002519376575946808,1.025331058149871,2,1458,1 -16459,0.0018601051947582197,0.0010896921157836914,0.0015075020492076874,0.9449013345119065,2,1459,1 -16460,0.0028432090541138555,0.001982294023036957,0.0020382218062877655,0.7993078651901565,2,1460,1 -16461,0.0029898374896903225,0.001700282096862793,0.002459302544593811,0.9658874455185261,2,1461,1 -16462,0.0014461467984033434,0.0010753385722637177,0.0009669475257396698,0.7323745214743941,2,1462,1 -16463,0.003428191676494499,0.0016541071236133575,0.0030027367174625397,1.0672880854445597,2,1463,1 -16464,0.0030439182341573316,0.0013890117406845093,0.0027085207402706146,1.0969371718352847,2,1464,1 -16465,0.0025584770364992667,0.001283295452594757,0.0022133588790893555,1.0453655919809264,2,1465,1 -16466,0.0027494524121348535,0.0015077926218509674,0.002299141138792038,0.9903497528114898,2,1466,1 -16467,0.00145850047847223,0.00102904811501503,0.0010335780680179596,0.7875943663532101,2,1467,1 -16468,0.0030399011380242316,0.0016858726739883423,0.0025295913219451904,0.9829364739573939,2,1468,1 -16469,0.0028330498876031514,0.0015001781284809113,0.0024032555520534515,1.012752732893329,2,1469,1 -16470,0.0031013835511497063,0.001687619835138321,0.0026020221412181854,0.9954199113837707,2,1470,1 -16471,0.0032794314728930006,0.0017169676721096039,0.0027940459549427032,1.019776361300707,2,1471,1 -16472,0.003109253678979727,0.002146247774362564,0.0022496841847896576,0.8089238521736177,2,1472,1 -16473,0.0029771943091328195,0.0018052160739898682,0.0023674629628658295,0.9193362710287067,2,1473,1 -16474,0.003205256508513527,0.0019293203949928284,0.0025595687329769135,0.9248882082545207,2,1474,1 -16475,0.003051579584553283,0.001616019755601883,0.0025885552167892456,1.0127047842531047,2,1475,1 -16476,0.002741331142645081,0.0016612708568572998,0.0021806135773658752,0.919762842944366,2,1476,1 -16477,0.0013995979611742392,0.001125037670135498,0.0008325651288032532,0.637091725022976,2,1477,1 -16478,0.0027888045024077194,0.0014788880944252014,0.0023643858730793,1.0118482636584214,2,1478,1 -16479,0.00303884181124572,0.001505739986896515,0.0026395656168460846,1.0523882784835847,2,1479,1 -16480,0.002659711761852165,0.0014900080859661102,0.0022031664848327637,0.9761520580996301,2,1480,1 -16481,0.003293251030456348,0.0013949237763881683,0.0029832348227500916,1.1334131475510265,2,1481,1 -16482,0.0012174246999670975,0.0008658766746520996,0.0008557923138141632,0.7795409134948398,2,1482,1 -16483,0.002038183266227163,0.001638561487197876,0.0012121498584747314,0.6369182353763859,2,1483,1 -16484,0.0030826142398243427,0.0021369047462940216,0.0022217445075511932,0.8048603968141791,2,1484,1 -16485,0.001929644371580674,0.0013856105506420135,0.0013429857790470123,0.7697779324460097,2,1485,1 -16486,0.0026828553641232854,0.0011938810348510742,0.002402573823928833,1.1096177381826038,2,1486,1 -16487,0.003113787559986458,0.001769334077835083,0.002562250941991806,0.9664483222623137,2,1487,1 -16488,0.0030215331315196986,0.0015740320086479187,0.002579163759946823,1.0228466359713448,2,1488,1 -16489,0.0032170051799515547,0.002123221755027771,0.0024168267846107483,0.8499782543236484,2,1489,1 -16490,0.001708796412292838,0.0009210817515850067,0.0014393031597137451,1.0015187581275682,2,1490,1 -16491,0.003247466249659055,0.0020122118294239044,0.0025489293038845062,0.9025312653002635,2,1491,1 -16492,0.0019121848093437007,0.0012649334967136383,0.0014340132474899292,0.8479629697703864,2,1492,1 -16493,0.002272072425712189,0.0013227351009845734,0.001847345381975174,0.9493998118887971,2,1493,1 -16494,0.0027204682895434706,0.0018571540713310242,0.0019879452884197235,0.81940009599423,2,1494,1 -16495,0.0028059154806911305,0.0019240900874137878,0.0020423121750354767,0.8151952160759316,2,1495,1 -16496,0.001777385111225169,0.0010199248790740967,0.0014556273818016052,0.9596160283368912,2,1496,1 -16497,0.00207362192632007,0.0009757615625858307,0.0018296986818313599,1.0808720775295906,2,1497,1 -16498,0.00289598747088755,0.001848611980676651,0.002229209989309311,0.8784622060838954,2,1498,1 -16499,0.0027022296989615657,0.001803770661354065,0.00201207771897316,0.8399340052902865,2,1499,1 -16500,0.003200377883102647,0.001703701913356781,0.00270920991897583,1.00942922608766,2,1500,1 -16501,0.0028360956177057913,0.001626528799533844,0.0023233257234096527,0.9600123614854861,2,1501,1 -16502,0.0014717118411132497,0.001206524670124054,0.0008427537977695465,0.609716491066449,2,1502,1 -16503,0.002376842932494878,0.0012742839753627777,0.00200638547539711,1.0049568927044619,2,1503,1 -16504,0.002743249242259021,0.0016612373292446136,0.0021830499172210693,0.920310774682831,2,1504,1 -16505,0.002779737505083738,0.0014750473201274872,0.0023560933768749237,1.0114377189994095,2,1505,1 -16506,0.0032276415957327794,0.0018745027482509613,0.002627529203891754,0.9511276675064907,2,1506,1 -16507,0.0029767670661656176,0.0016793422400951385,0.002457834780216217,0.9713932660887498,2,1507,1 -16508,0.002793243742031445,0.0018261559307575226,0.0021136142313480377,0.8582323148056914,2,1508,1 -16509,0.0015774253069732794,0.0010747984051704407,0.0011545903980731964,0.8211738647628941,2,1509,1 -16510,0.0027762054378471465,0.001442745327949524,0.002371877431869507,1.0243170645339164,2,1510,1 -16511,0.0030781766767944405,0.001587696373462677,0.002637118101119995,1.0288654315992978,2,1511,1 -16512,0.0026588008203297527,0.0015464387834072113,0.0021628104150295258,0.9500650520741517,2,1512,1 -16513,0.0017007690648451028,0.0011788681149482727,0.0012259222567081451,0.8049625040677875,2,1513,1 -16514,0.0030909610524384045,0.0021730735898017883,0.0021981336176395416,0.7911310770079126,2,1514,1 -16515,0.0019277344437299642,0.0014607533812522888,0.0012579187750816345,0.7109281658805108,2,1515,1 -16516,0.0030113703620708076,0.0015516988933086395,0.0025808103382587433,1.0294620072548222,2,1516,1 -16517,0.002761654949210689,0.0016983114182949066,0.002177722752094269,0.9084592083366907,2,1517,1 -16518,0.0015404468455180377,0.001385025680065155,0.0006742998957633972,0.4530724591568013,2,1518,1 -16519,0.0033064278323368824,0.0018713846802711487,0.0027258731424808502,0.9691701987997067,2,1519,1 -16520,0.003023106384026382,0.0019402988255023956,0.002318277955055237,0.8739233356070775,2,1520,1 -16521,0.003099670608464338,0.0018561668694019318,0.0024824589490890503,0.9287604948425591,2,1521,1 -16522,0.0019817677769607867,0.0011679865419864655,0.001601003110408783,0.9405224978781397,2,1522,1 -16523,0.0010581239056972956,0.0006489157676696777,0.0008357837796211243,0.9106023084350285,2,1523,1 -16524,0.0020231689985842484,0.0013169646263122559,0.0015358440577983856,0.8619723332592704,2,1524,1 -16525,0.0032887601075376667,0.001922018826007843,0.002668667584657669,0.9466306058269034,2,1525,1 -16526,0.001623288279575608,0.0011912733316421509,0.0011026933789253235,0.7468030235945121,2,1526,1 -16527,0.003024835255406886,0.0015055201947689056,0.0026235543191432953,1.0498285818151605,2,1527,1 -16528,0.0031234352889998413,0.0016475915908813477,0.0026535429060459137,1.0151489106373015,2,1528,1 -16529,0.0031229352680442143,0.0016805604100227356,0.0026321932673454285,1.0025736292202878,2,1529,1 -16530,0.0028407643344391673,0.001826457679271698,0.0021757744252681732,0.8724580218238104,2,1530,1 -16531,0.002699427329377912,0.0015727803111076355,0.0021939165890216827,0.9488294880764746,2,1531,1 -16532,0.0033199091297948457,0.0018194913864135742,0.002776913344860077,0.990759698323297,2,1532,1 -16533,0.0015862786767914525,0.0010254457592964172,0.0012102648615837097,0.8678774487630506,2,1533,1 -16534,0.003078551690579326,0.001840241253376007,0.0024679936468601227,0.9300897777419797,2,1534,1 -16535,0.0026376856972469415,0.001393243670463562,0.0022397004067897797,1.0143089295055367,2,1535,1 -16536,0.0015444619125280553,0.0012375377118587494,0.0009240470826625824,0.6413741780899057,2,1536,1 -16537,0.003205933676673833,0.0018634572625160217,0.0026087425649166107,0.9505291453860204,2,1537,1 -16538,0.0016595365389215431,0.001215364784002304,0.00113002210855484,0.7490267486436368,2,1538,1 -16539,0.0028418201701332765,0.0016076378524303436,0.0023433826863765717,0.969505822773077,2,1539,1 -16540,0.003204214244275183,0.0022287890315055847,0.002302061766386032,0.8015687131291922,2,1540,1 -16541,0.0028432282262554963,0.0017235688865184784,0.002261251211166382,0.9195207435551886,2,1541,1 -16542,0.0017173594162028705,0.0011721551418304443,0.001255139708518982,0.8195729394224656,2,1542,1 -16543,0.002874415673862091,0.0017094910144805908,0.0023108236491680145,0.9338709941871698,2,1543,1 -16544,0.0029067209337998385,0.0015524402260780334,0.0024574287235736847,1.0073695391974031,2,1544,1 -16545,0.003113516306217624,0.0017318055033683777,0.002587437629699707,0.9809639203757743,2,1545,1 -16546,0.0016148600895135616,0.0011680908501148224,0.0011150501668453217,0.7621708883679534,2,1546,1 -16547,0.0032345073799578787,0.00167856365442276,0.0027648620307445526,1.0251683808306247,2,1547,1 -16548,0.0027045860784738855,0.0015543624758720398,0.0022133104503154755,0.9585421587773107,2,1548,1 -16549,0.001480017676207759,0.0013190023601055145,0.0006713308393955231,0.4707967527428279,2,1549,1 -16550,0.002575679944750037,0.0012301020324230194,0.0022629573941230774,1.0728942110797992,2,1550,1 -16551,0.0013741731744604238,0.0011227317154407501,0.0007923543453216553,0.6145665453975142,2,1551,1 -16552,0.002903145593836615,0.0015923194587230682,0.00242750346660614,0.9902501097220033,2,1552,1 -16553,0.0028420969793102376,0.0012293793261051178,0.0025624483823776245,1.123465372380396,2,1553,1 -16554,0.001564830604905603,0.001308780163526535,0.0008577816188335419,0.5801657868445917,2,1554,1 -16555,0.002435379397013879,0.0015082284808158875,0.0019121505320072174,0.9029465170939426,2,1555,1 -16556,0.0015328414816039517,0.0010919012129306793,0.0010758042335510254,0.7779724849970657,2,1556,1 -16557,0.0027845335152119873,0.0014953725039958954,0.00234893336892128,1.0038863131465428,2,1557,1 -16558,0.0034557241534665844,0.002104558050632477,0.002740960568189621,0.9159890690581514,2,1558,1 -16559,0.0029617056636648273,0.001676272600889206,0.002441681921482086,0.9691722084379517,2,1559,1 -16560,0.003356125377707672,0.002030249685049057,0.0026723891496658325,0.9211076092520984,2,1560,1 -16561,0.0030673453320948733,0.0019365586340427399,0.0023787282407283783,0.8875076666088296,2,1561,1 -16562,0.003267820524344334,0.00203695148229599,0.0025552846491336823,0.8977940937055883,2,1562,1 -16563,0.0033338338229009406,0.002002093940973282,0.0026657208800315857,0.9266225315247391,2,1563,1 -16564,0.0029018073551552444,0.0016785860061645508,0.002367030829191208,0.9539540708729899,2,1564,1 -16565,0.0031095049978245638,0.0017189979553222656,0.0025911517441272736,0.9850511990165747,2,1565,1 -16566,0.0027684686176155126,0.0016270503401756287,0.0022398941218852997,0.9425736453251011,2,1566,1 -16567,0.001472917080280198,0.0011268183588981628,0.0009485594928264618,0.6997162095173611,2,1567,1 -16568,0.0031264127504859445,0.0015682168304920197,0.002704653888940811,1.0453460129809393,2,1568,1 -16569,0.002858017836411868,0.0015710368752479553,0.0023874901235103607,0.9887977615738409,2,1569,1 -16570,0.003037524293779086,0.0016956478357315063,0.002520184963941574,0.9785411726584157,2,1570,1 -16571,0.002987000037350192,0.001554388552904129,0.002550695091485977,1.0234951552990075,2,1571,1 -16572,0.0030505418798461685,0.0018625259399414062,0.0024159476161003113,0.914034174707602,2,1572,1 -16573,0.0031486458487529683,0.001281682401895523,0.0028759799897670746,1.1515651899217036,2,1573,1 -16574,0.002919111499464379,0.0013907365500926971,0.0025665275752544403,1.0742126882340897,2,1574,1 -16575,0.0028993182945805315,0.0014924965798854828,0.002485658973455429,1.0300511404355288,2,1575,1 -16576,0.0031733728862522246,0.001912880688905716,0.002532031387090683,0.9238018556344607,2,1576,1 -16577,0.001361113399928701,0.0010712482035160065,0.000839676707983017,0.6648032553300619,2,1577,1 -16578,0.0027824842595096638,0.0017614923417568207,0.002153918147087097,0.885290541311701,2,1578,1 -16579,0.0033946631228743314,0.0021615438163280487,0.0026175305247306824,0.880523383657226,2,1579,1 -16580,0.0033513549537214577,0.0021800734102725983,0.0025453604757785797,0.8625470692268183,2,1580,1 -16581,0.003081052976631839,0.0018177144229412079,0.002487730234861374,0.9397804307647719,2,1581,1 -16582,0.002646888053882214,0.002192653715610504,0.0014826618134975433,0.5945702696672597,2,1582,1 -16583,0.0030127375987163067,0.0018976405262947083,0.002339988946914673,0.8894072982614731,2,1583,1 -16584,0.003046501299745448,0.0018013417720794678,0.0024568960070610046,0.9381485978186694,2,1584,1 -16585,0.002642286566664813,0.0015651583671569824,0.0021288394927978516,0.9368238525052498,2,1585,1 -16586,0.0031989789238393556,0.0019170232117176056,0.0025609545409679413,0.9282186863009956,2,1586,1 -16587,0.0031945655610932998,0.0019758231937885284,0.0025102533400058746,0.9039701974332681,2,1587,1 -16588,0.002411745385665576,0.0017595142126083374,0.0016494318842887878,0.7531171929647464,2,1588,1 -16589,0.001461010372600638,0.0013680942356586456,0.0005127079784870148,0.35856087257175584,2,1589,1 -16590,0.0029573665506618116,0.001802004873752594,0.002344951033592224,0.9155840993672246,2,1590,1 -16591,0.003060507094698035,0.001530524343252182,0.002650320529937744,1.0470953794358795,2,1591,1 -16592,0.003023440920791923,0.0017106719315052032,0.002492949366569519,0.9693895271836029,2,1592,1 -16593,0.0029972496532502603,0.0017729811370372772,0.0024166181683540344,0.9378337382128903,2,1593,1 -16594,0.003005400998147226,0.0014933012425899506,0.002608157694339752,1.0508050761517143,2,1594,1 -16595,0.00140147163592148,0.0010875500738620758,0.0008839443325996399,0.6824881715173248,2,1595,1 -16596,0.003182267457408073,0.0018327049911022186,0.002601541578769684,0.9570774300917755,2,1596,1 -16597,0.0030870475528415086,0.0017261505126953125,0.002559348940849304,0.977425240325054,2,1597,1 -16598,0.001350243171567949,0.000977892428636551,0.0009310655295848846,0.7608729977520085,2,1598,1 -16599,0.0028161925495481916,0.0017766207456588745,0.0021850764751434326,0.8881363567906835,2,1599,1 -16600,0.0015230292072547721,0.0010858774185180664,0.0010679364204406738,0.7770684819672377,2,1600,1 -16601,0.003065274412518603,0.0019152015447616577,0.0023933053016662598,0.895913413312747,2,1601,1 -16602,0.0029590452843580913,0.0017127729952335358,0.0024129562079906464,0.953507797815365,2,1602,1 -16603,0.0032622973799962558,0.0021244361996650696,0.002475753426551819,0.8616203689773605,2,1603,1 -16604,0.003094956971399719,0.001593656837940216,0.0026531144976615906,1.02988140222151,2,1604,1 -16605,0.003193780967181998,0.0018890537321567535,0.002575211226940155,0.9379047076508881,2,1605,1 -16606,0.003309726227291555,0.0018319226801395416,0.002756509929895401,0.9842394003618677,2,1606,1 -16607,0.0013497892358467912,0.000980135053396225,0.000928044319152832,0.7581062844749196,2,1607,1 -16608,0.002342279090927647,0.0011885054409503937,0.002018347382545471,1.0386151154021324,2,1608,1 -16609,0.0029783918539941483,0.0018649660050868988,0.002322223037481308,0.8941709594152681,2,1609,1 -16610,0.0030001403618356032,0.001529652625322342,0.0025808922946453094,1.0357738754796286,2,1610,1 -16611,0.001503121782667704,0.0012063905596733093,0.0008966587483882904,0.6391718804530251,2,1611,1 -16612,0.0030205233339664415,0.0017983093857765198,0.0024268589913845062,0.9330783163740348,2,1612,1 -16613,0.002769164128037308,0.0017958059906959534,0.0021079257130622864,0.8651826343399467,2,1613,1 -16614,0.0027702399571149193,0.0017857253551483154,0.0021178796887397766,0.8702828219440799,2,1614,1 -16615,0.0014527497426686268,0.0012552961707115173,0.0007312409579753876,0.5274708634258185,2,1615,1 -16616,0.002873379716160605,0.0017339400947093964,0.0022912360727787018,0.9229760983891724,2,1616,1 -16617,0.0030924090247335776,0.001588970422744751,0.0026529543101787567,1.0311538374186031,2,1617,1 -16618,0.0029435330798113922,0.0015831813216209412,0.0024815164506435394,1.002910762802711,2,1618,1 -16619,0.0032545981806280815,0.0015541613101959229,0.0028595440089702606,1.0729574439451421,2,1619,1 -16620,0.0032155560866433367,0.0018869638442993164,0.0026036836206912994,0.943666087266662,2,1620,1 -16621,0.0016061662450553974,0.0010915212333202362,0.0011782832443714142,0.823604005656626,2,1621,1 -16622,0.0028854006813755716,0.0019411928951740265,0.0021347850561141968,0.8328583773107383,2,1622,1 -16623,0.0033612694131772,0.0020513758063316345,0.0026627033948898315,0.914359682243405,2,1623,1 -16624,0.0029280401684683055,0.0020221546292304993,0.0021176189184188843,0.8084543454844512,2,1624,1 -16625,0.0017225537466030096,0.0015700571238994598,0.0007085986435413361,0.42395134148478797,2,1625,1 -16626,0.003106227775343688,0.001658078283071518,0.0026266761124134064,1.007718246802123,2,1626,1 -16627,0.0017758597543877665,0.0009711571037769318,0.0014867857098579407,0.9921801715221245,2,1627,1 -16628,0.0029932713505383115,0.0017292462289333344,0.0024432316422462463,0.9548745642473672,2,1628,1 -16629,0.003066678017635951,0.001708701252937317,0.0025465376675128937,0.979806630977583,2,1629,1 -16630,0.0029059666326665123,0.0017446205019950867,0.0023239925503730774,0.9268475626840846,2,1630,1 -16631,0.0019146516330032384,0.001333031803369522,0.0013743788003921509,0.8006687629128937,2,1631,1 -16632,0.0030509146132365723,0.00199122354388237,0.0023115165531635284,0.8597004353259751,2,1632,1 -16633,0.0033698543746228226,0.002095229923725128,0.0026393048465251923,0.8998125203231465,2,1633,1 -16634,0.0024442697521247715,0.0013108067214488983,0.002063065767288208,1.004775828362809,2,1634,1 -16635,0.0035808969323031475,0.0021548010408878326,0.0028600096702575684,0.9251072084175883,2,1635,1 -16636,0.003123679420771799,0.0017813146114349365,0.0025659874081611633,0.9639719777110193,2,1636,1 -16637,0.0016735835154622599,0.000987909734249115,0.001350894570350647,0.9393707707148431,2,1637,1 -16638,0.0029720481690009,0.0019644908607006073,0.002230212092399597,0.8486604866566403,2,1638,1 -16639,0.003127003707917938,0.0017573535442352295,0.002586476504802704,0.9740032434250382,2,1639,1 -16640,0.0029940630070329024,0.0012728683650493622,0.0027100220322608948,1.131689950192136,2,1640,1 -16641,0.00278134185492005,0.0021073631942272186,0.0018151812255382538,0.7110476030426196,2,1641,1 -16642,0.0015247109887977573,0.0012274757027626038,0.0009044595062732697,0.6350287023642011,2,1642,1 -16643,0.0029014051025686954,0.0019675791263580322,0.002132318913936615,0.825557994609156,2,1643,1 -16644,0.0030278084460281813,0.0018189027905464172,0.002420581877231598,0.9263793388978635,2,1644,1 -16645,0.002772653424494894,0.002031274139881134,0.001887202262878418,0.748647397462361,2,1645,1 -16646,0.0020038792382166487,0.0009561032056808472,0.0017610788345336914,1.0734145854166173,2,1646,1 -16647,0.002808788405447935,0.0017292536795139313,0.002213362604379654,0.907575337824255,2,1647,1 -16648,0.0031528985527624325,0.0019227489829063416,0.0024987608194351196,0.9149435091713364,2,1648,1 -16649,0.00320868750845785,0.001814272254705429,0.0026465244591236115,0.9698478421265844,2,1649,1 -16650,0.0016539355696549786,0.0014517903327941895,0.0007923431694507599,0.4995895766867794,2,1650,1 -16651,0.002790695122962647,0.0014914609491825104,0.0023587122559547424,1.00695049526355,2,1651,1 -16652,0.0027593247790724798,0.0017734803259372711,0.002113915979862213,0.8727495203563892,2,1652,1 -16653,0.002614148954083069,0.0016661882400512695,0.002014346420764923,0.8797119791592936,2,1653,1 -16654,0.0027162718447872308,0.001710444688796997,0.0021100975573062897,0.889625419088725,2,1654,1 -16655,0.002822188409144763,0.0014031380414962769,0.002448663115501404,1.0504497738153011,2,1655,1 -16656,0.001590919181718908,0.0013463906943798065,0.000847499817609787,0.5618004684145227,2,1656,1 -16657,0.0023265119727352763,0.001676701009273529,0.0016128644347190857,0.7659948214759609,2,1657,1 -16658,0.0029886347609860654,0.0015083514153957367,0.0025800801813602448,1.0417667662504466,2,1658,1 -16659,0.002691452974865505,0.001741509884595871,0.0020520873367786407,0.8670848392713055,2,1659,1 -16660,0.003221240299953801,0.0021878816187381744,0.002364225685596466,0.8241177982087962,2,1660,1 -16661,0.003011314460941608,0.0013797804713249207,0.0026766061782836914,1.0948287035879327,2,1661,1 -16662,0.002771178244169289,0.0018205828964710236,0.002089235931634903,0.854002729253235,2,1662,1 -16663,0.0014952078029256707,0.0012386739253997803,0.0008374564349651337,0.5944988725139969,2,1663,1 -16664,0.0033148086782865327,0.0019758082926273346,0.0026616044342517853,0.9322174002198651,2,1664,1 -16665,0.0019199029310818072,0.0011914856731891632,0.0015054531395435333,0.9012927157467246,2,1665,1 -16666,0.00290310175566498,0.0016332156956195831,0.0024001263082027435,0.9732978520203209,2,1666,1 -16667,0.0017945187984684818,0.0013767741620540619,0.0011509954929351807,0.6963152399825646,2,1667,1 -16668,0.0028569643537074392,0.0016307011246681213,0.002345860004425049,0.9633395597116599,2,1668,1 -16669,0.0028246288819587604,0.0021460726857185364,0.0018365457653999329,0.7078346307913447,2,1669,1 -16670,0.0029897711981616113,0.0016957707703113556,0.002462334930896759,0.9677054078401103,2,1670,1 -16671,0.001398351510981065,0.0010343007743358612,0.0009410679340362549,0.7382354726483619,2,1671,1 -16672,0.0019796344257961168,0.000921640545129776,0.0017520077526569366,1.0865279557557015,2,1672,1 -16673,0.0027039881455275896,0.0015823468565940857,0.002192653715610504,0.9456819648079466,2,1673,1 -16674,0.0023965542666661687,0.001250002533197403,0.002044741064310074,1.0220907808814057,2,1674,1 -16675,0.0014072313981159403,0.001214388757944107,0.0007110275328159332,0.5296912919308673,2,1675,1 -16676,0.003038434540231863,0.0018430538475513458,0.002415623515844345,0.9190445044745998,2,1676,1 -16677,0.002724709901995694,0.0017017647624015808,0.0021279193460941315,0.8962189444179499,2,1677,1 -16678,0.002667393448596287,0.0015034861862659454,0.00220329686999321,0.9719938625433862,2,1678,1 -16679,0.0030218624381517425,0.0017367787659168243,0.0024729035794734955,0.9585125410786813,2,1679,1 -16680,0.0013665281654824425,0.001088205724954605,0.000826563686132431,0.6495950669611187,2,1680,1 -16681,0.002955404730870031,0.001512095332145691,0.002539288252592087,1.0337069949903206,2,1681,1 -16682,0.0030955825957159925,0.001722589135169983,0.00257202610373497,0.9806689479428669,2,1682,1 -16683,0.0034151493919776545,0.0023888833820819855,0.002440590411424637,0.7961043098552146,2,1683,1 -16684,0.0022551601606316937,-0.0003615841269493103,0.002225983887910843,1.731827719083009,2,1684,1 -16685,0.002902552593658195,0.00161685049533844,0.0024105198681354523,0.979973757968068,2,1685,1 -16686,0.0029959711281124296,0.0015308484435081482,0.0025753341615200043,1.0344846160682397,2,1686,1 -16687,0.003169768377502901,0.001970067620277405,0.0024831965565681458,0.900117595970918,2,1687,1 -16688,0.003098822835131439,0.001709524542093277,0.002584613859653473,0.9864323441591868,2,1688,1 -16689,0.0018040625826427931,0.0013166479766368866,0.0012333206832408905,0.752732015882319,2,1689,1 -16690,0.001530572485439088,0.001232445240020752,0.0009075962007045746,0.6347525167553109,2,1690,1 -16691,0.0031275495074226363,0.001939672976732254,0.0024534128606319427,0.9018122351027803,2,1691,1 -16692,0.001340750327969549,0.0008284337818622589,0.001054186373949051,0.9047423505964809,2,1692,1 -16693,0.0030712034285805883,0.0019039921462535858,0.002409793436527252,0.902117522577071,2,1693,1 -16694,0.0034222202741156903,0.0019322037696838379,0.0028245672583580017,0.9708413433732579,2,1694,1 -16695,0.0028996043703679018,0.0017671212553977966,0.0022989101707935333,0.915448186129415,2,1695,1 -16696,0.002783624753984113,0.0014659687876701355,0.0023663267493247986,1.0161528793817671,2,1696,1 -16697,0.0012390442056438283,0.0007834509015083313,0.0009599141776561737,0.8862745123232949,2,1697,1 -16698,0.002793518962310114,0.0016787834465503693,0.002232808619737625,0.9260990255863453,2,1698,1 -16699,0.002769944389183056,0.0019204355776309967,0.001996126025915146,0.8047214972279627,2,1699,1 -16700,0.0028747651278352862,0.0018923692405223846,0.0021640732884407043,0.8522791332568151,2,1700,1 -16701,0.0015475137335131536,0.001277051866054535,0.0008740350604057312,0.6001903309322585,2,1701,1 -16702,0.0027470602646667668,0.0015782080590724945,0.0022484660148620605,0.9587934235241743,2,1702,1 -16703,0.002922923059945708,0.0015464797616004944,0.0024802982807159424,1.0132723888037687,2,1703,1 -16704,0.0032364546136914142,0.0015926584601402283,0.0028174594044685364,1.0562962181078563,2,1704,1 -16705,0.003256718197174748,0.0014922171831130981,0.0028947368264198303,1.0948311111591866,2,1705,1 -16706,0.001840682134079352,0.0013059936463832855,0.0012971088290214539,0.7819850119966786,2,1706,1 -16707,0.003255352593129562,0.0017466433346271515,0.002747099846601486,1.004458731381478,2,1707,1 -16708,0.003030866645997974,0.0014772601425647736,0.00264647975564003,1.0616807357494427,2,1708,1 -16709,0.001743842767034797,0.0010287240147590637,0.0014080889523029327,0.9398392005520185,2,1709,1 -16710,0.0030051131680343306,0.0016692280769348145,0.002498876303434372,0.9818771064330257,2,1710,1 -16711,0.002590047654444035,0.0011789500713348389,0.0023061707615852356,1.098216685180032,2,1711,1 -16712,0.002810454820649193,0.0016766265034675598,0.002255566418170929,0.931578754195004,2,1712,1 -16713,0.003016839102238357,0.001769285649061203,0.002443552017211914,0.9441025705256247,2,1713,1 -16714,0.0027839876870385583,0.0016671232879161835,0.002229638397693634,0.9287623256930243,2,1714,1 -16715,0.0023027680367542045,0.0013128742575645447,0.0018918514251708984,0.9641337676819298,2,1715,1 -16716,0.0028704604786157955,0.0014365874230861664,0.0024851076304912567,1.0466515105896008,2,1716,1 -16717,0.0031743685917382594,0.0015225522220134735,0.002785399556159973,1.0705526256770646,2,1717,1 -16718,0.0029385497394445095,0.0014462806284427643,0.0025579966604709625,1.056209793915713,2,1718,1 -16719,0.001604635679740751,0.0011835135519504547,0.0010835826396942139,0.7413478632896529,2,1719,1 -16720,0.0013298573436552285,0.0011400170624256134,0.0006847493350505829,0.5408960709240621,2,1720,1 -16721,0.0026465389506929267,0.0015791431069374084,0.002123787999153137,0.9314358505255487,2,1721,1 -16722,0.0028066410101189702,0.0012513026595115662,0.002512264996767044,1.1086879032137338,2,1722,1 -16723,0.003143317264848228,0.0016777291893959045,0.0026581324636936188,1.0077736067444645,2,1723,1 -16724,0.0014998713421004032,0.0010818280279636383,0.0010388754308223724,0.7651469938897537,2,1724,1 -16725,0.003063428254586156,0.0015602894127368927,0.002636302262544632,1.0363927342748096,2,1725,1 -16726,0.00274946788691527,0.0016130916774272919,0.0022265464067459106,0.943828079909096,2,1726,1 -16727,0.0022986556546923517,0.0013309754431247711,0.0018741190433502197,0.9532659552805112,2,1727,1 -16728,0.0029845065777531097,0.0013997890055179596,0.0026358813047409058,1.0826171130216284,2,1728,1 -16729,0.002998449113895936,0.0017390884459018707,0.0024425946176052094,0.9520725653805802,2,1729,1 -16730,0.0013820084012412853,0.0011538192629814148,0.000760689377784729,0.5828709545511706,2,1730,1 -16731,0.0029538421374233972,0.0015852637588977814,0.0024924129247665405,1.0043005118796942,2,1731,1 -16732,0.0028923794352672914,0.0012237690389156342,0.0026207342743873596,1.133931149389977,2,1732,1 -16733,0.0027577833089329107,0.0015184730291366577,0.0023020878434181213,0.9876971911088587,2,1733,1 -16734,0.0030347052870190253,0.0014454685151576996,0.002668343484401703,1.0743400224809978,2,1734,1 -16735,0.003065956108887038,0.0016949325799942017,0.002554856240749359,0.9850475428092373,2,1735,1 -16736,0.0022698842128138362,0.0014490559697151184,0.001747172325849533,0.8784003903983704,2,1736,1 -16737,0.0027946260163235533,0.0014447495341300964,0.002392202615737915,1.027483979949538,2,1737,1 -16738,0.0025674589324011106,0.0013545192778110504,0.0021810829639434814,1.0150564996929647,2,1738,1 -16739,0.0029055264273193646,0.0017412379384040833,0.0023259781301021576,0.9281888693754966,2,1739,1 -16740,0.0015670854837359681,0.0009042434394359589,0.001279883086681366,0.9557181074015021,2,1740,1 -16741,0.002249587434068027,0.0016562826931476593,0.0015222914516925812,0.7432685945213435,2,1741,1 -16742,0.002814171159096139,0.0016627199947834015,0.002270445227622986,0.9386988727486794,2,1742,1 -16743,0.0033523868779440805,0.001959189772605896,0.002720307558774948,0.946635694366784,2,1743,1 -16744,0.002213574792351427,0.0013631060719490051,0.001744091510772705,0.9074030259004137,2,1744,1 -16745,0.0029711246593073616,0.0017455816268920898,0.0024042725563049316,0.9428112556234607,2,1745,1 -16746,0.002087924859651294,0.001261584460735321,0.0016636811196804047,0.9219985961250377,2,1746,1 -16747,0.0030155560538363507,0.0018134228885173798,0.002409372478723526,0.9255990711083164,2,1747,1 -16748,0.0029123227315351005,0.0017841905355453491,0.0023018009960651398,0.911406258543094,2,1748,1 -16749,0.0031126747873111344,0.0019272193312644958,0.002444293349981308,0.903133756471255,2,1749,1 -16750,0.002041541698389407,0.0011362843215465546,0.0016960985958576202,0.9805309802426978,2,1750,1 -16751,0.0032775270098547456,0.0023538991808891296,0.0022806450724601746,0.7695933711878097,2,1751,1 -16752,0.0027780164424662445,0.0016753412783145905,0.0022159889340400696,0.9234508604339751,2,1752,1 -16753,0.0028024823326566945,0.0016937106847763062,0.002232767641544342,0.9218329038096703,2,1753,1 -16754,0.0026802115252985126,0.0014673098921775818,0.0022428855299949646,0.9914697950578124,2,1754,1 -16755,0.00306259431441285,0.0018083490431308746,0.0024717114865779877,0.9391637539744953,2,1755,1 -16756,0.003222136807171734,0.00190773606300354,0.002596672624349594,0.937169175278944,2,1756,1 -16757,0.003148586128094857,0.0016854070127010345,0.0026595108211040497,1.0059451575569565,2,1757,1 -16758,0.00296191809547763,0.0018955133855342865,0.0022759586572647095,0.8763482369292926,2,1758,1 -16759,0.0014874845077833473,0.0012735389173030853,0.0007685758173465729,0.5429862248962256,2,1759,1 -16760,0.0033376077416776223,0.0020551905035972595,0.002629794180393219,0.907436607848941,2,1760,1 -16761,0.00307813766393353,0.0017840862274169922,0.0025083795189857483,0.9525595208375417,2,1761,1 -16762,0.003208107317058515,0.0022203028202056885,0.0023156441748142242,0.8064141315731486,2,1762,1 -16763,0.0027965617389594946,0.0014667101204395294,0.0023810751736164093,1.0187049142447373,2,1763,1 -16764,0.0031214281231604934,0.0016884580254554749,0.002625342458486557,0.9992600010018906,2,1764,1 -16765,0.001509490735381624,0.0008488856256008148,0.001248180866241455,0.9735524861640985,2,1765,1 -16766,0.0032029772579918138,0.002000167965888977,0.0025016777217388153,0.8963416510903757,2,1766,1 -16767,0.00333012224081873,0.00197480246424675,0.002681393176317215,0.9360018956006925,2,1767,1 -16768,0.0032505070110597292,0.0021014027297496796,0.002479899674654007,0.8678287154880989,2,1768,1 -16769,0.00313544030249287,0.0020514167845249176,0.002371218055486679,0.8575826500858686,2,1769,1 -16770,0.0030221657608053933,0.0017094984650611877,0.002492208033800125,0.9695708945557121,2,1770,1 -16771,0.0025121128713467672,0.0016397088766098022,0.0019031725823879242,0.8596257826022253,2,1771,1 -16772,0.0031245531085907856,0.002001088112592697,0.0023996829986572266,0.8757255708656815,2,1772,1 -16773,0.002803286929627647,0.001345958560705185,0.002459026873111725,1.0699867489232702,2,1773,1 -16774,0.002707689770304506,0.0017282664775848389,0.002084389328956604,0.8785333907379053,2,1774,1 -16775,0.002789483003497202,0.00177692249417305,0.0021502934396266937,0.8801859392489183,2,1775,1 -16776,0.003117646199930523,0.00199759379029274,0.0023936033248901367,0.8753374587910676,2,1776,1 -16777,0.003192999227634319,0.0019155628979206085,0.0025545768439769745,0.9273878544318253,2,1777,1 -16778,0.0032510639938699588,0.0024319328367710114,0.0021575726568698883,0.7256893215449268,2,1778,1 -16779,0.002880215769758481,0.0018240101635456085,0.00222904235124588,0.8850001101207534,2,1779,1 -16780,0.003022238778226916,0.0016552358865737915,0.002528659999370575,0.9912010637690828,2,1780,1 -16781,0.003237184782227685,0.0018985047936439514,0.0026220306754112244,0.9441052355914913,2,1781,1 -16782,0.002854701290393827,0.001606285572052002,0.0023599080741405487,0.9731712330708824,2,1782,1 -16783,0.0021137005494845924,0.001231260597705841,0.0017180591821670532,0.9489778646638646,2,1783,1 -16784,0.001314151046969845,0.000977005809545517,0.0008788928389549255,0.7325818509696179,2,1784,1 -16785,0.0031494177241430175,0.0016482993960380554,0.002683643251657486,1.0199994809470607,2,1785,1 -16786,0.0030592620252596968,0.0016170069575309753,0.002596992999315262,1.0138916625536984,2,1786,1 -16787,0.0032352985979566757,0.001742389053106308,0.0027260296046733856,1.002074075527135,2,1787,1 -16788,0.002664845718559884,0.001284174621105194,0.002335015684366226,1.0679807372698311,2,1788,1 -16789,0.002925496716098232,0.0018009506165981293,0.0023054517805576324,0.9076427858623868,2,1789,1 -16790,0.0031400206143069372,0.0017540082335472107,0.002604454755783081,0.9781021754033573,2,1790,1 -16791,0.0030915209494073157,0.0018331781029701233,0.002489369362592697,0.936054492772749,2,1791,1 -16792,0.0034308900909400864,0.0015748031437397003,0.0030481144785881042,1.0939189611933562,2,1792,1 -16793,0.002831360799380989,0.001676805317401886,0.00228143110871315,0.9369777846588954,2,1793,1 -16794,0.0018101947838277484,0.000979732722043991,0.0015221461653709412,0.9988964856865786,2,1794,1 -16795,0.003112836502454955,0.0017883293330669403,0.0025478675961494446,0.9588013107574678,2,1795,1 -16796,0.0016124900264971466,0.0013013854622840881,0.0009521134197711945,0.6316306533146908,2,1796,1 -16797,0.0028487199899033164,0.0016686171293258667,0.0023088790476322174,0.9450001381955832,2,1797,1 -16798,0.002686140757210981,0.0014193318784236908,0.002280537039041519,1.0140923665778008,2,1798,1 -16799,0.0032662533040052765,0.0019072480499744415,0.002651568502187729,0.9472406951792772,2,1799,1 -16800,0.0030454763199071785,0.0016073882579803467,0.0025867410004138947,1.0147934790286108,2,1800,1 -16801,0.0028686558166872806,0.0011402182281017303,0.0026323162019252777,1.1620331128982204,2,1801,1 -16802,0.0016364475295014692,0.0012433864176273346,0.0010639317333698273,0.7077781168531619,2,1802,1 -16803,0.00241018470099558,0.001332353800535202,0.0020084381103515625,0.9850738998581404,2,1803,1 -16804,0.0031119294033376075,0.001751784235239029,0.002572033554315567,0.9728752535973012,2,1804,1 -16805,0.0019172403314881275,0.0012597925961017609,0.0014452449977397919,0.8538492130034216,2,1805,1 -16806,0.0029708204821509835,0.0016540177166461945,0.0024677924811840057,0.9803227015433071,2,1806,1 -16807,0.0027971351322653654,0.0016307085752487183,0.002272609621286392,0.948389403807912,2,1807,1 -16808,0.002854188729511059,0.0016619451344013214,0.002320416271686554,0.9492624752373713,2,1808,1 -16809,0.002806165531782942,0.0018902458250522614,0.0020740143954753876,0.8317213348464934,2,1809,1 -16810,0.0030438353587907267,0.0018710531294345856,0.0024008527398109436,0.9087876218294688,2,1810,1 -16811,0.0024692564823965758,0.0013658665120601654,0.0020570941269397736,0.9846569906625987,2,1811,1 -16812,0.002512031024363062,0.0012266859412193298,0.0021921545267105103,1.0606277555424368,2,1812,1 -16813,0.0018476765617938709,0.0011953599750995636,0.0014089085161685944,0.8672145493241218,2,1813,1 -16814,0.0029659437248954522,0.0017604604363441467,0.0023869648575782776,0.9353232938679463,2,1814,1 -16815,0.002937730674970634,0.0016562342643737793,0.0024263449013233185,0.971840759477304,2,1815,1 -16816,0.003058008256603457,0.001966368407011032,0.002341967076063156,0.8723578339729774,2,1816,1 -16817,0.0022871963707605577,0.0010296590626239777,0.0020423196256160736,1.1038250092432182,2,1817,1 -16818,0.0029790410727359626,0.0018963254988193512,0.002297528088092804,0.8807723496728399,2,1818,1 -16819,0.003148423909364465,0.0016804561018943787,0.002662450075149536,1.0077731306294688,2,1819,1 -16820,0.003140329830027531,0.0018364600837230682,0.0025473684072494507,0.9461647307531613,2,1820,1 -16821,0.00269552192119433,0.002104714512825012,0.001684047281742096,0.6748208018086483,2,1821,1 -16822,0.001650477610033116,0.0013413578271865845,0.0009616836905479431,0.6220100724888649,2,1822,1 -16823,0.0029481605138000286,0.0013971254229545593,0.002596091479063034,1.077084915820708,2,1823,1 -16824,0.0031435398347094664,0.0016811341047286987,0.0026562437415122986,1.006536959993424,2,1824,1 -16825,0.003267847335486543,0.001748647540807724,0.0027606263756752014,1.006162085783473,2,1825,1 -16826,0.00331725666364896,0.0019798874855041504,0.0026616230607032776,0.9312333762785796,2,1826,1 -16827,0.0032620261394762777,0.0021072663366794586,0.002490028738975525,0.8684647557637372,2,1827,1 -16828,0.0023218754294206216,0.0013584867119789124,0.0018829815089702606,0.9458155888717706,2,1828,1 -16829,0.002454880339958334,0.001096721738576889,0.0021962784230709076,1.1076651692041126,2,1829,1 -16830,0.002867401344396652,0.0017476379871368408,0.00227326899766922,0.9153855498725612,2,1830,1 -16831,0.0025978281782141166,0.0017132870852947235,0.0019527822732925415,0.850632979701192,2,1831,1 -16832,0.0015368011438457343,0.0009985901415348053,0.0011681504547595978,0.8634949374881626,2,1832,1 -16833,0.002723356868319666,0.0014247223734855652,0.002320956438779831,1.0202541756144288,2,1833,1 -16834,0.00277477134201203,0.002097535878419876,0.0018165074288845062,0.7137211296327379,2,1834,1 -16835,0.003185662042620546,0.0018133819103240967,0.0026191771030426025,0.9652244463164183,2,1835,1 -16836,0.0025952244456407822,0.001378532499074936,0.0021988265216350555,1.0108031063147256,2,1836,1 -16837,0.0031075087699413795,0.0018391869962215424,0.002504795789718628,0.9374411001542335,2,1837,1 -16838,0.0029997388402441473,0.001733887940645218,0.0024478696286678314,0.954504751961022,2,1838,1 -16839,0.0018052578109362086,0.0007852353155612946,0.0016255341470241547,1.120789936524386,2,1839,1 -16840,0.0032208459482934697,0.0022270940244197845,0.002326779067516327,0.8072848350987254,2,1840,1 -16841,0.0029780499990062314,0.0018093623220920563,0.0023653730750083923,0.9178036254836119,2,1841,1 -16842,0.002631072738999483,0.0012712888419628143,0.0023035556077957153,1.0665100274366275,2,1842,1 -16843,0.0029937147718721827,0.0016055740416049957,0.002526748925447464,1.0047313637817208,2,1843,1 -16844,0.003129933410911995,0.0015254616737365723,0.0027330294251441956,1.061711516692887,2,1844,1 -16845,0.0030398103504370253,0.001843925565481186,0.002416688948869705,0.9190291203450371,2,1845,1 -16846,0.003237723623060214,0.0019230842590332031,0.0026047267019748688,0.934821754195609,2,1846,1 -16847,0.001926788402454249,0.0012757368385791779,0.001443956047296524,0.8471717488106992,2,1847,1 -16848,0.0029600369486698116,0.0017940923571586609,0.002354368567466736,0.9196422843524951,2,1848,1 -16849,0.0031626069212468484,0.0019119754433631897,0.0025192126631736755,0.9215869983985838,2,1849,1 -16850,0.0019381547287949988,0.001098480075597763,0.0015968047082424164,0.968221210313964,2,1850,1 -16851,0.0028789958859292146,0.0017629526555538177,0.0022760964930057526,0.9117668785927051,2,1851,1 -16852,0.0016706155313140764,0.0013214610517024994,0.001022104173898697,0.6583504977283393,2,1852,1 -16853,0.0015410285135488424,0.0011275820434093475,0.0010503940284252167,0.7499727406965555,2,1853,1 -16854,0.0015596564763302385,0.0014407262206077576,0.0005973577499389648,0.39304822497121544,2,1854,1 -16855,0.0019194693716649747,0.0009514130651950836,0.0016670860350131989,1.0521964189350543,2,1855,1 -16856,0.0033032204628761584,0.001908961683511734,0.0026957616209983826,0.954631834787431,2,1856,1 -16857,0.0028693983229005422,0.0014912672340869904,0.0024514421820640564,1.0242798637999382,2,1857,1 -16858,0.0030155346418201715,0.0017083846032619476,0.0024849288165569305,0.9685100622782804,2,1858,1 -16859,0.002897898942340881,0.0019118227064609528,0.0021777860820293427,0.8503406509524983,2,1859,1 -16860,0.002650978085816268,0.001662611961364746,0.0020648017525672913,0.8928828166878667,2,1860,1 -16861,0.003081364983359394,0.0015953965485095978,0.0026361942291259766,1.0265698964516883,2,1861,1 -16862,0.002818031385550783,0.0015015490353107452,0.002384670078754425,1.0088477091612005,2,1862,1 -16863,0.0026789137389274156,0.0015322640538215637,0.0021974407136440277,0.9618882195104566,2,1863,1 -16864,0.0026322764857402365,0.0015739426016807556,0.0021098777651786804,0.9298681184060729,2,1864,1 -16865,0.002553159317648927,0.0015404894948005676,0.0020360536873340607,0.923081060580291,2,1865,1 -16866,0.001388619606751339,0.001142345368862152,0.0007895007729530334,0.6047431391831792,2,1866,1 -16867,0.0029066844337786984,0.0018334724009037018,0.0022554807364940643,0.8882409841484578,2,1867,1 -16868,0.0015372835697814236,0.0009938105940818787,0.0011728517711162567,0.8678453945557416,2,1868,1 -16869,0.0019146422563107058,0.0008969046175479889,0.001691572368144989,1.08326641636694,2,1869,1 -16870,0.003074268903021949,0.0017995797097682953,0.0024925172328948975,0.9454620230759821,2,1870,1 -16871,0.0028477559759752906,0.0014336109161376953,0.002460584044456482,1.0432465527058867,2,1871,1 -16872,0.0015400803461395637,0.0012441463768482208,0.0009077154099941254,0.6303095325317974,2,1872,1 -16873,0.0030508795770746487,0.0014814473688602448,0.002667054533958435,1.0637693377800823,2,1873,1 -16874,0.002905694133957486,0.0012922920286655426,0.0026025064289569855,1.109907142476661,2,1874,1 -16875,0.00305997401200736,0.0019200779497623444,0.0023825913667678833,0.892481504943556,2,1875,1 -16876,0.0011827384030624766,0.0009234733879566193,0.0007389634847640991,0.6748629341744301,2,1876,1 -16877,0.0030048339927219764,0.0017719119787216187,0.002426799386739731,0.9401249139993403,2,1877,1 -16878,0.001280366261187667,0.0010406188666820526,0.0007459558546543121,0.6219379228365883,2,1878,1 -16879,0.002565439672127075,0.0015084482729434967,0.002075105905532837,0.9422269074112041,2,1879,1 -16880,0.002935731113085433,0.0016729459166526794,0.002412419766187668,0.9644649201872554,2,1880,1 -16881,0.0028317742733250184,0.0014838464558124542,0.0024118758738040924,1.0192570885476733,2,1881,1 -16882,0.0026645723305969886,0.0014332160353660583,0.0022462941706180573,1.0028778434039012,2,1882,1 -16883,0.0028625699025421726,0.0016019493341445923,0.00237235426902771,0.9768699777339745,2,1883,1 -16884,0.0013978725291043641,0.0011857450008392334,0.0007403083145618439,0.5581247381695751,2,1884,1 -16885,0.0030257467408803113,0.001933816820383072,0.0023271217942237854,0.8774421181409772,2,1885,1 -16886,0.0030105799095293023,0.0018667392432689667,0.0023619644343852997,0.9019775454111111,2,1886,1 -16887,0.003057924169865371,0.0017201639711856842,0.0025282278656959534,0.9733576247922678,2,1887,1 -16888,0.0032990324056280437,0.0016906410455703735,0.0028329044580459595,1.0327425474451195,2,1888,1 -16889,0.0030330547070004,0.0014887750148773193,0.0026425309479236603,1.057731182954922,2,1889,1 -16890,0.0029223290743437325,0.0019780434668064117,0.002151127904653549,0.8272911135630996,2,1890,1 -16891,0.0029066390238554696,0.001732565462589264,0.0023338310420513153,0.9321965188104336,2,1891,1 -16892,0.001241024475526962,0.0008560419082641602,0.0008985176682472229,0.8096022232712502,2,1892,1 -16893,0.0014619583427593385,0.0009736157953739166,0.0010905936360359192,0.84200717661882,2,1893,1 -16894,0.003039890740995779,0.0015233680605888367,0.0026306435465812683,1.0458969558974156,2,1894,1 -16895,0.0027557031773625595,0.0016160011291503906,0.002232138067483902,0.9441635592513951,2,1895,1 -16896,0.0026862804244253205,0.0014298856258392334,0.002274099737405777,1.0094906133570092,2,1896,1 -16897,0.002503218289303474,0.001562703400850296,0.001955520361661911,0.8965897132221248,2,1897,1 -16898,0.0016680516855781353,0.0008313953876495361,0.0014460906386375427,1.0490175156060968,2,1898,1 -16899,0.001631264314425206,0.0008631199598312378,0.0013842135667800903,1.0132437218699486,2,1899,1 -16900,0.003281779663574301,0.001729566603899002,0.002789027988910675,1.015704972308934,2,1900,1 -16901,0.0030422956742772508,0.0013736933469772339,0.0027145035564899445,1.1023149195773068,2,1901,1 -16902,0.003161710487941933,0.0014268867671489716,0.0028214193880558014,1.1025723137774925,2,1902,1 -16903,0.003269212150082075,0.002164829522371292,0.0024497471749782562,0.8470628497549157,2,1903,1 -16904,0.0029075037490520358,0.0017058774828910828,0.0023544766008853912,0.9437994624746877,2,1904,1 -16905,0.001438526078585107,0.001114875078201294,0.0009090714156627655,0.6840621275818547,2,1905,1 -16906,0.003033856428201338,0.0017049238085746765,0.0025094859302043915,0.9740357746983621,2,1906,1 -16907,0.0031498744607891954,0.0020409077405929565,0.002399250864982605,0.8659286542071462,2,1907,1 -16908,0.001474998454743897,0.0009036548435688019,0.001165773719549179,0.9113896879049203,2,1908,1 -16909,0.0027927347361987515,0.001511208713054657,0.0023485347628593445,0.9990262101750856,2,1909,1 -16910,0.0017822187203069024,0.0015875808894634247,0.0008098706603050232,0.4717177397872126,2,1910,1 -16911,0.0015924290929262151,0.0009884051978588104,0.0012485533952713013,0.9011735830233418,2,1911,1 -16912,0.0034694996193090533,0.002178419381380081,0.002700354903936386,0.8919736856079142,2,1912,1 -16913,0.0032255659640480767,0.0019107386469841003,0.002598721534013748,0.936795089981206,2,1913,1 -16914,0.002819620085887046,0.0012702830135822296,0.0025172680616378784,1.1034534715106699,2,1914,1 -16915,0.002929928978361318,0.001308634877204895,0.0026214420795440674,1.1077855662176546,2,1915,1 -16916,0.0026890471666995296,0.0015824176371097565,0.002174150198698044,0.9416338771399799,2,1916,1 -16917,0.002727338574693371,0.0014611557126045227,0.0023029111325740814,1.005407517316892,2,1917,1 -16918,0.002286944114510727,0.0012391582131385803,0.0019221343100070953,0.9981713220005078,2,1918,1 -16919,0.0029731574967226536,0.0017028190195560455,0.0024372264742851257,0.960962986612789,2,1919,1 -16920,0.0012420353205822455,0.0009961500763893127,0.0007418468594551086,0.6401094449040621,2,1920,1 -16921,0.0030661637761468853,0.0017544478178024292,0.002514611929655075,0.9616148327418181,2,1921,1 -16922,0.0026150861359405466,0.001594841480255127,0.002072475850582123,0.9149099655850419,2,1922,1 -16923,0.003375561126471343,0.0019002296030521393,0.002789899706840515,0.9728607859407693,2,1923,1 -16924,0.0016305413737053832,0.0011886097490787506,0.0011161863803863525,0.7539856037471246,2,1924,1 -16925,0.002137978646377192,0.0012249201536178589,0.0017522908747196198,0.9607154311440159,2,1925,1 -16926,0.002946928076707795,0.0014611035585403442,0.002559211105108261,1.0520340482177442,2,1926,1 -16927,0.002646054520540367,0.0016878359019756317,0.002037845551967621,0.8790683766886035,2,1927,1 -16928,0.0012992769565307696,0.001133117824792862,0.0006357394158840179,0.5112897510892745,2,1928,1 -16929,0.0031901531726418386,0.001799270510673523,0.0026343315839767456,0.9715654021692737,2,1929,1 -16930,0.002651732833545003,0.001475401222705841,0.002203378826379776,0.9807598237844203,2,1930,1 -16931,0.0029546940807185923,0.0018094256520271301,0.0023358501493930817,0.9117158406304101,2,1931,1 -16932,0.0030144734386768858,0.0013904944062232971,0.0026746168732643127,1.0913672046880858,2,1932,1 -16933,0.0031863746576429584,0.0017780512571334839,0.0026441477239131927,0.9788020883379753,2,1933,1 -16934,0.0023958084719156525,0.001357845962047577,0.001973867416381836,0.9682296530715047,2,1934,1 -16935,0.0032802063553510853,0.0016374476253986359,0.002842273563146591,1.0481321085767485,2,1935,1 -16936,0.002198798271432783,0.001088414341211319,0.0019105151295661926,1.0529566813616016,2,1936,1 -16937,0.002863947336819956,0.0013348273932933807,0.0025338567793369293,1.0859418797309401,2,1937,1 -16938,0.003080734701233669,0.0015699341893196106,0.0026507042348384857,1.0360795933877207,2,1938,1 -16939,0.0016343957989950117,0.0013665258884429932,0.0008965805172920227,0.5806529742185877,2,1939,1 -16940,0.0027850993071736616,0.0014902092516422272,0.0023528821766376495,1.0062116026274097,2,1940,1 -16941,0.002695068233627856,0.0013820827007293701,0.002313707023859024,1.032330880131899,2,1941,1 -16942,0.0029396085178734865,0.0011672675609588623,0.0026979222893714905,1.1624603602859491,2,1942,1 -16943,0.0029177414402428363,0.001588616520166397,0.0024473480880260468,0.9950417293453588,2,1943,1 -16944,0.00316238024965463,0.0018781982362270355,0.0025442130863666534,0.9348747911247136,2,1944,1 -16945,0.0029606115619862285,0.0015602968633174896,0.002516087144613266,1.0157079236057525,2,1945,1 -16946,0.0032753241937286534,0.001558654010295868,0.002880685031414032,1.0748345313950167,2,1946,1 -16947,0.0032473290679225462,0.0020000971853733063,0.0025582723319530487,0.9072422107557114,2,1947,1 -16948,0.002799632769889853,0.0014649219810962677,0.0023857802152633667,1.020130145718232,2,1948,1 -16949,0.002266307115446393,0.0011670105159282684,0.0019427388906478882,1.029859531872316,2,1949,1 -16950,0.0031693313200028533,0.0018853917717933655,0.00254753977060318,0.9336721410380571,2,1950,1 -16951,0.003123588659662442,0.001804061233997345,0.002549935132265091,0.9550591916800426,2,1951,1 -16952,0.002985824896991515,0.0015255436301231384,0.0025666840374469757,1.0345315268869895,2,1952,1 -16953,0.001928440706763658,0.0012017711997032166,0.0015081875026226044,0.8979904298399564,2,1953,1 -16954,0.0026641211596352956,0.0017612352967262268,0.0019988976418972015,0.8485200317577359,2,1954,1 -16955,0.001685939980948974,0.0013518035411834717,0.0010074824094772339,0.6404783411107716,2,1955,1 -16956,0.003109225888415802,0.0017732754349708557,0.0025539733469486237,0.9638924493631116,2,1956,1 -16957,0.002750932571980157,0.0015017613768577576,0.00230485200881958,0.9933215715875557,2,1957,1 -16958,0.0012303717006515284,0.0006732828915119171,0.0010298080742359161,0.9917582178950255,2,1958,1 -16959,0.0027801821277743163,0.0019176788628101349,0.0020129382610321045,0.8096286472395945,2,1959,1 -16960,0.0023566089289070342,0.002340257167816162,0.0002771317958831787,0.11787045075996228,2,1960,1 -16961,0.0035076610956926994,0.0022644326090812683,0.002678811550140381,0.8690299612983935,2,1961,1 -16962,0.002797136291455915,0.0018183477222919464,0.0021254606544971466,0.8631135000832771,2,1962,1 -16963,0.000991992118068333,0.000912986695766449,0.00038794800639152527,0.4018044616605248,2,1963,1 -16964,0.0027735666029057534,0.0015243738889694214,0.002317100763320923,0.9889016026843968,2,1964,1 -16965,0.0032719299936251637,0.002231176942586899,0.002393193542957306,0.8204192238944257,2,1965,1 -16966,0.003159836281401834,0.0020235106348991394,0.0024269260466098785,0.8757973614427903,2,1966,1 -16967,0.003162366147339122,0.0019662901759147644,0.0024767443537712097,0.8997852785725925,2,1967,1 -16968,0.0011598821550053923,0.0007208138704299927,0.0009087100625038147,0.9001985818819596,2,1968,1 -16969,0.0018062573829545525,0.0012586303055286407,0.001295536756515503,0.7998466633851959,2,1969,1 -16970,0.003078627633777977,0.0019102990627288818,0.0024142712354660034,0.9014117999199645,2,1970,1 -16971,0.0016326439405864532,0.0013595446944236755,0.0009039714932441711,0.5867837448667491,2,1971,1 -16972,0.002270732677346611,0.001366548240184784,0.001813497394323349,0.9250315609912934,2,1972,1 -16973,0.002935268729955793,0.0021929405629634857,0.0019511058926582336,0.7271071414716153,2,1973,1 -16974,0.002976805476456168,0.0015550106763839722,0.0025383681058883667,1.0211617714381223,2,1974,1 -16975,0.0015021667571488717,0.0012253262102603912,0.0008689537644386292,0.6168479728401394,2,1975,1 -16976,0.0027657966564875068,0.0014022551476955414,0.002383969724178314,1.039097185842996,2,1976,1 -16977,0.0033512113279080945,0.0018501430749893188,0.002794206142425537,0.9859372500812131,2,1977,1 -16978,0.003114257082102287,0.0018731430172920227,0.00248795747756958,0.9254521040934252,2,1978,1 -16979,0.0032680077257410726,0.0019133910536766052,0.002649303525686264,0.9453100030623973,2,1979,1 -16980,0.0030618050529667485,0.001800302416086197,0.002476602792739868,0.9422280570295837,2,1980,1 -16981,0.0013696966619473688,0.0011068880558013916,0.000806763768196106,0.6298320954560612,2,1981,1 -16982,0.0028314486999279275,0.0016994252800941467,0.0022647418081760406,0.927049711460493,2,1982,1 -16983,0.0025759132380207108,0.0014354251325130463,0.0021388977766036987,0.9797272767994974,2,1983,1 -16984,0.002730068370492143,0.001597236841917038,0.0022140704095363617,0.9458499469935137,2,1984,1 -16985,0.0017829055164608294,0.0011354610323905945,0.0013745836913585663,0.880377815098687,2,1985,1 -16986,0.0027094787567484855,0.001580510288476944,0.002200741320848465,0.94797836863574,2,1986,1 -16987,0.0029626094057523073,0.0015599057078361511,0.0025186799466609955,1.0162813638820016,2,1987,1 -16988,0.003157705965498662,0.0016286522150039673,0.002705290913581848,1.028889334540918,2,1988,1 -16989,0.0030723659003720634,0.001538444310426712,0.002659440040588379,1.0463474456941098,2,1989,1 -16990,0.0030056861914547245,0.001973100006580353,0.00226738303899765,0.8546855424392972,2,1990,1 -16991,0.0019894977053475783,0.0011396035552024841,0.0016307681798934937,0.9608668119613947,2,1991,1 -16992,0.0032577860867162144,0.0017023608088493347,0.0027776136994361877,1.0209555983521468,2,1992,1 -16993,0.003119636060136635,0.0018563531339168549,0.002507206052541733,0.933463003607042,2,1993,1 -16994,0.003148033305628812,0.001724347472190857,0.002633769065141678,0.9911191428629826,2,1994,1 -16995,0.0016214162169168938,0.0009457990527153015,0.0013169869780540466,0.9479902989281539,2,1995,1 -16996,0.0031443140349046374,0.001767873764038086,0.0026002563536167145,0.9736987123561364,2,1996,1 -16997,0.0030195064266776064,0.00212860107421875,0.0021416060626506805,0.7884436709823206,2,1997,1 -16998,0.003314108869883024,0.0015464313328266144,0.00293118879199028,1.0853303364377243,2,1998,1 -16999,0.0030852281828078957,0.0017390809953212738,0.002548377960920334,0.9719621897230036,2,1999,1 -17000,0.0016855080228544133,0.0013311095535755157,0.0010339654982089996,0.6604147189523804,2,2000,1 -17001,0.0031808723338143247,0.0020541101694107056,0.0024286992847919464,0.8687657256226765,2,2001,1 -17002,0.0026463521599647323,0.0015005916357040405,0.002179771661758423,0.9678866351702873,2,2002,1 -17003,0.002704466758784203,0.0013518370687961578,0.0023423656821250916,1.0473667519117769,2,2003,1 -17004,0.0031328106998389426,0.0017139092087745667,0.002622406929731369,0.9919201520414539,2,2004,1 -17005,0.0014615301949497388,0.0012036040425300598,0.0008291006088256836,0.6032023322270281,2,2005,1 -17006,0.001650982274892592,0.0009947270154953003,0.0013176724314689636,0.9241588051622526,2,2006,1 -17007,0.003272969288899745,0.0016150996088981628,0.002846714109182358,1.0547258822672319,2,2007,1 -17008,0.0017169797789108117,0.0009690970182418823,0.0014173462986946106,0.9710663569407102,2,2008,1 -17009,0.0025107694784096183,0.0012988671660423279,0.002148699015378952,1.0270818612722334,2,2009,1 -17010,0.0023203125910488346,0.0011222884058952332,0.0020308420062065125,1.0659421291077715,2,2010,1 -17011,0.002485289460395134,0.0014560744166374207,0.002014078199863434,0.9448342701306625,2,2011,1 -17012,0.002259429224446259,0.0011333450675010681,0.0019546225666999817,1.0453411802497368,2,2012,1 -17013,0.0026057326563095687,0.0014576911926269531,0.0021598562598228455,0.9771140253428413,2,2013,1 -17014,0.002739655501004289,0.0016137324273586273,0.002213951200246811,0.9409414368664154,2,2014,1 -17015,0.002841561877668808,0.0014230906963348389,0.002459529787302017,1.0462587007435664,2,2015,1 -17016,0.0030387773578016844,0.001502346247434616,0.002641424536705017,1.0536614632455565,2,2016,1 -17017,0.003059040051075105,0.0017442889511585236,0.0025130026042461395,0.9640373615461236,2,2017,1 -17018,0.0032583526101108,0.0016666501760482788,0.0027998462319374084,1.0338657950329608,2,2018,1 -17019,0.0029988976914120803,0.0016113296151161194,0.0025292299687862396,1.0035552025046768,2,2019,1 -17020,0.0034282124248779747,0.0018862374126911163,0.0028626471757888794,0.988180392079216,2,2020,1 -17021,0.002003454010818497,0.001061607152223587,0.001699063926935196,1.0123272942865529,2,2021,1 -17022,0.002821930753994654,0.0016632862389087677,0.0022796429693698883,0.9404627502649808,2,2022,1 -17023,0.0015762022373768513,0.0010572485625743866,0.0011690333485603333,0.8355674540996595,2,2023,1 -17024,0.0026750874085767766,0.001574777066707611,0.0021624453365802765,0.941368324966859,2,2024,1 -17025,0.0029341591542375784,0.0015739724040031433,0.0024762675166130066,1.0045944977882897,2,2025,1 -17026,0.0032529966169713414,0.0015874169766902924,0.0028393827378749847,1.0610153863766274,2,2026,1 -17027,0.003389929165898513,0.002027008682489395,0.0027171410620212555,0.92985506520602,2,2027,1 -17028,0.0029216940378103207,0.001280464231967926,0.00262615829706192,1.1171333885156978,2,2028,1 -17029,0.0018468433329398015,0.0012347698211669922,0.001373380422592163,0.8384933885488969,2,2029,1 -17030,0.002826613375403215,0.0016159266233444214,0.0023191645741462708,0.9622407644365889,2,2030,1 -17031,0.0031005665498973936,0.0018519088625907898,0.002486754208803177,0.9306899057967625,2,2031,1 -17032,0.0015283733491059327,0.0012274719774723053,0.0009106248617172241,0.6382776904333433,2,2032,1 -17033,0.0030181329504588824,0.0021525323390960693,0.002115592360496521,0.7767435295960367,2,2033,1 -17034,0.001459937331929885,0.0010673776268959045,0.0009960532188415527,0.7508459891247683,2,2034,1 -17035,0.0027861738424305423,0.0016640089452266693,0.0022346898913383484,0.9307432432149119,2,2035,1 -17036,0.0030873956771791788,0.0016227774322032928,0.002626519650220871,1.0173600008162431,2,2036,1 -17037,0.0028806511886324106,0.0017634481191635132,0.0022778064012527466,0.9119943809683495,2,2037,1 -17038,0.003176009684388576,0.0014154650270938873,0.0028431490063667297,1.108869268036784,2,2038,1 -17039,0.0016273330527312678,0.0010386519134044647,0.0012527629733085632,0.8785681786265611,2,2039,1 -17040,0.00289801401119593,0.001565840095281601,0.0024385713040828705,0.9999850558319311,2,2040,1 -17041,0.0014735147266009521,0.0013313740491867065,0.0006314180791378021,0.44284477145150275,2,2041,1 -17042,0.003088103091734495,0.0016788877546787262,0.002591855823993683,0.9960008825220671,2,2042,1 -17043,0.002945882371445868,0.0016275085508823395,0.0024554915726184845,0.9854729537152601,2,2043,1 -17044,0.0016334130757376792,0.0010721571743488312,0.0012322813272476196,0.8547717630940649,2,2044,1 -17045,0.0030755212027794537,0.0018826834857463837,0.0024319402873516083,0.9120183134917532,2,2045,1 -17046,0.0031555032067393626,0.0020596757531166077,0.0023905932903289795,0.859620562023479,2,2046,1 -17047,0.0032232666179360706,0.0016449429094791412,0.0027719326317310333,1.035223067395348,2,2047,1 -17048,0.003238518248052348,0.001536346971988678,0.002850901335477829,1.0765161332692488,2,2048,1 -17049,0.002461645280075857,0.0014313720166683197,0.002002716064453125,0.9502623758276778,2,2049,1 -17050,0.0034084647438239637,0.0017668567597866058,0.0029147639870643616,1.02584882733845,2,2050,1 -17051,0.003031949845351745,0.0017456747591495514,0.002478979527950287,0.9572632298920821,2,2051,1 -17052,0.003135028888041729,0.0016016215085983276,0.0026950351893901825,1.034588938085544,2,2052,1 -17053,0.003004000842611744,0.0019934512674808502,0.002247259020805359,0.8451771472065843,2,2053,1 -17054,0.0031729409724483826,0.001910332590341568,0.0025334134697914124,0.9247051920106442,2,2054,1 -17055,0.0030581332583408736,0.0015102140605449677,0.002659216523170471,1.0543014609644004,2,2055,1 -17056,0.0010736491015054413,0.0010189935564994812,0.00033819302916526794,0.3204503362317329,2,2056,1 -17057,0.0030371503905756757,0.001853208988904953,0.0024062208831310272,0.9145083241880299,2,2057,1 -17058,0.002928676165947622,0.0015118159353733063,0.002508297562599182,1.0283748898677303,2,2058,1 -17059,0.003374210243536698,0.0020755045115947723,0.0026603713631629944,0.9082730891319625,2,2059,1 -17060,0.0018867418775011932,0.0012646429240703583,0.0014001689851284027,0.8362120296706165,2,2060,1 -17061,0.00278744318346452,0.0014897771179676056,0.0023559294641017914,1.0069275161841582,2,2061,1 -17062,0.0028212502168324604,0.0015629082918167114,0.002348780632019043,0.9836624067605594,2,2062,1 -17063,0.0015952303090910314,0.0010925903916358948,0.0011623278260231018,0.8163151220359621,2,2063,1 -17064,0.002824794961918393,0.0018936768174171448,0.0020960569381713867,0.836079943864419,2,2064,1 -17065,0.0026305382873095715,0.0014152787625789642,0.0022173672914505005,1.0027114812115514,2,2065,1 -17066,0.002762393407309759,0.0017579719424247742,0.002130810171365738,0.880981328417326,2,2066,1 -17067,0.0029932869327882017,0.0017178691923618317,0.0024512633681297302,0.95952713349515,2,2067,1 -17068,0.0028024541643477596,0.0018648691475391388,0.0020918920636177063,0.842711272563198,2,2068,1 -17069,0.0012881566822789607,0.0010190270841121674,0.0007879920303821564,0.6582338355132747,2,2069,1 -17070,0.002874942617756083,0.0019262246787548065,0.0021342337131500244,0.8365813896768001,2,2070,1 -17071,0.0020897778012629164,0.000870581716299057,0.0018998049199581146,1.1411046079158351,2,2071,1 -17072,0.0030264109297568485,0.0016801096498966217,0.0025172196328639984,0.9822539735101304,2,2072,1 -17073,0.0029268246399930028,0.0013821832835674286,0.00257989764213562,1.078958460785729,2,2073,1 -17074,0.0011960163978088113,0.000786513090133667,0.0009010285139083862,0.8531536075895978,2,2074,1 -17075,0.003205444701221381,0.002194296568632126,0.002336651086807251,0.8168060976718557,2,2075,1 -17076,0.002527525485750012,0.0016066543757915497,0.001951165497303009,0.8819292940088209,2,2076,1 -17077,0.0019349035092706178,0.0011057332158088684,0.0015878304839134216,0.9625041015631585,2,2077,1 -17078,0.0030320615890884668,0.0019747279584407806,0.002300836145877838,0.8615233247352608,2,2078,1 -17079,0.002515879630358819,0.0017164833843708038,0.0018393844366073608,0.8199472958609139,2,2079,1 -17080,0.0024384668055499326,0.0014667324721813202,0.001948028802871704,0.9254216232146765,2,2080,1 -17081,0.002897298999630367,0.0015407763421535492,0.002453640103340149,1.0100746638113913,2,2081,1 -17082,0.0032462322905994294,0.0020739957690238953,0.002497311681509018,0.8777376280646991,2,2082,1 -17083,0.0017284021269601219,0.001387622207403183,0.0010304749011993408,0.6387606412586838,2,2083,1 -17084,0.002696484755227059,0.001557081937789917,0.002201482653617859,0.9551959144018636,2,2084,1 -17085,0.002706174220261248,0.001303941011428833,0.0023713111877441406,1.0680438213090653,2,2085,1 -17086,0.0033978487101747066,0.0020271167159080505,0.002726934850215912,0.9315530830073555,2,2086,1 -17087,0.0028724449080108154,0.0020853281021118164,0.0019754357635974884,0.7583427798941448,2,2087,1 -17088,0.002923324891444953,0.001414511352777481,0.0025583170354366302,1.0657240073322354,2,2088,1 -17089,0.002891475262124098,0.001723073422908783,0.0023219920694828033,0.932391774542279,2,2089,1 -17090,0.001983041573127146,0.001276642084121704,0.0015174448490142822,0.8713687238747265,2,2090,1 -17091,0.0034878106126099108,0.0019055791199207306,0.0029212310910224915,0.9927915059771403,2,2091,1 -17092,0.003265486300119382,0.002061985433101654,0.0025321170687675476,0.8873768997521304,2,2092,1 -17093,0.0027780774510179473,0.0015149153769016266,0.0023286789655685425,0.9940365890213935,2,2093,1 -17094,0.002873838197992916,0.0019463486969470978,0.0021143965423107147,0.8267580619747674,2,2094,1 -17095,0.003028030962321892,0.0017994120717048645,0.002435382455587387,0.9344615917933371,2,2095,1 -17096,0.0024931689770345653,0.0016543380916118622,0.0018652230501174927,0.8452445822541113,2,2096,1 -17097,0.002816642280128287,0.001611705869436264,0.0023099519312381744,0.9616003958203719,2,2097,1 -17098,0.001239686136452756,0.0005023367702960968,0.0011333487927913666,1.153584671627596,2,2098,1 -17099,0.0016303365872983862,0.0015076659619808197,0.0006204359233379364,0.3903984906907113,2,2099,1 -17100,0.0029074159831353323,0.0016150139272212982,0.0024176016449928284,0.9818551898387414,2,2100,1 -17101,0.0014367785214169715,0.0011420100927352905,0.0008718632161617279,0.6520512553767598,2,2101,1 -17102,0.0024527493303612745,0.0011540427803993225,0.0021642930805683136,1.0809278069726647,2,2102,1 -17103,0.0029909836535164263,0.0018503665924072266,0.0023499205708503723,0.9037753913462053,2,2103,1 -17104,0.0013910243959508219,0.0009889081120491028,0.0009782686829566956,0.7799897398225698,2,2104,1 -17105,0.0012305168260003494,0.0009744167327880859,0.0007514543831348419,0.6569214555869597,2,2105,1 -17106,0.001973486842406515,0.0013275891542434692,0.001460190862417221,0.8329276818020765,2,2106,1 -17107,0.003553461053478118,0.0019710659980773926,0.0029566846787929535,0.9828070982758592,2,2107,1 -17108,0.003100590672414782,0.0017157532274723053,0.002582605928182602,0.9843995589966605,2,2108,1 -17109,0.003000927005263674,0.0017043426632881165,0.0024699755012989044,0.9667970106783977,2,2109,1 -17110,0.0030132450164763592,0.0017803385853767395,0.002431057393550873,0.9386996383340899,2,2110,1 -17111,0.003138684232207829,0.002127125859260559,0.0023079589009284973,0.8261488912696827,2,2111,1 -17112,0.0027118975688522726,0.0012820996344089508,0.0023896880447864532,1.0783664476277792,2,2112,1 -17113,0.002660092854746856,0.00164693221449852,0.0020889490842819214,0.9031672827217287,2,2113,1 -17114,0.0016722711672367164,0.001356758177280426,0.0009775981307029724,0.624378402285226,2,2114,1 -17115,0.0031825706158954497,0.0022647231817245483,0.0022360198199748993,0.7790207780177772,2,2115,1 -17116,0.003241539517148031,0.001978062093257904,0.0025680437684059143,0.9144542338792785,2,2116,1 -17117,0.003060448342949232,0.0015766695141792297,0.0026230625808238983,1.029583351018977,2,2117,1 -17118,0.001399822248902275,0.0011711418628692627,0.0007667653262615204,0.5796833758205081,2,2118,1 -17119,0.00266972379036487,0.001382235437631607,0.002284042537212372,1.0265835715258498,2,2119,1 -17120,0.0021815943315139654,0.0012277476489543915,0.001803327351808548,0.9730567652232092,2,2120,1 -17121,0.002835840914759142,0.0014830715954303741,0.0024171248078346252,1.0204596946161528,2,2121,1 -17122,0.003035363537529041,0.0016679130494594574,0.002536039799451828,0.989038231889424,2,2122,1 -17123,0.0030585231984348914,0.001469142735004425,0.002682570368051529,1.069749644459056,2,2123,1 -17124,0.002502971901059033,0.0012681186199188232,0.002157948911190033,1.0395072235547012,2,2124,1 -17125,0.00161852854244917,0.0010964758694171906,0.0011905357241630554,0.8265028410926272,2,2125,1 -17126,0.0030049055014534343,0.0018293783068656921,0.0023838691413402557,0.9162526627456085,2,2126,1 -17127,0.001963319215426237,0.0016447119414806366,0.0010721683502197266,0.5777014753296323,2,2127,1 -17128,0.003156292305872077,0.0014991797506809235,0.0027775242924690247,1.0758535712006978,2,2128,1 -17129,0.002972079430428301,0.0016110092401504517,0.002497579902410507,0.9979242291275988,2,2129,1 -17130,0.0030721390429354367,0.0017755590379238129,0.0025070756673812866,0.9545754171451781,2,2130,1 -17131,0.001414986489592332,0.0009058676660060883,0.0010870099067687988,0.8760438929146341,2,2131,1 -17132,0.0014494079695095757,0.0008726269006729126,0.0011572837829589844,0.9247208876800525,2,2132,1 -17133,0.002914681133455789,0.0015074647963047028,0.002494577318429947,1.027223489509062,2,2133,1 -17134,0.0011995398620181642,0.0010226480662822723,0.0006269663572311401,0.5499825850801849,2,2134,1 -17135,0.0028156467880469487,0.0014788098633289337,0.0023960359394550323,1.017832780873976,2,2135,1 -17136,0.001889640775620078,0.0014700740575790405,0.0011872760951519012,0.6793761718774051,2,2136,1 -17137,0.0028469593863390268,0.0016110911965370178,0.0023472458124160767,0.9692732057141681,2,2137,1 -17138,0.001838691333976734,0.0009237714111804962,0.0015897899866104126,1.0444159409459421,2,2138,1 -17139,0.0030991844516601867,0.0015774555504322052,0.002667691558599472,1.0367846879414582,2,2139,1 -17140,0.0028388573078966675,0.0016697831451892853,0.002295851707458496,0.9419792974947585,2,2140,1 -17141,0.003094732982155342,0.00190068781375885,0.002442285418510437,0.9094643019655343,2,2141,1 -17142,0.003241267491205605,0.001682281494140625,0.0027705132961273193,1.0250927119549116,2,2142,1 -17143,0.0011673426895069108,0.0011059269309043884,0.00037365034222602844,0.3258205240826785,2,2143,1 -17144,0.0031162478944138177,0.0015780851244926453,0.002687126398086548,1.0397851692536157,2,2144,1 -17145,0.0029535955979835423,0.0016023144125938416,0.0024811923503875732,0.9973905881793513,2,2145,1 -17146,0.0029243690270176516,0.0016197487711906433,0.0024348199367523193,0.9837794590786411,2,2146,1 -17147,0.0028357555850619907,0.0018940791487693787,0.0021104440093040466,0.8393757978629361,2,2147,1 -17148,0.003135474482547869,0.0017616413533687592,0.0025938041508197784,0.9741854986702337,2,2148,1 -17149,0.0030070639122263244,0.0018291361629962921,0.002386774867773056,0.9169048262981386,2,2149,1 -17150,0.0031322165700910344,0.001744840294122696,0.002601213753223419,0.9799519296669932,2,2150,1 -17151,0.0033035809695796,0.00195317342877388,0.0026643499732017517,0.938214265548289,2,2151,1 -17152,0.0014369422139996555,0.001187451183795929,0.0008091740310192108,0.598159126746732,2,2152,1 -17153,0.002863517292621777,0.0020896419882774353,0.0019578374922275543,0.7528450805435936,2,2153,1 -17154,0.002601181125603589,0.0017213299870491028,0.0019501708447933197,0.8476466050437705,2,2154,1 -17155,0.0029584469746407414,0.001508910208940506,0.0025447197258472443,1.0355713550193033,2,2155,1 -17156,0.0032609621376700664,0.0020423978567123413,0.0025421418249607086,0.8939758205814771,2,2156,1 -17157,0.0027971972258962717,0.0015645697712898254,0.002318713814020157,0.9772132043040641,2,2157,1 -17158,0.0031989490636294437,0.0017419680953025818,0.002683062106370926,0.9949511436116193,2,2158,1 -17159,0.0012187052896832351,0.0010286495089530945,0.0006535463035106659,0.5660031479995175,2,2159,1 -17160,0.001674077744785906,0.0012578144669532776,0.0011047348380088806,0.7206943529359249,2,2160,1 -17161,0.0028356382934498305,0.001515556126832962,0.0023966506123542786,1.0069189015458442,2,2161,1 -17162,0.0031455705659800296,0.0022132955491542816,0.0022351592779159546,0.7903130278987979,2,2162,1 -17163,0.0024483670870274316,0.0015631765127182007,0.001884404569864273,0.8783048346298598,2,2163,1 -17164,0.0027278540776604853,0.0014373399317264557,0.002318456768989563,1.015832773186643,2,2164,1 -17165,0.0033044999311796085,0.0020658299326896667,0.0025791600346565247,0.8954641726768287,2,2165,1 -17166,0.0022961280324053954,0.0014863759279251099,0.0017501115798950195,0.8667067431673463,2,2166,1 -17167,0.0026817615255602337,0.0014488808810710907,0.0022566765546798706,1.0000359182675203,2,2167,1 -17168,0.0032635357426857893,0.002037443220615387,0.002549409866333008,0.896554185838055,2,2168,1 -17169,0.002918652671589879,0.0014221593737602234,0.002548724412918091,1.0618404678463003,2,2169,1 -17170,0.003171847376525998,0.00164761021733284,0.0027103498578071594,1.0245913304637957,2,2170,1 -17171,0.0029512363918505393,0.0017369501292705536,0.002385959029197693,0.941532211558957,2,2171,1 -17172,0.0031311362787932316,0.0015539303421974182,0.002718329429626465,1.0514840474284046,2,2172,1 -17173,0.0021026863446615435,0.001110713928937912,0.0017853863537311554,1.0142749961945465,2,2173,1 -17174,0.0033893232503633885,0.001954413950443268,0.002769075334072113,0.9561882026369066,2,2174,1 -17175,0.003424422985919927,0.0021029114723205566,0.0027026720345020294,0.909561094452842,2,2175,1 -17176,0.0014545746868231113,0.0012474991381168365,0.00074801966547966,0.5401366409391579,2,2176,1 -17177,0.002909969465951155,0.0016833506524562836,0.0023736581206321716,0.9539358824688469,2,2177,1 -17178,0.0030625052998618893,0.0017998069524765015,0.002477828413248062,0.9425942327314702,2,2178,1 -17179,0.0017955259216278154,0.0009066686034202576,0.0015497952699661255,1.041460811466563,2,2179,1 -17180,0.0027558345662059883,0.0014364197850227356,0.002351876348257065,1.0225063869376116,2,2180,1 -17181,0.002995692506698427,0.0018294304609298706,0.0023722052574157715,0.9138684651797334,2,2181,1 -17182,0.002999841770032822,0.0018378905951976776,0.0023709088563919067,0.9113713177530806,2,2182,1 -17183,0.00285530923615329,0.0017682239413261414,0.002241913229227066,0.9029762900060428,2,2183,1 -17184,0.0028359458735241812,0.001323901116847992,0.0025079622864723206,1.085094913478622,2,2184,1 -17185,0.003311747246203967,0.0017442815005779266,0.002815164625644684,1.0160881736959326,2,2185,1 -17186,0.0025766510105259682,0.0013597235083580017,0.0021886713802814484,1.0148944240854323,2,2186,1 -17187,0.0028584642539610746,0.0015729516744613647,0.0023867636919021606,0.9880984793320684,2,2187,1 -17188,0.002429884081700229,0.0013849735260009766,0.0019965432584285736,0.9643207244709959,2,2188,1 -17189,0.0027127467588122984,0.0017557144165039062,0.002067960798740387,0.8668786891998788,2,2189,1 -17190,0.002584674662966815,0.0015208721160888672,0.0020898543298244476,0.9416940092766315,2,2190,1 -17191,0.0016907662301703528,0.0013414248824119568,0.0010292083024978638,0.6544500395722124,2,2191,1 -17192,0.002857481749594787,0.0015562660992145538,0.0023965053260326385,0.9948501933584828,2,2192,1 -17193,0.0022056473563765774,0.001277133822441101,0.001798279583454132,0.9532590811325725,2,2193,1 -17194,0.003331165519422769,0.0016390308737754822,0.00290004163980484,1.0563771836417235,2,2194,1 -17195,0.0015981361938035607,0.0011899247765541077,0.0010668262839317322,0.7309053904888874,2,2195,1 -17196,0.0027868476268300304,0.0016318224370479584,0.002259131520986557,0.9452451226504923,2,2196,1 -17197,0.002785164220013779,0.0019058212637901306,0.0020310059189796448,0.8171858142296461,2,2197,1 -17198,0.003028455413131169,0.0018894895911216736,0.0023667216300964355,0.8970578078800233,2,2198,1 -17199,0.003291022561023965,0.0019191019237041473,0.0026735514402389526,0.9482170886364083,2,2199,1 -17200,0.002918425911537648,0.0015021301805973053,0.0025021620094776154,1.0301320815412176,2,2200,1 -17201,0.002794668498989291,0.0019450485706329346,0.0020067282021045685,0.8010049719590202,2,2201,1 -17202,0.0028008490978170823,0.0016807615756988525,0.0022404901683330536,0.9271826951383989,2,2202,1 -17203,0.0028427714194671086,0.0020169876515865326,0.0020032748579978943,0.7819872566777029,2,2203,1 -17204,0.0028861846090143684,0.0015548206865787506,0.002431582659482956,1.0018894240929985,2,2204,1 -17205,0.0027951694643121292,0.0014255382120609283,0.002404332160949707,1.035610794000697,2,2205,1 -17206,0.0017955486731525885,0.0010222569108009338,0.0014761388301849365,0.9651075859844362,2,2206,1 -17207,0.0030552507206039617,0.0016891174018383026,0.0025458671152591705,0.9850070808950979,2,2207,1 -17208,0.0024159278729822807,0.001129254698753357,0.0021357648074626923,1.0844254509632163,2,2208,1 -17209,0.003049375812371736,0.0016308017075061798,0.0025766603648662567,1.0065270272605855,2,2209,1 -17210,0.0018968870577732763,0.0010668858885765076,0.0015684179961681366,0.9734620109507687,2,2210,1 -17211,0.003205536484207022,0.0017766095697879791,0.002668168395757675,0.983356816922132,2,2211,1 -17212,0.003101125326849224,0.0014799833297729492,0.0027251839637756348,1.0732842093140795,2,2212,1 -17213,0.001304486679507731,0.0006811022758483887,0.0011125579476356506,1.0214582258849993,2,2213,1 -17214,0.0028733190368816566,0.0013368502259254456,0.0025433823466300964,1.086864153315558,2,2214,1 -17215,0.003196556041045322,0.0017897561192512512,0.002648536115884781,0.9765295647837048,2,2215,1 -17216,0.002987051139280493,0.002059541642665863,0.002163507044315338,0.8100117573719883,2,2216,1 -17217,0.0030048006664029777,0.0016685761511325836,0.0024989359080791473,0.9820685372725809,2,2217,1 -17218,0.002994503188028282,0.0014458224177360535,0.0026223361492156982,1.0669180040677835,2,2218,1 -17219,0.0029779349916900463,0.0019055567681789398,0.002288438379764557,0.876438613489385,2,2219,1 -17220,0.0017058638083692664,0.0014558248221874237,0.0008891262114048004,0.5482770341167131,2,2220,1 -17221,0.0013702543056810807,0.0008994899690151215,0.0010336898267269135,0.854706206102882,2,2221,1 -17222,0.0031155467411712527,0.0016770996153354645,0.0026256367564201355,1.0023774112608292,2,2222,1 -17223,0.0032031604613743346,0.0018045119941234589,0.0026465021073818207,0.9723571232537744,2,2223,1 -17224,0.0034244400531642655,0.0020904317498207092,0.0027123577892780304,0.9141742362260221,2,2224,1 -17225,0.0033333006509604374,0.0017473101615905762,0.002838626503944397,1.0190230267536549,2,2225,1 -17226,0.0023657780369863604,0.0013229623436927795,0.001961294561624527,0.9773659983607467,2,2226,1 -17227,0.0030014379219480847,0.0014476776123046875,0.0026292316615581512,1.0674859666457701,2,2227,1 -17228,0.0030524967097239363,0.0016394592821598053,0.0025748610496520996,1.0038152289965092,2,2228,1 -17229,0.0029458108455414794,0.0018493644893169403,0.002292957156896591,0.892079536052315,2,2229,1 -17230,0.002886168188858702,0.0016951635479927063,0.0023358911275863647,0.9430273958095694,2,2230,1 -17231,0.0026883362071920356,0.0017137713730335236,0.0020712651312351227,0.8795680307883617,2,2231,1 -17232,0.001934221097392823,0.0008257441222667694,0.0017491020262241364,1.1297200346254361,2,2232,1 -17233,0.0033181606188576814,0.002071954309940338,0.0025917552411556244,0.896396588193377,2,2233,1 -17234,0.003153394552227707,0.0019993893802165985,0.002438511699438095,0.8840253206875096,2,2234,1 -17235,0.0030232337036626305,0.0020956508815288544,0.0021790340542793274,0.8049019632792574,2,2235,1 -17236,0.0031838483741526953,0.0012851767241954803,0.0029129385948181152,1.155287921353336,2,2236,1 -17237,0.0013788007654707442,0.0010517388582229614,0.0008915923535823822,0.7031757151049445,2,2237,1 -17238,0.0034272365693831927,0.001989692449569702,0.0027905330061912537,0.951388632935922,2,2238,1 -17239,0.0019900026510162546,0.0013398267328739166,0.0014713853597640991,0.8321618756829583,2,2239,1 -17240,0.0030125022272556737,0.0015978701412677765,0.0025538168847560883,1.0117087369605688,2,2240,1 -17241,0.002609390341916218,0.0014690272510051727,0.0021565891802310944,0.9728126379522267,2,2241,1 -17242,0.002866771966873203,0.0015363916754722595,0.0024203062057495117,1.0051863470443105,2,2242,1 -17243,0.003449466172684304,0.0022612400352954865,0.002604920417070389,0.8559076852237939,2,2243,1 -17244,0.0020681858053908245,0.0005414113402366638,0.001996062695980072,1.3059294364653566,2,2244,1 -17245,0.003295413857562027,0.0020383596420288086,0.0025893710553646088,0.9039075314337262,2,2245,1 -17246,0.0027221435941421836,0.001609940081834793,0.002195030450820923,0.9379731107611173,2,2246,1 -17247,0.0032093388156912233,0.001999489963054657,0.0025103576481342316,0.8981955913472967,2,2247,1 -17248,0.002844560900083708,0.00135054811835289,0.00250350683927536,1.076079288766674,2,2248,1 -17249,0.003112257249916965,0.0016307905316352844,0.002650786191225052,1.0192679082701652,2,2249,1 -17250,0.0028639694860667017,0.0017981082201004028,0.002229154109954834,0.8920242230384281,2,2250,1 -17251,0.003023260673429145,0.001925937831401825,0.0023304224014282227,0.8801442596523635,2,2251,1 -17252,0.003138352518756048,0.0015628673136234283,0.002721525728702545,1.0495172633687082,2,2252,1 -17253,0.002826432939809127,0.0014146305620670319,0.002446945756673813,1.046619746766543,2,2253,1 -17254,0.001471753322281295,0.0010618939995765686,0.0010190382599830627,0.764806583785456,2,2254,1 -17255,0.003132046397591964,0.0020724572241306305,0.0023483261466026306,0.8477200748450204,2,2255,1 -17256,0.003268855025897227,0.0018559768795967102,0.0026908665895462036,0.9669949093834693,2,2256,1 -17257,0.0028563216523378784,0.0017050430178642273,0.002291593700647354,0.9311189584766185,2,2257,1 -17258,0.0030614657849935387,0.0018090084195137024,0.0024698302149772644,0.9386270891653367,2,2258,1 -17259,0.0030303167000373193,0.0018779002130031586,0.002378299832344055,0.9024304786797049,2,2259,1 -17260,0.002835877364981544,0.0017612576484680176,0.0022226497530937195,0.9006984546830803,2,2260,1 -17261,0.002565627517766683,0.0017561763525009155,0.001870371401309967,0.8168764000640987,2,2261,1 -17262,0.002974284915103176,0.001893647015094757,0.0022935718297958374,0.8806201619489797,2,2262,1 -17263,0.0028026307242246156,0.0016611367464065552,0.002257291227579117,0.9363815701978477,2,2263,1 -17264,0.0028862872989027927,0.0018560700118541718,0.0022103525698184967,0.8723026129273804,2,2264,1 -17265,0.0033576877718251795,0.001970689743757248,0.0027185380458831787,0.9435484967368306,2,2265,1 -17266,0.002702999269508024,0.001949608325958252,0.001872226595878601,0.765153657813893,2,2266,1 -17267,0.0034609375255473616,0.0024767518043518066,0.0024173930287361145,0.7732702294448668,2,2267,1 -17268,0.0015419501947446811,0.0011793635785579681,0.0009933337569236755,0.6999848804182915,2,2268,1 -17269,0.002958844282500051,0.001428075134754181,0.0025914013385772705,1.0671226365785162,2,2269,1 -17270,0.001530563874498935,0.0011314228177070618,0.0010307803750038147,0.7388854882792661,2,2270,1 -17271,0.0030704102012684377,0.0015649646520614624,0.002641648054122925,1.035969135505891,2,2271,1 -17272,0.0017461338838843442,0.001511652022600174,0.000874008983373642,0.5242218501046325,2,2272,1 -17273,0.0019492871694445236,0.001355249434709549,0.0014010779559612274,0.8020232925719261,2,2273,1 -17274,0.0016863935079375837,0.001570720225572586,0.0006138086318969727,0.37253434573548455,2,2274,1 -17275,0.002752691142919731,0.001633923500776291,0.0022153109312057495,0.935304832121442,2,2275,1 -17276,0.002734104669887187,0.0013218522071838379,0.002393331378698349,1.0661841018212448,2,2276,1 -17277,0.0030920621768412314,0.0015260353684425354,0.002689249813556671,1.0546487997529859,2,2277,1 -17278,0.002171816579073728,0.0011442117393016815,0.0018459595739841461,1.0159114235142226,2,2278,1 -17279,0.002435631744580198,0.0014532171189785004,0.001954600214958191,0.9314774855018646,2,2279,1 -17280,0.0029447967222489433,0.001791197806596756,0.002337399870157242,0.916931558851582,2,2280,1 -17281,0.0030849757062685894,0.002075567841529846,0.002282343804836273,0.8328110102468252,2,2281,1 -17282,0.003063531157177665,0.0020789094269275665,0.0022501908242702484,0.8249426637952066,2,2282,1 -17283,0.001221006427313436,0.0011373534798622131,0.000444166362285614,0.3723127463494289,2,2283,1 -17284,0.0016379339430757783,0.0013731680810451508,0.00089288130402565,0.5765400757721832,2,2284,1 -17285,0.00285741070765818,0.001489192247390747,0.0024386681616306305,1.0225768889651785,2,2285,1 -17286,0.001210514632223892,0.0008223243057727814,0.0008883289992809296,0.8239635275308803,2,2286,1 -17287,0.0032103245307766566,0.0014802701771259308,0.0028486810624599457,1.0915655515791687,2,2287,1 -17288,0.0027036793018784793,0.0014458075165748596,0.0022846274077892303,1.0065778918019304,2,2288,1 -17289,0.0028579764554269886,0.0017075687646865845,0.0022917762398719788,0.9304480596162527,2,2289,1 -17290,0.003415166674861299,0.0020102262496948242,0.0027608610689640045,0.9414489211988661,2,2290,1 -17291,0.002147067915311423,0.000915776938199997,0.001941971480846405,1.1301496707964296,2,2291,1 -17292,0.0032950792313778568,0.0018508099019527435,0.002726178616285324,0.9743704239723405,2,2292,1 -17293,0.00272197733775676,0.0016368366777896881,0.0021748393774032593,0.9256178646058233,2,2293,1 -17294,0.003377823518725404,0.0020145028829574585,0.0027113594114780426,0.9317991217345305,2,2294,1 -17295,0.001735549214728111,0.0014183633029460907,0.0010001882910728455,0.6141878320561589,2,2295,1 -17296,0.0033241629658195054,0.0017240121960639954,0.0028421543538570404,1.025547949845839,2,2296,1 -17297,0.003116607297749287,0.0020694397389888763,0.002330377697944641,0.8446353197783315,2,2297,1 -17298,0.0028821144521077075,0.0017335042357444763,0.0023025088012218475,0.9254569458113691,2,2298,1 -17299,0.0010863092906594025,0.0007305890321731567,0.0008039325475692749,0.8331575064177145,2,2299,1 -17300,0.0014989572884867449,0.0013408251106739044,0.000670120120048523,0.46347311298486527,2,2300,1 -17301,0.003547479714863132,0.00227176770567894,0.002724643796682358,0.8757914273576802,2,2301,1 -17302,0.0019063608426669418,0.0013127401471138,0.0013823620975017548,0.8112251871188861,2,2302,1 -17303,0.0028718840896912183,0.0016387104988098145,0.0023584626615047455,0.9635543463598719,2,2303,1 -17304,0.0032495195679477728,0.0015055052936077118,0.0028797276318073273,1.089079979910672,2,2304,1 -17305,0.003252271311644304,0.0019096769392490387,0.0026325657963752747,0.9432225843102685,2,2305,1 -17306,0.0031748074432653445,0.0016383938491344452,0.002719387412071228,1.0285506189144578,2,2306,1 -17307,0.0030810292466610296,0.0017292611300945282,0.0025499798357486725,0.9748878681539835,2,2307,1 -17308,0.002976522781299711,0.0020339302718639374,0.0021732039749622345,0.8184902522893447,2,2308,1 -17309,0.003023554471474251,0.0021025463938713074,0.00217282772064209,0.8018353207630672,2,2309,1 -17310,0.0014553869711513366,0.0013357698917388916,0.0005778148770332336,0.408265557722354,2,2310,1 -17311,0.002787815956505675,0.0013982988893985748,0.0024117790162563324,1.0453778991631801,2,2311,1 -17312,0.002856511207289998,0.00151902437210083,0.0024191364645957947,1.010099931033635,2,2312,1 -17313,0.0015455556645528874,0.0007496625185012817,0.001351572573184967,1.0643828323739128,2,2313,1 -17314,0.001673808067364776,0.0008927695453166962,0.0014158375561237335,1.0082092937710352,2,2314,1 -17315,0.002854978071064264,0.0014832578599452972,0.0024394355714321136,1.0244909768346124,2,2315,1 -17316,0.0017126742448316551,0.0005609355866909027,0.0016182102262973785,1.2371184009353673,2,2316,1 -17317,0.0032531660307559907,0.0020055510103702545,0.0025614164769649506,0.906516756222835,2,2317,1 -17318,0.0028032745010952904,0.0018208697438240051,0.0021313801407814026,0.8638025869652077,2,2318,1 -17319,0.0033680870872377683,0.001697193831205368,0.0029092170298099518,1.0426832648041124,2,2319,1 -17320,0.0026312113246306362,0.0016641318798065186,0.002038121223449707,0.8860733352141009,2,2320,1 -17321,0.0028809380129307858,0.001422841101884842,0.0025050602853298187,1.054248647443354,2,2321,1 -17322,0.003304630876413989,0.0016991496086120605,0.0028343386948108673,1.03075401202196,2,2322,1 -17323,0.0028539298049586872,0.001482643187046051,0.002438582479953766,1.0245197081756137,2,2323,1 -17324,0.0014844738014476741,0.0010646916925907135,0.0010344535112380981,0.7709941621669572,2,2324,1 -17325,0.0019957684904425357,0.0011235624551773071,0.0016494542360305786,0.9728185114926317,2,2325,1 -17326,0.0027691075930995923,0.0016750581562519073,0.002205025404691696,0.9211447204161296,2,2326,1 -17327,0.0029297174186038895,0.001753680408000946,0.0023468807339668274,0.9290647117595283,2,2327,1 -17328,0.001262316601776733,0.0008899979293346405,0.000895179808139801,0.7883008795486848,2,2328,1 -17329,0.002345061148687832,0.001452673226594925,0.0018409378826618195,0.9027407889099198,2,2329,1 -17330,0.0009932556346973953,0.0008823536336421967,0.0004560798406600952,0.4770681922137276,2,2330,1 -17331,0.0014634326179255894,0.0009123161435127258,0.0011442527174949646,0.8977020514618224,2,2331,1 -17332,0.0031497345400043762,0.0017535723745822906,0.0026164501905441284,0.9803443155521668,2,2332,1 -17333,0.0014623184136316188,0.0008868500590324402,0.001162700355052948,0.9191848337620082,2,2333,1 -17334,0.0033228688186838044,0.0018244609236717224,0.0027771927416324615,0.9895548331739462,2,2334,1 -17335,0.0015001389432299508,0.000990886241197586,0.001126304268836975,0.8492723458947535,2,2335,1 -17336,0.0028706602275227174,0.0019348934292793274,0.00212058424949646,0.8311538623267151,2,2336,1 -17337,0.002849848278920869,0.0017403140664100647,0.0022567547857761383,0.9138911621396772,2,2337,1 -17338,0.002911186664557379,0.0019768886268138885,0.0021370351314544678,0.8243064400404854,2,2338,1 -17339,0.0022673303599742025,0.001165006309747696,0.0019451342523097992,1.0311612943481403,2,2339,1 -17340,0.0029243511600284293,0.0017881467938423157,0.002313949167728424,0.9128819716165639,2,2340,1 -17341,0.0022020169804462843,0.0010671503841876984,0.0019261538982391357,1.0648630053197585,2,2341,1 -17342,0.00293138654648595,0.0018672235310077667,0.0022597573697566986,0.8802269311140357,2,2342,1 -17343,0.0015364252455016482,0.0012973994016647339,0.0008230172097682953,0.565301214781615,2,2343,1 -17344,0.0016084936718366847,0.00118168443441391,0.0010912716388702393,0.7456414974751061,2,2344,1 -17345,0.0027902825927090496,0.0014218427240848541,0.0024008415639400482,1.0361120178245367,2,2345,1 -17346,0.0013642903941459023,0.0010484084486961365,0.0008729994297027588,0.6943585957618484,2,2346,1 -17347,0.003180169134924735,0.00202324241399765,0.0024535618722438812,0.8812257729597381,2,2347,1 -17348,0.0017925364035509502,0.0016110911965370178,0.0007858574390411377,0.4538235919394693,2,2348,1 -17349,0.001472958104099547,0.0012190453708171844,0.0008267611265182495,0.5959473341812275,2,2349,1 -17350,0.003113775707361851,0.0017748624086380005,0.002558410167694092,0.9642864630660465,2,2350,1 -17351,0.001613764161448982,0.0014943182468414307,0.0006093010306358337,0.3871653549036649,2,2351,1 -17352,0.0019212534416962743,0.001091059297323227,0.0015813931822776794,0.9668570454810311,2,2352,1 -17353,0.003002328532946647,0.0013660378754138947,0.0026735588908195496,1.0984321944485362,2,2353,1 -17354,0.0029246971270602243,0.0017682574689388275,0.002329617738723755,0.9215389211411982,2,2354,1 -17355,0.002892133354650066,0.001803569495677948,0.0022608786821365356,0.8974414037503191,2,2355,1 -17356,0.0013094725162619723,0.0009997449815273285,0.0008457116782665253,0.7021249564614103,2,2356,1 -17357,0.002627783935483369,0.0011787675321102142,0.002348564565181732,1.1056220585308603,2,2357,1 -17358,0.001300379738922347,0.001095268875360489,0.0007009804248809814,0.5693185960297448,2,2358,1 -17359,0.0030419847450845433,0.0019765645265579224,0.002312328666448593,0.8635257101153212,2,2359,1 -17360,0.0034267849326749867,0.002207554876804352,0.0026209838688373566,0.8708118123725336,2,2360,1 -17361,0.0030108296553452325,0.0018384940922260284,0.002384331077337265,0.9139441399971359,2,2361,1 -17362,0.002982024779090381,0.0018561109900474548,0.002333950251340866,0.898948719448071,2,2362,1 -17363,0.0019900641732467474,0.0011853165924549103,0.0015985555946826935,0.9327624472468643,2,2363,1 -17364,0.002550164266500752,0.00119829922914505,0.002251092344522476,1.0816290378275297,2,2364,1 -17365,0.0028378647155317574,0.0016432814300060272,0.0023136772215366364,0.9532264879233856,2,2365,1 -17366,0.0033172170671943086,0.002181693911552429,0.002498827874660492,0.8530508741137941,2,2366,1 -17367,0.0033436981134051455,0.002043209969997406,0.002646811306476593,0.9133936372722767,2,2367,1 -17368,0.0031011973911809457,0.0017762631177902222,0.0025421082973480225,0.960919047114271,2,2368,1 -17369,0.0035285690954190937,0.0021224133670330048,0.002818893641233444,0.9254263265198684,2,2369,1 -17370,0.002981822160785239,0.0016392618417739868,0.0024907998740673065,0.9887293505017372,2,2370,1 -17371,0.003023556647334615,0.0016902796924114227,0.0025069601833820343,0.977572560392039,2,2371,1 -17372,0.0024104816357919103,0.001167483627796173,0.0021088868379592896,1.0651919963495713,2,2372,1 -17373,0.0034752838071439728,0.001903396099805832,0.002907693386077881,0.9911893395821195,2,2373,1 -17374,0.0031569193762314442,0.0016735121607780457,0.002676844596862793,1.0120669241309537,2,2374,1 -17375,0.003299534302610977,0.0016264691948890686,0.002870805561542511,1.0553318613879217,2,2375,1 -17376,0.0013948092541022194,0.001104835420846939,0.0008513703942298889,0.6565463183067036,2,2376,1 -17377,0.003134770032625379,0.0020671002566814423,0.002356667071580887,0.8507619792222555,2,2377,1 -17378,0.0023868681903678897,0.001272827386856079,0.0020191706717014313,1.008343772946543,2,2378,1 -17379,0.002924772485756456,0.0017442591488361359,0.002347733825445175,0.9318196797882696,2,2379,1 -17380,0.00275660851866545,0.0016848333179950714,0.0021817944943904877,0.913223129872204,2,2380,1 -17381,0.00288553246401859,0.0015740878880023956,0.0024183765053749084,0.9937983724284618,2,2381,1 -17382,0.002681604633687385,0.0016208849847316742,0.0021362900733947754,0.921726156568838,2,2382,1 -17383,0.003272200800782585,0.0017782039940357208,0.0027468688786029816,0.9962815530572794,2,2383,1 -17384,0.00293239811561195,0.0014776326715946198,0.002532895654439926,1.0426894155003543,2,2384,1 -17385,0.003071556553037614,0.0016260668635368347,0.002605833113193512,1.0129089780020484,2,2385,1 -17386,0.0014345441920403774,0.0009573139250278473,0.0010683946311473846,0.8401787827086954,2,2386,1 -17387,0.0031280329817482346,0.0020841583609580994,0.0023325681686401367,0.841581939507549,2,2387,1 -17388,0.00307893991051541,0.0017688684165477753,0.0025201141834259033,0.9587962604359885,2,2388,1 -17389,0.0028909444251581577,0.0016767866909503937,0.002354983240365982,0.9520511077121849,2,2389,1 -17390,0.0020087987266775766,0.0009511448442935944,0.0017693489789962769,1.0775481536056113,2,2390,1 -17391,0.002870614245537021,0.0014782734215259552,0.0024607181549072266,1.029826437245646,2,2391,1 -17392,0.003259773326548639,0.001723170280456543,0.0027670934796333313,1.0138263082072871,2,2392,1 -17393,0.003023693333306297,0.0018256492912769318,0.0024103373289108276,0.92256025066373,2,2393,1 -17394,0.0031036466184689864,0.0017428770661354065,0.002568073570728302,0.9745290084019472,2,2394,1 -17395,0.0033475912845727963,0.0019797421991825104,0.002699442207813263,0.9380110577858138,2,2395,1 -17396,0.0032813556720036724,0.0022814087569713593,0.0023584887385368347,0.8020090674426413,2,2396,1 -17397,0.003040499637974369,0.0018853768706321716,0.002385370433330536,0.9019416563832695,2,2397,1 -17398,0.0029667439073827228,0.0015998072922229767,0.0024984367191791534,1.0012538000714248,2,2398,1 -17399,0.002742539243174696,0.0015164315700531006,0.0022851601243019104,0.984920015353841,2,2399,1 -17400,0.002889442458764498,0.0014884434640407562,0.0024765729904174805,1.0296350054328904,2,2400,1 -17401,0.002764663030910576,0.0016232766211032867,0.0022379308938980103,0.9432606771137065,2,2401,1 -17402,0.0028055901223090172,0.0014407970011234283,0.002407371997833252,1.0314851279048134,2,2402,1 -17403,0.002916161413180177,0.0015997961163520813,0.002438165247440338,0.9901115973750818,2,2403,1 -17404,0.003219950719258223,0.00160902738571167,0.0027891062200069427,1.0475374690117476,2,2404,1 -17405,0.002490574339650165,0.001395590603351593,0.0020628347992897034,0.9759893348579811,2,2405,1 -17406,0.0012679918397336158,0.0010081417858600616,0.0007690601050853729,0.6516739752076789,2,2406,1 -17407,0.0018094079403523078,0.001536257565021515,0.0009559653699398041,0.5566329976049982,2,2407,1 -17408,0.002905271783531443,0.0013375058770179749,0.0025790855288505554,1.0923820885877003,2,2408,1 -17409,0.0030284378240826265,0.0016124173998832703,0.0025635026395320892,1.0093329768686479,2,2409,1 -17410,0.0031642055912470095,0.001352548599243164,0.0028605610132217407,1.1291229938495473,2,2410,1 -17411,0.0027811389178317844,0.0012526288628578186,0.0024830736219882965,1.1035814548397918,2,2411,1 -17412,0.0013324513436188143,0.0011776275932788849,0.0006233938038349152,0.48686202282264107,2,2412,1 -17413,0.0030631059025505412,0.0020940229296684265,0.002235550433397293,0.8180750843804588,2,2413,1 -17414,0.0028057604104321354,0.0015703663229942322,0.0023251324892044067,0.9767802322587246,2,2414,1 -17415,0.002980764691029401,0.0015529133379459381,0.002544291317462921,1.0227997996278584,2,2415,1 -17416,0.0023877807313162566,0.0019099786877632141,0.001432996243238449,0.6436727250264954,2,2416,1 -17417,0.0013896781262920537,0.001009572297334671,0.0009549707174301147,0.7576117894359639,2,2417,1 -17418,0.0013383354592767817,0.0009299814701080322,0.000962432473897934,0.8025444244963793,2,2418,1 -17419,0.0029174662702877055,0.0013936087489128113,0.002563096582889557,1.0727868305058135,2,2419,1 -17420,0.0024662229787078553,0.0012786686420440674,0.0021088533103466034,1.0257327699411138,2,2420,1 -17421,0.0027845768403883383,0.0016556158661842346,0.002238929271697998,0.9340700406997069,2,2421,1 -17422,0.0025446271595429633,0.001346547156572342,0.002159152179956436,1.0131710881560179,2,2422,1 -17423,0.0027518872552215745,0.0016324929893016815,0.0022153668105602264,0.9357352333385988,2,2423,1 -17424,0.003035363839827397,0.0017353519797325134,0.0024903789162635803,0.9622061200318994,2,2424,1 -17425,0.0013279359971737899,0.0008858293294906616,0.0009893029928207397,0.8405243140943209,2,2425,1 -17426,0.0027986214433786396,0.0019590891897678375,0.00199856236577034,0.795371721356384,2,2426,1 -17427,0.0015090491440814659,0.0012438111007213593,0.0008544959127902985,0.6019464807620223,2,2427,1 -17428,0.0013221138442987225,0.00111418217420578,0.0007117465138435364,0.5684658461442519,2,2428,1 -17429,0.0030145931054812174,0.0018707029521465302,0.0023639462888240814,0.9013536209886059,2,2429,1 -17430,0.002044391865245911,0.0013643130660057068,0.0015225596725940704,0.8401592862410918,2,2430,1 -17431,0.002905495253890601,0.001949544996023178,0.0021543391048908234,0.835259309693845,2,2431,1 -17432,0.0030269223071041507,0.001850757747888565,0.00239519402384758,0.9129270658021655,2,2432,1 -17433,0.0028798471939174156,0.0015595778822898865,0.0024209991097450256,0.998517929504501,2,2433,1 -17434,0.00277928723370927,0.0017287693917751312,0.0021761879324913025,0.8994777533249348,2,2434,1 -17435,0.0030981706479463996,0.0018161684274673462,0.0025100186467170715,0.9444275998692838,2,2435,1 -17436,0.0030886858458115877,0.00199243426322937,0.0023601241409778595,0.8696747931998846,2,2436,1 -17437,0.0027884160570168584,0.0018086619675159454,0.0021222643554210663,0.8650077965521676,2,2437,1 -17438,0.0018301700701442145,0.0010246634483337402,0.0015164390206336975,0.9765633868271155,2,2438,1 -17439,0.0028944915987711367,0.001660659909248352,0.0023707151412963867,0.9597422412066203,2,2439,1 -17440,0.002000306976520491,0.0012441426515579224,0.0015663132071495056,0.8995328139993273,2,2440,1 -17441,0.0030452808546604228,0.0018661916255950928,0.0024064630270004272,0.9111792631753345,2,2441,1 -17442,0.00320231789142892,0.001652352511882782,0.0027430951595306396,1.0286375312989164,2,2442,1 -17443,0.00323519063436161,0.0016240626573562622,0.002798013389110565,1.0448876932801352,2,2443,1 -17444,0.0031622879130816873,0.0018584765493869781,0.002558540552854538,0.9425831920018283,2,2444,1 -17445,0.0014259251062454566,0.0010697059333324432,0.0009428635239601135,0.7224563047957545,2,2445,1 -17446,0.0028944880918233954,0.0016152933239936829,0.0024018511176109314,0.9787522378784598,2,2446,1 -17447,0.0028996245204363546,0.0016298368573188782,0.002398218959569931,0.9738911739031655,2,2447,1 -17448,0.002933685583305915,0.001737494021654129,0.0023638159036636353,0.93694000192316,2,2448,1 -17449,0.003281723963573427,0.0017117150127887726,0.002799954265356064,1.0220826367108615,2,2449,1 -17450,0.0014062488436417022,0.000955674797296524,0.0010316111147403717,0.8235906506902296,2,2450,1 -17451,0.0035269938019237995,0.0019395127892494202,0.002945840358734131,0.9885454060856597,2,2451,1 -17452,0.002728976541529396,0.0018200278282165527,0.0020334236323833466,0.840719494471884,2,2452,1 -17453,0.002917510913719275,0.001603342592716217,0.0024374499917030334,0.9889607701150877,2,2453,1 -17454,0.002879213291395716,0.0016313791275024414,0.0023724399507045746,0.9684154889120011,2,2454,1 -17455,0.002327802963016744,0.0009886138141155243,0.0021074414253234863,1.132167783833344,2,2455,1 -17456,0.0031922013711843744,0.00197659432888031,0.002506636083126068,0.9030795251501468,2,2456,1 -17457,0.0028684665147709915,0.0017664991319179535,0.0022599957883358,0.9073522888661018,2,2457,1 -17458,0.0033690517058305746,0.0018044784665107727,0.0028450600802898407,1.005573184466709,2,2458,1 -17459,0.0030331455129347855,0.0019332952797412872,0.0023371651768684387,0.87969062813616,2,2459,1 -17460,0.0022780924782310544,0.0014206953346729279,0.0017808228731155396,0.8974137823628623,2,2460,1 -17461,0.002162355311674986,0.0009694285690784454,0.0019328705966472626,1.105910594058045,2,2461,1 -17462,0.0031832950769040253,0.002171143889427185,0.00232798233628273,0.8202438101087909,2,2462,1 -17463,0.002874447935431732,0.001571454107761383,0.0024068616330623627,0.9923810214127141,2,2463,1 -17464,0.0027068619676130358,0.0012690722942352295,0.0023909322917461395,1.0828246725454875,2,2464,1 -17465,0.002880063678548883,0.0017825588583946228,0.0022621341049671173,0.9034161767489461,2,2465,1 -17466,0.0027179972268090054,0.0017523877322673798,0.002077654004096985,0.870119869570994,2,2466,1 -17467,0.00268774638397972,0.0019371174275875092,0.0018632113933563232,0.7659533409027075,2,2467,1 -17468,0.0027855709914367255,0.0015435926616191864,0.0023187771439552307,0.9834684173997772,2,2468,1 -17469,0.0029913170816187134,0.0022481270134449005,0.0019732974469661713,0.7203863958968306,2,2469,1 -17470,0.0027666147177092017,0.0016589201986789703,0.0022140778601169586,0.9277689222610539,2,2470,1 -17471,0.0014078235860178583,0.0009345449507236481,0.001052897423505783,0.844878060758613,2,2471,1 -17472,0.0025895263825540236,0.0014887675642967224,0.002118777483701706,0.958291345833972,2,2472,1 -17473,0.003304150809132603,0.001803286373615265,0.0027686767280101776,0.9934957896542039,2,2473,1 -17474,0.002691116727493584,0.001880604773759842,0.0019249506294727325,0.7970505620426928,2,2474,1 -17475,0.0030682822104048176,0.0016441009938716888,0.002590615302324295,1.0052968449146966,2,2475,1 -17476,0.002771185335446456,0.0019317232072353363,0.0019869357347488403,0.7994868797675556,2,2476,1 -17477,0.0013785637622181189,0.000915825366973877,0.0010303892195224762,0.8441952782240878,2,2477,1 -17478,0.0027880521811348533,0.001527007669210434,0.002332698553800583,0.9911871958787163,2,2478,1 -17479,0.0014087567650897734,0.0010691843926906586,0.0009173005819320679,0.7090880578864712,2,2479,1 -17480,0.0027599124642281375,0.0013696402311325073,0.002396080642938614,1.0515082401271356,2,2480,1 -17481,0.0031522286147651632,0.0017917715013027191,0.0025934725999832153,0.9662192156745625,2,2481,1 -17482,0.002954263080497471,0.001802150160074234,0.002340923994779587,0.9147145132394883,2,2482,1 -17483,0.003340388207197725,0.0021688230335712433,0.0025405511260032654,0.8641684910929396,2,2483,1 -17484,0.002700129470684761,0.001357056200504303,0.002334330230951309,1.044205087068034,2,2484,1 -17485,0.0027373402417991814,0.0016724690794944763,0.002166997641324997,0.9134942744995557,2,2485,1 -17486,0.0031158409590491486,0.0016953088343143463,0.0026142671704292297,0.99548800406961,2,2486,1 -17487,0.002773561629418723,0.0013532750308513641,0.002421010285615921,1.0610915376172296,2,2487,1 -17488,0.0029336578329334736,0.0018911100924015045,0.002242777496576309,0.8702632558649748,2,2488,1 -17489,0.0030159953461334917,0.0019267089664936066,0.0023203492164611816,0.877819507310895,2,2489,1 -17490,0.0033549591687232778,0.0016743838787078857,0.0029072649776935577,1.0482626952697813,2,2490,1 -17491,0.0031148703314745636,0.001742348074913025,0.002581983804702759,0.9771773105034014,2,2491,1 -17492,0.002041714955136133,0.0012107230722904205,0.0016440041363239288,0.9360252566020659,2,2492,1 -17493,0.0032740279908767024,0.0019108876585960388,0.0026585273444652557,0.9475793554539849,2,2493,1 -17494,0.003349065871788278,0.0019361786544322968,0.0027326643466949463,0.9543674711566781,2,2494,1 -17495,0.0030731283338642393,0.0021695010364055634,0.0021765530109405518,0.7870207774443908,2,2495,1 -17496,0.002992013672074607,0.0021897703409194946,0.0020388849079608917,0.7497316362998068,2,2496,1 -17497,0.0016382648065012598,0.001217436045408249,0.0010962486267089844,0.7330674478559603,2,2497,1 -17498,0.0029228872922579417,0.0015898942947387695,0.0024526529014110565,0.9956632130238118,2,2498,1 -17499,0.0028372439064743844,0.0017271526157855988,0.002250976860523224,0.9163209759831848,2,2499,1 -17500,0.0028763276519913087,0.0020554400980472565,0.002012070268392563,0.7747360673476325,2,2500,1 -17501,0.0030240756045247,0.0017378553748130798,0.002474851906299591,0.9585914900595994,2,2501,1 -17502,0.0029223857179203213,0.001474224030971527,0.0025232918560504913,1.042040942211654,2,2502,1 -17503,0.003071086312750167,0.0017115995287895203,0.002549901604652405,0.9796332821422788,2,2503,1 -17504,0.0014894683106643537,0.0013643130660057068,0.000597633421421051,0.4128695787824204,2,2504,1 -17505,0.0019833754522629744,0.0011639371514320374,0.0016059353947639465,0.9436375390781233,2,2505,1 -17506,0.0031285911912254417,0.0016759634017944336,0.0026418231427669525,1.0054684826963207,2,2506,1 -17507,0.00341892150829656,0.0019661039113998413,0.002797044813632965,0.9581120807008286,2,2507,1 -17508,0.0025750924936201154,0.0015875399112701416,0.002027515321969986,0.9065089392885423,2,2508,1 -17509,0.0027143522503102068,0.001956883817911148,0.001881040632724762,0.765639224475571,2,2509,1 -17510,0.002915959957953147,0.0016159117221832275,0.0024272724986076355,0.9834414369891252,2,2510,1 -17511,0.0016646090920656635,0.0008546076714992523,0.0014284849166870117,1.0316560423764527,2,2511,1 -17512,0.0030393405227882695,0.0018269196152687073,0.0024289824068546295,0.9259310242374895,2,2512,1 -17513,0.003020819511483299,0.0018186792731285095,0.00241200253367424,0.9247323681709967,2,2513,1 -17514,0.0029962268663727447,0.0022044889628887177,0.0020291879773139954,0.7440154817621573,2,2514,1 -17515,0.0019415759199040345,0.000833902508020401,0.0017533749341964722,1.126859772357428,2,2515,1 -17516,0.0028820101204700245,0.001907065510749817,0.0021608062088489532,0.8476942218132891,2,2516,1 -17517,0.0029053691090697577,0.0017715059220790863,0.002302810549736023,0.9150698203776769,2,2517,1 -17518,0.00306294057923661,0.001911025494337082,0.002393655478954315,0.8970493709379005,2,2518,1 -17519,0.0016026883318420438,0.0010870955884456635,0.0011776387691497803,0.8253564861696545,2,2519,1 -17520,0.003034529955775125,0.0018086470663547516,0.002436630427837372,0.932258314648511,2,2520,1 -17521,0.0029760486322370733,0.002091936767101288,0.0021167583763599396,0.791295792146968,2,2521,1 -17522,0.0030317046225123243,0.0015449784696102142,0.0026085004210472107,1.036068139461058,2,2522,1 -17523,0.0016195178693454834,0.0013591945171356201,0.0008805841207504272,0.5748778340384979,2,2523,1 -17524,0.0032809190712001835,0.0018014870584011078,0.0027420930564403534,0.9895332636623067,2,2524,1 -17525,0.003174144336152437,0.0017831213772296906,0.0026259608566761017,0.9742793055127642,2,2525,1 -17526,0.0031711847069028536,0.0018056295812129974,0.0026069357991218567,0.9650370204893697,2,2526,1 -17527,0.003218816301122972,0.0018961988389492035,0.002601001411676407,0.9408539641285698,2,2527,1 -17528,0.0014102022447705146,0.0011678710579872131,0.0007904097437858582,0.5949820526855667,2,2528,1 -17529,0.0017046647465148222,0.00147184357047081,0.0008599758148193359,0.5287840512756649,2,2529,1 -17530,0.00314947267659153,0.0016771145164966583,0.002665795385837555,1.0092372936132217,2,2530,1 -17531,0.0028281978706260523,0.0013073645532131195,0.0025078877806663513,1.0902534477741814,2,2531,1 -17532,0.0029697504866498725,0.0013914406299591064,0.0026236064732074738,1.0831612879676709,2,2532,1 -17533,0.0016199151242069045,0.0011562108993530273,0.0011345930397510529,0.7759616430763309,2,2533,1 -17534,0.0027050766254731336,0.0017008110880851746,0.0021034926176071167,0.8908544331643052,2,2534,1 -17535,0.003170157821371388,0.00182347372174263,0.0025932304561138153,0.957948112451199,2,2535,1 -17536,0.0030255760129256778,0.0017858706414699554,0.0024422891438007355,0.9394178258256987,2,2536,1 -17537,0.0031643443295978624,0.001791100949048996,0.0026086457073688507,0.9691191258761647,2,2537,1 -17538,0.00318178695693912,0.0013851150870323181,0.002864476293325424,1.1203957953579091,2,2538,1 -17539,0.0025238963600187755,0.0014784075319766998,0.002045571804046631,0.9449739871192065,2,2539,1 -17540,0.0029770272232881793,0.0017108246684074402,0.0024363435804843903,0.9585887236047451,2,2540,1 -17541,0.0031658069047647373,0.001630786806344986,0.002713460475206375,1.0296426525677642,2,2541,1 -17542,0.0027353156523566816,0.001650385558605194,0.0021813251078128815,0.9230860452196937,2,2542,1 -17543,0.002561890829276945,0.00156441330909729,0.002028767019510269,0.9139178104455019,2,2543,1 -17544,0.0026683427235229167,0.0014738477766513824,0.002224370837211609,0.9856207489845007,2,2544,1 -17545,0.0025424799652469902,0.001688111573457718,0.001901179552078247,0.8446907158525556,2,2545,1 -17546,0.002794130262775514,0.001944229006767273,0.00200677290558815,0.801226724557792,2,2546,1 -17547,0.0032178181241115196,0.001816287636756897,0.0026562102138996124,0.9710332051626483,2,2547,1 -17548,0.0027724284080232636,0.001715831458568573,0.0021776780486106873,0.9034660761776447,2,2548,1 -17549,0.0013911557774084415,0.0013192370533943176,0.0004415065050125122,0.32295132678537036,2,2549,1 -17550,0.0031254244312918155,0.001627158373594284,0.0026684515178203583,1.023219396748711,2,2550,1 -17551,0.0026979596246808615,0.0016193091869354248,0.0021579675376415253,0.9270480582724178,2,2551,1 -17552,0.003021869957798003,0.0017720088362693787,0.0024477913975715637,0.9441954159881452,2,2552,1 -17553,0.003123704946275622,0.0019691102206707,0.0024248994886875153,0.8887581990294063,2,2553,1 -17554,0.0012630851825771961,0.0010417290031909943,0.0007142722606658936,0.6010370596958694,2,2554,1 -17555,0.0021679192237359928,0.0009160228073596954,0.0019648857414722443,1.1345553424606518,2,2555,1 -17556,0.0030981344300137974,0.001752946525812149,0.0025545284152030945,0.9693845231373708,2,2556,1 -17557,0.0016474337348106646,0.00109931081533432,0.001227010041475296,0.8402363398696421,2,2557,1 -17558,0.0027781699707011224,0.0015224628150463104,0.0023238621652126312,0.9908138965156332,2,2558,1 -17559,0.0033780434548601394,0.0019491873681545258,0.0027589574456214905,0.9557251392946576,2,2559,1 -17560,0.001319737037198069,0.0011774487793445587,0.0005960874259471893,0.46863779037770437,2,2560,1 -17561,0.0015064006619358878,0.001103423535823822,0.001025523990392685,0.7488238437094563,2,2561,1 -17562,0.002177885469779529,0.0012372620403766632,0.0017923079431056976,0.9665980969966376,2,2562,1 -17563,0.002755013233044066,0.001726306974887848,0.0021470822393894196,0.8936061631881345,2,2563,1 -17564,0.002979720471279431,0.001754622906446457,0.002408325672149658,0.9411550416725615,2,2564,1 -17565,0.0032101304596863778,0.002521425485610962,0.0019867941737174988,0.6673591151897814,2,2565,1 -17566,0.003510815467314134,0.001626778393983841,0.0031111761927604675,1.0890110429822508,2,2566,1 -17567,0.0013655488885509503,0.0011569485068321228,0.0007253922522068024,0.5600272525119125,2,2567,1 -17568,0.0033252008787095447,0.0023953020572662354,0.0023064017295837402,0.7664923072361289,2,2568,1 -17569,0.002711250144790829,0.0019018463790416718,0.0019323192536830902,0.7933457159983474,2,2569,1 -17570,0.0027726871001087605,0.0015044137835502625,0.002329062670469284,0.9972868825099777,2,2570,1 -17571,0.0026545856171346642,0.001733154058456421,0.0020107217133045197,0.8594018916449727,2,2571,1 -17572,0.0015259515728780766,0.0014545246958732605,0.00046139582991600037,0.3071738367195325,2,2572,1 -17573,0.002979112623601823,0.00180860236287117,0.0023672915995121002,0.9183975079457672,2,2573,1 -17574,0.0031014708960871978,0.0013495534658432007,0.0027924589812755585,1.1206099328105539,2,2574,1 -17575,0.0034089126956838344,0.0020341910421848297,0.002735462039709091,0.9313799306480876,2,2575,1 -17576,0.0030404891070417305,0.0018936023116111755,0.0023788325488567352,0.8984858938155375,2,2576,1 -17577,0.0030814351622326713,0.0022050142288208008,0.0021524764597415924,0.7733418614390362,2,2577,1 -17578,0.00303221794834203,0.0016285106539726257,0.002557791769504547,1.0038375723595534,2,2578,1 -17579,0.0031146090328990185,0.001965038478374481,0.0024164877831935883,0.8880705715540823,2,2579,1 -17580,0.002864291923054803,0.0016562826931476593,0.0023368559777736664,0.9542117276633617,2,2580,1 -17581,0.0031711154644632924,0.0021446645259857178,0.0023358911275863647,0.8280514938553613,2,2581,1 -17582,0.0029860671352221545,0.0017016269266605377,0.002453785389661789,0.9644662680120909,2,2582,1 -17583,0.003108144733122986,0.001516055315732956,0.0027133263647556305,1.0612645304103168,2,2583,1 -17584,0.0019830525087744734,0.0010025426745414734,0.0017109662294387817,1.0407708945735619,2,2584,1 -17585,0.0029331307851493786,0.001861274242401123,0.0022669173777103424,0.8833454343233998,2,2585,1 -17586,0.002760923686274421,0.0017915554344654083,0.002100721001625061,0.8646622716492642,2,2586,1 -17587,0.0029195237299443552,0.0016969069838523865,0.0023757368326187134,0.9505601906121388,2,2587,1 -17588,0.0019234424545265748,0.00125102698802948,0.0014610141515731812,0.862671710425403,2,2588,1 -17589,0.0014902273887808606,0.0010643042623996735,0.0010430887341499329,0.7753313122650113,2,2589,1 -17590,0.0030042172143896124,0.0018465258181095123,0.0023697391152381897,0.9088610243693048,2,2590,1 -17591,0.002332624713524738,0.0013981647789478302,0.0018671564757823944,0.9280506170456746,2,2591,1 -17592,0.001408122630695304,0.00118260458111763,0.0007643662393093109,0.5737989320356185,2,2592,1 -17593,0.00296626742321286,0.0019889213144779205,0.0022006668150424957,0.8358960827464816,2,2593,1 -17594,0.0031684157405884356,0.0019736774265766144,0.0024785995483398438,0.8983233087174576,2,2594,1 -17595,0.002972182283428433,0.0015870779752731323,0.0025129765272140503,1.0074985825778706,2,2595,1 -17596,0.0031638780238245207,0.0017617344856262207,0.0026280060410499573,0.9802347625560406,2,2596,1 -17597,0.0017861266316345555,0.0013096705079078674,0.001214500516653061,0.7477125500154712,2,2597,1 -17598,0.003170263232303781,0.002269018441438675,0.00221407413482666,0.7731428831595324,2,2598,1 -17599,0.002649278214628773,0.0015635229647159576,0.002138707786798477,0.9395276473150646,2,2599,1 -17600,0.0013523718182629082,0.001185338944196701,0.0006510615348815918,0.5022763640862339,2,2600,1 -17601,0.0028423819043988593,0.0014410652220249176,0.0024499930441379547,1.0391047541776202,2,2601,1 -17602,0.002901104362813705,0.0017465054988861084,0.002316489815711975,0.9247753095445795,2,2602,1 -17603,0.0017235930347157292,0.0011983700096607208,0.0012388229370117188,0.8019948030299447,2,2603,1 -17604,0.0029893595776317615,0.0017541944980621338,0.00242055207490921,0.9436792750014809,2,2604,1 -17605,0.0028757502388711063,0.0014410912990570068,0.0024886131286621094,1.045905675842404,2,2605,1 -17606,0.0015127323663460229,0.0013324245810508728,0.0007162429392337799,0.49323334569063365,2,2606,1 -17607,0.002939975354356381,0.001561783254146576,0.0024908408522605896,1.0107525977097578,2,2607,1 -17608,0.0032880281052095725,0.0021559111773967743,0.0024825744330883026,0.8557066310514347,2,2608,1 -17609,0.002909482166383853,0.0012909695506095886,0.002607390284538269,1.1110608037199614,2,2609,1 -17610,0.0030209077687067183,0.0015523619949817657,0.002591535449028015,1.0311032836306055,2,2610,1 -17611,0.0019982844121385463,0.001060381531715393,0.001693733036518097,1.0114338434914663,2,2611,1 -17612,0.0031405833691589683,0.0022761672735214233,0.002163868397474289,0.7601112180654099,2,2612,1 -17613,0.002358197024906015,0.0010876543819904327,0.0020923912525177,1.091423413087934,2,2613,1 -17614,0.0022191742709145204,0.001219525933265686,0.001854047179222107,0.9889822908783877,2,2614,1 -17615,0.0029046076611021206,0.001758374273777008,0.0023118965327739716,0.9205605228163539,2,2615,1 -17616,0.0014977200648184407,0.0008007287979125977,0.0012657009065151215,1.0067243167259565,2,2616,1 -17617,0.0029567591662094735,0.0016770288348197937,0.0024351589381694794,0.9677127232324264,2,2617,1 -17618,0.002758975189128031,0.0017786063253879547,0.002109147608280182,0.8702153291566859,2,2618,1 -17619,0.0015628840085140728,0.0008938834071159363,0.001282021403312683,0.9619215431539891,2,2619,1 -17620,0.0028087595961996384,0.001544266939163208,0.0023461394011974335,0.9886668922464924,2,2620,1 -17621,0.002105763317050511,0.001444842666387558,0.0015318840742111206,0.8146304782454318,2,2621,1 -17622,0.0028400393676533387,0.001974876970052719,0.002041000872850418,0.8018622916890447,2,2622,1 -17623,0.0016376830549162294,0.0009368695318698883,0.0013432353734970093,0.961768787370591,2,2623,1 -17624,0.003023272885383145,0.001583680510520935,0.002575293183326721,1.0194555236262781,2,2624,1 -17625,0.0029502878742287066,0.0018181055784225464,0.0023235082626342773,0.9068281573488196,2,2625,1 -17626,0.0024547396562608318,0.001152176409959793,0.0021675415337085724,1.0822213476526015,2,2626,1 -17627,0.0029932749914746205,0.0012604035437107086,0.0027149729430675507,1.1361623548631854,2,2627,1 -17628,0.0013973683585582859,0.0011000968515872955,0.0008616410195827484,0.66443820959663,2,2628,1 -17629,0.001285497992139932,0.00089288130402565,0.0009248070418834686,0.8029602804670851,2,2629,1 -17630,0.0031220662295356355,0.0015586093068122864,0.002705186605453491,1.0480937681956315,2,2630,1 -17631,0.0027575222141507432,0.001515612006187439,0.0023036599159240723,0.9888771901127574,2,2631,1 -17632,0.0027732767170796186,0.0016639195382595062,0.0022186562418937683,0.9273161731873325,2,2632,1 -17633,0.003175661023861771,0.001889307051897049,0.002552516758441925,0.9336134449447832,2,2633,1 -17634,0.003033168379710279,0.0016019754111766815,0.002575613558292389,1.0143729635908596,2,2634,1 -17635,0.0031036508589192876,0.002086881548166275,0.0022972971200942993,0.8333556601145079,2,2635,1 -17636,0.0028141871522826163,0.001807916909456253,0.0021566376090049744,0.873131983539258,2,2636,1 -17637,0.0030171229928904774,0.0015387870371341705,0.002595219761133194,1.0355906094194445,2,2637,1 -17638,0.0030445044571823666,0.0014728792011737823,0.002664513885974884,1.0658243648883927,2,2638,1 -17639,0.0015083641322914496,0.0013315752148628235,0.0007085688412189484,0.4890186738250901,2,2639,1 -17640,0.0027012567572547086,0.0016969554126262665,0.002101697027683258,0.8915464206159434,2,2640,1 -17641,0.0025466530411967685,0.0014909692108631134,0.0020645707845687866,0.9453462040242634,2,2641,1 -17642,0.0017541676507797992,0.001547291874885559,0.0008264333009719849,0.490566447609425,2,2642,1 -17643,0.0028541288483891415,0.0018061436712741852,0.0022099539637565613,0.885609288546688,2,2643,1 -17644,0.0018650746469497442,0.0011651478707790375,0.00145634263753891,0.8960245024468633,2,2644,1 -17645,0.0028899663476952453,0.0015777051448822021,0.0024213120341300964,0.9933034613395155,2,2645,1 -17646,0.002895978053736554,0.0013459958136081696,0.0025641731917858124,1.0874089775533715,2,2646,1 -17647,0.0031838351645358588,0.0018517747521400452,0.002589929848909378,0.9500804379709266,2,2647,1 -17648,0.00315562713557369,0.0016440004110336304,0.002693556249141693,1.0228044193664185,2,2648,1 -17649,0.0012726864270294462,0.001053784042596817,0.0007136315107345581,0.5952653309642107,2,2649,1 -17650,0.0029235036925699905,0.001707267016172409,0.0023732073605060577,0.9471736367583058,2,2650,1 -17651,0.002953167497756697,0.001812715083360672,0.0023313648998737335,0.9099051731737701,2,2651,1 -17652,0.003195557490088753,0.0018842071294784546,0.0025809593498706818,0.9401915745218248,2,2652,1 -17653,0.002646384678006547,0.001620858907699585,0.002091929316520691,0.9116016412709791,2,2653,1 -17654,0.0030411180245727976,0.0013359077274799347,0.0027319863438606262,1.115997302594043,2,2654,1 -17655,0.00318891523256869,0.002135038375854492,0.002368710935115814,0.8372356887267264,2,2655,1 -17656,0.0014276843580997274,0.0012083947658538818,0.0007603056728839874,0.5616041690106855,2,2656,1 -17657,0.002916380801241379,0.0016618631780147552,0.002396557480096817,0.964488218221472,2,2657,1 -17658,0.0027693260960711457,0.0014815106987953186,0.0023397207260131836,1.0063222432689694,2,2658,1 -17659,0.0027076351521185256,0.0015773996710777283,0.0022007040679454803,0.9489034678255388,2,2659,1 -17660,0.0032831727770469394,0.0025120340287685394,0.002113979309797287,0.6995625593779341,2,2660,1 -17661,0.0028619138911679305,0.0014412738382816315,0.00247250497341156,1.0430299535549987,2,2661,1 -17662,0.0029478388604351293,0.002098735421895981,0.0020700395107269287,0.7785147363925552,2,2662,1 -17663,0.00167423313854159,0.0012807361781597137,0.0010783188045024872,0.6998033812468788,2,2663,1 -17664,0.002926768633716212,0.0017958767712116241,0.0023110173642635345,0.9101796033394852,2,2664,1 -17665,0.0029196852848962884,0.002012249082326889,0.0021155178546905518,0.810411018188542,2,2665,1 -17666,0.002410395511969653,0.0012710057199001312,0.0020480602979660034,1.0153745418520816,2,2666,1 -17667,0.001395535984273181,0.0012775622308254242,0.0005615651607513428,0.41413812080266665,2,2667,1 -17668,0.002976572458071082,0.0018559284508228302,0.002327125519514084,0.897569592291241,2,2668,1 -17669,0.0028153336438523266,0.0014975182712078094,0.002384018152952194,1.009935870706516,2,2669,1 -17670,0.003464697060945094,0.002273648977279663,0.0026143155992031097,0.8549806317097159,2,2670,1 -17671,0.0017568033058086823,0.0014464110136032104,0.0009971223771572113,0.6035607465119806,2,2671,1 -17672,0.0032621276512738904,0.0019968263804912567,0.002579566091299057,0.9120525971293666,2,2672,1 -17673,0.001804197656155731,0.0005131810903549194,0.0017296746373176575,1.2823769050450013,2,2673,1 -17674,0.0030143161721529863,0.0015790127217769623,0.0025676488876342773,1.0194461747144985,2,2674,1 -17675,0.001825124661580961,0.0011263936758041382,0.001436077058315277,0.9056683212818404,2,2675,1 -17676,0.003181200938428386,0.0013800375163555145,0.0028662756085395813,1.1220789616978366,2,2676,1 -17677,0.0031896282284019596,0.0017947107553482056,0.0026368051767349243,0.9731832818525555,2,2677,1 -17678,0.00288473201540967,0.0016833990812301636,0.0023426152765750885,0.9476971074769929,2,2678,1 -17679,0.0022443081012540242,0.0012658201158046722,0.0018532723188400269,0.971558184093432,2,2679,1 -17680,0.0026253777327315485,0.0016550533473491669,0.002037990838289261,0.8887204682651134,2,2680,1 -17681,0.003051211992764503,0.0022317171096801758,0.002080705016851425,0.7503945372884399,2,2681,1 -17682,0.0018456384105216518,0.0005263686180114746,0.001768987625837326,1.281585453994668,2,2682,1 -17683,0.0030073507513602832,0.0019587837159633636,0.002281956374645233,0.8614578178558182,2,2683,1 -17684,0.002882948480381247,0.0014597699046134949,0.002486053854227066,1.0398539984448987,2,2684,1 -17685,0.002722039865222032,0.0017128251492977142,0.002115592360496521,0.8902172058769167,2,2685,1 -17686,0.0027976613790637287,0.0017740242183208466,0.002163272351026535,0.8839397352006493,2,2686,1 -17687,0.0027235120263843222,0.0018209181725978851,0.0020252838730812073,0.8384826599835066,2,2687,1 -17688,0.0026036317444646717,0.0013507679104804993,0.002225831151008606,1.0253479651121398,2,2688,1 -17689,0.0024884173177399604,0.0014862939715385437,0.0019957832992076874,0.9306848497911664,2,2689,1 -17690,0.003055835868833698,0.001818835735321045,0.00245559960603714,0.9332809074742112,2,2690,1 -17691,0.001485956228162694,0.0008997730910778046,0.0011825710535049438,0.9203798577324395,2,2691,1 -17692,0.001574303318083174,0.0013221725821495056,0.0008545704185962677,0.5737965897460433,2,2692,1 -17693,0.003122761577853153,0.0017001405358314514,0.002619381994009018,0.9950810008228378,2,2693,1 -17694,0.0028754553912485326,0.0018460713326931,0.0022046007215976715,0.8736791931671384,2,2694,1 -17695,0.0018354785971969399,0.0012134872376918793,0.0013771094381809235,0.8484744221928613,2,2695,1 -17696,0.0026954655247503705,0.001892276108264923,0.0019195899367332458,0.7925635151419788,2,2696,1 -17697,0.0026993540246974756,0.0015016570687294006,0.0022431090474128723,0.9808668991082693,2,2697,1 -17698,0.0027037822033702764,0.0014721639454364777,0.002267856150865555,0.995023492351969,2,2698,1 -17699,0.002844141310320006,0.001600068062543869,0.0023513659834861755,0.9732884511442463,2,2699,1 -17700,0.0022267580724922376,0.0011946596205234528,0.0018791593611240387,1.0045100375683587,2,2700,1 -17701,0.002692470393514613,0.0015707165002822876,0.0021868348121643066,0.9479200033831768,2,2701,1 -17702,0.0026784896984220455,0.0014897435903549194,0.002225976437330246,0.9810046445653706,2,2702,1 -17703,0.0016183279284162524,0.0011576078832149506,0.0011308975517749786,0.773727175745366,2,2703,1 -17704,0.0031560295940758617,0.001400962471961975,0.0028280429542064667,1.1108496830740873,2,2704,1 -17705,0.0013426817803790846,0.0008915923535823822,0.0010039210319519043,0.8445892323212331,2,2705,1 -17706,0.001438171034235275,0.001241888850927353,0.0007252916693687439,0.5285888741166626,2,2706,1 -17707,0.0016183769382387813,0.0009680427610874176,0.0012969337403774261,0.9295975485404795,2,2707,1 -17708,0.0014360714425712764,0.0011414475739002228,0.0008714348077774048,0.652051833466415,2,2708,1 -17709,0.0017054522039876272,0.0014166384935379028,0.0009495802223682404,0.5905173956266164,2,2709,1 -17710,0.002759378275034303,0.0015361681580543518,0.002292238175868988,0.9803786108827742,2,2710,1 -17711,0.002936558002657475,0.0016187354922294617,0.002450115978717804,0.9869518248682874,2,2711,1 -17712,0.0010242774766035445,0.0007882602512836456,0.0006540566682815552,0.6926180824137047,2,2712,1 -17713,0.003014648690941614,0.0020038895308971405,0.002252228558063507,0.8436807972121809,2,2713,1 -17714,0.0031291736110701097,0.0015343576669692993,0.0027271732687950134,1.0583169832392345,2,2714,1 -17715,0.0014868364200120777,0.0009442940354347229,0.001148473471403122,0.882654673202219,2,2715,1 -17716,0.0028484988287100057,0.001591067761182785,0.0023627206683158875,0.9781432637570566,2,2716,1 -17717,0.0011228869547022604,0.0009328573942184448,0.000625021755695343,0.5903121490146102,2,2717,1 -17718,0.00312155560538951,0.0014890842139720917,0.0027434900403022766,1.0735208854625686,2,2718,1 -17719,0.0030790388031979245,0.0017340444028377533,0.002544321119785309,0.9725706368655748,2,2719,1 -17720,0.002686952457017189,0.0016306787729263306,0.0021355561912059784,0.918657330800058,2,2720,1 -17721,0.002818679755990353,0.0020618438720703125,0.001921914517879486,0.7502876379798573,2,2721,1 -17722,0.001405164512625959,0.0009532198309898376,0.001032404601573944,0.8252560702990721,2,2722,1 -17723,0.0014882141923352864,0.0009649023413658142,0.0011330246925354004,0.8653646422513632,2,2723,1 -17724,0.0011848635505482257,0.0007701404392719269,0.0009004361927509308,0.8632350663827845,2,2724,1 -17725,0.0010575908957246236,0.0009294450283050537,0.0005046091973781586,0.4973870290814862,2,2725,1 -17726,0.003247449832893601,0.002017304301261902,0.002544879913330078,0.9005277920398524,2,2726,1 -17727,0.0027952761572786664,0.0019151531159877777,0.002036113291978836,0.8160016202457457,2,2727,1 -17728,0.0030508397101102432,0.0017429180443286896,0.0025039687752723694,0.962718065177066,2,2728,1 -17729,0.0013486323021938398,0.0009072646498680115,0.000997837632894516,0.8329047127175128,2,2729,1 -17730,0.001979580478160151,0.001204945147037506,0.0015706196427345276,0.916391513944295,2,2730,1 -17731,0.0026020636683787386,0.0012994222342967987,0.002254381775856018,1.047911685506674,2,2731,1 -17732,0.0028823789524411027,0.001704040914773941,0.0023247264325618744,0.9382596891789587,2,2732,1 -17733,0.003087024873154136,0.0020434334874153137,0.002313893288373947,0.8473887558113675,2,2733,1 -17734,0.002712016967098925,0.0016461461782455444,0.0021552816033363342,0.9185385308632413,2,2734,1 -17735,0.0031279569504994173,0.001904226839542389,0.00248153880238533,0.9162787981016951,2,2735,1 -17736,0.0033754641221457496,0.0019526593387126923,0.00275333970785141,0.9539247343348978,2,2736,1 -17737,0.003190779028324258,0.0016438029706478119,0.0027347728610038757,1.0295869285744395,2,2737,1 -17738,0.0026722308587970975,0.0014654844999313354,0.00223454087972641,0.9903318615213619,2,2738,1 -17739,0.0030976394736411577,0.0017462074756622314,0.002558540552854538,0.9719111905821458,2,2739,1 -17740,0.001962557569255615,0.0012889541685581207,0.0014799423515796661,0.8542653649891746,2,2740,1 -17741,0.0017557129031989225,0.0015861764550209045,0.0007527098059654236,0.44307584834781594,2,2741,1 -17742,0.0028517260552639576,0.0015647560358047485,0.002384088933467865,0.9899820208585409,2,2742,1 -17743,0.00283525700236348,0.001626327633857727,0.0023224428296089172,0.9598918949287061,2,2743,1 -17744,0.0033504345586740955,0.001797650009393692,0.002827342599630356,1.0044619441621243,2,2744,1 -17745,0.0013300167150763617,0.0008460544049739838,0.0010262243449687958,0.8813330603511537,2,2745,1 -17746,0.0030194485268556634,0.001798585057258606,0.002425316721200943,0.9327008628601241,2,2746,1 -17747,0.0012429071130331177,0.000972311943769455,0.0007742270827293396,0.6724650858593971,2,2747,1 -17748,0.002346008459324445,0.0009762085974216461,0.002133253961801529,1.1416279996152698,2,2748,1 -17749,0.00256578982656297,0.001756373792886734,0.0018704086542129517,0.8168302401672591,2,2749,1 -17750,0.0029920204056970707,0.0019348524510860443,0.002282220870256424,0.8675845350361772,2,2750,1 -17751,0.0020427063697974414,0.0012416653335094452,0.0016220100224018097,0.9174423192643172,2,2751,1 -17752,0.0028205016821448224,0.0017483942210674286,0.0022132210433483124,0.9021967813581347,2,2752,1 -17753,0.0025950634927035345,0.001595374196767807,0.0020467378199100494,0.9086985835883878,2,2753,1 -17754,0.002282720729165431,0.0012856274843215942,0.001886259764432907,0.9725434658626065,2,2754,1 -17755,0.0012796345238194388,0.0010739266872406006,0.0006958059966564178,0.5749033639756016,2,2755,1 -17756,0.002915742283199032,0.001694709062576294,0.002372659742832184,0.9505602079255888,2,2756,1 -17757,0.003439776332980734,0.002392340451478958,0.002471592277288437,0.8016904967621371,2,2757,1 -17758,0.0028190969066597,0.0015081465244293213,0.0023817643523216248,1.006318104534,2,2758,1 -17759,0.0012145086119322026,0.0010214634239673615,0.0006569959223270416,0.5715735650388616,2,2759,1 -17760,0.002666432084616836,0.0021030083298683167,0.0016392730176448822,0.662108850459857,2,2760,1 -17761,0.0018608982122556934,0.001662377268075943,0.0008363276720046997,0.46611765273383376,2,2761,1 -17762,0.0033840906740809054,0.0019516311585903168,0.0027646347880363464,0.9561033792943106,2,2762,1 -17763,0.0030987517206085566,0.0017062202095985413,0.002586711198091507,0.9876951299233829,2,2763,1 -17764,0.002949310500170429,0.0019497908651828766,0.0022128596901893616,0.8485116612779383,2,2764,1 -17765,0.0030915703211924247,0.001973070204257965,0.0023800842463970184,0.8786257735604573,2,2765,1 -17766,0.002579817026971344,0.00132070854306221,0.0022161193192005157,1.033356015332871,2,2766,1 -17767,0.002842765693847285,0.0014240778982639313,0.002460349351167679,1.046102504246526,2,2767,1 -17768,0.0018567807434084335,0.0009812861680984497,0.0015762969851493835,1.013977903852285,2,2768,1 -17769,0.003043496275054086,0.0019321702420711517,0.002351507544517517,0.8829791427219512,2,2769,1 -17770,0.002580282331173302,0.001432470977306366,0.0021461322903633118,0.9822403358276738,2,2770,1 -17771,0.0029318919701294874,0.002247914671897888,0.001882251352071762,0.6970936303304685,2,2771,1 -17772,0.003407472382725744,0.0021246112883090973,0.0026639997959136963,0.8975652409513846,2,2772,1 -17773,0.003015589930479717,0.0019043907523155212,0.0023381784558296204,0.8872905402636259,2,2773,1 -17774,0.003018990070970936,0.0015450678765773773,0.0025936588644981384,1.0335373929925051,2,2774,1 -17775,0.0019181648163198975,0.0011547766625881195,0.0015316158533096313,0.9247658090493558,2,2775,1 -17776,0.002761436935497472,0.0012093335390090942,0.0024825483560562134,1.1174944495076222,2,2776,1 -17777,0.0012601319568499598,0.0010708943009376526,0.0006641671061515808,0.5551391432266971,2,2777,1 -17778,0.0011879327684461813,0.0005504749715328217,0.0010526925325393677,1.0889805537692128,2,2778,1 -17779,0.00256690291985054,0.0016869492828845978,0.0019347332417964935,0.8537085206530721,2,2779,1 -17780,0.0016364634412314157,0.0010708309710025787,0.001237470656633377,0.8574646119847986,2,2780,1 -17781,0.0027089231779377117,0.0017728842794895172,0.0020482055842876434,0.8573269419099097,2,2781,1 -17782,0.0032313183707700747,0.001814141869544983,0.002674005925655365,0.9746899252109127,2,2782,1 -17783,0.0032855825220646133,0.0020856335759162903,0.0025387369096279144,0.883068027796904,2,2783,1 -17784,0.002915147855102964,0.0015673674643039703,0.0024579353630542755,1.0031332597824996,2,2784,1 -17785,0.0030546123288075874,0.0018207654356956482,0.0024526454508304596,0.9321976345159649,2,2785,1 -17786,0.002857525575585226,0.001552041620016098,0.0023992955684661865,0.9966218742542513,2,2786,1 -17787,0.0028911209304018884,0.0017324276268482208,0.002314578741788864,0.9282654797452061,2,2787,1 -17788,0.002692030419299571,0.0014156773686408997,0.0022897347807884216,1.0170502442660267,2,2788,1 -17789,0.00272175108529498,0.001594044268131256,0.0022061169147491455,0.945091588630293,2,2789,1 -17790,0.0012049521752387153,0.0009904392063617706,0.000686250627040863,0.6059281040423333,2,2790,1 -17791,0.0033967976871300204,0.0018140636384487152,0.002871830016374588,1.0074113021558673,2,2791,1 -17792,0.0021898028848794187,0.0010684877634048462,0.0019114315509796143,1.0610705821517403,2,2792,1 -17793,0.0034755225058997158,0.0019306652247905731,0.0028899461030960083,0.9818278544884912,2,2793,1 -17794,0.003420342891690571,0.0020535066723823547,0.002735298126935959,0.9268196920508203,2,2794,1 -17795,0.0031692077092772726,0.0016325786709785461,0.0027163513004779816,1.0296279179241463,2,2795,1 -17796,0.0018397320413500282,0.001339450478553772,0.0012611448764801025,0.7552966139558019,2,2796,1 -17797,0.0024889526639661373,0.0013895109295845032,0.0020649805665016174,0.9784955758375895,2,2797,1 -17798,0.003108323941084537,0.0014768429100513458,0.0027350708842277527,1.0756900599714567,2,2798,1 -17799,0.0016171289177183503,0.0011373907327651978,0.0011495426297187805,0.7907117343073023,2,2799,1 -17800,0.002585492069412928,0.0013455972075462341,0.0022077448666095734,1.0234284903992372,2,2800,1 -17801,0.002982877550891804,0.0014460459351539612,0.002608928829431534,1.0646821969083402,2,2801,1 -17802,0.0013599240991045895,0.0010883472859859467,0.0008154101669788361,0.6430009058501104,2,2802,1 -17803,0.003027839868612834,0.001990482211112976,0.0022816210985183716,0.8534417965795003,2,2803,1 -17804,0.0015740701717841374,0.0011610835790634155,0.0010628178715705872,0.7412407074312407,2,2804,1 -17805,0.0029038112086739,0.0015684179961681366,0.0024438053369522095,1.0002119362391344,2,2805,1 -17806,0.0030182403154865836,0.0015126578509807587,0.002611827105283737,1.0458435918153435,2,2806,1 -17807,0.003255661476014484,0.0016592778265476227,0.002801094204187393,1.0360076875830713,2,2807,1 -17808,0.0022738517235435227,0.0011429227888584137,0.001965738832950592,1.0441495230863371,2,2808,1 -17809,0.0028590254921269692,0.0014689043164253235,0.0024528242647647858,1.0312136897959596,2,2809,1 -17810,0.0030350947434862915,0.0021371617913246155,0.0021550729870796204,0.7895710692882429,2,2810,1 -17811,0.0027208912344017823,0.001473981887102127,0.0022870562970638275,0.9983052606719343,2,2811,1 -17812,0.00317775026449783,0.0018618330359458923,0.002575203776359558,0.9448103397721688,2,2812,1 -17813,0.0031807110785278723,0.0014052577316761017,0.002853449434041977,1.1131853465675108,2,2813,1 -17814,0.0029152080417297293,0.0014369823038578033,0.0025364384055137634,1.0553466388155617,2,2814,1 -17815,0.003524100836626777,0.001707661896944046,0.0030827224254608154,1.06492857136174,2,2815,1 -17816,0.0017858872096840838,0.0013807639479637146,0.0011326447129249573,0.6869987580867386,2,2816,1 -17817,0.0016184211636805972,0.0014475993812084198,0.0007237009704113007,0.4635930508753539,2,2817,1 -17818,0.0024302665678895587,0.0016488917171955109,0.0017853155732154846,0.8251022784969715,2,2818,1 -17819,0.00311601677984788,0.001865781843662262,0.0024956800043582916,0.9288300395063543,2,2819,1 -17820,0.0014553391155687578,0.0013162754476070404,0.0006208308041095734,0.4407173878867509,2,2820,1 -17821,0.0033871336000085785,0.0023529045283794403,0.002436496317386627,0.8028498875720413,2,2821,1 -17822,0.0027694142154009753,0.0017381981015205383,0.002155996859073639,0.892276915267181,2,2822,1 -17823,0.0027024796470397055,0.0017209947109222412,0.0020836442708969116,0.8804287903719455,2,2823,1 -17824,0.0011774133337880675,0.0009780041873455048,0.0006555989384651184,0.590543918668339,2,2824,1 -17825,0.0013755961132007617,0.0006598643958568573,0.0012069977819919586,1.0704910589235912,2,2825,1 -17826,0.0034770332182008454,0.0020340345799922943,0.002820011228322983,0.9459268550797967,2,2826,1 -17827,0.003237115127041122,0.0018502064049243927,0.002656247466802597,0.9623902551189027,2,2827,1 -17828,0.0030526847004211776,0.0018441304564476013,0.0024327076971530914,0.9221588159979082,2,2828,1 -17829,0.0016637494622982886,0.0013393349945545197,0.000987038016319275,0.635103962361272,2,2829,1 -17830,0.002940152815817513,0.001710258424282074,0.002391550689935684,0.9499911142113869,2,2830,1 -17831,0.0030865328566825794,0.0016916841268539429,0.0025816448032855988,0.9907226392355479,2,2831,1 -17832,0.002662901571709047,0.0013806112110614777,0.002277050167322159,1.0257458837700517,2,2832,1 -17833,0.0032817528128021925,0.0018896982073783875,0.0026830844581127167,0.9571898282003308,2,2833,1 -17834,0.0014283951430998287,0.001141328364610672,0.0008588843047618866,0.6451186066276392,2,2834,1 -17835,0.0027457933602263278,0.0020884983241558075,0.0017825700342655182,0.7065326588842014,2,2835,1 -17836,0.0029445439159149238,0.001888565719127655,0.0022591277956962585,0.8745033094654724,2,2836,1 -17837,0.003058936253192775,0.001757301390171051,0.0025037936866283417,0.9588261401886833,2,2837,1 -17838,0.0034528746405486166,0.0018728375434875488,0.002900831401348114,0.9975056824102102,2,2838,1 -17839,0.00194424912886259,0.0010108686983585358,0.0016607977449893951,1.0240301861163446,2,2839,1 -17840,0.0031981427882848907,0.0016820766031742096,0.0027200616896152496,1.0169597015916665,2,2840,1 -17841,0.0029033480701594967,0.001527540385723114,0.0024690181016921997,1.0167522234931015,2,2841,1 -17842,0.0029415613486766363,0.0013440623879432678,0.0026165395975112915,1.0962652130052148,2,2842,1 -17843,0.00314696847092952,0.002222217619419098,0.0022282637655735016,0.7867567001290382,2,2843,1 -17844,0.0018858578580813726,0.0014074966311454773,0.0012551546096801758,0.72824606067535,2,2844,1 -17845,0.0029158287370493136,0.001982465386390686,0.002138197422027588,0.8231731432805388,2,2845,1 -17846,0.0030602867193767883,0.0017936266958713531,0.002479568123817444,0.9445622744001926,2,2846,1 -17847,0.0029265883526444106,0.001832522451877594,0.0022818371653556824,0.894173585240962,2,2847,1 -17848,0.0028639641043542233,0.001443561166524887,0.002473544329404831,1.0425227278739724,2,2848,1 -17849,0.0007319782681065284,0.0006941147148609161,0.0002323724329471588,0.3230477249986964,2,2849,1 -17850,0.0033740527989321815,0.0021148771047592163,0.002628978341817856,0.8933488982349046,2,2850,1 -17851,0.0014752199087735697,0.0013571232557296753,0.0005783513188362122,0.4028525630229142,2,2851,1 -17852,0.0013117264211249006,0.0007225461304187775,0.0010947845876216888,0.9874307624884366,2,2852,1 -17853,0.0027433155452942317,0.0011863447725772858,0.0024735331535339355,1.1235889207350445,2,2853,1 -17854,0.0020410149437474164,0.000658426433801651,0.0019318945705890656,1.242323842279533,2,2854,1 -17855,0.002889165722061357,0.0019212104380130768,0.002157829701900482,0.8433417930058206,2,2855,1 -17856,0.002734217919169836,0.0016610845923423767,0.0021718069911003113,0.917865149836727,2,2856,1 -17857,0.003097513157459301,0.0019251704216003418,0.00242658331990242,0.9001131822901659,2,2857,1 -17858,0.0030455937398065377,0.001620907336473465,0.002578429877758026,1.009582881024689,2,2858,1 -17859,0.0012603452406832615,0.0010152459144592285,0.0007468238472938538,0.6342269527771364,2,2859,1 -17860,0.0028404091631699007,0.0014122799038887024,0.002464424818754196,1.0504161547901634,2,2860,1 -17861,0.0030037285980137767,0.0019883476197719574,0.002251412719488144,0.8473658854518908,2,2861,1 -17862,0.0018359339196974507,0.0015128180384635925,0.0010402090847492218,0.6023531835772077,2,2862,1 -17863,0.002088764454969997,0.0012378618121147156,0.0016824491322040558,0.9364778231210079,2,2863,1 -17864,0.0031284278741190025,0.0016548633575439453,0.002654898911714554,1.013402821376576,2,2864,1 -17865,0.0029069230318771073,0.001857466995716095,0.0022360719740390778,0.8776242165610172,2,2865,1 -17866,0.002847456657674475,0.0017017461359500885,0.002282995730638504,0.930245409284156,2,2866,1 -17867,0.001577732183356415,0.0009705126285552979,0.0012439228594303131,0.9082436921505374,2,2867,1 -17868,0.0029117416721852712,0.0016801394522190094,0.0023781023919582367,0.9557184181817165,2,2868,1 -17869,0.002864699772307762,0.001743454486131668,0.0022730752825737,0.9165021080374999,2,2869,1 -17870,0.0030922456202276375,0.0020262226462364197,0.002335894852876663,0.8562705206304696,2,2870,1 -17871,0.0024036719860667344,0.0017270073294639587,0.0016718506813049316,0.7691715934862402,2,2871,1 -17872,0.0027751787958498653,0.0016480796039104462,0.0022328123450279236,0.9349429885927562,2,2872,1 -17873,0.003491404565631424,0.00182352215051651,0.002977360039949417,1.0212633935597657,2,2873,1 -17874,0.0032232079391798715,0.0019767582416534424,0.002545878291130066,0.910578292120042,2,2874,1 -17875,0.0032128021782042407,0.0015656836330890656,0.0028054825961589813,1.0617708589333223,2,2875,1 -17876,0.0027210637294230824,0.0017455965280532837,0.0020873621106147766,0.8743279400266466,2,2876,1 -17877,0.0031432849541660653,0.002021346241235733,0.002407155930995941,0.8722984330706822,2,2877,1 -17878,0.002817910237935531,0.0016554556787014008,0.0022803694009780884,0.9428595421601317,2,2878,1 -17879,0.003035045195603619,0.001917131245136261,0.002352893352508545,0.8870975173735316,2,2879,1 -17880,0.002765928226092268,0.0012157857418060303,0.0024843961000442505,1.1156898555055792,2,2880,1 -17881,0.0016642733465777981,0.0012537986040115356,0.0010944381356239319,0.7176381738405073,2,2881,1 -17882,0.0033200322688042437,0.0020043104887008667,0.002646762877702713,0.9226595041841159,2,2882,1 -17883,0.0019299126228161398,0.0011304356157779694,0.0015641860663890839,0.9449980566033922,2,2883,1 -17884,0.003083211378892156,0.0015563778579235077,0.0026615560054779053,1.0416563003889947,2,2884,1 -17885,0.0025826491861064473,0.0013725534081459045,0.002187732607126236,1.010482879439683,2,2885,1 -17886,0.0016837765988607755,0.0012565255165100098,0.0011208243668079376,0.7283791875389308,2,2886,1 -17887,0.0032689184911089946,0.0018093623220920563,0.0027225054800510406,0.9842296333117254,2,2887,1 -17888,0.0033198267743909065,0.0015453621745109558,0.0029382146894931793,1.0866027084162686,2,2888,1 -17889,0.0028570417099228343,0.0014646276831626892,0.0024530701339244843,1.0325421079648858,2,2889,1 -17890,0.0016080000955155766,0.001033250242471695,0.0012320950627326965,0.8729505922053186,2,2890,1 -17891,0.002773477490253068,0.0016249194741249084,0.002247624099254608,0.9448332632639105,2,2891,1 -17892,0.002863910546511914,0.0013560019433498383,0.002522546797990799,1.0775597522819402,2,2892,1 -17893,0.001380708990124036,0.001054670661687851,0.0008910819888114929,0.7015206707036897,2,2893,1 -17894,0.00137811567883221,0.0010318160057067871,0.0009135417640209198,0.7246747142531782,2,2894,1 -17895,0.0029463142502071087,0.0018331259489059448,0.002306602895259857,0.8992772216459246,2,2895,1 -17896,0.00175496752920423,0.0012137480080127716,0.0012675672769546509,0.8070845778268055,2,2896,1 -17897,0.0032149446007800732,0.0017212927341461182,0.002715330570936203,1.0058108564780994,2,2897,1 -17898,0.0031301726314653675,0.0014203637838363647,0.0027893632650375366,1.0998101383133752,2,2898,1 -17899,0.0031730651485258263,0.0018211416900157928,0.0025984197854995728,0.9594900079429012,2,2899,1 -17900,0.003268261967754745,0.002057325094938278,0.0025394782423973083,0.8899048241019492,2,2900,1 -17901,0.0029657257310365935,0.0020764805376529694,0.002117488533258438,0.7951757006449738,2,2901,1 -17902,0.00218675776152495,0.0010528340935707092,0.0019166246056556702,1.068477797580369,2,2902,1 -17903,0.0027840566699189923,0.0017007440328598022,0.0022041872143745422,0.9136158680772886,2,2903,1 -17904,0.0028516667205505716,0.0015666894614696503,0.0023827478289604187,0.9891571538208986,2,2904,1 -17905,0.0027353596726764446,0.001329522579908371,0.002390515059232712,1.0632316692084252,2,2905,1 -17906,0.003087818671750736,0.0018392540514469147,0.0024802759289741516,0.9327237746423716,2,2906,1 -17907,0.0029910078169671423,0.0014020614326000214,0.002642035484313965,1.0829111421728888,2,2907,1 -17908,0.003464820647812111,0.0018694251775741577,0.0029172301292419434,1.000900225759937,2,2908,1 -17909,0.0033499108918392606,0.0017701610922813416,0.0028440169990062714,1.0140574771623947,2,2909,1 -17910,0.002101573292360349,0.0014368705451488495,0.0015336275100708008,0.8179592915054203,2,2910,1 -17911,0.00288928073044528,0.0017466060817241669,0.0023015886545181274,0.9216426832838979,2,2911,1 -17912,0.0029705476447104157,0.0016763433814048767,0.002452351152896881,0.9711853880996405,2,2912,1 -17913,0.0030581818043626382,0.0016521923243999481,0.002573467791080475,1.0000584266419816,2,2913,1 -17914,0.0031855796097032436,0.001923348754644394,0.002539418637752533,0.9225777478251118,2,2914,1 -17915,0.003143135890989095,0.001989442855119705,0.002433396875858307,0.8854406595555001,2,2915,1 -17916,0.002228488046239713,0.0014296062290668488,0.0017094984650611877,0.8743260781212734,2,2916,1 -17917,0.003320380428730549,0.0020124725997447968,0.0026409998536109924,0.9196519929948059,2,2917,1 -17918,0.00307373655020172,0.002067018300294876,0.0022749267518520355,0.8332453301263546,2,2918,1 -17919,0.0033535514856008774,0.0018655620515346527,0.002786751836538315,0.9808764521116775,2,2919,1 -17920,0.003269049753032252,0.0019997507333755493,0.0025860555469989777,0.9125603546112527,2,2920,1 -17921,0.0029058530717739057,0.0018301941454410553,0.0022570714354515076,0.8894616876218384,2,2921,1 -17922,0.002753909568173702,0.001957029104232788,0.0019375383853912354,0.780393613810149,2,2922,1 -17923,0.0031030367225829535,0.0017730370163917542,0.0025466009974479675,0.9626005504580887,2,2923,1 -17924,0.0025737125237793143,0.0015366263687610626,0.0020646490156650543,0.9309818519188002,2,2924,1 -17925,0.0013082702294776136,0.0006566457450389862,0.0011315420269966125,1.0449802070240084,2,2925,1 -17926,0.0011767841756481808,0.0009435229003429413,0.0007032677531242371,0.6405272900278026,2,2926,1 -17927,0.0012458352088870184,0.0007351748645305634,0.0010057948529720306,0.9396061620716325,2,2927,1 -17928,0.002804176579905253,0.0016874335706233978,0.002239637076854706,0.9250968488277559,2,2928,1 -17929,0.0035430472000250717,0.0022455155849456787,0.0027405917644500732,0.8843649046270001,2,2929,1 -17930,0.0029015573247877804,0.0018802620470523834,0.0022098980844020844,0.8658168065362774,2,2930,1 -17931,0.0030998900723008017,0.002028312534093857,0.002344198524951935,0.8575164839942088,2,2931,1 -17932,0.003004444325502407,0.0018198750913143158,0.0023905523121356964,0.9201162295758862,2,2932,1 -17933,0.002882411133533162,0.0015498921275138855,0.002430252730846405,1.0030814179788703,2,2933,1 -17934,0.0015286204246225342,0.0011971667408943176,0.0009505115449428558,0.6710517801705532,2,2934,1 -17935,0.0027973984136025628,0.0014261826872825623,0.002406541258096695,1.0358153698356902,2,2935,1 -17936,0.003130275993208219,0.0019644498825073242,0.002437122166156769,0.8923753514028567,2,2936,1 -17937,0.0032712795569064053,0.0020272471010684967,0.0025673992931842804,0.9024222308285554,2,2937,1 -17938,0.002993988834549444,0.0018075555562973022,0.0023867785930633545,0.9226267503673268,2,2938,1 -17939,0.003097702169045509,0.0018565356731414795,0.0024797245860099792,0.9281365556312638,2,2939,1 -17940,0.003373826205753597,0.0019397400319576263,0.002760455012321472,0.9582682683637993,2,2940,1 -17941,0.0029744389870201763,0.0016989260911941528,0.00244150310754776,0.9628593327313113,2,2941,1 -17942,0.0030188216264517152,0.0017184652388095856,0.0024819672107696533,0.9652025720281467,2,2942,1 -17943,0.0018485243094582616,0.0009073056280612946,0.0016105398535728455,1.057757632334759,2,2943,1 -17944,0.00308305089762126,0.0019607841968536377,0.002379186451435089,0.8815078433875314,2,2944,1 -17945,0.0027417352597975636,0.0016240216791629791,0.0022089965641498566,0.9368442774696186,2,2945,1 -17946,0.0028975422371634936,0.0018893666565418243,0.0021968260407447815,0.8605001310488845,2,2946,1 -17947,0.003001090011336377,0.0016542524099349976,0.0025039948523044586,0.9869739603658845,2,2947,1 -17948,0.0028387513970434147,0.0017685368657112122,0.0022205375134944916,0.8982265911285051,2,2948,1 -17949,0.0026982099637748464,0.0015055947005748749,0.002239089459180832,0.97882547035443,2,2949,1 -17950,0.0014059387638725648,0.0010984204709529877,0.00087757408618927,0.674095397380194,2,2950,1 -17951,0.0012561970663680872,0.000661361962556839,0.0010680034756660461,1.0163419839960248,2,2951,1 -17952,0.0029160862235535416,0.0017660893499851227,0.00232044979929924,0.9202303474150167,2,2952,1 -17953,0.0014926857604492872,0.001095052808523178,0.0010143816471099854,0.7471737626836649,2,2953,1 -17954,0.0029556989281164328,0.0015200749039649963,0.002534862607717514,1.0306212951201417,2,2954,1 -17955,0.002538308979187206,0.0010746419429779053,0.0022995993494987488,1.1336352409125008,2,2955,1 -17956,0.0029441700308595535,0.001764059066772461,0.0023571662604808807,0.928332013901796,2,2956,1 -17957,0.002996060800042133,0.0015795081853866577,0.002545885741710663,1.0155001821020608,2,2957,1 -17958,0.0032185857982331024,0.00180024653673172,0.0026680342853069305,0.9772208992997368,2,2958,1 -17959,0.0013815605435753085,0.0009832195937633514,0.0009705610573291779,0.778919258353799,2,2959,1 -17960,0.001665259433750367,0.001109931617975235,0.0012414269149303436,0.8412630910644543,2,2960,1 -17961,0.0018041033834930258,0.0013598836958408356,0.001185540109872818,0.7170120193536307,2,2961,1 -17962,0.0030598320685459534,0.0018139444291591644,0.0024641789495944977,0.9362343329891768,2,2962,1 -17963,0.001646234993160125,0.0011326931416988373,0.0011946111917495728,0.8119969396028128,2,2963,1 -17964,0.002939952204554577,0.0016291067004203796,0.002447310835123062,0.983482540919727,2,2964,1 -17965,0.0016143020512227517,0.0012784488499164581,0.000985667109489441,0.6567978831715267,2,2965,1 -17966,0.002770509729407914,0.0014383681118488312,0.0023678727447986603,1.024915709050218,2,2966,1 -17967,0.002998661400554264,0.0017090998589992523,0.0024639293551445007,0.9643461314422985,2,2967,1 -17968,0.0028575127895709906,0.001332215964794159,0.002527959644794464,1.0857885675632157,2,2968,1 -17969,0.0029331499296256823,0.0015969276428222656,0.0024603232741355896,0.9950735567998311,2,2969,1 -17970,0.003151687957051986,0.00167851522564888,0.002667531371116638,1.0091544258890037,2,2970,1 -17971,0.0034713786035729796,0.0017605572938919067,0.0029918067157268524,1.0389056543458512,2,2971,1 -17972,0.0032084453819944472,0.0019507668912410736,0.0025472790002822876,0.9172446633330581,2,2972,1 -17973,0.0030671121608744465,0.0017155744135379791,0.002542436122894287,0.9772006871856875,2,2973,1 -17974,0.0012697098991168625,0.0007365569472312927,0.0010342374444007874,0.9519465804138575,2,2974,1 -17975,0.0032426937341350887,0.001902315765619278,0.0026260726153850555,0.9438843344665888,2,2975,1 -17976,0.0030761932192057534,0.001948382705450058,0.0023804977536201477,0.8848900131737404,2,2976,1 -17977,0.002730582470975124,0.0015063658356666565,0.002277486026287079,0.9864375724475886,2,2977,1 -17978,0.0033542581955427254,0.002066913992166519,0.002641763538122177,0.906880025291939,2,2978,1 -17979,0.002921161143829014,0.0016882717609405518,0.002383887767791748,0.9545874983956707,2,2979,1 -17980,0.002946490670384598,0.002125367522239685,0.0020407401025295258,0.7650876505006762,2,2980,1 -17981,0.002904239825203639,0.0019596628844738007,0.002143438905477524,0.8301577835429902,2,2981,1 -17982,0.002838344131039923,0.0012939609587192535,0.0025262348353862762,1.0974290591262958,2,2982,1 -17983,0.0028156181086814564,0.0017610974609851837,0.002196870744228363,0.8950567391603492,2,2983,1 -17984,0.0029286436197534034,0.0019498392939567566,0.0021851956844329834,0.8422544487156068,2,2984,1 -17985,0.00273119938177135,0.0013640187680721283,0.002366200089454651,1.0478658072331692,2,2985,1 -17986,0.0031568667861735676,0.0017243847250938416,0.0026442967355251312,0.9929359468784393,2,2986,1 -17987,0.0029890480603968635,0.0019424967467784882,0.002271808683872223,0.8633811474143208,2,2987,1 -17988,0.0029237915345430286,0.0016143210232257843,0.002437729388475418,0.985876262398031,2,2988,1 -17989,0.001454048594566553,0.0009339340031147003,0.0011144615709781647,0.8733022498269112,2,2989,1 -17990,0.003013903512274868,0.0019280388951301575,0.0023165233433246613,0.8766690850363394,2,2990,1 -17991,0.0030300751859196726,0.0021220222115516663,0.0021629557013511658,0.7949506618141315,2,2991,1 -17992,0.003092039379731039,0.0020220614969730377,0.002339225262403488,0.8579928898262058,2,2992,1 -17993,0.0027366496659950515,0.0013741105794906616,0.0023666583001613617,1.0447545910690412,2,2993,1 -17994,0.002930348975821509,0.0018229670822620392,0.0022942833602428436,0.8993755814510533,2,2994,1 -17995,0.003025712532323957,0.00159454345703125,0.002571452409029007,1.015732352630521,2,2995,1 -17996,0.0030686044365346114,0.0018372759222984314,0.002457793802022934,0.9288775481786136,2,2996,1 -17997,0.0022380485644612974,0.001285739243030548,0.0018318668007850647,0.9588139106916443,2,2997,1 -17998,0.0016400906216744232,0.0011070184409618378,0.0012101270258426666,0.8298669344044831,2,2998,1 -17999,0.003163539833448972,0.0021302327513694763,0.0023388229310512543,0.8320386443891177,2,2999,1 -18000,0.003380331447839705,-0.0022211894392967224,-0.002548128366470337,-2.287751105589714,3,0,1 -18001,0.003898483971842584,-0.0019840113818645477,-0.0033558718860149384,-2.1047245103032877,3,1,1 -18002,0.003913984141121853,-0.0017380528151988983,-0.0035069137811660767,-2.03092377530609,3,2,1 -18003,0.0035813137128534243,-0.0018341951072216034,-0.003075961023569107,-2.1084906891608037,3,3,1 -18004,0.0038667605168150976,-0.0021421797573566437,-0.003219146281480789,-2.15795590508815,3,4,1 -18005,0.004422924479347612,-0.002139359712600708,-0.0038710981607437134,-2.075671278241091,3,5,1 -18006,0.0037549605325233734,-0.001456473022699356,-0.0034609846770763397,-1.9691264214691786,3,6,1 -18007,0.0035789648454520855,-0.001634109765291214,-0.003184128552675247,-2.044951812310501,3,7,1 -18008,0.0034068658629053355,-0.0014126002788543701,-0.0031002089381217957,-1.99833619919822,3,8,1 -18009,0.003781440306975192,-0.001731082797050476,-0.003361940383911133,-2.046297389137125,3,9,1 -18010,0.0031443917369240945,-0.0012174062430858612,-0.0028991587460041046,-1.968353820620224,3,10,1 -18011,0.004119023215989227,-0.0021781697869300842,-0.003495987504720688,-2.1279910886282383,3,11,1 -18012,0.0037277048275019876,-0.0017473995685577393,-0.003292776644229889,-2.058682993655917,3,12,1 -18013,0.0036469866924173275,-0.0016676411032676697,-0.0032433755695819855,-2.045714272424867,3,13,1 -18014,0.004193864769354861,-0.002362765371799469,-0.0034649446606636047,-2.169274934197629,3,14,1 -18015,0.0017723432985576213,-0.0013352632522583008,-0.0011654496192932129,-2.4239964908614735,3,15,1 -18016,0.0038721642184151215,-0.0012669190764427185,-0.0036590397357940674,-1.9041207722781612,3,16,1 -18017,0.0039045882279501462,-0.0020994171500205994,-0.0032921507954597473,-2.138478863289991,3,17,1 -18018,0.004432912123690247,-0.0018464848399162292,-0.004030037671327591,-2.0004323310559506,3,18,1 -18019,0.0037441667545201987,-0.0018008425831794739,-0.0032826438546180725,-2.0725603382613396,3,19,1 -18020,0.003979294136436539,-0.0019960030913352966,-0.0034424923360347748,-2.096240459641786,3,20,1 -18021,0.003721776791271301,-0.0015602223575115204,-0.0033789537847042084,-2.0033761483272037,3,21,1 -18022,0.0036926690504952976,-0.0014528073370456696,-0.003394871950149536,-1.9751559955206865,3,22,1 -18023,0.003853659793977203,-0.0019534938037395477,-0.0033218301832675934,-2.1024032037915097,3,23,1 -18024,0.003846931516540249,-0.002147488296031952,-0.0031917355954647064,-2.163052179187261,3,24,1 -18025,0.00391750191141774,-0.0017297565937042236,-0.003514934331178665,-2.028117134970919,3,25,1 -18026,0.0029641230770795337,-0.0013295896351337433,-0.00264919176697731,-2.035950806067501,3,26,1 -18027,0.0035402987733178515,-0.001494716852903366,-0.003209289163351059,-2.0066680333307128,3,27,1 -18028,0.0032632947125428224,-0.001446940004825592,-0.002924971282482147,-2.030183063515107,3,28,1 -18029,0.003811493476472177,-0.0016554556787014008,-0.003433212637901306,-2.020093478937671,3,29,1 -18030,0.0038747156108075555,-0.001950375735759735,-0.003348052501678467,-2.098278928355598,3,30,1 -18031,0.0035679762664369845,-0.001777496188879013,-0.0030936971306800842,-2.0922953921972063,3,31,1 -18032,0.0035473455703963677,-0.0014857947826385498,-0.0032211914658546448,-2.002971447105616,3,32,1 -18033,0.0040357678459454855,-0.0018566250801086426,-0.0035833455622196198,-2.048839488546879,3,33,1 -18034,0.0033854945134539484,-0.0014690160751342773,-0.0030501745641231537,-2.0196297199277677,3,34,1 -18035,0.003922116008354098,-0.0018088333308696747,-0.0034801028668880463,-2.050130091471027,3,35,1 -18036,0.003953360873049635,-0.0018620006740093231,-0.00348740816116333,-2.0612111167089626,3,36,1 -18037,0.003962957647871684,-0.0019081905484199524,-0.0034733042120933533,-2.0731693060441296,3,37,1 -18038,0.00349156603931289,-0.0011138394474983215,-0.0033091381192207336,-1.8954795309628034,3,38,1 -18039,0.0036377305844277536,-0.0014453418552875519,-0.0033382736146450043,-1.9793905348719165,3,39,1 -18040,0.0022333342477338235,-0.0014806538820266724,-0.001671958714723587,-2.295587442890477,3,40,1 -18041,0.004057763503688229,-0.0021514035761356354,-0.0034404806792736053,-2.129626180632017,3,41,1 -18042,0.0038199655631695906,-0.0016312077641487122,-0.003454171121120453,-2.011992709094436,3,42,1 -18043,0.004088485180438002,-0.002277012914419174,-0.0033957213163375854,-2.1614850103638212,3,43,1 -18044,0.003549239714517684,-0.0018642060458660126,-0.0030202381312847137,-2.1237945702272714,3,44,1 -18045,0.004054233279449911,-0.001981765031814575,-0.0035368651151657104,-2.081525804479388,3,45,1 -18046,0.0026126413044463555,-0.0009500943124294281,-0.0024337656795978546,-1.942982499612961,3,46,1 -18047,0.0036145545029233157,-0.001982223242521286,-0.00302254781126976,-2.151246494455325,3,47,1 -18048,0.003548535700688508,-0.001874346286058426,-0.00301312655210495,-2.1272788781382532,3,48,1 -18049,0.0036012164735288936,-0.0019948557019233704,-0.0029982179403305054,-2.1578848485695206,3,49,1 -18050,0.003134409219412165,-0.0018015392124652863,-0.002564951777458191,-2.1831095668648093,3,50,1 -18051,0.001971556164180005,-0.0013006776571273804,-0.0014816448092460632,-2.2912442155827164,3,51,1 -18052,0.0027333946456133433,-0.0014652200043201447,-0.002307504415512085,-2.1365403662153106,3,52,1 -18053,0.004265722177418326,-0.002685409039258957,-0.003314357250928879,-2.2517471833130434,3,53,1 -18054,0.003789708054490481,-0.0016957446932792664,-0.0033891499042510986,-2.0347200120244158,3,54,1 -18055,0.002377358745982831,-0.0013599619269371033,-0.0019499585032463074,-2.179796192634608,3,55,1 -18056,0.003777678296244865,-0.0017431899905204773,-0.0033514387905597687,-2.050419383478617,3,56,1 -18057,0.0037131612516328335,-0.0016011521220207214,-0.003350205719470978,-2.016629721800015,3,57,1 -18058,0.0028910693352670923,-0.0007908344268798828,-0.002780802547931671,-1.8478718805167043,3,58,1 -18059,0.004113271480773642,-0.0020790882408618927,-0.0035491399466991425,-2.1007096461027066,3,59,1 -18060,0.003971993925767508,-0.0016378127038478851,-0.0036186054348945618,-1.9958176230995872,3,60,1 -18061,0.0015986116099579479,-0.0012248344719409943,-0.0010272972285747528,-2.443681825141594,3,61,1 -18062,0.0017812657216265708,-0.0011191032826900482,-0.0013858266174793243,-2.25011482960728,3,62,1 -18063,0.00393914093061236,-0.0015680529177188873,-0.003613591194152832,-1.9802080829194382,3,63,1 -18064,0.003584966152111028,-0.001266423612833023,-0.0033538267016410828,-1.9318493653343256,3,64,1 -18065,0.004071042763135506,-0.0020638741552829742,-0.0035091042518615723,-2.102455857348924,3,65,1 -18066,0.0016667851398309405,-0.001436825841665268,-0.0008448101580142975,-2.610065876059333,3,66,1 -18067,0.0035998531167206046,-0.001984618604183197,-0.003003370016813278,-2.154724462853964,3,67,1 -18068,0.004055246566118271,-0.0019143857061862946,-0.0035749338567256927,-2.0624408616078473,3,68,1 -18069,0.0038913559429998353,-0.0018499717116355896,-0.003423485904932022,-2.0662211293245782,3,69,1 -18070,0.003739943190480653,-0.001648005098104477,-0.0033572688698768616,-2.0271187024118196,3,70,1 -18071,0.004152451315678906,-0.0017456747591495514,-0.003767687827348709,-2.004678264838056,3,71,1 -18072,0.003919666109060684,-0.0019317716360092163,-0.0034105777740478516,-2.0861479860648804,3,72,1 -18073,0.0038473894529842496,-0.0019096247851848602,-0.003340020775794983,-2.0901774736510195,3,73,1 -18074,0.0021884701686180853,-0.0011415891349315643,-0.0018671303987503052,-2.119566022974908,3,74,1 -18075,0.002065393598734641,-0.0014513395726680756,-0.0014695115387439728,-2.3499731078178656,3,75,1 -18076,0.004238583491083095,-0.0020034238696098328,-0.0037352219223976135,-2.0631071421588985,3,76,1 -18077,0.0036492821477964784,-0.0016601644456386566,-0.0032497867941856384,-2.0430888628109165,3,77,1 -18078,0.0039595532698952374,-0.0020690858364105225,-0.0033759362995624542,-2.1206416690243226,3,78,1 -18079,0.003838354305948238,-0.0018372051417827606,-0.00337010994553566,-2.0699059501050225,3,79,1 -18080,0.003619639185921166,-0.0014580413699150085,-0.0033129900693893433,-1.9853855726160332,3,80,1 -18081,0.003173677591456134,-0.0013495124876499176,-0.0028724633157253265,-2.0100017216161765,3,81,1 -18082,0.003883208436280077,-0.001961801201105118,-0.003351215273141861,-2.100411308341279,3,82,1 -18083,0.0038631928894909155,-0.0020783506333827972,-0.0032564885914325714,-2.138844524153251,3,83,1 -18084,0.004307531575232144,-0.0020012110471725464,-0.0038144439458847046,-2.0539613135848915,3,84,1 -18085,0.0038681821346943303,-0.0017057545483112335,-0.003471776843070984,-2.027476121784452,3,85,1 -18086,0.0044280390952387465,-0.0023022405803203583,-0.0037824884057044983,-2.1175574534238613,3,86,1 -18087,0.0038125920475410337,-0.001299586147069931,-0.0035842619836330414,-1.9186351153950232,3,87,1 -18088,0.002307039656292725,-0.0011684373021125793,-0.0019892677664756775,-2.1018777064139225,3,88,1 -18089,0.002625486467699229,-0.0008675381541252136,-0.0024780146777629852,-1.9075549154026472,3,89,1 -18090,0.0020401268566446213,-0.0012028701603412628,-0.0016477927565574646,-2.201366739287548,3,90,1 -18091,0.0028160406661013482,-0.0009058043360710144,-0.002666383981704712,-1.8982772257717562,3,91,1 -18092,0.003926652201683603,-0.0017206072807312012,-0.003529604524374008,-2.0243768713388737,3,92,1 -18093,0.004003787597767268,-0.0014971941709518433,-0.0037133172154426575,-1.9540547258207028,3,93,1 -18094,0.0040662234882198525,-0.0013879835605621338,-0.0038219988346099854,-1.9191434071036328,3,94,1 -18095,0.0037500062085574844,-0.0019127503037452698,-0.0032255128026008606,-2.1060577348928766,3,95,1 -18096,0.0036748456113457487,-0.001813683658838272,-0.0031960979104042053,-2.0869517734248184,3,96,1 -18097,0.0037041523609108997,-0.0020726025104522705,-0.0030700266361236572,-2.164620848858811,3,97,1 -18098,0.003929109692542869,-0.0016098394989967346,-0.0035841763019561768,-1.9929447259578046,3,98,1 -18099,0.0036042889302364076,-0.0015990473330020905,-0.003230161964893341,-2.0304650733484295,3,99,1 -18100,0.0038273652948590314,-0.0012878365814685822,-0.0036041922867298126,-1.9139740639409462,3,100,1 -18101,0.0037949079562588223,-0.0016954652965068817,-0.0033951029181480408,-2.0339522451877654,3,101,1 -18102,0.004082578430545464,-0.001964513212442398,-0.0035788454115390778,-2.072812859864375,3,102,1 -18103,0.0036162299818340436,-0.0019982382655143738,-0.0030139945447444916,-2.156246924945464,3,103,1 -18104,0.002547850749394906,-0.0017880909144878387,-0.001815013587474823,-2.348722552606065,3,104,1 -18105,0.004087371730691278,-0.002036482095718384,-0.003543917089700699,-2.0923611984848867,3,105,1 -18106,0.002196867494614243,-0.0015901587903499603,-0.0015157908201217651,-2.380133630450406,3,106,1 -18107,0.004018582415605145,-0.0018656887114048004,-0.003559242933988571,-2.0536013362508485,3,107,1 -18108,0.003944082457908156,-0.0015514828264713287,-0.0036261118948459625,-1.9750903250663185,3,108,1 -18109,0.004211540988974737,-0.002069395035505295,-0.003668062388896942,-2.0844502357234203,3,109,1 -18110,0.003676809697109906,-0.0014155879616737366,-0.0033933818340301514,-1.9660089316782028,3,110,1 -18111,0.002326776238064803,-0.0017442964017391205,-0.0015399083495140076,-2.418347983149133,3,111,1 -18112,0.003730802980956844,-0.001551307737827301,-0.003392983227968216,-1.9996303469805836,3,112,1 -18113,0.003561568059331294,-0.001340322196483612,-0.0032997429370880127,-1.9566273939900383,3,113,1 -18114,0.003714773358374234,-0.0013981834053993225,-0.0034416019916534424,-1.9566871257261649,3,114,1 -18115,0.004716381147893262,-0.001997094601392746,-0.004272688180208206,-2.008033218422628,3,115,1 -18116,0.0038222706423804626,-0.002274729311466217,-0.003071703016757965,-2.208217671432618,3,116,1 -18117,0.004334539580444108,-0.0023698508739471436,-0.0036293305456638336,-2.149257922511218,3,117,1 -18118,0.003601473595785331,-0.001920543611049652,-0.0030466578900814056,-2.1332530373753515,3,118,1 -18119,0.0026663005492287752,-0.0010832808911800385,-0.0024363212287425995,-1.989182236848237,3,119,1 -18120,0.004162302507478496,-0.0017608404159545898,-0.0037714987993240356,-2.0075993201560562,3,120,1 -18121,0.0030213833892941983,-0.001345563679933548,-0.0027052201330661774,-2.0323579759781407,3,121,1 -18122,0.003950366012064267,-0.0016211755573749542,-0.0036023855209350586,-1.9936738159399066,3,122,1 -18123,0.0037366766797269006,-0.00203554704785347,-0.003133576363325119,-2.146884879347214,3,123,1 -18124,0.00409402789860535,-0.0022416487336158752,-0.0034257955849170685,-2.1502192561493736,3,124,1 -18125,0.0035603604330975555,-0.002095382660627365,-0.0028784610331058502,-2.2000370220338326,3,125,1 -18126,0.0037354003360722103,-0.001508321613073349,-0.0034173354506492615,-1.9864534136349667,3,126,1 -18127,0.003867456732669486,-0.001374468207359314,-0.00361497700214386,-1.9341311285969105,3,127,1 -18128,0.003674506123532795,-0.0016910172998905182,-0.0032622776925563812,-2.0490197214128605,3,128,1 -18129,0.004074052016511667,-0.0022594965994358063,-0.0033900700509548187,-2.158686582275945,3,129,1 -18130,0.0034690816953760585,-0.00227176770567894,-0.002621755003929138,-2.2847955422610102,3,130,1 -18131,0.0038216556950701613,-0.0017895661294460297,-0.0033767595887184143,-2.0581279822788288,3,131,1 -18132,0.003878842224134878,-0.0015831254422664642,-0.003541063517332077,-1.9912162119756396,3,132,1 -18133,0.00429743746677822,-0.002287287265062332,-0.0036381706595420837,-2.132045859124182,3,133,1 -18134,0.003970900314912389,-0.0021495744585990906,-0.0033387690782546997,-2.1428165337380887,3,134,1 -18135,0.004003911252177598,-0.0012823380529880524,-0.0037930086255073547,-1.89681223571772,3,135,1 -18136,0.0019238585847205772,-0.0011957064270973206,-0.0015071555972099304,-2.2414710632591994,3,136,1 -18137,0.0025438325672954057,-0.0009161755442619324,-0.002373121678829193,-1.9392310078420572,3,137,1 -18138,0.003937365611223035,-0.0018144622445106506,-0.0034943632781505585,-2.0497282532691026,3,138,1 -18139,0.00217627049749253,-0.0012533701956272125,-0.0017791055142879486,-2.184532424020094,3,139,1 -18140,0.003982782147037134,-0.0020153559744358063,-0.003435242921113968,-2.1013571289228947,3,140,1 -18141,0.003349767879534732,-0.0016008950769901276,-0.002942461520433426,-2.0690727449410113,3,141,1 -18142,0.003985456903280474,-0.0020779073238372803,-0.0034009069204330444,-2.1192548050732447,3,142,1 -18143,0.0021866486228217085,-0.0013837292790412903,-0.0016931407153606415,-2.2559709659198575,3,143,1 -18144,0.004138672360280577,-0.0019768215715885162,-0.0036360397934913635,-2.068770024107732,3,144,1 -18145,0.003948599891843868,-0.0018985085189342499,-0.0034622400999069214,-2.072369453440856,3,145,1 -18146,0.003872593212344602,-0.0017497614026069641,-0.003454752266407013,-2.0396141361591154,3,146,1 -18147,0.004233864148216341,-0.0027425624430179596,-0.003225516527891159,-2.2754475697855345,3,147,1 -18148,0.0020158070145125297,-0.0013917014002799988,-0.0014583021402359009,-2.332830090969255,3,148,1 -18149,0.0039114619688030774,-0.0020116493105888367,-0.0033545196056365967,-2.1109829101230413,3,149,1 -18150,0.0040494529320402204,-0.0021231360733509064,-0.0034482404589653015,-2.1226914767670664,3,150,1 -18151,0.00398339605034315,-0.0017961151897907257,-0.003555476665496826,-2.0385702659571567,3,151,1 -18152,0.002521049465903962,-0.0015588253736495972,-0.001981351524591446,-2.2374047045828553,3,152,1 -18153,0.003583549440739331,-0.0014721378684043884,-0.0032672062516212463,-1.994132495928242,3,153,1 -18154,0.0038550421643632165,-0.0018414370715618134,-0.003386806696653366,-2.0687967203888964,3,154,1 -18155,0.0039461107228572385,-0.0023199953138828278,-0.003192085772752762,-2.199280766321233,3,155,1 -18156,0.004133095999935927,-0.0017107203602790833,-0.003762435168027878,-1.997538919604826,3,156,1 -18157,0.003913759976409676,-0.0013560950756072998,-0.003671310842037201,-1.924627504128572,3,157,1 -18158,0.004214008139622047,-0.002129342406988144,-0.0036364495754241943,-2.1005270298056726,3,158,1 -18159,0.0040473311998947175,-0.0018565282225608826,-0.003596413880586624,-2.047332820447328,3,159,1 -18160,0.0035871544568648922,-0.0016184896230697632,-0.0032012760639190674,-2.038895096571968,3,160,1 -18161,0.004469813644947207,-0.0019072778522968292,-0.00404246523976326,-2.0116391645641603,3,161,1 -18162,0.003697173633345385,-0.0018910281360149384,-0.003176964819431305,-2.107701874568576,3,162,1 -18163,0.0028532508447295974,-0.001270439475774765,-0.0025548040866851807,-2.0322613325003305,3,163,1 -18164,0.003668891881511866,-0.0014804862439632416,-0.0033569224178791046,-1.9861615074044598,3,164,1 -18165,0.003933402339480796,-0.0017602555453777313,-0.0035175494849681854,-2.0347806596503455,3,165,1 -18166,0.0038087807965371716,-0.0018884912133216858,-0.0033076293766498566,-2.0895816477631226,3,166,1 -18167,0.004008347655157134,-0.0013886652886867523,-0.003760114312171936,-1.9245732851184638,3,167,1 -18168,0.0040863593438599044,-0.001422002911567688,-0.0038309581577777863,-1.926220149509313,3,168,1 -18169,0.0040818111611631205,-0.002238001674413681,-0.003413580358028412,-2.151110173933581,3,169,1 -18170,0.003650094595615416,-0.0017695091664791107,-0.0031924955546855927,-2.0769130521147696,3,170,1 -18171,0.004168907080926228,-0.0021073706448078156,-0.003597050905227661,-2.100754380532991,3,171,1 -18172,0.003478842908822752,-0.0017241910099983215,-0.0030215084552764893,-2.0893471347082544,3,172,1 -18173,0.0037977510214086984,-0.001689516007900238,-0.003401242196559906,-2.031828517864907,3,173,1 -18174,0.004013330424847931,-0.001921188086271286,-0.0035236142575740814,-2.069971699696595,3,174,1 -18175,0.0038334172717649794,-0.0018144920468330383,-0.003376789391040802,-2.063869685626927,3,175,1 -18176,0.003399594728445227,-0.0014795437455177307,-0.003060750663280487,-2.0210698392298294,3,176,1 -18177,0.003951932614920917,-0.001657094806432724,-0.0035877302289009094,-2.0034842411436666,3,177,1 -18178,0.003417844454959736,-0.0015186220407485962,-0.003061935305595398,-2.031213165507177,3,178,1 -18179,0.004254416171933578,-0.0018329396843910217,-0.0038393214344978333,-2.0162111291204483,3,179,1 -18180,0.004153129761163209,-0.0018680095672607422,-0.0037093162536621094,-2.0373193354344976,3,180,1 -18181,0.003872457819290094,-0.0018941722810268402,-0.003377579152584076,-2.0818992862146524,3,181,1 -18182,0.0036055007227810063,-0.0016426518559455872,-0.0032095685601234436,-2.0438379951222614,3,182,1 -18183,0.002428433608699625,-0.0012943707406520844,-0.0020547248423099518,-2.1329461705486463,3,183,1 -18184,0.002042122636282291,-0.001716606318950653,-0.0011061318218708038,-2.569184532063871,3,184,1 -18185,0.004239493430138322,-0.0021036453545093536,-0.0036807581782341003,-2.09001513784418,3,185,1 -18186,0.0032845838904878052,-0.0016722045838832855,-0.002827052026987076,-2.1049432509876924,3,186,1 -18187,0.0038140730850432384,-0.0017425082623958588,-0.0033927597105503082,-2.045261585428055,3,187,1 -18188,0.004053130188849299,-0.0015268176794052124,-0.003754556179046631,-1.9570285487588817,3,188,1 -18189,0.003796014351942621,-0.002010580152273178,-0.0032198280096054077,-2.1289907772488763,3,189,1 -18190,0.003824103610614914,-0.002021782100200653,-0.003245946019887924,-2.12785798502295,3,190,1 -18191,0.002038866516572601,-0.001471925526857376,-0.0014108195900917053,-2.377388451067768,3,191,1 -18192,0.0034094559853438213,-0.0023267194628715515,-0.002492140978574753,-2.321880032311335,3,192,1 -18193,0.0036271106321029965,-0.0017685294151306152,-0.003166738897562027,-2.0801193297632965,3,193,1 -18194,0.003891720364172108,-0.0017617493867874146,-0.0034701190888881683,-2.0405780534068856,3,194,1 -18195,0.004044881930040635,-0.001695040613412857,-0.0036725886166095734,-2.003204038040798,3,195,1 -18196,0.0038357320151850044,-0.0016915276646614075,-0.0034426115453243256,-2.0275001338242626,3,196,1 -18197,0.003718628845023007,-0.0020587705075740814,-0.003096718341112137,-2.15752166763154,3,197,1 -18198,0.0016900490509626,-0.0011538341641426086,-0.001234881579875946,-2.3222782166029985,3,198,1 -18199,0.003789452686163582,-0.0015208981931209564,-0.0034708529710769653,-1.9837870090369956,3,199,1 -18200,0.00314068904668939,-0.001017305999994278,-0.002971366047859192,-1.9006575355001116,3,200,1 -18201,0.004055864295015633,-0.001540064811706543,-0.003752097487449646,-1.9602824782126045,3,201,1 -18202,0.0038018036333013,-0.0019027628004550934,-0.003291383385658264,-2.094960420874311,3,202,1 -18203,0.004029638636851291,-0.0018848590552806854,-0.0035616420209407806,-2.0575384951293008,3,203,1 -18204,0.003681746128641108,-0.0017585381865501404,-0.0032346248626708984,-2.0687594331695642,3,204,1 -18205,0.004483586423929624,-0.0023225247859954834,-0.003835156559944153,-2.1153145221741094,3,205,1 -18206,0.0028311122982502923,-0.0025056786835193634,0.0013178661465644836,2.6573998213078798,3,206,1 -18207,0.003618076850900677,-0.0015410184860229492,-0.0032734908163547516,-2.0107770101972906,3,207,1 -18208,0.003599022445024814,-0.0017353557050228119,-0.0031530149281024933,-2.073931079056706,3,208,1 -18209,0.003637473616096228,-0.0014983788132667542,-0.0033145248889923096,-1.9953657098262643,3,209,1 -18210,0.0038646480712852213,-0.001760035753250122,-0.003440607339143753,-2.0436395872981388,3,210,1 -18211,0.0038080358330481183,-0.0018443204462528229,-0.003331609070301056,-2.076385848792279,3,211,1 -18212,0.0037924248016275074,-0.0019836798310279846,-0.003232259303331375,-2.121238007662593,3,212,1 -18213,0.003801691583240149,-0.001715444028377533,-0.0033926554024219513,-2.038941465402863,3,213,1 -18214,0.0029466196570266693,-0.0014448277652263641,-0.002568081021308899,-2.0832692558171733,3,214,1 -18215,0.0037748835868142983,-0.0020287297666072845,-0.00318339467048645,-2.138181085783496,3,215,1 -18216,0.00354240388751331,-0.001824207603931427,-0.0030365921556949615,-2.1117610332276406,3,216,1 -18217,0.003921220042085113,-0.0019592903554439545,-0.003396637737751007,-2.0940065376880312,3,217,1 -18218,0.003266970230402801,-0.0015874207019805908,-0.00285537913441658,-2.0781888848161354,3,218,1 -18219,0.0039125861082789535,-0.0018132776021957397,-0.0034670382738113403,-2.0526779353336013,3,219,1 -18220,0.00379353219438204,-0.001580711454153061,-0.0034485124051570892,-2.000592938093604,3,220,1 -18221,0.003984914033095343,-0.0014704838395118713,-0.003703676164150238,-1.948742840044146,3,221,1 -18222,0.004176876352073848,-0.0020103342831134796,-0.003661263734102249,-2.0729345226113853,3,222,1 -18223,0.003960890017438208,-0.001430962234735489,-0.0036933720111846924,-1.940428961560124,3,223,1 -18224,0.0025338743843486924,-0.0020163878798484802,-0.0015345029532909393,-2.4910786555673288,3,224,1 -18225,0.004074506617693677,-0.0020059458911418915,-0.0035465173423290253,-2.0855451863427534,3,225,1 -18226,0.003853119445534598,-0.002027072012424469,-0.0032768137753009796,-2.124787879015363,3,226,1 -18227,0.0035168404611390603,-0.0018621161580085754,-0.0029834024608135223,-2.128790326618512,3,227,1 -18228,0.003921686565521105,-0.0015958324074745178,-0.0035823099315166473,-1.9898815674793684,3,228,1 -18229,0.0031488651310677134,-0.0015231892466545105,-0.0027559474110603333,-2.07570374924447,3,229,1 -18230,0.0036691744319096984,-0.0023837387561798096,-0.0027893781661987305,-2.2779416497302876,3,230,1 -18231,0.003800458224405817,-0.0017065629363059998,-0.003395751118659973,-2.036488487042029,3,231,1 -18232,0.004112253128957146,-0.0017929747700691223,-0.0037007927894592285,-2.0219542382640565,3,232,1 -18233,0.003927802937699457,-0.0018659010529518127,-0.0034563057124614716,-2.0658166771947264,3,233,1 -18234,0.0036665737644652626,-0.0017085038125514984,-0.0032441914081573486,-2.0555239660597007,3,234,1 -18235,0.0036800841544818706,-0.001853853464126587,-0.0031790323555469513,-2.0987341518522964,3,235,1 -18236,0.004243706556844577,-0.0027109235525131226,-0.0032649561762809753,-2.2637472849530678,3,236,1 -18237,0.004081216648284373,-0.002449735999107361,-0.00326421856880188,-2.21460559321201,3,237,1 -18238,0.002189466287713858,-0.0009875483810901642,-0.001954101026058197,-2.0387324729043046,3,238,1 -18239,0.002046091897638442,-0.0015408620238304138,-0.001346193253993988,-2.42352072031152,3,239,1 -18240,0.0038780812936552393,-0.0016773790121078491,-0.0034965574741363525,-2.0180911408305704,3,240,1 -18241,0.0035865213266515323,-0.0016349852085113525,-0.0031921714544296265,-2.0441450629770856,3,241,1 -18242,0.00450556274276496,-0.002239767462015152,-0.003909416496753693,-2.0910630534707835,3,242,1 -18243,0.003940996803563525,-0.0017157234251499176,-0.0035479217767715454,-2.0212262931544815,3,243,1 -18244,0.0037154642631530904,-0.0014013908803462982,-0.003441043198108673,-1.9575435274992954,3,244,1 -18245,0.003958713267443187,-0.002056702971458435,-0.0033825114369392395,-2.117106783200836,3,245,1 -18246,0.00377518704475655,-0.001642521470785141,-0.0033991411328315735,-2.0209273032351502,3,246,1 -18247,0.0024402513515362568,-0.001552388072013855,-0.0018827952444553375,-2.260306186554248,3,247,1 -18248,0.003410934393916635,-0.0016850605607032776,-0.0029656440019607544,-2.0875005297942564,3,248,1 -18249,0.003958756801259694,-0.0020606964826583862,-0.0033801309764385223,-2.1182811381870934,3,249,1 -18250,0.0032389636968516234,-0.001333136111497879,-0.0029518865048885345,-1.99499807218145,3,250,1 -18251,0.0037585573511416006,-0.0013517439365386963,-0.003507070243358612,-1.938683045058992,3,251,1 -18252,0.002125761094896282,-0.0015005581080913544,-0.0015057176351547241,-2.3544782397754833,3,252,1 -18253,0.00426243649813699,-0.002490617334842682,-0.0034590736031532288,-2.194835437552427,3,253,1 -18254,0.0022687811470996824,-0.0013223662972450256,-0.0018435604870319366,-2.1930318803795545,3,254,1 -18255,0.004137029367116435,-0.0021973028779029846,-0.003505263477563858,-2.130730703472848,3,255,1 -18256,0.002477150097375722,-0.001866653561592102,-0.0016284584999084473,-2.424240181555109,3,256,1 -18257,0.0033371963983475006,-0.001192636787891388,-0.003116808831691742,-1.936254090854211,3,257,1 -18258,0.003968753845509023,-0.0016333423554897308,-0.0036170706152915955,-1.994950914299447,3,258,1 -18259,0.0021066279085471167,-0.0016419142484664917,-0.0013198480010032654,-2.464510319158432,3,259,1 -18260,0.004019064976976055,-0.0016683489084243774,-0.003656432032585144,-1.9988586263336128,3,260,1 -18261,0.0036804459024910763,-0.0014564953744411469,-0.0033799856901168823,-1.977668551690189,3,261,1 -18262,0.0036012494172910975,-0.0013680234551429749,-0.0033312924206256866,-1.960457139520615,3,262,1 -18263,0.003988395817071701,-0.00202975794672966,-0.00343327596783638,-2.1047212323164968,3,263,1 -18264,0.00429355787118607,-0.0020892545580863953,-0.003750953823328018,-2.0789924908048225,3,264,1 -18265,0.004072137753890985,-0.0019231326878070831,-0.0035894103348255157,-2.062656219535675,3,265,1 -18266,0.003668597576069513,-0.0019390210509300232,-0.0031142905354499817,-2.1276826924418946,3,266,1 -18267,0.0035037841299332606,-0.001708928495645523,-0.0030587688088417053,-2.080293048788388,3,267,1 -18268,0.0021650869240884066,-0.0014885179698467255,-0.0015722326934337616,-2.3288502641942785,3,268,1 -18269,0.0019354599726096999,-0.0013613775372505188,-0.0013757385313510895,-2.3509477772419514,3,269,1 -18270,0.002919883063853378,-0.0015222951769828796,-0.0024916529655456543,-2.1192342033870686,3,270,1 -18271,0.003758510123276965,-0.001623746007680893,-0.003389667719602585,-2.017526077667289,3,271,1 -18272,0.003784328326527149,-0.0014938414096832275,-0.0034770071506500244,-1.9765856805132727,3,272,1 -18273,0.0037662040166616785,-0.001628279685974121,-0.0033960267901420593,-2.0178822793723348,3,273,1 -18274,0.003892563286454267,-0.0022252723574638367,-0.0031937770545482635,-2.179339478442448,3,274,1 -18275,0.001801405147964264,-0.0011559389531612396,-0.0013816170394420624,-2.2674926461505147,3,275,1 -18276,0.0031700100115741223,-0.0013382919132709503,-0.0028736628592014313,-2.0066371523483557,3,276,1 -18277,0.0037519536309353675,-0.001775052398443222,-0.003305502235889435,-2.063603436410826,3,277,1 -18278,0.0035494114715637895,-0.001922518014907837,-0.0029836632311344147,-2.143188131050622,3,278,1 -18279,0.0038726716621346456,-0.002258501946926117,-0.0031459107995033264,-2.1934459974642286,3,279,1 -18280,0.003870909145568664,-0.0019988231360912323,-0.0033149123191833496,-2.1134035270478555,3,280,1 -18281,0.004197758605174557,-0.002334699034690857,-0.0034886039793491364,-2.160575523932587,3,281,1 -18282,0.004318494307959346,-0.0024289339780807495,-0.003570668399333954,-2.168141389460081,3,282,1 -18283,0.0033748037457492406,-0.0013861097395420074,-0.0030770115554332733,-1.994043290885818,3,283,1 -18284,0.002358497620926307,-0.0019766204059123993,-0.0012866556644439697,-2.564558906334373,3,284,1 -18285,0.0040333446009894166,-0.0023036375641822815,-0.0033107586205005646,-2.1787003182357725,3,285,1 -18286,0.003999019824026947,-0.00180034339427948,-0.0035708434879779816,-2.03778134223968,3,286,1 -18287,0.002255323999317765,-0.001477256417274475,-0.0017041712999343872,-2.2849902123521417,3,287,1 -18288,0.004093275876247089,-0.001964747905731201,-0.0035909153521060944,-2.071444212273539,3,288,1 -18289,0.0038506503870822297,-0.0018835067749023438,-0.0033585578203201294,-2.081899694570109,3,289,1 -18290,0.004025397800859716,-0.0018819235265254974,-0.0035583972930908203,-2.0572709730837055,3,290,1 -18291,0.003962450007173478,-0.0021430067718029022,-0.0033329464495182037,-2.142218369211836,3,291,1 -18292,0.0021063524220489857,-0.0017013847827911377,-0.001241777092218399,-2.511104547368698,3,292,1 -18293,0.004160431590215386,-0.00183110311627388,-0.003735806792974472,-2.026532373275426,3,293,1 -18294,0.004098289242307744,-0.0020345263183116913,-0.0035576224327087402,-2.090281242539252,3,294,1 -18295,0.003965176685277038,-0.0019039064645767212,-0.0034781843423843384,-2.0716297603882636,3,295,1 -18296,0.003699270532511853,-0.002099268138408661,-0.003045927733182907,-2.1742404155422728,3,296,1 -18297,0.00356907626326712,-0.001815006136894226,-0.0030731186270713806,-2.104280764987237,3,297,1 -18298,0.0019527290169143242,-0.0014761388301849365,-0.0012783445417881012,-2.427879572440387,3,298,1 -18299,0.00220666297518538,-0.0015915147960186005,-0.0015285424888134003,-2.376374811523528,3,299,1 -18300,0.0039004612436521974,-0.0019592344760894775,-0.003372684121131897,-2.0970626792226725,3,300,1 -18301,0.0020386911095588017,-0.001390065997838974,-0.0014913007616996765,-2.3210746502724464,3,301,1 -18302,0.00297858278071985,-0.0015364699065685272,-0.002551708370447159,-2.112783334845017,3,302,1 -18303,0.0030291454263888457,-0.0011799074709415436,-0.002789899706840515,-1.9709048157995535,3,303,1 -18304,0.0034716528214544413,-0.0015308856964111328,-0.003115888684988022,-2.027472563342801,3,304,1 -18305,0.003710362573537934,-0.001895163208246231,-0.0031898505985736847,-2.1068832047818664,3,305,1 -18306,0.0037830708869427045,-0.0019363798201084137,-0.0032499320805072784,-2.108137829759143,3,306,1 -18307,0.0036456785916054125,-0.002087630331516266,-0.0029887743294239044,-2.1805084528978136,3,307,1 -18308,0.0036891852192151124,-0.002070389688014984,-0.0030534528195858,-2.166637454441619,3,308,1 -18309,0.00383887949430013,-0.0020412206649780273,-0.003251217305660248,-2.131430074758869,3,309,1 -18310,0.0040825641396802686,-0.0025090649724006653,-0.003220546990633011,-2.232650604662533,3,310,1 -18311,0.003672362639219607,-0.001916687935590744,-0.0031324997544288635,-2.1198993155770354,3,311,1 -18312,0.004052846386578551,-0.0020691901445388794,-0.003484826534986496,-2.106623347260874,3,312,1 -18313,0.0026954071721065676,-0.0014115311205387115,-0.0022962577641010284,-2.1219613778579833,3,313,1 -18314,0.0036750576426549833,-0.001747816801071167,-0.00323282927274704,-2.066429750305644,3,314,1 -18315,0.004261648604181689,-0.0020988285541534424,-0.0037089847028255463,-2.085747283649438,3,315,1 -18316,0.0019782279625360113,-0.0015533752739429474,-0.001224912703037262,-2.4738730612423345,3,316,1 -18317,0.003942127830190389,-0.0017833225429058075,-0.00351569801568985,-2.0402236441772055,3,317,1 -18318,0.002106657794805316,-0.001360040158033371,-0.001608818769454956,-2.2725937636972726,3,318,1 -18319,0.003132444840287797,-0.0012729428708553314,-0.00286213681101799,-1.989277976808951,3,319,1 -18320,0.0018973959546170276,-0.0012888610363006592,-0.001392461359500885,-2.3175759282106747,3,320,1 -18321,0.002012101826180826,-0.0014269351959228516,-0.0014185942709445953,-2.359125720104616,3,321,1 -18322,0.0039791003004342376,-0.00161028653383255,-0.0036387108266353607,-1.9874318537503353,3,322,1 -18323,0.00352930620358216,-0.0017363987863063812,-0.0030726082623004913,-2.0851754058818215,3,323,1 -18324,0.003542693450864282,-0.001631278544664383,-0.0031447745859622955,-2.0493128140907757,3,324,1 -18325,0.003939337080830815,-0.001631166785955429,-0.003585759550333023,-1.997718717665568,3,325,1 -18326,0.0041372973034170864,-0.0024736113846302032,-0.0033163949847221375,-2.2116512888158817,3,326,1 -18327,0.003531148923054226,-0.0018840432167053223,-0.002986535429954529,-2.133588295571478,3,327,1 -18328,0.003967300512095595,-0.0017914697527885437,-0.003539789468050003,-2.0393080390981466,3,328,1 -18329,0.0024023353780659507,-0.0019368641078472137,-0.0014211870729923248,-2.5085685443874395,3,329,1 -18330,0.0035967811969727374,-0.0017566122114658356,-0.0031386539340019226,-2.081033823368152,3,330,1 -18331,0.0038968978821232124,-0.0018556006252765656,-0.003426741808652878,-2.0670947107728557,3,331,1 -18332,0.004239150554923172,-0.001843724399805069,-0.0038172081112861633,-2.020754414719434,3,332,1 -18333,0.0039554437199162155,-0.0016379877924919128,-0.0036003515124320984,-1.997760854280905,3,333,1 -18334,0.001901467413304657,-0.0015466175973415375,-0.0011061429977416992,-2.5207371290217773,3,334,1 -18335,0.0035712500710010993,-0.0013262107968330383,-0.0033158697187900543,-1.9512670621848438,3,335,1 -18336,0.003609518715230453,-0.0018543191254138947,-0.003096792846918106,-2.110323396854274,3,336,1 -18337,0.0037925876395717983,-0.0012376345694065094,-0.0035849660634994507,-1.9032145853493636,3,337,1 -18338,0.003907216689796583,-0.0014541484415531158,-0.0036265403032302856,-1.9521420935988485,3,338,1 -18339,0.004066308184292638,-0.0014894194900989532,-0.0037837140262126923,-1.945807561074367,3,339,1 -18340,0.004167279350538813,-0.0018966607749462128,-0.0037106461822986603,-2.0433163991925367,3,340,1 -18341,0.003923875122491825,-0.0018140599131584167,-0.003479365259408951,-2.0513986680418883,3,341,1 -18342,0.003868498243001264,-0.002215880900621414,-0.0031709857285022736,-2.180715635966905,3,342,1 -18343,0.00403531964037247,-0.001882452517747879,-0.003569338470697403,-2.056119263448184,3,343,1 -18344,0.004027559910671296,-0.002203322947025299,-0.0033714398741722107,-2.149646150823006,3,344,1 -18345,0.00424793574602164,-0.002134263515472412,-0.0036728568375110626,-2.097195996823314,3,345,1 -18346,0.003775492229497463,-0.0014013051986694336,-0.0035058073699474335,-1.951052416934465,3,346,1 -18347,0.0033199280535944073,-0.001658957451581955,-0.0028757229447364807,-2.0940450419383456,3,347,1 -18348,0.004042232756770031,-0.0026097632944583893,-0.003086872398853302,-2.2726367138998276,3,348,1 -18349,0.0037318598952310925,-0.001726355403661728,-0.003308545798063278,-2.0517210473573875,3,349,1 -18350,0.0035194070397879707,-0.0016280189156532288,-0.003120221197605133,-2.051703110419855,3,350,1 -18351,0.0039057087534144614,-0.0010884441435337067,-0.0037509799003601074,-1.8532160385923129,3,351,1 -18352,0.0037519100518038882,-0.0016440227627754211,-0.003372538834810257,-2.024372480210757,3,352,1 -18353,0.0035189105647394823,-0.0016188248991966248,-0.0031244419515132904,-2.0488318647092747,3,353,1 -18354,0.0023491352289313704,-0.0010853409767150879,-0.002083379775285721,-2.051064740830478,3,354,1 -18355,0.0020802971264986345,-0.0014375224709510803,-0.00150371715426445,-2.3336925797328902,3,355,1 -18356,0.003957454861507143,-0.001958373934030533,-0.0034389272332191467,-2.0884664998207323,3,356,1 -18357,0.003916679404665531,-0.002104010432958603,-0.003303561359643936,-2.137901230201054,3,357,1 -18358,0.003979934866119556,-0.001568283885717392,-0.0036579184234142303,-1.975827733356165,3,358,1 -18359,0.003882893127854541,-0.0012823045253753662,-0.003665044903755188,-1.9073590393303184,3,359,1 -18360,0.0019278839550697386,-0.001362636685371399,-0.0013638027012348175,-2.355766820390457,3,360,1 -18361,0.0035167153434695364,-0.0017681904137134552,-0.0030398666858673096,-2.0976266672883557,3,361,1 -18362,0.0042095306139372495,-0.0019240602850914001,-0.003744080662727356,-2.045497189184847,3,362,1 -18363,0.0040917090077993955,-0.0019541047513484955,-0.0035949349403381348,-2.0686907585646983,3,363,1 -18364,0.003989889528735102,-0.0016796886920928955,-0.0036190971732139587,-2.005328685484138,3,364,1 -18365,0.004454400960259358,-0.0017847679555416107,-0.004081211984157562,-1.9830499851752919,3,365,1 -18366,0.003375770996698801,-0.0017305649816989899,-0.0028984434902668,-2.109056424230248,3,366,1 -18367,0.004095721431576441,-0.0021299272775650024,-0.003498334437608719,-2.1176907642226173,3,367,1 -18368,0.004005202991117159,-0.0018170177936553955,-0.0035693272948265076,-2.0416692075216427,3,368,1 -18369,0.003970206617030789,-0.0019289813935756683,-0.0034700967371463776,-2.07814800939778,3,369,1 -18370,0.0036754745905115123,-0.0019069388508796692,-0.003142084926366806,-2.1162756623285386,3,370,1 -18371,0.004145653088316222,-0.002152036875486374,-0.003543328493833542,-2.1166019589790586,3,371,1 -18372,0.002126861465312256,-0.0016565211117267609,-0.0013339705765247345,-2.4636378240789374,3,372,1 -18373,0.004114809645522702,-0.001666828989982605,-0.0037620924413204193,-1.9878631608586939,3,373,1 -18374,0.0021983054180513308,-0.0015386082231998444,-0.0015701055526733398,-2.346062887860989,3,374,1 -18375,0.003971378654994362,-0.0020076967775821686,-0.0034265145659446716,-2.1008057990567433,3,375,1 -18376,0.0026150590920858406,-0.0013616159558296204,-0.002232607454061508,-2.118446698385608,3,376,1 -18377,0.004108408538464012,-0.0017925761640071869,-0.0036967135965824127,-2.0222998313520546,3,377,1 -18378,0.004010419044894553,-0.0017140954732894897,-0.0036256499588489532,-2.0124229222183048,3,378,1 -18379,0.0038081537934740364,-0.0016500242054462433,-0.003432121127843857,-2.018933248413499,3,379,1 -18380,0.0041995287059622384,-0.00205940380692482,-0.0036599040031433105,-2.0833326858900096,3,380,1 -18381,0.0037040180307501155,-0.0018426291644573212,-0.0032131709158420563,-2.091473462419298,3,381,1 -18382,0.0039742014098385035,-0.001995190978050232,-0.003437075763940811,-2.0967473231487865,3,382,1 -18383,0.004170428521519975,-0.0017195753753185272,-0.0037994123995304108,-1.9958018610964652,3,383,1 -18384,0.0039161394043556045,-0.002040967345237732,-0.0033422447741031647,-2.1190155034349143,3,384,1 -18385,0.0024368873672592152,-0.001880161464214325,-0.0015502944588661194,-2.4520581068302345,3,385,1 -18386,0.002526551113335083,-0.0014023371040821075,-0.0021016448736190796,-2.1592074621324646,3,386,1 -18387,0.0038991080184398994,-0.0017699375748634338,-0.0034742429852485657,-2.0419717789172354,3,387,1 -18388,0.004228496392153541,-0.0020383112132549286,-0.003704790025949478,-2.0737797611877897,3,388,1 -18389,0.003908108056127338,-0.0017500296235084534,-0.0034943819046020508,-2.035093606904171,3,389,1 -18390,0.0040107707684093625,-0.0016998574137687683,-0.003632735460996628,-2.0084584756131916,3,390,1 -18391,0.004168397435756765,-0.0021711401641368866,-0.0035583265125751495,-2.118651233691717,3,391,1 -18392,0.004019211137847535,-0.0020030923187732697,-0.0034844912588596344,-2.0925248847383324,3,392,1 -18393,0.0037002276549730506,-0.001785077154636383,-0.003241170197725296,-2.0742158027361404,3,393,1 -18394,0.003888340763219089,-0.001896195113658905,-0.0033946484327316284,-2.0802057779132315,3,394,1 -18395,0.001994854122234504,-0.0016397200524806976,-0.0011361166834831238,-2.535666383327037,3,395,1 -18396,0.0037349325935779006,-0.0017337910830974579,-0.003308124840259552,-2.053538207436379,3,396,1 -18397,0.004199925669553823,-0.0018379949033260345,-0.0037763938307762146,-2.0237525799009566,3,397,1 -18398,0.003962660239532323,-0.0016785487532615662,-0.003589589148759842,-2.008202635581755,3,398,1 -18399,0.0035633029457994513,-0.0017784982919692993,-0.0030877292156219482,-2.0933736043430136,3,399,1 -18400,0.002183717656751322,-0.0006106197834014893,-0.002096608281135559,-1.8541987522744454,3,400,1 -18401,0.0018412460321039555,-0.0015220604836940765,-0.0010361075401306152,-2.543919092432245,3,401,1 -18402,0.0034496514554971,-0.0018886066973209381,-0.0028867386281490326,-2.1501432448856144,3,402,1 -18403,0.003934522058136416,-0.0015902183949947357,-0.0035988427698612213,-1.9868682845337844,3,403,1 -18404,0.004063498758927922,-0.0019108317792415619,-0.003586187958717346,-2.0603624083224843,3,404,1 -18405,0.0039554978757524685,-0.002361249178647995,-0.003173399716615677,-2.2104950006565094,3,405,1 -18406,0.0039145325448516986,-0.0022344253957271576,-0.0032141730189323425,-2.178279347477897,3,406,1 -18407,0.0033920331720387756,-0.0013913065195083618,-0.003093566745519638,-1.9934355781711581,3,407,1 -18408,0.003570904358011102,-0.0014822110533714294,-0.0032487548887729645,-1.998827083176378,3,408,1 -18409,0.003633961957917024,-0.0012352913618087769,-0.0034175626933574677,-1.9176384027711646,3,409,1 -18410,0.004538908847013697,-0.0021498091518878937,-0.003997500985860825,-2.0642156139584977,3,410,1 -18411,0.004191414604579128,-0.001784149557352066,-0.0037927255034446716,-2.0104959049159636,3,411,1 -18412,0.003944294067012599,-0.0016580112278461456,-0.0035788901150226593,-2.0046349507815586,3,412,1 -18413,0.0034979768359862397,-0.0014661028981208801,-0.0031759068369865417,-2.003281905652682,3,413,1 -18414,0.0036545143573859006,-0.0014965347945690155,-0.00333404541015625,-1.9927056111221524,3,414,1 -18415,0.003745103668010244,-0.0015898644924163818,-0.0033908896148204803,-2.009225965126718,3,415,1 -18416,0.004158652889847712,-0.0020171701908111572,-0.0036366768181324005,-2.0772209614220767,3,416,1 -18417,0.0037452355459421157,-0.0016434229910373688,-0.0033654049038887024,-2.0250631818411873,3,417,1 -18418,0.003573301585975849,-0.0016125813126564026,-0.003188740462064743,-2.0390023372068584,3,418,1 -18419,0.004050115514416243,-0.0018451809883117676,-0.0036053769290447235,-2.043828119132826,3,419,1 -18420,0.003965217700871346,-0.0018888674676418304,-0.0034864209592342377,-2.067305440791763,3,420,1 -18421,0.003977045784631004,-0.002095285803079605,-0.0033803358674049377,-2.125680408783523,3,421,1 -18422,0.00400329767466363,-0.0020116381347179413,-0.003461170941591263,-2.0972787932974315,3,422,1 -18423,0.003943851895982277,-0.0019171051681041718,-0.0034465454518795013,-2.078417415768371,3,423,1 -18424,0.0020179672667888374,-0.0014429576694965363,-0.001410696655511856,-2.367499166942128,3,424,1 -18425,0.004141047227689676,-0.0016651898622512817,-0.0037914924323558807,-1.9846253304182708,3,425,1 -18426,0.003512558917404101,-0.001446053385734558,-0.0032010935246944427,-1.995094063723135,3,426,1 -18427,0.0018755459950169022,-0.0013166777789592743,-0.00133567675948143,-2.349031550504481,3,427,1 -18428,0.0038222819109486944,-0.0018516555428504944,-0.0033438317477703094,-2.0765160507899845,3,428,1 -18429,0.003814859674598411,-0.0020033977925777435,-0.003246467560529709,-2.123695156376359,3,429,1 -18430,0.002115970199370102,-0.0011314153671264648,-0.0017880797386169434,-2.1349524344100637,3,430,1 -18431,0.0038480070771290263,-0.0019214823842048645,-0.0033339262008666992,-2.0936387256488627,3,431,1 -18432,0.003680778618981313,-0.0016954615712165833,-0.0032670386135578156,-2.049496440592241,3,432,1 -18433,0.003677594437273285,-0.0017462782561779022,-0.0032365433871746063,-2.0655814239459533,3,433,1 -18434,0.0037387110575801234,-0.001449882984161377,-0.0034461282193660736,-1.9690430810248332,3,434,1 -18435,0.001997138430838005,-0.0010417476296424866,-0.0017039142549037933,-2.1195451261886045,3,435,1 -18436,0.003879795661892355,-0.0020412132143974304,-0.0032994337379932404,-2.1248203749586736,3,436,1 -18437,0.00405708865298381,-0.0019014514982700348,-0.0035839155316352844,-2.058585307439606,3,437,1 -18438,0.002870214789881671,-0.0010657571256160736,-0.002665013074874878,-1.9512224454220874,3,438,1 -18439,0.0039015014828444323,-0.002275276929140091,-0.0031693577766418457,-2.193433922344758,3,439,1 -18440,0.004349976911961331,-0.001918986439704895,-0.0039038173854351044,-2.0276745244221672,3,440,1 -18441,0.003691446052235925,-0.0017582327127456665,-0.0032458268105983734,-2.0672373079210273,3,441,1 -18442,0.0025501425724507565,-0.0012425817549228668,-0.0022269301116466522,-2.079745323013013,3,442,1 -18443,0.0037773137994699373,-0.0016219578683376312,-0.00341135635972023,-2.0146185697865735,3,443,1 -18444,0.0039878144146672555,-0.0017457865178585052,-0.003585372120141983,-2.023924639990403,3,444,1 -18445,0.00431501766937257,-0.0026093199849128723,-0.003436688333749771,-2.2201938506351064,3,445,1 -18446,0.0034213972999173857,-0.001652102917432785,-0.0029960833489894867,-2.0747297700692173,3,446,1 -18447,0.003636234866417683,-0.0015229545533657074,-0.0033019408583641052,-2.0029498725534536,3,447,1 -18448,0.004080634054162158,-0.0023589953780174255,-0.0033296719193458557,-2.1871888059063074,3,448,1 -18449,0.004059140641756778,-0.0014506354928016663,-0.0037910789251327515,-1.9362521215578241,3,449,1 -18450,0.0030212051058152614,-0.0014764778316020966,-0.0026358477771282196,-2.0814010547752613,3,450,1 -18451,0.003922706696369413,-0.0017322786152362823,-0.0035194940865039825,-2.0281807426892766,3,451,1 -18452,0.003518033294115246,-0.0016008205711841583,-0.0031327195465564728,-2.0432053847182576,3,452,1 -18453,0.0037985452167361823,-0.001317143440246582,-0.0035628750920295715,-1.9248996327261148,3,453,1 -18454,0.003948784148645599,-0.0018194392323493958,-0.0035046450793743134,-2.0496469211175636,3,454,1 -18455,0.003523097794466033,-0.0014649592339992523,-0.0032040774822235107,-1.9996358186736736,3,455,1 -18456,0.0030626792475975492,-0.001126512885093689,-0.0028479769825935364,-1.9474592811901834,3,456,1 -18457,0.004176098729185304,-0.0028769709169864655,-0.0030270181596279144,-2.3307854069331717,3,457,1 -18458,0.0041386006122672795,-0.001957181841135025,-0.003646567463874817,-2.0633858033419483,3,458,1 -18459,0.003893064995360963,-0.0021365098655223846,-0.0032544247806072235,-2.151723109148697,3,459,1 -18460,0.004271151711087126,-0.0018323585391044617,-0.003858134150505066,-2.014190696386954,3,460,1 -18461,0.004168245393713017,-0.002330821007490158,-0.0034556537866592407,-2.1641989437895415,3,461,1 -18462,0.003535698934403182,-0.002089977264404297,-0.002851869910955429,-2.203227224231972,3,462,1 -18463,0.0035679914655752164,-0.0017678439617156982,-0.0030992403626441956,-2.0891757835469984,3,463,1 -18464,0.003906855745857115,-0.0017680339515209198,-0.0034839026629924774,-2.0404152704751732,3,464,1 -18465,0.0037792940173036306,-0.0022236108779907227,-0.0030559152364730835,-2.199833796324806,3,465,1 -18466,0.004272563394690641,-0.0017744526267051697,-0.003886658698320389,-1.9990835676984173,3,466,1 -18467,0.0019331077749102981,-0.0014868155121803284,-0.00123542919754982,-2.4482785597639505,3,467,1 -18468,0.004158039217084409,-0.0014440007507801056,-0.00389925017952919,-1.9254645453517538,3,468,1 -18469,0.00391119022328704,-0.0017742142081260681,-0.003485623747110367,-2.0416252135426785,3,469,1 -18470,0.003956794213464296,-0.0023828186094760895,-0.00315885990858078,-2.217062036367674,3,470,1 -18471,0.0038748995295112003,-0.001739654690027237,-0.0034624338150024414,-2.0363915958155214,3,471,1 -18472,0.003981679305609874,-0.0021597594022750854,-0.0033450275659561157,-2.1441164065085965,3,472,1 -18473,0.003933663505158301,-0.0013550668954849243,-0.0036928988993167877,-1.9224807446652958,3,473,1 -18474,0.003756564217210063,-0.001332554966211319,-0.0035122744739055634,-1.9334184499970173,3,474,1 -18475,0.003621068197972683,-0.0022345855832099915,-0.002849344164133072,-2.235856823990285,3,475,1 -18476,0.003871687695093229,-0.0015795528888702393,-0.0035348236560821533,-1.991031619012703,3,476,1 -18477,0.0026343614425296514,-0.001414969563484192,-0.002222098410129547,-2.137815993982292,3,477,1 -18478,0.0035680677691187494,-0.0015024691820144653,-0.0032363086938858032,-2.0054404324849067,3,478,1 -18479,0.003738790034226266,-0.0017326511442661285,-0.003313075751066208,-2.0526534471481512,3,479,1 -18480,0.004020393795666916,-0.0019170530140399933,-0.0035339035093784332,-2.067843552546339,3,480,1 -18481,0.003846651026554748,-0.0015940479934215546,-0.003500819206237793,-1.998078561366406,3,481,1 -18482,0.003794301910412382,-0.0018481649458408356,-0.003313761204481125,-2.0795505068102536,3,482,1 -18483,0.003430279023472214,-0.0016379691660404205,-0.0030139461159706116,-2.068607126182039,3,483,1 -18484,0.0034958759427828087,-0.0018740743398666382,-0.002951100468635559,-2.1365846724291133,3,484,1 -18485,0.0020939375519699313,-0.001718670129776001,-0.0011961385607719421,-2.5335781924221026,3,485,1 -18486,0.0025141638895347686,-0.0012460388243198395,-0.002183668315410614,-2.08933062102558,3,486,1 -18487,0.0036309214493718133,-0.001741163432598114,-0.0031862109899520874,-2.0709240480614137,3,487,1 -18488,0.003614866475594009,-0.001772027462720871,-0.0031507425010204315,-2.083121846516241,3,488,1 -18489,0.0038653630565821683,-0.001970149576663971,-0.0033255890011787415,-2.105624576487306,3,489,1 -18490,0.004032608426802449,-0.0022610314190387726,-0.003339111804962158,-2.1660116654763453,3,490,1 -18491,0.004254528156451998,-0.00217491015791893,-0.0036566071212291718,-2.1073754931381865,3,491,1 -18492,0.002685004204811145,-0.0015457645058631897,-0.002195417881011963,-2.184259772590316,3,492,1 -18493,0.0020428728940487108,-0.0013932734727859497,-0.0014940276741981506,-2.321313010972222,3,493,1 -18494,0.003355566348246936,-0.0015773288905620575,-0.0029617324471473694,-2.060158921835801,3,494,1 -18495,0.00407220360410192,-0.0025305114686489105,-0.0031905099749565125,-2.2413384728321306,3,495,1 -18496,0.0036936027855589766,-0.0018932409584522247,-0.003171488642692566,-2.108975000447922,3,496,1 -18497,0.003711981779656736,-0.0014989152550697327,-0.0033958889544010162,-1.986468092489339,3,497,1 -18498,0.0042581028482009025,-0.002147197723388672,-0.0036770887672901154,-2.0993229957375275,3,498,1 -18499,0.0037443516311608215,-0.0023223906755447388,-0.0029371194541454315,-2.239842918558267,3,499,1 -18500,0.003590146569379965,-0.001553654670715332,-0.0032365582883358,-2.018343093499267,3,500,1 -18501,0.004166669008912731,-0.0023933500051498413,-0.003410719335079193,-2.182671798471071,3,501,1 -18502,0.0033308035911067476,-0.0015487484633922577,-0.0029488354921340942,-2.0544054340552225,3,502,1 -18503,0.0017989972471896289,-0.0013435035943984985,-0.0011964067816734314,-2.414044045637014,3,503,1 -18504,0.0026365356798972494,-0.0012012198567390442,-0.0023469962179660797,-2.043848492946561,3,504,1 -18505,0.003650845751420258,-0.0018561705946922302,-0.0031437724828720093,-2.104147695125643,3,505,1 -18506,0.003851187291580008,-0.0018580630421638489,-0.003373313695192337,-2.074263054125751,3,506,1 -18507,0.0037873547283361455,-0.0017590560019016266,-0.003354068845510483,-2.0538154825312382,3,507,1 -18508,0.004203413094294153,-0.0027434416115283966,-0.003184683620929718,-2.2818995240977893,3,508,1 -18509,0.0038236585366461587,-0.0015771761536598206,-0.003483228385448456,-1.9959692276419578,3,509,1 -18510,0.0036709790551389216,-0.0017969794571399689,-0.003201086074113846,-2.082323594308664,3,510,1 -18511,0.003964013481562098,-0.0020286105573177338,-0.003405604511499405,-2.108024645846074,3,511,1 -18512,0.0034200362861298485,-0.0017662644386291504,-0.0029286444187164307,-2.1134918687637425,3,512,1 -18513,0.003931585634032298,-0.0017908252775669098,-0.003500044345855713,-2.043726686777228,3,513,1 -18514,0.0040113646236524195,-0.002132248133420944,-0.0033977292478084564,-2.1312279126759934,3,514,1 -18515,0.003711428658661278,-0.0015760883688926697,-0.0033601559698581696,-2.00938057414518,3,515,1 -18516,0.004457897783508069,-0.0020781904458999634,-0.0039438530802726746,-2.055766212264982,3,516,1 -18517,0.003957239920051491,-0.0014972090721130371,-0.0036630742251873016,-1.9588060117738935,3,517,1 -18518,0.004073915088019867,-0.0018757060170173645,-0.003616422414779663,-2.049262949270145,3,518,1 -18519,0.0039901284697346955,-0.0017823204398155212,-0.0035699382424354553,-2.033850207342199,3,519,1 -18520,0.003968774477848065,-0.001444004476070404,-0.0036967583000659943,-1.9431849784397297,3,520,1 -18521,0.003952048993210614,-0.00190647691488266,-0.0034617967903614044,-2.074191307521949,3,521,1 -18522,0.0020612381034828243,-0.0015759244561195374,-0.001328594982624054,-2.4411428830502206,3,522,1 -18523,0.0022910413169347347,-0.0013908036053180695,-0.001820586621761322,-2.2231541839701,3,523,1 -18524,0.004340371671915543,-0.0019578486680984497,-0.0038737133145332336,-2.0387698058502233,3,524,1 -18525,0.004036455444268714,-0.0025769472122192383,-0.003106817603111267,-2.263237913342269,3,525,1 -18526,0.004073300168161461,-0.00198160856962204,-0.0035587921738624573,-2.0788609488901977,3,526,1 -18527,0.0035523255579440055,-0.0015976838767528534,-0.00317276269197464,-2.0372897629374798,3,527,1 -18528,0.00410631754549983,-0.0017444677650928497,-0.0037173479795455933,-2.0095652726469226,3,528,1 -18529,0.004018576292727619,-0.0017844997346401215,-0.0036006271839141846,-2.030924188463955,3,529,1 -18530,0.0038368337689270384,-0.0024001523852348328,-0.0029934197664260864,-2.2466396449131762,3,530,1 -18531,0.003553671798081237,-0.0017462372779846191,-0.003095034509897232,-2.0844808530336554,3,531,1 -18532,0.0033563566096420114,-0.0013285614550113678,-0.0030822157859802246,-1.9777726302647705,3,532,1 -18533,0.0019952664960589117,-0.0015285760164260864,-0.0012823976576328278,-2.443549223870061,3,533,1 -18534,0.0040206902526810865,-0.0018889978528022766,-0.00354931503534317,-2.059882387690703,3,534,1 -18535,0.0034340274031916798,-0.0019081495702266693,-0.0028550848364830017,-2.1599521807169686,3,535,1 -18536,0.003839984368093644,-0.0020487941801548004,-0.0032477565109729767,-2.133579651019512,3,536,1 -18537,0.004237252956263614,-0.002041749656200409,-0.003712892532348633,-2.073568973861386,3,537,1 -18538,0.003990185029414214,-0.0017186664044857025,-0.0036010779440402985,-2.016090610986023,3,538,1 -18539,0.003883336064080231,-0.0022739730775356293,-0.0031479112803936005,-2.196381904531357,3,539,1 -18540,0.0036711650186398675,-0.002021048218011856,-0.0030647702515125275,-2.153782819009348,3,540,1 -18541,0.003944242425058968,-0.0016389638185501099,-0.003587596118450165,-1.9993252968380355,3,541,1 -18542,0.003690548305045766,-0.0016542337834835052,-0.0032990388572216034,-2.0355864890845528,3,542,1 -18543,0.0039281211589925775,-0.0019284337759017944,-0.0034221746027469635,-2.083953620182373,3,543,1 -18544,0.0017436352925033652,-0.0013738535344600677,-0.001073680818080902,-2.4782279807331706,3,544,1 -18545,0.003688276803544169,-0.0018096938729286194,-0.003213781863451004,-2.0836446000402784,3,545,1 -18546,0.0037614674519291687,-0.001571565866470337,-0.003417428582906723,-2.0018260714657887,3,546,1 -18547,0.004072689730958206,-0.001909833401441574,-0.003597129136323929,-2.058882767118922,3,547,1 -18548,0.0035634547931689227,-0.0019138678908348083,-0.0030058808624744415,-2.137770493293157,3,548,1 -18549,0.003594073528104971,-0.0014038309454917908,-0.003308568149805069,-1.9720753220552072,3,549,1 -18550,0.003513781689132126,-0.0016949176788330078,-0.0030779726803302765,-2.0741464241451375,3,550,1 -18551,0.003600055098261409,-0.0017598867416381836,-0.0031405724585056305,-2.081567279353379,3,551,1 -18552,0.0038392694083540973,-0.001560661941766739,-0.0035077519714832306,-1.9894160182939344,3,552,1 -18553,0.0037851163217914622,-0.0020043402910232544,-0.0032108761370182037,-2.128845122262061,3,553,1 -18554,0.0038838035648131562,-0.0018460601568222046,-0.0034170150756835938,-2.066127152147194,3,554,1 -18555,0.0028236437988895524,-0.0017280429601669312,-0.002233121544122696,-2.2293712396983674,3,555,1 -18556,0.0030708481868216174,-0.001465916633605957,-0.002698369324207306,-2.0684502979638397,3,556,1 -18557,0.0036305692192818333,-0.0018552057445049286,-0.003120776265859604,-2.1071392261609634,3,557,1 -18558,0.003940460434252825,-0.0015128515660762787,-0.0036384761333465576,-1.964842475424476,3,558,1 -18559,0.004337127718262281,-0.0018930844962596893,-0.0039021670818328857,-2.0224827571163586,3,559,1 -18560,0.003728607851832294,-0.001386348158121109,-0.003461293876171112,-1.9517585514144442,3,560,1 -18561,0.0038700834904946426,-0.002403784543275833,-0.003033045679330826,-2.2409667469493164,3,561,1 -18562,0.003357558147363916,-0.0020620040595531464,-0.002649780362844467,-2.232089586626779,3,562,1 -18563,0.0037062681286502835,-0.0017180070281028748,-0.003284033387899399,-2.052783577987638,3,563,1 -18564,0.0026363715765284654,-0.0012678727507591248,-0.0023114830255508423,-2.0724952619744337,3,564,1 -18565,0.003590436218494374,-0.0017613694071769714,-0.0031287074089050293,-2.0835429900600646,3,565,1 -18566,0.003709421700472295,-0.0016801990568637848,-0.0033070743083953857,-2.040872780209172,3,566,1 -18567,0.0036365952301091373,-0.00197051465511322,-0.003056451678276062,-2.143441366815653,3,567,1 -18568,0.003715001601994881,-0.002137698233127594,-0.0030383355915546417,-2.1839178719093466,3,568,1 -18569,0.0035115298357032095,-0.0017680451273918152,-0.003033950924873352,-2.0984379476085286,3,569,1 -18570,0.004098646050432247,-0.002013854682445526,-0.003569774329662323,-2.0844311958897177,3,570,1 -18571,0.003965165086664122,-0.0020093917846679688,-0.003418315201997757,-2.102220009207145,3,571,1 -18572,0.0021611618918963905,-0.0010567493736743927,-0.0018851794302463531,-2.08170810854289,3,572,1 -18573,0.0039370264252047964,-0.0025787390768527985,-0.0029749423265457153,-2.2849744995608408,3,573,1 -18574,0.003623673366407956,-0.00121365487575531,-0.003414388746023178,-1.9123208086372503,3,574,1 -18575,0.004111476481596679,-0.001720968633890152,-0.003733966499567032,-2.0026739826986586,3,575,1 -18576,0.003728122081963926,-0.0019994154572486877,-0.0031466223299503326,-2.136851051097298,3,576,1 -18577,0.0038379762217948168,-0.001744687557220459,-0.0034184977412223816,-2.042702894016272,3,577,1 -18578,0.001985230573362076,-0.0014491006731987,-0.0013569258153438568,-2.389031573495194,3,578,1 -18579,0.002036594999872659,-0.0015043094754219055,-0.0013728700578212738,-2.4018461756243403,3,579,1 -18580,0.003774125442720886,-0.0017087943851947784,-0.0033651217818260193,-2.0406610322100223,3,580,1 -18581,0.004129237910386793,-0.0020128972828388214,-0.0036053918302059174,-2.0799910426279467,3,581,1 -18582,0.003278609284758787,-0.0014285854995250702,-0.002951003611087799,-2.021644494948317,3,582,1 -18583,0.0018524620493617055,-0.0010371506214141846,-0.0015349052846431732,-2.1650334937254043,3,583,1 -18584,0.0037533046572108407,-0.0019117891788482666,-0.0032299160957336426,-2.1052390783257553,3,584,1 -18585,0.004020230356900608,-0.0016644299030303955,-0.003659497946500778,-1.9976551904664355,3,585,1 -18586,0.002310199364305135,-0.0016827136278152466,-0.0015828758478164673,-2.386757637352226,3,586,1 -18587,0.0028697164519905925,-0.0013623535633087158,-0.0025257207453250885,-2.065458736342963,3,587,1 -18588,0.0036853933792150885,-0.0018283985555171967,-0.0031998567283153534,-2.0899210014896124,3,588,1 -18589,0.003462009898810421,-0.001270432025194168,-0.003220483660697937,-1.9465392442308114,3,589,1 -18590,0.0039619438711451386,-0.002031952142715454,-0.003401201218366623,-2.1093180195251287,3,590,1 -18591,0.003959048022070593,-0.0019950605928897858,-0.0034196190536022186,-2.098932478618299,3,591,1 -18592,0.002071598156849741,-0.0011722631752490997,-0.0017080157995224,-2.1722890313902306,3,592,1 -18593,0.0035815352255537136,-0.0016636215150356293,-0.0031717121601104736,-2.0538657446511355,3,593,1 -18594,0.003698023004140844,-0.0017001107335090637,-0.003284052014350891,-2.0484931365881622,3,594,1 -18595,0.003482600505421917,-0.0015884414315223694,-0.003099251538515091,-2.0444130260709565,3,595,1 -18596,0.00425250495109847,-0.002235978841781616,-0.0036172084510326385,-2.1244549154567545,3,596,1 -18597,0.004081742935258601,-0.0021248161792755127,-0.0034850798547267914,-2.118309927042138,3,597,1 -18598,0.004243581033147046,-0.0018665753304958344,-0.003811020404100418,-2.026237470923578,3,598,1 -18599,0.003672574274571201,-0.00179189071059227,-0.003205765038728714,-2.0804916972018983,3,599,1 -18600,0.003611071885698358,-0.0014459602534770966,-0.0033089332282543182,-1.9827759638291917,3,600,1 -18601,0.0038508425940437137,-0.0015049278736114502,-0.0035445988178253174,-1.9723021192115309,3,601,1 -18602,0.003878728756564151,-0.00209210067987442,-0.0032661370933055878,-2.1404945143522562,3,602,1 -18603,0.0035212709052068088,-0.0019994638860225677,-0.002898532897233963,-2.174656866265438,3,603,1 -18604,0.002056620562077949,-0.0016676299273967743,-0.0012036189436912537,-2.5164152506763333,3,604,1 -18605,0.004171876934107237,-0.001793302595615387,-0.0037667788565158844,-2.015128619356716,3,605,1 -18606,0.0038662356193696246,-0.0019902661442756653,-0.0033146068453788757,-2.111548964073603,3,606,1 -18607,0.0035613636520506727,-0.0018172785639762878,-0.0030628107488155365,-2.1063020666590426,3,607,1 -18608,0.00385586186399103,-0.001674942672252655,-0.0034730732440948486,-2.0201557740353815,3,608,1 -18609,0.0038635588253898576,-0.0025221481919288635,-0.0029267482459545135,-2.2820769310103297,3,609,1 -18610,0.0037799633684809345,-0.0016392804682254791,-0.003406006842851639,-2.019365032533463,3,610,1 -18611,0.0036024518174196333,-0.001818280667066574,-0.003109905868768692,-2.099870377027465,3,611,1 -18612,0.003986937965412055,-0.002211805433034897,-0.003317166119813919,-2.158874342602489,3,612,1 -18613,0.0025237355081367194,-0.00131186842918396,-0.0021559782326221466,-2.117427392726817,3,613,1 -18614,0.003567942219414141,-0.00185462087392807,-0.003048047423362732,-2.117414626791192,3,614,1 -18615,0.0022926574040598073,-0.0009964294731616974,-0.0020648017525672913,-2.0204100652660553,3,615,1 -18616,0.002016253946127971,-0.0009008869528770447,-0.0018037967383861542,-2.0339952630049716,3,616,1 -18617,0.0036455774670185815,-0.001922156661748886,-0.0030976682901382446,-2.126165607489157,3,617,1 -18618,0.003829708347179237,-0.001636005938053131,-0.00346267968416214,-2.012176892186461,3,618,1 -18619,0.0021514897928694566,-0.0018774382770061493,-0.0010507777333259583,-2.631342665761538,3,619,1 -18620,0.003830760533997008,-0.001589938998222351,-0.00348522886633873,-1.9987888753240217,3,620,1 -18621,0.0038988396230494747,-0.002113737165927887,-0.0032761357724666595,-2.1437842772789155,3,621,1 -18622,0.004008952813425184,-0.0017235279083251953,-0.003619551658630371,-2.015200195409911,3,622,1 -18623,0.004211497727151344,-0.002070244401693344,-0.0036675333976745605,-2.0846876064664874,3,623,1 -18624,0.004001422848543326,-0.0024620816111564636,-0.0031542889773845673,-2.2335647500950637,3,624,1 -18625,0.0037368669864099235,-0.001701992005109787,-0.003326769918203354,-2.043684747228293,3,625,1 -18626,0.003567674186428991,-0.0013268627226352692,-0.0033117569983005524,-1.9518648176129807,3,626,1 -18627,0.0041483216847925395,-0.0018701553344726562,-0.0037028491497039795,-2.0384825199575385,3,627,1 -18628,0.0036234289727799874,-0.001979611814022064,-0.0030348598957061768,-2.1487804106837376,3,628,1 -18629,0.003798346094023315,-0.0020217671990394592,-0.0032155700027942657,-2.132082726180158,3,629,1 -18630,0.0035631739650035764,-0.0017269179224967957,-0.0031167231500148773,-2.0767675497464664,3,630,1 -18631,0.004221864330455357,-0.002300858497619629,-0.0035398006439208984,-2.1471691799422215,3,631,1 -18632,0.004020310935577786,-0.0017600655555725098,-0.0036145634949207306,-2.023939220298151,3,632,1 -18633,0.003982195397532376,-0.002033751457929611,-0.003423701971769333,-2.106808031973268,3,633,1 -18634,0.0035517079228680267,-0.001584123820066452,-0.0031788647174835205,-2.0331070852288597,3,634,1 -18635,0.004361382564436975,-0.002008311450481415,-0.0038714781403541565,-2.0493275434328013,3,635,1 -18636,0.0037683843181451596,-0.0019345544278621674,-0.0032339170575141907,-2.1098969953808235,3,636,1 -18637,0.0036481854490232747,-0.0015682615339756012,-0.003293905407190323,-2.015149990968198,3,637,1 -18638,0.004087659463278347,-0.001551654189825058,-0.0037817098200321198,-1.9601545793101616,3,638,1 -18639,0.0038833823803397045,-0.0018578320741653442,-0.0034101493656635284,-2.0696345390235793,3,639,1 -18640,0.0037899699187773726,-0.0020311102271080017,-0.0031997598707675934,-2.136390131482618,3,640,1 -18641,0.004224998275670081,-0.00195959210395813,-0.0037430748343467712,-2.0530860897147822,3,641,1 -18642,0.0035081862685563485,-0.0015796981751918793,-0.003132399171590805,-2.0378854660639103,3,642,1 -18643,0.0034623007525043776,-0.0018154717981815338,-0.0029481500387191772,-2.122752788019072,3,643,1 -18644,0.003427500840827769,-0.0019792430102825165,-0.002798277884721756,-2.1864098532911465,3,644,1 -18645,0.002017500222348835,-0.0016643665730953217,-0.0011402592062950134,-2.5409361605714427,3,645,1 -18646,0.003534230139533819,-0.0016912370920181274,-0.0031033046543598175,-2.0697767763202255,3,646,1 -18647,0.004256461851849268,-0.0019208192825317383,-0.0037984102964401245,-2.038985815078972,3,647,1 -18648,0.0036140188597511393,-0.002168513834476471,-0.002891138195991516,-2.214332894724192,3,648,1 -18649,0.003689751458032633,-0.0018813423812389374,-0.003174085170030594,-2.105845367816616,3,649,1 -18650,0.0038102062177906002,-0.0013023726642131805,-0.003580711781978607,-1.919640253559074,3,650,1 -18651,0.00411831507519065,-0.0017866045236587524,-0.0037106014788150787,-2.019523745885739,3,651,1 -18652,0.0021117861870242993,-0.0013081692159175873,-0.0016578100621700287,-2.2388522633700756,3,652,1 -18653,0.004103727720148973,-0.001770898699760437,-0.003701958805322647,-2.016989075177297,3,653,1 -18654,0.004013194503790502,-0.0018663890659809113,-0.003552790731191635,-2.0545023232936264,3,654,1 -18655,0.003611458613909976,-0.0019005350768566132,-0.003070928156375885,-2.124982412119958,3,655,1 -18656,0.003651442741169442,-0.0018613301217556,-0.003141414374113083,-2.1056927903762728,3,656,1 -18657,0.004040759950752771,-0.0017875134944915771,-0.0036238841712474823,-2.029036610715666,3,657,1 -18658,0.0034443966340849206,-0.0012356005609035492,-0.003215145319700241,-1.937700867532615,3,658,1 -18659,0.0039724439125324975,-0.0013410486280918121,-0.0037392377853393555,-1.9151494076619529,3,659,1 -18660,0.0038876499641269063,-0.0014996454119682312,-0.003586765378713608,-1.966812589746349,3,660,1 -18661,0.0037011894353797974,-0.0020340271294116974,-0.0030921734869480133,-2.1526342870115105,3,661,1 -18662,0.003431732669207354,-0.0016615614295005798,-0.003002665936946869,-2.0762171141549897,3,662,1 -18663,0.0037157313261663694,-0.0018264465034008026,-0.003235854208469391,-2.084658498185665,3,663,1 -18664,0.003646562331921021,-0.0014566779136657715,-0.0033429786562919617,-1.9817306784649737,3,664,1 -18665,0.004079088417402761,-0.0018951110541820526,-0.0036121346056461334,-2.0539699193792815,3,665,1 -18666,0.003613174636763324,-0.0017166920006275177,-0.0031793080270290375,-2.065896876321801,3,666,1 -18667,0.004000589257738052,-0.001982729882001877,-0.0034746937453746796,-2.089332720021354,3,667,1 -18668,0.003992755770905127,-0.0016818493604660034,-0.003621254116296768,-2.0055921194792528,3,668,1 -18669,0.003748219255013735,-0.0019025765359401703,-0.003229450434446335,-2.1031872295014646,3,669,1 -18670,0.003997312559531882,-0.0019545815885066986,-0.003486849367618561,-2.0817093957601265,3,670,1 -18671,0.003675531908199494,-0.001504611223936081,-0.003353457897901535,-1.9925474637001195,3,671,1 -18672,0.004050874177320866,-0.0017557814717292786,-0.0036505907773971558,-2.019094760230895,3,672,1 -18673,0.003947703314446216,-0.001966569572687149,-0.0034230053424835205,-2.092266404093871,3,673,1 -18674,0.003754007394081012,-0.001935116946697235,-0.003216814249753952,-2.1123644171500424,3,674,1 -18675,0.003599070860455206,-0.0017660073935985565,-0.003136005252599716,-2.083671195741412,3,675,1 -18676,0.0020022303612497586,-0.0012261830270290375,-0.0015828460454940796,-2.229900066754071,3,676,1 -18677,0.0036799831361747338,-0.001799996942281723,-0.003209717571735382,-2.0818904509711196,3,677,1 -18678,0.003743624178429532,-0.0016206875443458557,-0.0033746249973773956,-2.0185252204584283,3,678,1 -18679,0.0038041722803013648,-0.0017714761197566986,-0.0033665411174297333,-2.055184087060579,3,679,1 -18680,0.004079358048191276,-0.0018893033266067505,-0.0036154799163341522,-2.0523282163002854,3,680,1 -18681,0.004104543186185874,-0.0020096153020858765,-0.003578927367925644,-2.082435927310346,3,681,1 -18682,0.003777389931851653,-0.0017868541181087494,-0.003328036516904831,-2.0635336595604317,3,682,1 -18683,0.0025384987808397016,-0.0013797245919704437,-0.0021308064460754395,-2.145421136317654,3,683,1 -18684,0.004143048857368786,-0.002511899918317795,-0.0032947249710559845,-2.2221866235259453,3,684,1 -18685,0.0038553966944244148,-0.0018667317926883698,-0.003373336046934128,-2.0762297289907603,3,685,1 -18686,0.0037803453022787962,-0.0019176006317138672,-0.0032578855752944946,-2.1027933952474456,3,686,1 -18687,0.003521021026188577,-0.0019340701401233673,-0.0029422715306282043,-2.1523135597832255,3,687,1 -18688,0.0040497233994689665,-0.001582212746143341,-0.0037278495728969574,-1.9721844328169729,3,688,1 -18689,0.0038024094851815426,-0.0020754672586917877,-0.0031860247254371643,-2.1481750990746313,3,689,1 -18690,0.003533267545363309,-0.001692362129688263,-0.0031015947461128235,-2.070287947985949,3,690,1 -18691,0.004262397897328832,-0.0018879026174545288,-0.0038214996457099915,-2.0296496297440516,3,691,1 -18692,0.0036542498487226838,-0.001555074006319046,-0.0033068545162677765,-2.0103683182636263,3,692,1 -18693,0.003859747865763704,-0.0016379281878471375,-0.0034949742257595062,-2.0090528959820837,3,693,1 -18694,0.003932489463896682,-0.002132061868906021,-0.003304358571767807,-2.1438089727875296,3,694,1 -18695,0.003699998033957221,-0.002155441790819168,-0.0030073337256908417,-2.192661465094864,3,695,1 -18696,0.00402413262826817,-0.0016254782676696777,-0.003681231290102005,-1.9866080058384634,3,696,1 -18697,0.004071089343333021,-0.0016920343041419983,-0.0037028081715106964,-1.9994228895535668,3,697,1 -18698,0.003813563843353216,-0.0015541799366474152,-0.0034824982285499573,-1.9905549399736988,3,698,1 -18699,0.003668756294164518,-0.0015029460191726685,-0.003346778452396393,-1.9928786388543818,3,699,1 -18700,0.0038757187391690673,-0.0012368783354759216,-0.003673054277896881,-1.8956131739880622,3,700,1 -18701,0.0028172632780024813,-0.0020403675734996796,-0.0019426457583904266,-2.380724213345323,3,701,1 -18702,0.0021619972683681464,-0.0010524429380893707,-0.0018885433673858643,-2.0792097802388296,3,702,1 -18703,0.004049484400821276,-0.002018492668867111,-0.0035105571150779724,-2.092613978663094,3,703,1 -18704,0.003887732170032807,-0.002115171402692795,-0.0032619796693325043,-2.1460683436728965,3,704,1 -18705,0.0037747363288375218,-0.0019087456166744232,-0.003256581723690033,-2.100946952997552,3,705,1 -18706,0.0022507424037942485,-0.0015245117247104645,-0.0016558095812797546,-2.3149334586342847,3,706,1 -18707,0.0038570379078871424,-0.0019530169665813446,-0.00332602858543396,-2.101744853747543,3,707,1 -18708,0.0037923000434116243,-0.001634545624256134,-0.0034219585359096527,-2.0164158178183564,3,708,1 -18709,0.0036191880019020525,-0.0019321255385875702,-0.0030602961778640747,-2.133950671189834,3,709,1 -18710,0.0035905951931728816,-0.0017133578658103943,-0.0031554363667964935,-2.068238588066593,3,710,1 -18711,0.0036617304669175517,-0.0017087534070014954,-0.0032385848462581635,-2.0562977305334402,3,711,1 -18712,0.004149125515503599,-0.0014687366783618927,-0.0038804709911346436,-1.9326270868345403,3,712,1 -18713,0.0037329610332544044,-0.0016291290521621704,-0.0033587105572223663,-2.0224093105597976,3,713,1 -18714,0.004063448536870693,-0.0022790320217609406,-0.003364168107509613,-2.166222386532269,3,714,1 -18715,0.004280490178651457,-0.002156715840101242,-0.0036974549293518066,-2.098843963065659,3,715,1 -18716,0.003991321259936668,-0.0015476681292057037,-0.003679044544696808,-1.9689947463596926,3,716,1 -18717,0.0031000822517905425,-0.001408647745847702,-0.0027615614235401154,-2.0424841423241995,3,717,1 -18718,0.00393177887896103,-0.0020374879240989685,-0.003362666815519333,-2.1155532355605025,3,718,1 -18719,0.004056651338288845,-0.0013713054358959198,-0.0038178451359272003,-1.9156285392735817,3,719,1 -18720,0.004011464682894657,-0.00188513845205307,-0.003540918231010437,-2.0600165147563483,3,720,1 -18721,0.002193786173499826,-0.001142449676990509,-0.0018728338181972504,-2.1185445312178284,3,721,1 -18722,0.004057714847415347,-0.0018556863069534302,-0.0036085285246372223,-2.0457789510867093,3,722,1 -18723,0.0039697462829468705,-0.0014574788510799408,-0.0036925114691257477,-1.9467358492512012,3,723,1 -18724,0.003997201370927903,-0.002071954309940338,-0.0034182779490947723,-2.1157181592285403,3,724,1 -18725,0.003872791237493356,-0.0019105784595012665,-0.003368709236383438,-2.0867144847270667,3,725,1 -18726,0.003949454709916752,-0.0019847676157951355,-0.0034145116806030273,-2.0973330655123164,3,726,1 -18727,0.003988968022915325,-0.0020389780402183533,-0.0034284740686416626,-2.1073235547151485,3,727,1 -18728,0.0029839312415016707,-0.0011083930730819702,-0.0027704350650310516,-1.9513708623472457,3,728,1 -18729,0.004121523395097008,-0.0017103403806686401,-0.0037498921155929565,-1.99871464138137,3,729,1 -18730,0.0036112052371195347,-0.0019364990293979645,-0.0030480772256851196,-2.1367811089511024,3,730,1 -18731,0.0035946705715437168,-0.002101544290781021,-0.0029163621366024017,-2.195217520120546,3,731,1 -18732,0.0020484055638107694,-0.0012420713901519775,-0.0016288720071315765,-2.222271481954884,3,732,1 -18733,0.003677617719863482,-0.001894839107990265,-0.0031518973410129547,-2.1120787028742667,3,733,1 -18734,0.0036341007207817354,-0.0019864775240421295,-0.0030431225895881653,-2.1491205970209784,3,734,1 -18735,0.0037651199520671525,-0.0017943568527698517,-0.0033100470900535583,-2.067549459021792,3,735,1 -18736,0.002192465831237186,-0.0012154579162597656,-0.0018247105181217194,-2.158413444062109,3,736,1 -18737,0.003973072763668743,-0.0018845833837985992,-0.0034976638853549957,-2.065009368503504,3,737,1 -18738,0.004003380312907968,-0.002126172184944153,-0.0033921152353286743,-2.13068778247931,3,738,1 -18739,0.003786886271121897,-0.0016746334731578827,-0.00339648500084877,-2.0288676750199075,3,739,1 -18740,0.004179493696901903,-0.0022288598120212555,-0.0035355836153030396,-2.133275014593613,3,740,1 -18741,0.0018569106395383969,-0.0011333487927913666,-0.0014709308743476868,-2.2272873918462794,3,741,1 -18742,0.0037169202506461417,-0.0014871768653392792,-0.003406435251235962,-1.9824331676208105,3,742,1 -18743,0.004144191624592065,-0.0023147612810134888,-0.003437470644712448,-2.163439698633123,3,743,1 -18744,0.003826666106249773,-0.0021680817008018494,-0.0031532198190689087,-2.173136017227338,3,744,1 -18745,0.004384328212791615,-0.0019751600921154022,-0.003914214670658112,-2.03812680629719,3,745,1 -18746,0.004334927068382385,-0.0016917511820793152,-0.003991186618804932,-1.9717109324900461,3,746,1 -18747,0.003922168493494792,-0.0013812445104122162,-0.003670908510684967,-1.9306779914890513,3,747,1 -18748,0.0019787690241103053,-0.0013166554272174835,-0.0014771409332752228,-2.298814025438604,3,748,1 -18749,0.0033957503701709545,-0.0016419142484664917,-0.0029724128544330597,-2.0754682652081233,3,749,1 -18750,0.0023403184319776026,-0.0016080625355243683,-0.0017003603279590607,-2.3283039022451177,3,750,1 -18751,0.003910272005949683,-0.0017360523343086243,-0.003503762185573578,-2.030823291785913,3,751,1 -18752,0.0037987865212568968,-0.0016085989773273468,-0.0034413933753967285,-2.0080473788608892,3,752,1 -18753,0.0022145273303990484,-0.0013167671859264374,-0.0017805211246013641,-2.207569571716908,3,753,1 -18754,0.004420408729392249,-0.001997094601392746,-0.003943555057048798,-2.039566624396421,3,754,1 -18755,0.0036743643430306367,-0.0016823448240756989,-0.003266599029302597,-2.046383007813927,3,755,1 -18756,0.004017199478910856,-0.001958083361387253,-0.0035076774656772614,-2.0799345748627545,3,756,1 -18757,0.0037497643590590204,-0.0021468214690685272,-0.0030743926763534546,-2.1803745503952525,3,757,1 -18758,0.0037516501668645565,-0.0018996596336364746,-0.003235146403312683,-2.101746680185442,3,758,1 -18759,0.003523839803874429,-0.0015528611838817596,-0.0031632371246814728,-2.02714462280921,3,759,1 -18760,0.003956850856371859,-0.0014838725328445435,-0.003668077290058136,-1.9552076761054222,3,760,1 -18761,0.0037976097242269024,-0.0012383051216602325,-0.0035900473594665527,-1.9029448538226952,3,761,1 -18762,0.0036194280907553716,-0.0016993917524814606,-0.0031956732273101807,-2.05954271182676,3,762,1 -18763,0.0017155523048705238,-0.0014414973556995392,-0.0009301640093326569,-2.568545341483105,3,763,1 -18764,0.004215102350559595,-0.0018478259444236755,-0.003788486123085022,-2.024594257298566,3,764,1 -18765,0.0038736140108200333,-0.001663394272327423,-0.003498286008834839,-2.0146430445975394,3,765,1 -18766,0.003893311532764183,-0.0019237883388996124,-0.003384806215763092,-2.087626125413445,3,766,1 -18767,0.00402862824922153,-0.0015801042318344116,-0.003705821931362152,-1.973838890951394,3,767,1 -18768,0.0038094810619180796,-0.0014966800808906555,-0.0035031549632549286,-1.974560849575708,3,768,1 -18769,0.003985725518640642,-0.0020779408514499664,-0.003401201218366623,-2.1192234861241808,3,769,1 -18770,0.0035898885760190097,-0.0017974860966205597,-0.0031074658036231995,-2.09521287739545,3,770,1 -18771,0.004335824954685153,-0.0022735074162483215,-0.003691956400871277,-2.122752671534598,3,771,1 -18772,0.003542144508878606,-0.0015333518385887146,-0.0031930580735206604,-2.0184903797419187,3,772,1 -18773,0.0027088392584436907,-0.0013818442821502686,-0.0023298747837543488,-2.106125436394833,3,773,1 -18774,0.003440141026056848,-0.0020987652242183685,-0.002725757658481598,-2.2269593433020196,3,774,1 -18775,0.003565270623701919,-0.0018706806004047394,-0.003035079687833786,-2.1231534272333086,3,775,1 -18776,0.003580845018228569,-0.0017154179513454437,-0.00314321368932724,-2.0703729531116126,3,776,1 -18777,0.003589041533993735,-0.001747824251651764,-0.003134697675704956,-2.0794354992207547,3,777,1 -18778,0.003962606390706439,-0.0016043707728385925,-0.003623291850090027,-1.9876413482206117,3,778,1 -18779,0.004078705206697303,-0.0016242340207099915,-0.0037413500249385834,-1.9803750711172374,3,779,1 -18780,0.003597217307752847,-0.0016534887254238129,-0.003194674849510193,-2.0484060842107206,3,780,1 -18781,0.003886621684115744,-0.0015326961874961853,-0.0035716481506824493,-1.9761586886061002,3,781,1 -18782,0.004073284514726363,-0.0018217042088508606,-0.0036432184278964996,-2.0344647951350394,3,782,1 -18783,0.0024755263807345637,-0.0016033723950386047,-0.001886114478111267,-2.275344281362453,3,783,1 -18784,0.004368307442621529,-0.0025158412754535675,-0.0035710856318473816,-2.1845381872935383,3,784,1 -18785,0.0035410353543519667,-0.00192241370677948,-0.002973761409521103,-2.1446779731717567,3,785,1 -18786,0.003941427838366772,-0.0019693151116371155,-0.0034141838550567627,-2.093985349150088,3,786,1 -18787,0.002234969418507843,-0.0012030936777591705,-0.0018835216760635376,-2.1392200538483004,3,787,1 -18788,0.004146735232932567,-0.0015273503959178925,-0.003855206072330475,-1.9480041151863077,3,788,1 -18789,0.0021544973603322384,-0.0012887939810752869,-0.0017265193164348602,-2.2120340727946335,3,789,1 -18790,0.0038762249313479863,-0.0019135773181915283,-0.0033709555864334106,-2.0871015436570333,3,790,1 -18791,0.0036553647751758262,-0.001629423350095749,-0.0032721050083637238,-2.0328218546539363,3,791,1 -18792,0.00380546248637196,-0.0020711608231067657,-0.003192465752363205,-2.1463030393731195,3,792,1 -18793,0.004091166705380494,-0.0017228536307811737,-0.003710716962814331,-2.0054711433558485,3,793,1 -18794,0.0019800661496264596,-0.0011346153914928436,-0.0016227476298809052,-2.1809811405912862,3,794,1 -18795,0.0038921003078908555,-0.0019474886357784271,-0.0033698268234729767,-2.0948219209097174,3,795,1 -18796,0.003623999037227451,-0.0016931071877479553,-0.003204178065061569,-2.0569097147551627,3,796,1 -18797,0.0020931839467195905,-0.0015084967017173767,-0.001451157033443451,-2.375565842722522,3,797,1 -18798,0.0036294910377246315,-0.0018792562186717987,-0.0031050927937030792,-2.115043329136142,3,798,1 -18799,0.003907734956051807,-0.001662958413362503,-0.0035362355411052704,-2.01037206966416,3,799,1 -18800,0.0039925189072215145,-0.0016722790896892548,-0.003625422716140747,-2.0029782942989636,3,800,1 -18801,0.003431067321536774,-0.0017650164663791656,-0.002942267805337906,-2.111129800338567,3,801,1 -18802,0.00364769932284274,-0.0015969425439834595,-0.0032795555889606476,-2.0239404063458384,3,802,1 -18803,0.003869873916141328,-0.0018610991537570953,-0.003392968326807022,-2.0724998703911983,3,803,1 -18804,0.003339702097524018,-0.001697104424238205,-0.0028763599693775177,-2.103843858061001,3,804,1 -18805,0.004134573232663922,-0.0017733238637447357,-0.0037349723279476166,-2.014072511111354,3,805,1 -18806,0.0037150138623971937,-0.002057339996099472,-0.0030933283269405365,-2.157706207248118,3,806,1 -18807,0.0035994754508896012,-0.0017609074711799622,-0.003139335662126541,-2.0819826341961396,3,807,1 -18808,0.004183728898374784,-0.001845080405473709,-0.0037548989057540894,-2.027523796387996,3,808,1 -18809,0.004090968765384109,-0.0016510523855686188,-0.003743000328540802,-1.9862277508129385,3,809,1 -18810,0.003557133943961013,-0.001554679125547409,-0.003199402242898941,-2.0231230920690138,3,810,1 -18811,0.003843507414212383,-0.00196196511387825,-0.0033050328493118286,-2.1065184943111617,3,811,1 -18812,0.003724772605210749,-0.001564323902130127,-0.0033803582191467285,-2.004217805455748,3,812,1 -18813,0.00380893237812983,-0.0020222067832946777,-0.0032277926802635193,-2.1304723806775314,3,813,1 -18814,0.004213645018123512,-0.0017684102058410645,-0.0038245953619480133,-2.0038963012463453,3,814,1 -18815,0.0020491229506853547,-0.0017422959208488464,-0.0010785683989524841,-2.5872833907874204,3,815,1 -18816,0.00386350147010422,-0.0018885023891925812,-0.003370489925146103,-2.0815168120339136,3,816,1 -18817,0.003972268391513078,-0.0018375888466835022,-0.0035216733813285828,-2.0517269152589686,3,817,1 -18818,0.00371760912426647,-0.002128433436155319,-0.0030480138957500458,-2.180381616226569,3,818,1 -18819,0.0038797959827812215,-0.0016311593353748322,-0.003520246595144272,-2.0047088995303683,3,819,1 -18820,0.004369837783894282,-0.002286091446876526,-0.0037241466343402863,-2.1213421442678446,3,820,1 -18821,0.00257281077021248,-0.001066599041223526,-0.0023413076996803284,-1.9982618110628998,3,821,1 -18822,0.004333141330578384,-0.0023773424327373505,-0.0036227554082870483,-2.1515351604046975,3,822,1 -18823,0.0039025866887668938,-0.0017911307513713837,-0.0034672804176807404,-2.0476204765267756,3,823,1 -18824,0.003741588460347559,-0.001881927251815796,-0.0032338574528694153,-2.0978343120272966,3,824,1 -18825,0.002320739542853607,-0.0009360276162624359,-0.002123601734638214,-1.9859511535277827,3,825,1 -18826,0.0041465840035776035,-0.001721985638141632,-0.0037721246480941772,-1.9990448450648197,3,826,1 -18827,0.0041552725043340205,-0.0017493441700935364,-0.0037690959870815277,-2.0053370473513152,3,827,1 -18828,0.004247212706117307,-0.0018129721283912659,-0.003840826451778412,-2.0118158154104364,3,828,1 -18829,0.004263657263282592,-0.0019501186907291412,-0.003791544586420059,-2.045844933986068,3,829,1 -18830,0.003407660235118673,-0.001701992005109787,-0.002952180802822113,-2.093772361879556,3,830,1 -18831,0.0029018271976146174,-0.0012031011283397675,-0.002640672028064728,-1.9983008798719246,3,831,1 -18832,0.004046315040174621,-0.0016954094171524048,-0.003673996776342392,-2.0031409579443893,3,832,1 -18833,0.0040316883997307,-0.0019401870667934418,-0.0035341456532478333,-2.072858653636336,3,833,1 -18834,0.0037996129371197507,-0.0016525909304618835,-0.003421403467655182,-2.0207642519462286,3,834,1 -18835,0.0038268528904345754,-0.002080492675304413,-0.0032119080424308777,-2.1455836456122315,3,835,1 -18836,0.0022150981172428513,-0.0015827417373657227,-0.0015497058629989624,-2.366740444619542,3,836,1 -18837,0.003228861587111403,-0.0014566443860530853,-0.002881620079278946,-2.0388302233512015,3,837,1 -18838,0.004123955760441825,-0.001938607543706894,-0.003639891743659973,-2.0601828020020774,3,838,1 -18839,0.004083289821951504,-0.001823578029870987,-0.0036534667015075684,-2.0337527761813576,3,839,1 -18840,0.003760751297999832,-0.0016481056809425354,-0.0033803842961788177,-2.024434257883841,3,840,1 -18841,0.0037456177040725734,-0.0018798112869262695,-0.0032397471368312836,-2.096555164448159,3,841,1 -18842,0.00369717202469331,-0.0015972740948200226,-0.00333433598279953,-2.01753425983405,3,842,1 -18843,0.003802832674015224,-0.001986633986234665,-0.0032426565885543823,-2.1204699918883247,3,843,1 -18844,0.003717406608789895,-0.0019767731428146362,-0.0031482502818107605,-2.1314753086026217,3,844,1 -18845,0.0036888482427526598,-0.0016497820615768433,-0.003299366682767868,-2.0344678722710023,3,845,1 -18846,0.003413318149498434,-0.0014155954122543335,-0.0031059347093105316,-1.9984391609740688,3,846,1 -18847,0.004045736721572856,-0.001839999109506607,-0.00360310822725296,-2.042943417116477,3,847,1 -18848,0.0038121461313814047,-0.0018109269440174103,-0.0033545494079589844,-2.0658073185041412,3,848,1 -18849,0.003676161345329761,-0.0019097886979579926,-0.003141157329082489,-2.117069299212359,3,849,1 -18850,0.003796231756090163,-0.0022438280284404755,-0.0030621252954006195,-2.203177560101441,3,850,1 -18851,0.00374733838306554,-0.0021862536668777466,-0.003043491393327713,-2.1937235419270937,3,851,1 -18852,0.0021686065252551406,-0.001731235533952713,-0.0013060159981250763,-2.495291827102436,3,852,1 -18853,0.003701338855683677,-0.0017256587743759155,-0.0032744482159614563,-2.0558157677430198,3,853,1 -18854,0.0035642259779424712,-0.0014649666845798492,-0.003249242901802063,-1.9943685321022027,3,854,1 -18855,0.00383818922184393,-0.0014256834983825684,-0.0035635828971862793,-1.9513632622551558,3,855,1 -18856,0.004403377516180853,-0.002312745898962021,-0.0037471242249011993,-2.1237710056305548,3,856,1 -18857,0.0038001258400314456,-0.001643635332584381,-0.003426283597946167,-2.0180836231308166,3,857,1 -18858,0.0025802764767363646,-0.001959100365638733,-0.0016792118549346924,-2.432971392577403,3,858,1 -18859,0.0038070092074333705,-0.0018929466605186462,-0.0033030398190021515,-2.0911957315489373,3,859,1 -18860,0.003769636680569202,-0.0017429478466510773,-0.00334249809384346,-2.0514568352249154,3,860,1 -18861,0.003812795131906578,-0.001981068402528763,-0.0032577253878116608,-2.1171606493985875,3,861,1 -18862,0.003929415384017824,-0.0019098557531833649,-0.003434058278799057,-2.0783499051665815,3,862,1 -18863,0.0039361383388985096,-0.0021121911704540253,-0.0033214204013347626,-2.1372168997988696,3,863,1 -18864,0.0032582216287248907,-0.0018117688596248627,-0.0027080439031124115,-2.1604348935963706,3,864,1 -18865,0.002250451808216843,-0.001100640743970871,-0.0019629374146461487,-2.0818258008352073,3,865,1 -18866,0.004118321962868224,-0.0013509131968021393,-0.003890451043844223,-1.9050086249091012,3,866,1 -18867,0.0035632125866888542,-0.001412946730852127,-0.0032710954546928406,-1.9785381681205236,3,867,1 -18868,0.0035292558904034274,-0.0012976638972759247,-0.0032820291817188263,-1.9473176163842574,3,868,1 -18869,0.0038593522285074533,-0.0018965601921081543,-0.003361199051141739,-2.084514988450314,3,869,1 -18870,0.0022797079562700247,-0.0012626349925994873,-0.0018981099128723145,-2.157787342748259,3,870,1 -18871,0.0036729991479337505,-0.0014471709728240967,-0.0033758878707885742,-1.9757786726204998,3,871,1 -18872,0.004299279004123383,-0.0023569315671920776,-0.003595646470785141,-2.1510254094244328,3,872,1 -18873,0.001888589789128356,-0.0011393390595912933,-0.0015062130987644196,-2.218397537237819,3,873,1 -18874,0.0016528535651607033,-0.0012147128582000732,-0.00112089142203331,-2.396342995317004,3,874,1 -18875,0.003354489856204689,-0.0014913231134414673,-0.003004755824804306,-2.0314963260179377,3,875,1 -18876,0.0038046999086985365,-0.0017776936292648315,-0.0033638589084148407,-2.0569585416851943,3,876,1 -18877,0.004106242915770981,-0.001987505704164505,-0.003593195229768753,-2.0760397788733402,3,877,1 -18878,0.002078002222659857,-0.0015001408755779266,-0.001437939703464508,-2.37736201100355,3,878,1 -18879,0.004002865084333647,-0.002199184149503708,-0.003344625234603882,-2.1524453247093045,3,879,1 -18880,0.0037596929409683226,-0.0017676204442977905,-0.00331825390458107,-2.060257295657015,3,880,1 -18881,0.002101207496402267,-0.001417543739080429,-0.0015510134398937225,-2.3112636146182868,3,881,1 -18882,0.004026150050559867,-0.002097606658935547,-0.003436557948589325,-2.1188133301449694,3,882,1 -18883,0.0037566380390579406,-0.001797117292881012,-0.0032988935708999634,-2.0696104179794683,3,883,1 -18884,0.0036090279811872654,-0.001489337533712387,-0.0032873935997486115,-1.9961796656741282,3,884,1 -18885,0.0038632632070813577,-0.001472078263759613,-0.0035718046128749847,-1.9617229498055877,3,885,1 -18886,0.0037397013927584436,-0.0016862265765666962,-0.003337964415550232,-2.0385682961246405,3,886,1 -18887,0.003734458361691651,-0.001521095633506775,-0.003410637378692627,-1.9903069806726024,3,887,1 -18888,0.002451783080990176,-0.0015718676149845123,-0.001881614327430725,-2.2667427085039673,3,888,1 -18889,0.003567568827936555,-0.0018094219267368317,-0.003074660897254944,-2.1027131614768066,3,889,1 -18890,0.003121079425036895,-0.0014257505536079407,-0.0027763955295085907,-2.045205880381197,3,890,1 -18891,0.004067191430508017,-0.0019557662308216095,-0.0035660937428474426,-2.072436261631755,3,891,1 -18892,0.003941156316756402,-0.0017861798405647278,-0.003513157367706299,-2.041161831881472,3,892,1 -18893,0.0035265098216191214,-0.0018422529101371765,-0.003007054328918457,-2.1204608356773496,3,893,1 -18894,0.004239699875521174,-0.002039514482021332,-0.0037169121205806732,-2.0726501734169873,3,894,1 -18895,0.003743128117764113,-0.0015590041875839233,-0.003403015434741974,-2.0003858773416128,3,895,1 -18896,0.002580433094363132,-0.0011956915259361267,-0.0022866912186145782,-2.052589021809405,3,896,1 -18897,0.0029050311404688585,-0.0013325326144695282,-0.002581387758255005,-2.0473259793060685,3,897,1 -18898,0.004203013281089388,-0.0024919509887695312,-0.003384597599506378,-2.2054470580574206,3,898,1 -18899,0.004119705652338677,-0.001962270587682724,-0.003622356802225113,-2.0672533693046256,3,899,1 -18900,0.003889442335937144,-0.002156708389520645,-0.0032367222011089325,-2.1585622409383767,3,900,1 -18901,0.0038812346696101957,-0.0020570047199726105,-0.003291308879852295,-2.1293818053874998,3,901,1 -18902,0.0022945552599667844,-0.0011864863336086273,-0.0019639842212200165,-2.1142412946545575,3,902,1 -18903,0.0038642534843562363,-0.001575719565153122,-0.003528393805027008,-1.9908047764125976,3,903,1 -18904,0.003911926542513247,-0.0017471760511398315,-0.003500077873468399,-2.0337893624351464,3,904,1 -18905,0.0036708812923410545,-0.0014760121703147888,-0.0033610649406909943,-1.9845909720383512,3,905,1 -18906,0.003744099262971504,-0.0016085952520370483,-0.0033809319138526917,-2.0148846109140783,3,906,1 -18907,0.0045974105894448945,-0.002464946359395981,-0.003880750387907028,-2.136677357664151,3,907,1 -18908,0.0034684214163775177,-0.0016197413206100464,-0.003066983073949814,-2.056687632393289,3,908,1 -18909,0.004115620513247053,-0.0018258243799209595,-0.0036884546279907227,-2.03044450765153,3,909,1 -18910,0.004677942999035879,-0.002063266932964325,-0.004198342561721802,-2.027578936096819,3,910,1 -18911,0.0038011579520870614,-0.0014779381453990936,-0.003502070903778076,-1.970138772193859,3,911,1 -18912,0.003776274279816913,-0.0018539205193519592,-0.00328986719250679,-2.0839636449872665,3,912,1 -18913,0.003517161330085709,-0.001838184893131256,-0.0029985830187797546,-2.1207328235006258,3,913,1 -18914,0.003809727519436572,-0.002166520804166794,-0.003133721649646759,-2.175698124002736,3,914,1 -18915,0.003881225100546566,-0.001856338232755661,-0.0034085065126419067,-2.0694990534071556,3,915,1 -18916,0.003966584504708164,-0.002351030707359314,-0.0031947530806064606,-2.2052146143853557,3,916,1 -18917,0.003004512379504751,-0.000803779810667038,-0.002895001322031021,-1.8416189984076496,3,917,1 -18918,0.0017405455580990375,-0.0011829175055027008,-0.001276794821023941,-2.3180470318736934,3,918,1 -18919,0.003961843642730647,-0.002166472375392914,-0.0033170171082019806,-2.1493748795198613,3,919,1 -18920,0.0035967181969830003,-0.002058945596218109,-0.0029490888118743896,-2.180288547075765,3,920,1 -18921,0.0040229379678247,-0.0020569898188114166,-0.003457285463809967,-2.107510944525874,3,921,1 -18922,0.003909842243697756,-0.001760784536600113,-0.003490917384624481,-2.0379499288983736,3,922,1 -18923,0.003883904021262732,-0.0018716789782047272,-0.0034031644463539124,-2.0736256705888114,3,923,1 -18924,0.002219731409589148,-0.0014754310250282288,-0.0016584061086177826,-2.2978737870352717,3,924,1 -18925,0.00440803255057181,-0.002168957144021988,-0.003837496042251587,-2.0852353244588975,3,925,1 -18926,0.0038558567823417035,-0.001992747187614441,-0.0033009983599185944,-2.1139174273896817,3,926,1 -18927,0.004008105958052041,-0.001779712736606598,-0.00359131395816803,-2.030885897597421,3,927,1 -18928,0.002127424157610397,-0.0013472586870193481,-0.0016464591026306152,-2.2565825122644445,3,928,1 -18929,0.002175662536992914,-0.0016809701919555664,-0.0013812482357025146,-2.453761112850515,3,929,1 -18930,0.004104165312039777,-0.001859225332736969,-0.0036588869988918304,-2.040934383058844,3,930,1 -18931,0.0027857984415811804,-0.0009976811707019806,-0.002601020038127899,-1.937061824318913,3,931,1 -18932,0.004035884713394167,-0.0015080682933330536,-0.003743540495634079,-1.9537532773481965,3,932,1 -18933,0.0032576068333938246,-0.0015377029776573181,-0.0028718411922454834,-2.062393528256259,3,933,1 -18934,0.0040350230043571,-0.0021288692951202393,-0.00342772901058197,-2.1265666109952495,3,934,1 -18935,0.0037884542991423703,-0.0015079602599143982,-0.003475405275821686,-1.9801767582093484,3,935,1 -18936,0.003922828731001136,-0.0018504299223423004,-0.0034589730203151703,-2.062023215535026,3,936,1 -18937,0.0037377774944617496,-0.0017477013170719147,-0.0033040158450603485,-2.057344778873964,3,937,1 -18938,0.004301034428876505,-0.0021246150135993958,-0.0037396401166915894,-2.087454975914241,3,938,1 -18939,0.003869102226937158,-0.0016902647912502289,-0.003480367362499237,-2.022903841746757,3,939,1 -18940,0.002751033581278,-0.0011052191257476807,-0.0025192610919475555,-1.9842199569473578,3,940,1 -18941,0.0021278370934743533,-0.0008085072040557861,-0.0019682496786117554,-1.9605566054866146,3,941,1 -18942,0.003429850885828185,-0.001437503844499588,-0.003114074468612671,-2.0032672930344324,3,942,1 -18943,0.002677903011001195,-0.0014290474355220795,-0.002264726907014847,-2.133700121090814,3,943,1 -18944,0.003418552266789888,-0.0013274289667606354,-0.0031503066420555115,-1.9695840745278528,3,944,1 -18945,0.0026483610583043146,-0.0017760470509529114,-0.001964554190635681,-2.3058422099236857,3,945,1 -18946,0.004116819491123495,-0.001897718757390976,-0.003653336316347122,-2.0498811227147025,3,946,1 -18947,0.0037594865953611955,-0.0016147978603839874,-0.0033950209617614746,-2.014764335823309,3,947,1 -18948,0.003780010852400665,-0.0018265843391418457,-0.003309391438961029,-2.075127489482681,3,948,1 -18949,0.0040662499677380365,-0.0019386708736419678,-0.0035743452608585358,-2.0677742133747286,3,949,1 -18950,0.0035583144565918415,-0.0014270320534706116,-0.003259629011154175,-1.9834499125435623,3,950,1 -18951,0.003348177545170889,-0.0017720907926559448,-0.002840772271156311,-2.1285365759440964,3,951,1 -18952,0.002127533231842949,-0.0014006011188030243,-0.0016014724969863892,-2.2893832006941786,3,952,1 -18953,0.0038831970876478305,-0.0016000494360923767,-0.0035382285714149475,-1.9954929273992954,3,953,1 -18954,0.0022992981945407502,-0.0017995983362197876,-0.0014311596751213074,-2.46974486627971,3,954,1 -18955,0.0036043841147402264,-0.001736219972372055,-0.003158658742904663,-2.073386148637776,3,955,1 -18956,0.004182160603130856,-0.0016001313924789429,-0.003863941878080368,-1.9634146135277266,3,956,1 -18957,0.004202100364768944,-0.001943971961736679,-0.003725402057170868,-2.0517435126815844,3,957,1 -18958,0.0021434353573698754,-0.0017781257629394531,-0.0011969059705734253,-2.549130252759095,3,958,1 -18959,0.0033527570280074744,-0.001965060830116272,-0.0027165263891220093,-2.1970370011697216,3,959,1 -18960,0.003982019982234194,-0.0017917975783348083,-0.003556113690137863,-2.037530335418108,3,960,1 -18961,0.0037097268898507265,-0.001643553376197815,-0.003325778990983963,-2.0297819178015652,3,961,1 -18962,0.003925183183617717,-0.0020355433225631714,-0.0033561326563358307,-2.115992180970695,3,962,1 -18963,0.004244785524873539,-0.0017847903072834015,-0.003851328045129776,-2.004755794451775,3,963,1 -18964,0.002638610281862076,-0.0010568983852863312,-0.0024176910519599915,-1.9829146068114705,3,964,1 -18965,0.0040159890879753486,-0.002172272652387619,-0.003377780318260193,-2.142310263520519,3,965,1 -18966,0.004304744795881711,-0.001753922551870346,-0.003931231796741486,-1.9904447207538192,3,966,1 -18967,0.003939946152184208,-0.001539718359708786,-0.0036266297101974487,-1.9722934018667182,3,967,1 -18968,0.00381015884720239,-0.0015853233635425568,-0.003464687615633011,-1.9999243244899503,3,968,1 -18969,0.00378926371703904,-0.001863669604063034,-0.0032992810010910034,-2.0849854101677865,3,969,1 -18970,0.0037741348665960273,-0.0013347044587135315,-0.003530248999595642,-1.9322615383016841,3,970,1 -18971,0.003920205043171515,-0.0016647130250930786,-0.0035491883754730225,-2.009371013154189,3,971,1 -18972,0.003698232184789886,-0.0015822947025299072,-0.0033426433801651,-2.012910860442585,3,972,1 -18973,0.0038514098660754783,-0.0021840184926986694,-0.0031722895801067352,-2.1737403985979684,3,973,1 -18974,0.004046974583764556,-0.0018630027770996094,-0.003592662513256073,-2.0491796297601534,3,974,1 -18975,0.0042887594523601975,-0.001932583749294281,-0.0038286522030830383,-2.038251604711439,3,975,1 -18976,0.003439935230005245,-0.001630343496799469,-0.003029048442840576,-2.064562983459714,3,976,1 -18977,0.004085085373767815,-0.0017540007829666138,-0.0036893635988235474,-2.0145880725383933,3,977,1 -18978,0.003859992613480131,-0.00158701092004776,-0.0035186558961868286,-1.9945044762905955,3,978,1 -18979,0.00380575802774646,-0.0015583448112010956,-0.0034720823168754578,-1.9926696875891794,3,979,1 -18980,0.0038599514818640043,-0.001401461660861969,-0.0035965442657470703,-1.94236503161223,3,980,1 -18981,0.0037618531659298006,-0.0014648288488388062,-0.0034649409353733063,-1.9707657993686953,3,981,1 -18982,0.003981000750696342,-0.0020627453923225403,-0.0034049153327941895,-2.115479867103015,3,982,1 -18983,0.003959020609998383,-0.0018550492823123932,-0.0034975185990333557,-2.0584594181823315,3,983,1 -18984,0.004217769579827966,-0.0019486844539642334,-0.0037406161427497864,-2.0510653264026866,3,984,1 -18985,0.003840414786446978,-0.0016655735671520233,-0.0034604407846927643,-2.019387212423476,3,985,1 -18986,0.00423103187171142,-0.0021985508501529694,-0.003614969551563263,-2.1172085643172074,3,986,1 -18987,0.0038833422024119714,-0.002126827836036682,-0.003249146044254303,-2.1503848877042477,3,987,1 -18988,0.003999956893615667,-0.00211358442902565,-0.0033959411084651947,-2.1275133265883586,3,988,1 -18989,0.0036599183738010013,-0.001885298639535904,-0.003136981278657913,-2.1119444481701075,3,989,1 -18990,0.004109963602481885,-0.001864515244960785,-0.0036627016961574554,-2.041661370972095,3,990,1 -18991,0.003811197302781174,-0.0015249177813529968,-0.003492828458547592,-1.9824388155072088,3,991,1 -18992,0.004031660493192328,-0.0015227757394313812,-0.0037330202758312225,-1.9581120735513586,3,992,1 -18993,0.003885216184428132,-0.002341814339160919,-0.003100130707025528,-2.2177394766188905,3,993,1 -18994,0.00420258468978108,-0.001935657113790512,-0.003730274736881256,-2.0494530672342206,3,994,1 -18995,0.003734873857542432,-0.0012928135693073273,-0.0035039857029914856,-1.9242568990083158,3,995,1 -18996,0.0022753614818662514,-0.001950383186340332,-0.0011718682944774628,-2.600555712243408,3,996,1 -18997,0.004075050982690527,-0.0022528357803821564,-0.0033956989645957947,-2.156560377873111,3,997,1 -18998,0.003654547200336221,-0.001564759761095047,-0.0033026114106178284,-2.013260782021256,3,998,1 -18999,0.0038102905679747367,-0.0017466992139816284,-0.0033863484859466553,-2.0470087122385796,3,999,1 -19000,0.002523204970354992,-0.0009450986981391907,-0.0023395195603370667,-1.954721521188051,3,1000,1 -19001,0.002348512906699933,-0.0014115497469902039,-0.00187697634100914,-2.215597830335298,3,1001,1 -19002,0.0042396230240135035,-0.0017493963241577148,-0.0038618668913841248,-1.9961359407110535,3,1002,1 -19003,0.0034933563726808163,-0.0013555772602558136,-0.003219619393348694,-1.969305064633579,3,1003,1 -19004,0.003955149289860042,-0.0024438798427581787,-0.003109768033027649,-2.2368631144554714,3,1004,1 -19005,0.004194826739518721,-0.0019596703350543976,-0.003708943724632263,-2.056876391824442,3,1005,1 -19006,0.0037068489441549604,-0.0016448795795440674,-0.0033219121396541595,-2.030564822747486,3,1006,1 -19007,0.0019521286955744097,-0.0014047734439373016,-0.0013555139303207397,-2.3740383878283837,3,1007,1 -19008,0.0037957880103446605,-0.002017918974161148,-0.003214966505765915,-2.131309087230459,3,1008,1 -19009,0.0020438238616369885,-0.0014318600296974182,-0.0014584213495254517,-2.347004875533266,3,1009,1 -19010,0.0020219373584650204,-0.0014051944017410278,-0.001453842967748642,-2.339180416786027,3,1010,1 -19011,0.0040362309657073995,-0.0017198547720909119,-0.0036514736711978912,-2.010978358830162,3,1011,1 -19012,0.003594896161176367,-0.0017432831227779388,-0.0031439214944839478,-2.077082673046764,3,1012,1 -19013,0.0027783946506016403,-0.001274101436138153,-0.002469036728143692,-2.047186954197201,3,1013,1 -19014,0.0038302973623131767,-0.0016805492341518402,-0.003441937267780304,-2.0250053090934563,3,1014,1 -19015,0.0017581750859594813,-0.0013654343783855438,-0.0011075958609580994,-2.4600793151086147,3,1015,1 -19016,0.003944308971678132,-0.0015820972621440887,-0.003613106906414032,-1.9835233546065938,3,1016,1 -19017,0.0035843110568046952,-0.0013648681342601776,-0.0033142752945423126,-1.9614463349836488,3,1017,1 -19018,0.003727952575499229,-0.001622915267944336,-0.0033561550080776215,-2.0212087769933067,3,1018,1 -19019,0.0024218784547391345,-0.001250583678483963,-0.0020740143954753876,-2.11340217062538,3,1019,1 -19020,0.0027379723838895044,-0.0016909167170524597,-0.0021534375846385956,-2.2364582833159736,3,1020,1 -19021,0.003815507355418104,-0.002032630145549774,-0.0032290108501911163,-2.1326179159716405,3,1021,1 -19022,0.0037537691936466717,-0.0015788823366165161,-0.0034055709838867188,-2.0049166924687842,3,1022,1 -19023,0.0033174691942163613,-0.0013990551233291626,-0.003008030354976654,-2.0061417406072186,3,1023,1 -19024,0.001878525921763614,-0.0014856494963169098,-0.0011496543884277344,-2.483007969401937,3,1024,1 -19025,0.004065998972440298,-0.0019377321004867554,-0.0035745687782764435,-2.0675450509877478,3,1025,1 -19026,0.003719304454499436,-0.002178095281124115,-0.0030148178339004517,-2.1964397941224614,3,1026,1 -19027,0.002088138470815618,-0.0012996047735214233,-0.0016344264149665833,-2.2425694275846157,3,1027,1 -19028,0.003885512789339343,-0.0018811076879501343,-0.0033998005092144012,-2.076169160517968,3,1028,1 -19029,0.003191020280739568,-0.0012426786124706268,-0.00293910875916481,-1.9708088422808585,3,1029,1 -19030,0.003988606612248405,-0.0021317563951015472,-0.0033711418509483337,-2.1346667303646716,3,1030,1 -19031,0.003616515368739108,-0.0017244815826416016,-0.0031788907945156097,-2.067846945837262,3,1031,1 -19032,0.003985216795606482,-0.002118341624736786,-0.003375586122274399,-2.1312256661572424,3,1032,1 -19033,0.004213270105522778,-0.0016175955533981323,-0.003890376538038254,-1.9648437147914941,3,1033,1 -19034,0.004014166436837099,-0.0017122291028499603,-0.0036306753754615784,-2.011467500152902,3,1034,1 -19035,0.003987069820529592,-0.0015096627175807953,-0.0036902092397212982,-1.9591223955821353,3,1035,1 -19036,0.0037479065912153393,-0.001699339598417282,-0.0033405162394046783,-2.0413842032492,3,1036,1 -19037,0.0037451265413626354,-0.002083059400320053,-0.0031123682856559753,-2.160608987227783,3,1037,1 -19038,0.0036249280164563098,-0.0017447173595428467,-0.0031774304807186127,-2.0729459464651465,3,1038,1 -19039,0.0015981154533458526,-0.0010333843529224396,-0.0012190528213977814,-2.2739503967465637,3,1039,1 -19040,0.0038556899248220512,-0.0018783584237098694,-0.0033672116696834564,-2.0796372279090924,3,1040,1 -19041,0.00401087995989582,-0.002054978162050247,-0.0034444481134414673,-2.108716448315286,3,1041,1 -19042,0.004041311001471329,-0.0014437958598136902,-0.003774605691432953,-1.9361281944640145,3,1042,1 -19043,0.003561354108705166,-0.0017268471419811249,-0.00311468169093132,-2.077027983226537,3,1043,1 -19044,0.004110107980171078,-0.0022559314966201782,-0.0034356601536273956,-2.1518129510685413,3,1044,1 -19045,0.00239873020537878,-0.0016199201345443726,-0.0017691142857074738,-2.3122002825093015,3,1045,1 -19046,0.003840470636707144,-0.0018237791955471039,-0.0033797994256019592,-2.065628879510318,3,1046,1 -19047,0.003682969013100135,-0.0012518353760242462,-0.0034636929631233215,-1.9176052194452193,3,1047,1 -19048,0.003388372200507936,-0.0017244555056095123,-0.0029167309403419495,-2.1047414955210333,3,1048,1 -19049,0.0037853868746472127,-0.002276688814163208,-0.003024209290742874,-2.216100548667342,3,1049,1 -19050,0.004314413999788168,-0.002224870026111603,-0.0036965012550354004,-2.112600975612568,3,1050,1 -19051,0.0038366828371010566,-0.0013818927109241486,-0.003579176962375641,-1.9392561258381038,3,1051,1 -19052,0.00360046386569686,-0.0015666410326957703,-0.0032417550683021545,-2.0209700970651627,3,1052,1 -19053,0.0041738043861955345,-0.0018339939415454865,-0.003749281167984009,-2.0257334360695656,3,1053,1 -19054,0.004004955646403102,-0.0017117299139499664,-0.0036207251250743866,-2.012414513637628,3,1054,1 -19055,0.003878166427277982,-0.0019056573510169983,-0.003377668559551239,-2.0844710221980827,3,1055,1 -19056,0.0037759109676118573,-0.0017077848315238953,-0.003367636352777481,-2.040121120285847,3,1056,1 -19057,0.003963038699810282,-0.0020968057215213776,-0.0033628977835178375,-2.1283246039634056,3,1057,1 -19058,0.0035336286426747537,-0.001809384673833847,-0.0030352361500263214,-2.1083627904563773,3,1058,1 -19059,0.0041939759779521645,-0.00151824951171875,-0.0039095208048820496,-1.9412165682688856,3,1059,1 -19060,0.0019499739691236579,-0.0013304874300956726,-0.0014255531132221222,-2.32171458858372,3,1060,1 -19061,0.002378231951319267,-0.001480650156736374,-0.0018610917031764984,-2.242837257892562,3,1061,1 -19062,0.003446233214917984,-0.0014704540371894836,-0.003116775304079056,-2.0116198724545096,3,1062,1 -19063,0.00428973125994435,-0.0018316693603992462,-0.0038790181279182434,-2.0119570044037416,3,1063,1 -19064,0.003986612942402358,-0.002005442976951599,-0.0034454725682735443,-2.0979139563420475,3,1064,1 -19065,0.003720597539047372,-0.0017146021127700806,-0.0033019669353961945,-2.049738378126234,3,1065,1 -19066,0.0025525245986217186,-0.0012351199984550476,-0.002233799546957016,-2.0758812053075144,3,1066,1 -19067,0.004033652001354479,-0.0019641146063804626,-0.003523152321577072,-2.0793701830573226,3,1067,1 -19068,0.0038385586894970065,-0.0018392913043498993,-0.0033692046999931335,-2.070496004945335,3,1068,1 -19069,0.0035237618618425585,-0.0016739033162593842,-0.0031007975339889526,-2.0657979071433616,3,1069,1 -19070,0.0023275187297897505,-0.001549839973449707,-0.0017364732921123505,-2.2994643351610082,3,1070,1 -19071,0.00178602453714416,-0.001157715916633606,-0.001359991729259491,-2.276025420692123,3,1071,1 -19072,0.0038151006926825763,-0.0017953552305698395,-0.00336625799536705,-2.0607577312018948,3,1072,1 -19073,0.004266399293767028,-0.002195976674556732,-0.0036578476428985596,-2.1114706970687704,3,1073,1 -19074,0.004111911104929313,-0.0023294687271118164,-0.0033884197473526,-2.1730696748977985,3,1074,1 -19075,0.0034188667840312674,-0.0019572079181671143,-0.0028032101690769196,-2.1803147932291274,3,1075,1 -19076,0.0038310084920268666,-0.0019648484885692596,-0.003288768231868744,-2.1093328708898613,3,1076,1 -19077,0.0020830571388135775,-0.0013682618737220764,-0.0015706643462181091,-2.287433532682911,3,1077,1 -19078,0.0017508860489234208,-0.001142304390668869,-0.0013269297778606415,-2.2815630584782776,3,1078,1 -19079,0.0030284560617445055,-0.0013707242906093597,-0.002700492739677429,-2.040491941921961,3,1079,1 -19080,0.0040816467091935975,-0.0017024874687194824,-0.0037096329033374786,-2.0010572884293993,3,1080,1 -19081,0.0039520679163461145,-0.001553960144519806,-0.003633737564086914,-1.9749076079968577,3,1081,1 -19082,0.0021375700076643467,-0.0015080086886882782,-0.0015149638056755066,-2.3538937399446995,3,1082,1 -19083,0.0018774844566445692,-0.0013485290110111237,-0.0013062991201877594,-2.372099975409395,3,1083,1 -19084,0.004100925264172413,-0.002438325434923172,-0.0032972954213619232,-2.207538688691969,3,1084,1 -19085,0.004010769962294171,-0.0017831847071647644,-0.003592565655708313,-2.031522967486617,3,1085,1 -19086,0.0019161763130550603,-0.0014083385467529297,-0.001299351453781128,-2.3964237232367793,3,1086,1 -19087,0.0035212281682082884,-0.0018186643719673157,-0.0030152127146720886,-2.1135382261711313,3,1087,1 -19088,0.0038271567856755615,-0.001325611025094986,-0.0035902485251426697,-1.9244947667579217,3,1088,1 -19089,0.003495383010497073,-0.0017138496041297913,-0.003046378493309021,-2.0832510425440076,3,1089,1 -19090,0.004318620986250367,-0.00267811119556427,-0.003387950360774994,-2.2397061359578236,3,1090,1 -19091,0.003995330439013405,-0.0016893744468688965,-0.003620591014623642,-2.0073702556918143,3,1091,1 -19092,0.001923237150931871,-0.0015164054930210114,-0.00118294358253479,-2.4791059694944972,3,1092,1 -19093,0.0037976162304829493,-0.0015010125935077667,-0.0034883879125118256,-1.9771376928274527,3,1093,1 -19094,0.0040333831563918775,-0.0019487440586090088,-0.003531370311975479,-2.07504951590395,3,1094,1 -19095,0.003663334784507822,-0.001949060708284378,-0.0031018033623695374,-2.1318108430404035,3,1095,1 -19096,0.0033960093586013844,-0.0015366189181804657,-0.0030284784734249115,-2.040338239793566,3,1096,1 -19097,0.003685912460594595,-0.001538340002298355,-0.00334954634308815,-2.001330876039324,3,1097,1 -19098,0.0044260719562485345,-0.0021329186856746674,-0.0038782432675361633,-2.0736167494575675,3,1098,1 -19099,0.0037319522716570915,-0.0016586259007453918,-0.0033431164920330048,-2.0313444696364185,3,1099,1 -19100,0.003918963077748954,-0.0018897131085395813,-0.0034332573413848877,-2.0739573776531577,3,1100,1 -19101,0.002571271132331628,-0.0019832514226436615,-0.001636505126953125,-2.4516957988861057,3,1101,1 -19102,0.0024977187256192035,-0.0012689009308815002,-0.00215139240026474,-2.1036854097662223,3,1102,1 -19103,0.003932292473928179,-0.0017506740987300873,-0.0035210885107517242,-2.0321988983378163,3,1103,1 -19104,0.003939088470705697,-0.0017342232167720795,-0.003536790609359741,-2.0266845895589634,3,1104,1 -19105,0.003545295924780368,-0.0016112029552459717,-0.003158029168844223,-2.0425646882371584,3,1105,1 -19106,0.004052871842010719,-0.0019813068211078644,-0.0035355612635612488,-2.081584430319243,3,1106,1 -19107,0.0038368826304089523,-0.0016881264746189117,-0.0034455619752407074,-2.026365430704005,3,1107,1 -19108,0.003675334376779678,-0.001729678362607956,-0.0032428838312625885,-2.060787340083891,3,1108,1 -19109,0.004241504971857301,-0.0015011057257652283,-0.00396699458360672,-1.9325433739445763,3,1109,1 -19110,0.001987530331624084,-0.0012533776462078094,-0.0015425048768520355,-2.25314897628334,3,1110,1 -19111,0.004356712208289491,-0.002074453979730606,-0.003831133246421814,-2.0670690850362736,3,1111,1 -19112,0.0017689073092345487,-0.0012707263231277466,-0.0012305639684200287,-2.3722497652940966,3,1112,1 -19113,0.003671227297649891,-0.0018143132328987122,-0.003191579133272171,-2.087708401334564,3,1113,1 -19114,0.003969043322048678,-0.001865394413471222,-0.0035033710300922394,-2.0600711350104817,3,1114,1 -19115,0.00383183524660273,-0.0018458478152751923,-0.0033579468727111816,-2.0734056190105408,3,1115,1 -19116,0.0034693103363930685,-0.001253511756658554,-0.0032349377870559692,-1.9404734567182977,3,1116,1 -19117,0.003631862693466063,-0.0019130557775497437,-0.0030871741473674774,-2.1255598679867465,3,1117,1 -19118,0.004064037739605712,-0.0017213262617588043,-0.0036814995110034943,-2.0081577817772502,3,1118,1 -19119,0.004119338301119491,-0.002038460224866867,-0.003579612821340561,-2.0884601164630294,3,1119,1 -19120,0.0035960281086242787,-0.0016297511756420135,-0.003205515444278717,-2.0411579712414687,3,1120,1 -19121,0.004493643621801212,-0.0020843222737312317,-0.003981009125709534,-2.053118756565036,3,1121,1 -19122,0.0037722248355198146,-0.0021102987229824066,-0.0031267106533050537,-2.1644952442720604,3,1122,1 -19123,0.0036722704859015465,-0.0014990530908107758,-0.0033523738384246826,-1.9912873916711369,3,1123,1 -19124,0.003707518217586506,-0.0015391260385513306,-0.0033729486167430878,-1.9988891352964653,3,1124,1 -19125,0.004168794883599697,-0.0015171952545642853,-0.0038829073309898376,-1.9432918737735778,3,1125,1 -19126,0.0023599060761044033,-0.0018215030431747437,-0.0015004277229309082,-2.452548417370301,3,1126,1 -19127,0.0037368550301656207,-0.0013024397194385529,-0.0035025328397750854,-1.9268082369218538,3,1127,1 -19128,0.0040534020141040905,-0.001863975077867508,-0.003599397838115692,-2.0486276441092754,3,1128,1 -19129,0.002491198822344578,-0.0012760497629642487,-0.0021395720541477203,-2.1085676629194343,3,1129,1 -19130,0.0020979565651877232,-0.0009260885417461395,-0.0018824934959411621,-2.027981453964229,3,1130,1 -19131,0.0019743706210688513,-0.0012904293835163116,-0.0014942996203899384,-2.283114784927273,3,1131,1 -19132,0.003972322721834446,-0.0020528994500637054,-0.0034007281064987183,-2.1139060899447033,3,1132,1 -19133,0.0038210507851416903,-0.0013778768479824066,-0.0035639703273773193,-1.9397090850267296,3,1133,1 -19134,0.0040284493499170996,-0.0020805932581424713,-0.0034495703876018524,-2.113525570874527,3,1134,1 -19135,0.003886648492713259,-0.0012350715696811676,-0.00368519127368927,-1.894176040361176,3,1135,1 -19136,0.0038785531135753643,-0.0023006871342658997,-0.0031225010752677917,-2.205801655544255,3,1136,1 -19137,0.0021325055335300355,-0.0014072693884372711,-0.0016022399067878723,-2.2915000780466994,3,1137,1 -19138,0.004135563466000985,-0.0020088553428649902,-0.0036148838698863983,-2.0780188085375024,3,1138,1 -19139,0.004286921666018395,-0.0019757412374019623,-0.0038044899702072144,-2.0497788609792544,3,1139,1 -19140,0.0038131189925505746,-0.0013287626206874847,-0.0035741105675697327,-1.9267360322490756,3,1140,1 -19141,0.0037464737620909625,-0.001836523413658142,-0.003265462815761566,-2.0831161303176335,3,1141,1 -19142,0.003951100692463918,-0.002451293170452118,-0.003098767250776291,-2.2400587238116128,3,1142,1 -19143,0.0015345004552873864,-0.0009877532720565796,-0.0011743232607841492,-2.27011568697386,3,1143,1 -19144,0.004058468317507752,-0.001979205757379532,-0.0035431496798992157,-2.080218743894067,3,1144,1 -19145,0.004085779100097536,-0.0020855478942394257,-0.0035134144127368927,-2.1064935187604066,3,1145,1 -19146,0.004018583560439423,-0.0022469311952590942,-0.003331713378429413,-2.16413857283963,3,1146,1 -19147,0.0018574610329894345,-0.0013579539954662323,-0.0012673288583755493,-2.3907009301954845,3,1147,1 -19148,0.003858060071639485,-0.0020349062979221344,-0.0032777711749076843,-2.126384238435284,3,1148,1 -19149,0.0033215022868094968,-0.001400817185640335,-0.003011658787727356,-2.0061620654883843,3,1149,1 -19150,0.0040077174523850834,-0.0015603862702846527,-0.0036914758384227753,-1.9707171114963382,3,1150,1 -19151,0.0022067264276060565,-0.0012147575616836548,-0.0018422827124595642,-2.1537347579184525,3,1151,1 -19152,0.004625935080771092,-0.0020187310874462128,-0.00416221097111702,-2.0223835179117646,3,1152,1 -19153,0.003745778673914229,-0.001994498074054718,-0.0031706206500530243,-2.132307030347673,3,1153,1 -19154,0.0034984904315848255,-0.0014100149273872375,-0.003201764076948166,-1.9856272930024088,3,1154,1 -19155,0.0020839373736769896,-0.0010742098093032837,-0.0017857402563095093,-2.112353831778633,3,1155,1 -19156,0.003513525295532193,-0.0016435608267784119,-0.0031054094433784485,-2.057574954111444,3,1156,1 -19157,0.004048186156868175,-0.001971229910850525,-0.0035358257591724396,-2.0793809747681937,3,1157,1 -19158,0.004300201634984695,-0.001538798213005066,-0.004015449434518814,-1.9367535219974723,3,1158,1 -19159,0.00373967718116137,-0.0020713545382022858,-0.0031136274337768555,-2.157820611705476,3,1159,1 -19160,0.003693033005498638,-0.001803915947675705,-0.0032224804162979126,-2.081125627357962,3,1160,1 -19161,0.002020421004120691,-0.0015714354813098907,-0.0012699179351329803,-2.461916411331839,3,1161,1 -19162,0.003929694576801666,-0.0017307549715042114,-0.003528028726577759,-2.026873782971103,3,1162,1 -19163,0.003396198596390385,-0.0017160698771476746,-0.002930745482444763,-2.100515915491979,3,1163,1 -19164,0.002507125173265948,-0.0020442306995391846,-0.0014514811336994171,-2.5241616098050286,3,1164,1 -19165,0.004206934184499423,-0.0019556693732738495,-0.0037247352302074432,-2.0542819222576827,3,1165,1 -19166,0.002754941267926844,-0.0010734908282756805,-0.0025371871888637543,-1.9710588732771903,3,1166,1 -19167,0.0027398311863684145,-0.0011817701160907745,-0.002471860498189926,-2.016762255208398,3,1167,1 -19168,0.003874743800521718,-0.002042654901742935,-0.0032925978302955627,-2.1260649725269984,3,1168,1 -19169,0.002969136614871246,-0.0012675374746322632,-0.002684980630874634,-2.011863110089665,3,1169,1 -19170,0.0025070046619512227,-0.0011810660362243652,-0.002211369574069977,-2.0613410414362647,3,1170,1 -19171,0.002067818204988299,-0.0011715851724147797,-0.001703895628452301,-2.173146209921941,3,1171,1 -19172,0.003307868445849616,-0.0013719089329242706,-0.0030099600553512573,-1.9984545653072079,3,1172,1 -19173,0.00414769791565341,-0.0021547116339206696,-0.003544095903635025,-2.1170570966224553,3,1173,1 -19174,0.003827926782114834,-0.001888565719127655,-0.003329616039991379,-2.086750647004105,3,1174,1 -19175,0.0036083466482768178,-0.0018682107329368591,-0.0030870623886585236,-2.1150117551615004,3,1175,1 -19176,0.004076672333800811,-0.0020440928637981415,-0.0035271719098091125,-2.0960264318806527,3,1176,1 -19177,0.004173483604287374,-0.002130020409822464,-0.003589008003473282,-2.10641120100587,3,1177,1 -19178,0.003877650421652294,-0.0018256716430187225,-0.0034209787845611572,-2.061015248225102,3,1178,1 -19179,0.0036031530172061636,-0.0021181292831897736,-0.002914831042289734,-2.1992003067847716,3,1179,1 -19180,0.0037615021470923083,-0.0022593848407268524,-0.00300733745098114,-2.2151230106441355,3,1180,1 -19181,0.003346387518102461,-0.0017154812812805176,-0.0028732270002365112,-2.1090493001036013,3,1181,1 -19182,0.0037441835081647463,-0.0016964003443717957,-0.0033378340303897858,-2.041009322737736,3,1182,1 -19183,0.0038361597387571228,-0.0020675845444202423,-0.0032312870025634766,-2.1400131004501297,3,1183,1 -19184,0.0026702633268225525,-0.0012564808130264282,-0.00235617533326149,-2.0607053989247195,3,1184,1 -19185,0.003875604989438973,-0.0018093213438987732,-0.00342734158039093,-2.0565203357233437,3,1185,1 -19186,0.002125750557974442,-0.0015819370746612549,-0.0014199614524841309,-2.4100999439696884,3,1186,1 -19187,0.002090366803454152,-0.001249156892299652,-0.001676078885793686,-2.211273168620866,3,1187,1 -19188,0.0038915688305721004,-0.001580026000738144,-0.003556378185749054,-1.9888829292783712,3,1188,1 -19189,0.002048741529485667,-0.0018054023385047913,-0.0009684339165687561,-2.649243898868374,3,1189,1 -19190,0.004134253992995161,-0.0016848854720592499,-0.0037753432989120483,-1.9905579757403642,3,1190,1 -19191,0.0036962533342182616,-0.001878064125776291,-0.003183577209711075,-2.103773016443742,3,1191,1 -19192,0.002459750704290627,-0.0019220001995563507,-0.0015350207686424255,-2.4676705610988194,3,1192,1 -19193,0.003924417590459107,-0.001787342131137848,-0.0034937746822834015,-2.0436642534710003,3,1193,1 -19194,0.0038267663884623496,-0.001746993511915207,-0.003404725342988968,-2.044875657304156,3,1194,1 -19195,0.004172286777461056,-0.0016041770577430725,-0.003851570188999176,-1.9654450001297004,3,1195,1 -19196,0.0036298186430075738,-0.0015578009188175201,-0.003278542309999466,-2.0143674258977127,3,1196,1 -19197,0.0029013560615372656,-0.0011741183698177338,-0.0026531703770160675,-1.9874242913702889,3,1197,1 -19198,0.0037239577655147045,-0.0016509033739566803,-0.003338020294904709,-2.03009500312079,3,1198,1 -19199,0.003665702857419124,-0.0014815516769886017,-0.003352966159582138,-1.98686295103986,3,1199,1 -19200,0.0035684665139651,-0.0016115978360176086,-0.003183819353580475,-2.0393787436067177,3,1200,1 -19201,0.0036207823285688548,-0.001606777310371399,-0.0032447390258312225,-2.0305922476409037,3,1201,1 -19202,0.0037953683275672515,-0.0016352534294128418,-0.0034250207245349884,-2.016236343376523,3,1202,1 -19203,0.0018939475044949345,-0.0013024471700191498,-0.0013750158250331879,-2.329097610302512,3,1203,1 -19204,0.00414124905345894,-0.001524500548839569,-0.003850433975458145,-1.947788768057812,3,1204,1 -19205,0.002242268216873074,-0.0010383687913417816,-0.0019873492419719696,-2.052273113827116,3,1205,1 -19206,0.004080149227756022,-0.002503715455532074,-0.0032216496765613556,-2.2314502372126057,3,1206,1 -19207,0.003702876326847187,-0.0013566501438617706,-0.0034454017877578735,-1.9459090155741592,3,1207,1 -19208,0.0038188563636245973,-0.0016314499080181122,-0.0034528300166130066,-2.012200005998657,3,1208,1 -19209,0.0038783713547424392,-0.0023216083645820618,-0.0031067505478858948,-2.212553497250245,3,1209,1 -19210,0.0036471633492378593,-0.0018434971570968628,-0.0031469538807868958,-2.100711952083478,3,1210,1 -19211,0.001653980023881723,-0.0012978948652744293,-0.0010252408683300018,-2.473024665714413,3,1211,1 -19212,0.0019584580881088992,-0.0009850487112998962,-0.001692701131105423,-2.0978297715671896,3,1212,1 -19213,0.0028845526112964573,-0.0011547468602657318,-0.0026433318853378296,-1.9826633918244605,3,1213,1 -19214,0.003926150474548632,-0.0021129734814167023,-0.0033090785145759583,-2.1390718928627734,3,1214,1 -19215,0.0036673882857548245,-0.0018011778593063354,-0.003194604068994522,-2.084187047269196,3,1215,1 -19216,0.0042163245873295474,-0.0016023293137550354,-0.003899991512298584,-1.960624923271243,3,1216,1 -19217,0.0017227578877050539,-0.0006581135094165802,-0.001592099666595459,-1.9627683395420235,3,1217,1 -19218,0.003945085071483698,-0.0017553642392158508,-0.0035330429673194885,-2.031914369697909,3,1218,1 -19219,0.003995229224047699,-0.0018318071961402893,-0.003550540655851364,-2.047101397903311,3,1219,1 -19220,0.003900331921572478,-0.00199112668633461,-0.003353804349899292,-2.1065646536264135,3,1220,1 -19221,0.003211756620829807,-0.001383800059556961,-0.0028983578085899353,-2.0162358787612593,3,1221,1 -19222,0.003899515686896393,-0.0016645006835460663,-0.0035264231264591217,-2.0118008060076757,3,1222,1 -19223,0.0037924252307953744,-0.0018218345940113068,-0.0033261701464653015,-2.071893080712334,3,1223,1 -19224,0.0016935514763671237,-0.0008088499307632446,-0.0014879107475280762,-2.0687238656586096,3,1224,1 -19225,0.003609703619183577,-0.0016819238662719727,-0.0031939148902893066,-2.0554988202539097,3,1225,1 -19226,0.003790815679491302,-0.0016438625752925873,-0.0034158453345298767,-2.0193286480009984,3,1226,1 -19227,0.0036063361400192565,-0.0012977086007595062,-0.0033647604286670685,-1.9388940956590137,3,1227,1 -19228,0.004042167972466368,-0.001590527594089508,-0.0037160925567150116,-1.9752143474504522,3,1228,1 -19229,0.0040377685871769075,-0.002200562506914139,-0.0033854246139526367,-2.1471791282488417,3,1229,1 -19230,0.0030894645952395505,-0.0011530816555023193,-0.002866216003894806,-1.9532847766511219,3,1230,1 -19231,0.0043381080511347165,-0.0016391612589359283,-0.004016507416963577,-1.9582711472139196,3,1231,1 -19232,0.0034577933605337637,-0.0017744116485118866,-0.002967793494462967,-2.109662315450894,3,1232,1 -19233,0.0037122007715901287,-0.0015247650444507599,-0.0033846013247966766,-1.994066503011497,3,1233,1 -19234,0.0034788992349291566,-0.0013485178351402283,-0.0032069049775600433,-1.9688530549619687,3,1234,1 -19235,0.001994350536796531,-0.0012378022074699402,-0.0015637390315532684,-2.2403732127553995,3,1235,1 -19236,0.0027082130912462576,-0.0014269724488258362,-0.0023017749190330505,-2.125751884335441,3,1236,1 -19237,0.003736825267421371,-0.0019610151648521423,-0.00318092480301857,-2.1232542299696764,3,1237,1 -19238,0.003453124622995726,-0.0013838037848472595,-0.0031637251377105713,-1.9831202863403052,3,1238,1 -19239,0.003938551300272637,-0.0018223896622657776,-0.0034915730357170105,-2.051841041060042,3,1239,1 -19240,0.003614201879983888,-0.0016347281634807587,-0.003223370760679245,-2.0401464959145037,3,1240,1 -19241,0.0022329960416860198,-0.001210033893585205,-0.0018767230212688446,-2.1434782989896766,3,1241,1 -19242,0.003638353297425606,-0.0021872296929359436,-0.0029075145721435547,-2.2157472708513994,3,1242,1 -19243,0.0037263735129236517,-0.0018321052193641663,-0.003244880586862564,-2.0847902731309187,3,1243,1 -19244,0.0036272644184620964,-0.001946907490491867,-0.0030604898929595947,-2.13736808468321,3,1244,1 -19245,0.003612605358997373,-0.0016237981617450714,-0.003227103501558304,-2.036980797007344,3,1245,1 -19246,0.00374419095053283,-0.002086825668811798,-0.0031087175011634827,-2.1619872624669623,3,1246,1 -19247,0.003761638389135915,-0.001703120768070221,-0.003353998064994812,-2.0406550965668386,3,1247,1 -19248,0.004003439614834874,-0.0018970444798469543,-0.0035254433751106262,-2.064458125991928,3,1248,1 -19249,0.004015523329546736,-0.0015516877174377441,-0.0037036053836345673,-1.9675457266686331,3,1249,1 -19250,0.002101235711212833,-0.0010561943054199219,-0.0018164925277233124,-2.097462271885448,3,1250,1 -19251,0.001983702392692324,-0.001403558999300003,-0.0014018192887306213,-2.356814624152101,3,1251,1 -19252,0.0037523303381162194,-0.0016896985471248627,-0.0033503584563732147,-2.0379048516555063,3,1252,1 -19253,0.004104441422922551,-0.0021823644638061523,-0.003476165235042572,-2.131412354996103,3,1253,1 -19254,0.0037190835309623338,-0.001811198890209198,-0.003248251974582672,-2.0794495369414063,3,1254,1 -19255,0.0039614772691746875,-0.0015967674553394318,-0.00362541526556015,-1.9856693615010015,3,1255,1 -19256,0.0020996593973161212,-0.0015179179608821869,-0.0014506876468658447,-2.3788377215567804,3,1256,1 -19257,0.0038018930169766815,-0.0020148716866970062,-0.0032240785658359528,-2.1293560699378573,3,1257,1 -19258,0.003657072810157659,-0.0018937662243843079,-0.003128550946712494,-2.1151164860227984,3,1258,1 -19259,0.003681747248290388,-0.0018138252198696136,-0.003203950822353363,-2.0859325267385693,3,1259,1 -19260,0.003712286458285496,-0.0017134957015514374,-0.0032931752502918243,-2.0505652658219913,3,1260,1 -19261,0.003538614422209458,-0.001652602106332779,-0.0031290091574192047,-2.0567134820438397,3,1261,1 -19262,0.003908938006277409,-0.0020300298929214478,-0.0033404752612113953,-2.116863408704999,3,1262,1 -19263,0.002041367804949844,-0.0011351816356182098,-0.0016966275870800018,-2.1604686736117737,3,1263,1 -19264,0.0037863199524401,-0.002516787499189377,-0.002828780561685562,-2.297895817678887,3,1264,1 -19265,0.003660037153869582,-0.0015424825251102448,-0.0033191293478012085,-2.0058279008317568,3,1265,1 -19266,0.003815694546382942,-0.0017329119145870209,-0.003399491310119629,-2.0422184321091965,3,1266,1 -19267,0.0041220147793116215,-0.0020394138991832733,-0.0035821497440338135,-2.0883566044515893,3,1267,1 -19268,0.004031506810055037,-0.0018067583441734314,-0.0036039799451828003,-2.0355018434704855,3,1268,1 -19269,0.0015209491100411962,-0.0008635446429252625,-0.0012520290911197662,-2.174586959806339,3,1269,1 -19270,0.003007874600737757,-0.0012912899255752563,-0.0027165934443473816,-2.014517351335555,3,1270,1 -19271,0.003869734889001013,-0.0017502084374427795,-0.0034513212740421295,-2.0401177968253736,3,1271,1 -19272,0.003811522296108459,-0.001516047865152359,-0.0034970417618751526,-1.979863785580215,3,1272,1 -19273,0.003234509769745648,-0.0012489669024944305,-0.0029836446046829224,-1.9672374370636307,3,1273,1 -19274,0.004000899644256026,-0.0018885508179664612,-0.003527119755744934,-2.0623901125380777,3,1274,1 -19275,0.003776007980974056,-0.0015798360109329224,-0.003429628908634186,-2.00246599270275,3,1275,1 -19276,0.004006278321459741,-0.0018123537302017212,-0.003572903573513031,-2.040226742126575,3,1276,1 -19277,0.003966109653419921,-0.002207208424806595,-0.0032951869070529938,-2.1609843470961834,3,1277,1 -19278,0.0035505146609501903,-0.0012159943580627441,-0.0033357925713062286,-1.9203558160277205,3,1278,1 -19279,0.002898779121898461,-0.001391872763633728,-0.002542756497859955,-2.0716314585482576,3,1279,1 -19280,0.003914286511667404,-0.0019316338002681732,-0.0034044720232486725,-2.0868861104199685,3,1280,1 -19281,0.0038684362770941994,-0.0019665174186229706,-0.0033313073217868805,-2.104063340567923,3,1281,1 -19282,0.00372891939716178,-0.0015805959701538086,-0.0033773593604564667,-2.0085158232714164,3,1282,1 -19283,0.003946844462733616,-0.0018312111496925354,-0.003496319055557251,-2.0532660646856136,3,1283,1 -19284,0.003707694870943074,-0.0018532276153564453,-0.0032113157212734222,-2.094202080374791,3,1284,1 -19285,0.0037442810708088257,-0.0018718838691711426,-0.003242790699005127,-2.0943159507855165,3,1285,1 -19286,0.0038854662345573963,-0.0015503093600273132,-0.0035627782344818115,-1.981224681600893,3,1286,1 -19287,0.0036496403916625045,-0.0020976103842258453,-0.0029866211116313934,-2.183088100658672,3,1287,1 -19288,0.004015840626572478,-0.002047348767518997,-0.0034547559916973114,-2.1057698148118633,3,1288,1 -19289,0.003906779244649306,-0.0019091702997684479,-0.003408517688512802,-2.0813740692619405,3,1289,1 -19290,0.004125596080382809,-0.002019960433244705,-0.0035972632467746735,-2.082446345024692,3,1290,1 -19291,0.0033239865497957594,-0.0017890185117721558,-0.0028014816343784332,-2.1391137547504417,3,1291,1 -19292,0.0029282438914524952,-0.0014076456427574158,-0.002567712217569351,-2.072264257137849,3,1292,1 -19293,0.003925855702417907,-0.0019265823066234589,-0.0034206174314022064,-2.0837374799736486,3,1293,1 -19294,0.00362711315282954,-0.0016232356429100037,-0.0032436177134513855,-2.0347957738364664,3,1294,1 -19295,0.0038337698736870224,-0.0016664229333400726,-0.003452654927968979,-2.0204676181634724,3,1295,1 -19296,0.0034808893969225357,-0.0016741827130317688,-0.0030518360435962677,-2.0725503091472337,3,1296,1 -19297,0.004146514984645358,-0.001616101711988449,-0.0038186125457286835,-1.9711557808942504,3,1297,1 -19298,0.002021230671016576,-0.0014056377112865448,-0.001452431082725525,-2.3398235787750523,3,1298,1 -19299,0.003791618460218099,-0.0017342008650302887,-0.003371782600879669,-2.045840209953107,3,1299,1 -19300,0.002948932156056619,-0.0017241761088371277,-0.0023923665285110474,-2.195279564830189,3,1300,1 -19301,0.003642919707750863,-0.0022824443876743317,-0.0028392449021339417,-2.2479055371173464,3,1301,1 -19302,0.003691275949385353,-0.001584801822900772,-0.00333375483751297,-2.0145550177871736,3,1302,1 -19303,0.003986061581218865,-0.002424895763397217,-0.0031636320054531097,-2.2247684655268674,3,1303,1 -19304,0.003970790029317748,-0.0014528557658195496,-0.0036954544484615326,-1.945380771361027,3,1304,1 -19305,0.004107777348348879,-0.0020093731582164764,-0.0035827718675136566,-2.0819263009259252,3,1305,1 -19306,0.003820849558175476,-0.001961357891559601,-0.003279019147157669,-2.1098572501591715,3,1306,1 -19307,0.003791352365639919,-0.0018540732562541962,-0.003307078033685684,-2.0817701223392184,3,1307,1 -19308,0.004013613610814115,-0.0017516501247882843,-0.0036112070083618164,-2.022420224239836,3,1308,1 -19309,0.0038414886108502923,-0.0016235560178756714,-0.003481537103652954,-2.0071495438667473,3,1309,1 -19310,0.003182692159524621,-0.0016283690929412842,-0.002734582871198654,-2.1078801849092828,3,1310,1 -19311,0.00392434098876117,-0.0017774254083633423,-0.0034987442195415497,-2.0408378256478867,3,1311,1 -19312,0.004011126900258952,-0.0019142776727676392,-0.0035248659551143646,-2.068309727560333,3,1312,1 -19313,0.0035383202635118826,-0.0015814267098903656,-0.003165248781442642,-2.034141182444414,3,1313,1 -19314,0.003884509642711098,-0.0018464699387550354,-0.003417596220970154,-2.0661488535452737,3,1314,1 -19315,0.0021048524508798854,-0.0016197189688682556,-0.0013442151248455048,-2.4488802464092942,3,1315,1 -19316,0.003795021668240469,-0.0020789429545402527,-0.0031749308109283447,-2.1505381071149907,3,1316,1 -19317,0.003515337052042877,-0.001441117376089096,-0.0032063648104667664,-1.993197114540431,3,1317,1 -19318,0.0038147749620966475,-0.0016669519245624542,-0.0034312941133975983,-2.023026434899051,3,1318,1 -19319,0.003717501833218324,-0.0021177344024181366,-0.0030553266406059265,-2.176895738567566,3,1319,1 -19320,0.003799593482870754,-0.0016741827130317688,-0.0034108683466911316,-2.027087251949686,3,1320,1 -19321,0.0038427895523759467,-0.0017066821455955505,-0.003443002700805664,-2.0309946899209224,3,1321,1 -19322,0.003286983039541126,-0.0015784837305545807,-0.0028831660747528076,-2.071704864582755,3,1322,1 -19323,0.004074527954156099,-0.0021988116204738617,-0.003430306911468506,-2.1408154949179066,3,1323,1 -19324,0.003981879445774374,-0.0020361095666885376,-0.0034219324588775635,-2.107544141598844,3,1324,1 -19325,0.003778125053001402,-0.0022054798901081085,-0.0030675865709781647,-2.194135797221329,3,1325,1 -19326,0.00389105356635939,-0.0019131377339363098,-0.0033882446587085724,-2.0848097750980172,3,1326,1 -19327,0.002521324546499298,-0.0020345039665699005,-0.0014892518520355225,-2.5097130387146662,3,1327,1 -19328,0.003870402954962985,-0.0018373727798461914,-0.003406476229429245,-2.065446628390121,3,1328,1 -19329,0.003739555079586687,-0.0014376156032085419,-0.0034521780908107758,-1.9653919642594797,3,1329,1 -19330,0.00391955387185094,-0.002165701240301132,-0.0032669007778167725,-2.1562021655486716,3,1330,1 -19331,0.0039769339191079375,-0.0016507208347320557,-0.0036181658506393433,-1.9988201799172323,3,1331,1 -19332,0.0037093276100050136,-0.0020740926265716553,-0.0030752643942832947,-2.164163706662223,3,1332,1 -19333,0.0042124818782219966,-0.0024918057024478912,-0.0033964551985263824,-2.203750356178796,3,1333,1 -19334,0.003811555268304487,-0.0020265020430088043,-0.003228195011615753,-2.1313713097132836,3,1334,1 -19335,0.002350699739786113,-0.0016246624290943146,-0.0016989000141620636,-2.3338614534083315,3,1335,1 -19336,0.0037928555789298775,-0.0018162913620471954,-0.003329690545797348,-2.070165388767214,3,1336,1 -19337,0.0034238017701752332,-0.0015811994671821594,-0.003036811947822571,-2.0508487193584783,3,1337,1 -19338,0.0037909097697824013,-0.0017564110457897186,-0.003359466791152954,-2.0525362463867265,3,1338,1 -19339,0.0036465619243000605,-0.0014693327248096466,-0.0033374354243278503,-1.9855193536555409,3,1339,1 -19340,0.0018981476596670035,-0.0013860240578651428,-0.0012968815863132477,-2.389408364046811,3,1340,1 -19341,0.0036967228896201327,-0.0011713765561580658,-0.0035062283277511597,-1.893222783494805,3,1341,1 -19342,0.0022535261376575334,-0.0017552487552165985,-0.0014133229851722717,-2.463690157599469,3,1342,1 -19343,0.0018928941772876652,-0.0013248138129711151,-0.0013520047068595886,-2.3460369249595154,3,1343,1 -19344,0.003804351990592292,-0.0018290728330612183,-0.003335803747177124,-2.072345320401368,3,1344,1 -19345,0.004116124024490174,-0.0023284591734409332,-0.0033942237496376038,-2.1720687354576307,3,1345,1 -19346,0.004013138916383218,-0.0022193901240825653,-0.0033435896039009094,-2.156794113428744,3,1346,1 -19347,0.003533728654108473,-0.0018746331334114075,-0.0029954947531223297,-2.1299833142965388,3,1347,1 -19348,0.004230584628815894,-0.0022884681820869446,-0.0035581961274147034,-2.142343850666961,3,1348,1 -19349,0.003780491901424997,-0.001955244690179825,-0.003235604614019394,-2.114364536199491,3,1349,1 -19350,0.004022812323224097,-0.0018697381019592285,-0.003561895340681076,-2.0541867747240534,3,1350,1 -19351,0.00401288756463733,-0.001440446823835373,-0.0037454478442668915,-1.9379445668887025,3,1351,1 -19352,0.0022072108592719277,-0.0015840046107769012,-0.0015371106564998627,-2.3712181026130352,3,1352,1 -19353,0.00377669600540072,-0.002268396317958832,-0.003019571304321289,-2.2150849684151503,3,1353,1 -19354,0.004069963946774799,-0.0020209699869155884,-0.0035327449440956116,-2.0904242648686746,3,1354,1 -19355,0.003796996233295396,-0.0019919462502002716,-0.0032325424253940582,-2.123054530109006,3,1355,1 -19356,0.004246922069503018,-0.001866556704044342,-0.0038147494196891785,-2.025847313735289,3,1356,1 -19357,0.003692171488430443,-0.001509048044681549,-0.0033697038888931274,-1.991842620636861,3,1357,1 -19358,0.003614741492761753,-0.0020983777940273285,-0.002943325787782669,-2.190145853921382,3,1358,1 -19359,0.004201483174023879,-0.0018370524048805237,-0.00377858430147171,-2.0233227173152457,3,1359,1 -19360,0.003846554538983193,-0.0018723271787166595,-0.0033601149916648865,-2.079166705581662,3,1360,1 -19361,0.00418334937907769,-0.0022739917039871216,-0.003511320799589157,-2.1454946359204197,3,1361,1 -19362,0.0019878700406482422,-0.0007298849523067474,-0.0018490254878997803,-1.9467603081923321,3,1362,1 -19363,0.00400054900099023,-0.0018839538097381592,-0.0035291798412799835,-2.0611340187324036,3,1363,1 -19364,0.003429040937515051,-0.0015635639429092407,-0.0030518174171447754,-2.044266042802163,3,1364,1 -19365,0.004139982283988027,-0.001885201781988144,-0.0036858469247817993,-2.043578130554692,3,1365,1 -19366,0.0038154833226156384,-0.0014603883028030396,-0.0035249367356300354,-1.9635708834974015,3,1366,1 -19367,0.0037943104672672648,-0.00121983140707016,-0.0035928823053836823,-1.8980985211319457,3,1367,1 -19368,0.002626831329167826,-0.001221485435962677,-0.0023255571722984314,-2.0544347512458105,3,1368,1 -19369,0.003980663957156635,-0.001558355987071991,-0.0036629512906074524,-1.9730372852077396,3,1369,1 -19370,0.004278556996094634,-0.0016635879874229431,-0.003941893577575684,-1.9701466550883664,3,1370,1 -19371,0.003991518494689327,-0.00186891108751297,-0.0035269521176815033,-2.0580722196537047,3,1371,1 -19372,0.0037522415235786916,-0.0018873661756515503,-0.003243017941713333,-2.097859194300776,3,1372,1 -19373,0.0037587331229261035,-0.0019151456654071808,-0.0032342374324798584,-2.1054219352432075,3,1373,1 -19374,0.003775144694050025,-0.0014428719878196716,-0.003488529473543167,-1.9629755515055431,3,1374,1 -19375,0.0040462666347335,-0.0015881173312664032,-0.003721579909324646,-1.9741330999105158,3,1375,1 -19376,0.0037367073687799863,-0.001985877752304077,-0.0031653232872486115,-2.1311091779890465,3,1376,1 -19377,0.0023509648757737978,-0.0009068995714187622,-0.0021690018475055695,-1.9668237843428313,3,1377,1 -19378,0.0039555443287583245,-0.0020057745277881622,-0.003409281373023987,-2.1025890117025887,3,1378,1 -19379,0.003913616991409316,-0.002106107771396637,-0.003298591822385788,-2.1390353777566005,3,1379,1 -19380,0.0034525789665643897,-0.0015107542276382446,-0.0031045004725456238,-2.023693747693349,3,1380,1 -19381,0.002011034012861658,-0.001488998532295227,-0.001351717859506607,-2.404482997211924,3,1381,1 -19382,0.0038034702785596326,-0.0014890693128108978,-0.0034998655319213867,-1.9730605314239176,3,1382,1 -19383,0.003958658623136293,-0.0019369758665561676,-0.003452405333518982,-2.0820844700862953,3,1383,1 -19384,0.0025601077009174233,-0.0014209672808647156,-0.0021295547485351562,-2.159209775336339,3,1384,1 -19385,0.004011551206551203,-0.0020734816789627075,-0.0034341253340244293,-2.1139960427818285,3,1385,1 -19386,0.0025421904941211435,-0.0011539869010448456,-0.002265181392431259,-2.0419719035786463,3,1386,1 -19387,0.0019486968073307127,-0.0014531351625919342,-0.0012983903288841248,-2.412374960155852,3,1387,1 -19388,0.0031351223437398445,-0.0012492835521697998,-0.0028754621744155884,-1.980655316127943,3,1388,1 -19389,0.0019671101205199267,-0.0015703514218330383,-0.001184701919555664,-2.4952697963581203,3,1389,1 -19390,0.003516276840792555,-0.0016572661697864532,-0.003101237118244171,-2.0615749697354637,3,1390,1 -19391,0.0034147637451438983,-0.0014816522598266602,-0.0030765756964683533,-2.019608863108282,3,1391,1 -19392,0.00399493591232182,-0.00179227814078331,-0.003570329397916794,-2.036036566721239,3,1392,1 -19393,0.004346358250036142,-0.0018628798425197601,-0.003926895558834076,-2.013746810870799,3,1393,1 -19394,0.004218074502288568,-0.0018026530742645264,-0.0038134753704071045,-2.0123713844614217,3,1394,1 -19395,0.0037626800056517677,-0.0014988593757152557,-0.0034512579441070557,-1.9805123627395396,3,1395,1 -19396,0.0023873134242346342,-0.001095842570066452,-0.0021209418773651123,-2.047696604964569,3,1396,1 -19397,0.003592650982161592,-0.0017806552350521088,-0.0031203217804431915,-2.0893658642228425,3,1397,1 -19398,0.003624922514933216,-0.001755833625793457,-0.003171294927597046,-2.076448668840424,3,1398,1 -19399,0.0019209447748031508,-0.0014352351427078247,-0.0012767650187015533,-2.414561054589676,3,1399,1 -19400,0.0039926159911037075,-0.0015593282878398895,-0.0036755241453647614,-1.9720285876051904,3,1400,1 -19401,0.0024331373262692353,-0.0017382800579071045,-0.0017025098204612732,-2.366590053468449,3,1401,1 -19402,0.0039967871735044555,-0.0016465969383716583,-0.003641843795776367,-1.995422453378127,3,1402,1 -19403,0.0037204312509326203,-0.001947399228811264,-0.003170054405927658,-2.12167220488657,3,1403,1 -19404,0.0036929625283206717,-0.001617729663848877,-0.003319777548313141,-2.0242329169724806,3,1404,1 -19405,0.003921753110629666,-0.001985907554626465,-0.0033817626535892487,-2.1017809136887147,3,1405,1 -19406,0.003412909336839011,-0.0013075955212116241,-0.0031524822115898132,-1.9639812185610288,3,1406,1 -19407,0.0036823549220375024,-0.001565735787153244,-0.0033328980207443237,-2.0099787133696196,3,1407,1 -19408,0.003677196670326061,-0.00145673006772995,-0.003376346081495285,-1.9781188589040732,3,1408,1 -19409,0.0024429940962942542,-0.0001817941665649414,-0.002436220645904541,-1.6452796698734087,3,1409,1 -19410,0.0037810009064439716,-0.001901373267173767,-0.0032681412994861603,-2.097718805601623,3,1410,1 -19411,0.003985721949564857,-0.0018109120428562164,-0.0035505741834640503,-2.0424385387290456,3,1411,1 -19412,0.003690615478109975,-0.0017701052129268646,-0.003238420933485031,-2.0710217004011824,3,1412,1 -19413,0.003504533262834203,-0.0017048157751560211,-0.003061920404434204,-2.0788299384572024,3,1413,1 -19414,0.003637398855955428,-0.0016336701810359955,-0.0032498911023139954,-2.036589301891177,3,1414,1 -19415,0.004339851623196338,-0.0021464750170707703,-0.003771863877773285,-2.0881667281021943,3,1415,1 -19416,0.003991932098296637,-0.0019395053386688232,-0.0034891031682491302,-2.0781389270401793,3,1416,1 -19417,0.004336785443476705,-0.0021786317229270935,-0.0037498362362384796,-2.0971234628943907,3,1417,1 -19418,0.001974942650276614,-0.0011231489479541779,-0.00162447988986969,-2.175720279342417,3,1418,1 -19419,0.003992103555576066,-0.00196123868227005,-0.0034771300852298737,-2.0843544825008364,3,1419,1 -19420,0.0035638284090283236,-0.0012275800108909607,-0.003345731645822525,-1.9224549706500178,3,1420,1 -19421,0.003837009245160993,-0.0014742463827133179,-0.003542490303516388,-1.9651565234198203,3,1421,1 -19422,0.0035872984376855203,-0.001628737896680832,-0.0031962357461452484,-2.042078552273311,3,1422,1 -19423,0.0041353027976686165,-0.0017199032008647919,-0.0037606731057167053,-1.9997367396386296,3,1423,1 -19424,0.004213047896474138,-0.0017514713108539581,-0.0038317255675792694,-1.9995366496027986,3,1424,1 -19425,0.004100823337449541,-0.0018167756497859955,-0.0036764219403266907,-2.0297686787410303,3,1425,1 -19426,0.0035438837902116373,-0.0017313174903392792,-0.0030921921133995056,-2.0812083036146656,3,1426,1 -19427,0.001908784612658544,-0.0015604719519615173,-0.0010992661118507385,-2.527889929831471,3,1427,1 -19428,0.003547685495092458,-0.0014855563640594482,-0.003221675753593445,-2.002853246082181,3,1428,1 -19429,0.0036070806954590423,-0.0018995590507984161,-0.0030663833022117615,-2.1254153917638043,3,1429,1 -19430,0.0035156749509621795,-0.0015349723398685455,-0.003162883222103119,-2.022621355912742,3,1430,1 -19431,0.003901207884152795,-0.0020477138459682465,-0.003320585936307907,-2.123384862948602,3,1431,1 -19432,0.003988370649052811,-0.002307455986738205,-0.003253113478422165,-2.187741291317083,3,1432,1 -19433,0.004020426369979644,-0.001947261393070221,-0.003517385572195053,-2.0764072461007865,3,1433,1 -19434,0.0019126927720854127,-0.0014100633561611176,-0.0012923292815685272,-2.399733563423874,3,1434,1 -19435,0.002630627497175428,-0.001490950584411621,-0.0021673180162906647,-2.173371689338468,3,1435,1 -19436,0.0034828345310564724,-0.0014776550233364105,-0.003153834491968155,-2.0089496298057075,3,1436,1 -19437,0.0038226041164733304,-0.00203130766749382,-0.0032382234930992126,-2.131041232620418,3,1437,1 -19438,0.0027201494740754966,-0.001983892172574997,-0.0018610171973705292,-2.388141451260578,3,1438,1 -19439,0.002203594384024598,-0.0013324171304702759,-0.0017551332712173462,-2.220130548356644,3,1439,1 -19440,0.0038584784948212858,-0.0016547366976737976,-0.003485642373561859,-2.014023804424176,3,1440,1 -19441,0.0037364397856105847,-0.001940656453371048,-0.003192935138940811,-2.116929212274336,3,1441,1 -19442,0.002379845126725451,-0.0012814737856388092,-0.0020053647458553314,-2.1394159606958887,3,1442,1 -19443,0.003836897431043543,-0.0017987973988056183,-0.0033891163766384125,-2.058745748279951,3,1443,1 -19444,0.003921458393766429,-0.0013564862310886383,-0.0036793723702430725,-1.9240087678490976,3,1444,1 -19445,0.0038860685354571672,-0.0014293082058429718,-0.0036136694252490997,-1.9474417797144499,3,1445,1 -19446,0.003924860689886666,-0.0015959888696670532,-0.0035857148468494415,-1.9895649643740587,3,1446,1 -19447,0.004262938622553375,-0.0014187954366207123,-0.004019908607006073,-1.9100898622560072,3,1447,1 -19448,0.0036559351769796873,-0.0017897188663482666,-0.003187909722328186,-2.082356070421099,3,1448,1 -19449,0.004077164741287541,-0.0014031603932380676,-0.003828108310699463,-1.9221307443804239,3,1449,1 -19450,0.003999120837005602,-0.0016672387719154358,-0.0036350078880786896,-2.000829905440497,3,1450,1 -19451,0.003915647126396523,-0.0016936734318733215,-0.0035304054617881775,-2.01810421086957,3,1451,1 -19452,0.0030334203249683563,-0.0012545660138130188,-0.0027618296444416046,-1.9971803997171333,3,1452,1 -19453,0.003990222110974742,-0.0018003173172473907,-0.003561001271009445,-2.038885953503498,3,1453,1 -19454,0.00208474627583899,-0.0013278014957904816,-0.001607205718755722,-2.2612833946552513,3,1454,1 -19455,0.004059877622493777,-0.0017928890883922577,-0.0036425478756427765,-2.0281904599585308,3,1455,1 -19456,0.004303136364052918,-0.0018122605979442596,-0.0039029084146022797,-2.0055078496721936,3,1456,1 -19457,0.001843072436414562,-0.0008648410439491272,-0.0016275644302368164,-2.0592248822223445,3,1457,1 -19458,0.00402743783601968,-0.0014825984835624695,-0.0037446171045303345,-1.947787373579461,3,1458,1 -19459,0.0041623082715891765,-0.0020130760967731476,-0.0036431215703487396,-2.075609770028824,3,1459,1 -19460,0.0040710042105276175,-0.0018874257802963257,-0.003607034683227539,-2.0528802323318915,3,1460,1 -19461,0.003787382123808299,-0.0019715800881385803,-0.00323374941945076,-2.118309342337485,3,1461,1 -19462,0.0035454714521095973,-0.0021173283457756042,-0.0028438158333301544,-2.210792443659926,3,1462,1 -19463,0.002880245975435824,-0.0011298991739749908,-0.002649366855621338,-1.9739189843437202,3,1463,1 -19464,0.0020586129368780942,-0.001428447663784027,-0.0014823712408542633,-2.3376713832808114,3,1464,1 -19465,0.0037452821445403115,-0.001559671014547348,-0.0034050792455673218,-2.0003182361065077,3,1465,1 -19466,0.0038509249731934715,-0.0016387663781642914,-0.003484833985567093,-2.010367412327514,3,1466,1 -19467,0.004192561268670821,-0.001464933156967163,-0.003928299993276596,-1.9277402952136187,3,1467,1 -19468,0.0037083085768605793,-0.0016004517674446106,-0.0033451616764068604,-2.017045853733496,3,1468,1 -19469,0.003749703640029871,-0.0017720572650432587,-0.0033045560121536255,-2.063019102704339,3,1469,1 -19470,0.0026205653212797546,-0.0011764802038669586,-0.002341635525226593,-2.0363765892336674,3,1470,1 -19471,0.0036293500758798948,-0.0016441158950328827,-0.0032355934381484985,-2.0409301526646892,3,1471,1 -19472,0.0035757315859194453,-0.001823127269744873,-0.0030760467052459717,-2.105819915758724,3,1472,1 -19473,0.004186120229967303,-0.0017764531075954437,-0.0037904903292655945,-2.0090595101933983,3,1473,1 -19474,0.003413397956388474,-0.0012543313205242157,-0.003174576908349991,-1.9470866956385466,3,1474,1 -19475,0.0042332477088348015,-0.0018870644271373749,-0.0037893764674663544,-2.032833129309508,3,1475,1 -19476,0.0038386769432985895,-0.0017397738993167877,-0.0034217871725559235,-2.0411732158584477,3,1476,1 -19477,0.004067392728381068,-0.0020971670746803284,-0.0034850500524044037,-2.1125096467137756,3,1477,1 -19478,0.001891852163194013,-0.0012778975069522858,-0.0013950206339359283,-2.312404053655293,3,1478,1 -19479,0.0043431981135276625,-0.0018951818346977234,-0.00390789657831192,-2.0223414259459807,3,1479,1 -19480,0.004053058366188398,-0.0017522238194942474,-0.00365472212433815,-2.0178619212429023,3,1480,1 -19481,0.002051718004251182,-0.0014641918241977692,-0.0014372505247592926,-2.365479708350543,3,1481,1 -19482,0.0036480459300095983,-0.001775648444890976,-0.003186739981174469,-2.079149821903706,3,1482,1 -19483,0.0021810017242573513,-0.001680675894021988,-0.0013899989426136017,-2.450575484327769,3,1483,1 -19484,0.003716713431936118,-0.0014461874961853027,-0.0034238137304782867,-1.9704549029554306,3,1484,1 -19485,0.003310756768451577,-0.0016973018646240234,-0.0028425827622413635,-2.1090796298802332,3,1485,1 -19486,0.0041256478555446304,-0.002237435430288315,-0.003466244786977768,-2.143996385987327,3,1486,1 -19487,0.003553652093061473,-0.0014788545668125153,-0.0032313205301761627,-2.0000041747894826,3,1487,1 -19488,0.0037433792598580355,-0.0022790804505348206,-0.00296962633728981,-2.2253808456860624,3,1488,1 -19489,0.0038602267276272783,-0.0016833916306495667,-0.0034738369286060333,-2.0220412749435965,3,1489,1 -19490,0.003573473526252702,-0.0014530085027217865,-0.0032647326588630676,-1.9895362432263721,3,1490,1 -19491,0.0033394299768235414,-0.0015178471803665161,-0.0029745474457740784,-2.042632769670094,3,1491,1 -19492,0.004003396766910801,-0.0017944835126399994,-0.0035786889493465424,-2.0355920848727314,3,1492,1 -19493,0.004157165703304503,-0.0014626793563365936,-0.0038913488388061523,-1.9303380903077636,3,1493,1 -19494,0.003827646714726962,-0.001846272498369217,-0.003352932631969452,-2.074133897043877,3,1494,1 -19495,0.0032327745061057965,-0.001628778874874115,-0.0027924738824367523,-2.0988268957155682,3,1495,1 -19496,0.00404387586683322,-0.001985304057598114,-0.0035229958593845367,-2.0839657649135757,3,1496,1 -19497,0.004085413574075119,-0.0023127421736717224,-0.003367763012647629,-2.172560273179201,3,1497,1 -19498,0.003757348569128693,-0.001925252377986908,-0.003226619213819504,-2.1087695262885937,3,1498,1 -19499,0.0036903942148982876,-0.001935817301273346,-0.0031419135630130768,-2.122989488768565,3,1499,1 -19500,0.0039215111454599366,-0.0018064379692077637,-0.003480665385723114,-2.0495219490564933,3,1500,1 -19501,0.003677394805718816,-0.0017966367304325104,-0.0032086335122585297,-2.081237662193302,3,1501,1 -19502,0.004133523243598042,-0.0021218210458755493,-0.00354737788438797,-2.1098454876751407,3,1502,1 -19503,0.0020634969985557877,-0.0012720711529254913,-0.001624763011932373,-2.235039983041154,3,1503,1 -19504,0.0038572850430159244,-0.0021201670169830322,-0.0032223500311374664,-2.152744737704243,3,1504,1 -19505,0.0034930785264448124,-0.0016131103038787842,-0.003098301589488983,-2.05082194770484,3,1505,1 -19506,0.002049938224038339,-0.0015549808740615845,-0.0013357698917388916,-2.431881484744056,3,1506,1 -19507,0.0041951821552490085,-0.0018716156482696533,-0.0037545450031757355,-2.0332378750186777,3,1507,1 -19508,0.003614663307491021,-0.0016507543623447418,-0.0032157115638256073,-2.0450591367527777,3,1508,1 -19509,0.0019818470261124144,-0.0014570504426956177,-0.0013433992862701416,-2.396755412446513,3,1509,1 -19510,0.0038980276255946088,-0.001889638602733612,-0.0034093819558620453,-2.0768940908748355,3,1510,1 -19511,0.004111294831763313,-0.001649416983127594,-0.003765922039747238,-1.983613692862216,3,1511,1 -19512,0.002062293249188004,-0.0014327019453048706,-0.0014833807945251465,-2.338817154758332,3,1512,1 -19513,0.003962100961301051,-0.0023153498768806458,-0.0032151825726032257,-2.1949050832762014,3,1513,1 -19514,0.004187335886118497,-0.002656392753124237,-0.0032368749380111694,-2.258011992670835,3,1514,1 -19515,0.004114524438330911,-0.0019091181457042694,-0.003644801676273346,-2.0532959108920315,3,1515,1 -19516,0.0036070633682750725,-0.002025902271270752,-0.0029843971133232117,-2.167173407509299,3,1516,1 -19517,0.00405361977424051,-0.0017664991319179535,-0.0036484673619270325,-2.0217045201102986,3,1517,1 -19518,0.004051659709361551,-0.001962006092071533,-0.0035449229180812836,-2.0762992237653006,3,1518,1 -19519,0.004197003881730459,-0.0020776689052581787,-0.0036466605961322784,-2.088672835461156,3,1519,1 -19520,0.003864744489896958,-0.0019514523446559906,-0.0033358782529830933,-2.1001052594912495,3,1520,1 -19521,0.0032123124208197538,-0.0014825016260147095,-0.0028497613966464996,-2.050488432408441,3,1521,1 -19522,0.003679126684670118,-0.0018288083374500275,-0.003192402422428131,-2.0910229010782357,3,1522,1 -19523,0.0035957732501677147,-0.0016405656933784485,-0.003199707716703415,-2.044570935505261,3,1523,1 -19524,0.0035835818301573363,-0.0016959719359874725,-0.0031568557024002075,-2.063786006980846,3,1524,1 -19525,0.0037478788185064216,-0.00181681290268898,-0.003278076648712158,-2.076882382571962,3,1525,1 -19526,0.003508616294774896,-0.0016608461737632751,-0.0030906274914741516,-2.063900074995392,3,1526,1 -19527,0.003929655282250071,-0.0017573237419128418,-0.0035148262977600098,-2.034423585913396,3,1527,1 -19528,0.004086540161320666,-0.0025163255631923676,-0.0032199248671531677,-2.2341457308756363,3,1528,1 -19529,0.003547491045815504,-0.0018940269947052002,-0.0029995590448379517,-2.1340097829155527,3,1529,1 -19530,0.0035034575255537656,-0.0011646412312984467,-0.003304213285446167,-1.9096712876854098,3,1530,1 -19531,0.004638381370048008,-0.002093486487865448,-0.004139069467782974,-2.0390626108213934,3,1531,1 -19532,0.003483734504490308,-0.0014895647764205933,-0.003149222582578659,-2.012607036015689,3,1532,1 -19533,0.004126272284745813,-0.0016826875507831573,-0.003767583519220352,-1.9908379696803966,3,1533,1 -19534,0.00360623105637444,-0.001904178410768509,-0.003062516450881958,-2.127068997701729,3,1534,1 -19535,0.0040008358806837025,-0.002013593912124634,-0.0034571848809719086,-2.098202076126852,3,1535,1 -19536,0.0037856208551260567,-0.0017969757318496704,-0.0033319368958473206,-2.065401921412508,3,1536,1 -19537,0.003974989389950043,-0.001527339220046997,-0.0036698468029499054,-1.9651778977522003,3,1537,1 -19538,0.0032666111836953757,-0.0014573074877262115,-0.002923525869846344,-2.0332239944297434,3,1538,1 -19539,0.003974041152644117,-0.0015838518738746643,-0.003644779324531555,-1.9807310271651986,3,1539,1 -19540,0.004243891432642136,-0.0027069859206676483,-0.003268461674451828,-2.262505777463133,3,1540,1 -19541,0.0033788685693621847,-0.0016722455620765686,-0.002936042845249176,-2.0885308914422023,3,1541,1 -19542,0.002307421453912675,-0.0017631873488426208,-0.00148840993642807,-2.4404995564386542,3,1542,1 -19543,0.004001396082165896,-0.002058032900094986,-0.0034315697848796844,-2.1110210360356128,3,1543,1 -19544,0.003990139361439593,-0.0023681707680225372,-0.0032113827764987946,-2.206204133299845,3,1544,1 -19545,0.0034510241312555004,-0.0014189593493938446,-0.003145810216665268,-1.9945340924673922,3,1545,1 -19546,0.00407211595103872,-0.002000134438276291,-0.003547053784132004,-2.084238130150997,3,1546,1 -19547,0.003947614039624278,-0.0019086413085460663,-0.0034555383026599884,-2.075436365792424,3,1547,1 -19548,0.003768449018268207,-0.001795150339603424,-0.0033134035766124725,-2.0673100949601437,3,1548,1 -19549,0.003931227894818833,-0.0019781626760959625,-0.003397267311811447,-2.0980849183271615,3,1549,1 -19550,0.003862553898206045,-0.001801617443561554,-0.0034166499972343445,-2.056048758271834,3,1550,1 -19551,0.004081142954188556,-0.0019854865968227386,-0.0035656094551086426,-2.078878508732879,3,1551,1 -19552,0.003983600189817024,-0.0021349377930164337,-0.003363199532032013,-2.1364073070084664,3,1552,1 -19553,0.003922442254583661,-0.0019478797912597656,-0.0034046024084091187,-2.090472071810003,3,1553,1 -19554,0.003833035960654763,-0.0020914264023303986,-0.0032121799886226654,-2.147939200625096,3,1554,1 -19555,0.002140118243325415,-0.00147300586104393,-0.001552533358335495,-2.3299151451407023,3,1555,1 -19556,0.0036580534595489506,-0.0016400516033172607,-0.003269799053668976,-2.0357036654759977,3,1556,1 -19557,0.0034173362615286707,-0.0013762153685092926,-0.0031279735267162323,-1.9852782963202489,3,1557,1 -19558,0.0040164201279764365,-0.0020335279405117035,-0.0034635812044143677,-2.101689287870499,3,1558,1 -19559,0.00327400000934081,-0.0015135332942008972,-0.002903152257204056,-2.0513708813790887,3,1559,1 -19560,0.003988511592204965,-0.002121962606906891,-0.0033772028982639313,-2.1317791740263803,3,1560,1 -19561,0.003756995478739121,-0.0017495565116405487,-0.0033247657120227814,-2.055198841277146,3,1561,1 -19562,0.003588067112566501,-0.001489836722612381,-0.003264140337705612,-1.9989807944392703,3,1562,1 -19563,0.002028322458097582,-0.0012730136513710022,-0.00157909095287323,-2.2492873503976356,3,1563,1 -19564,0.0037339206898287223,-0.0016350261867046356,-0.0033569112420082092,-2.024040616912925,3,1564,1 -19565,0.003935024214161341,-0.0021062567830085754,-0.003323867917060852,-2.135610563100052,3,1565,1 -19566,0.004107269875872821,-0.0015693828463554382,-0.003795616328716278,-1.9628626781291758,3,1566,1 -19567,0.00425022014705365,-0.0019941627979278564,-0.003753356635570526,-2.0591701895559473,3,1567,1 -19568,0.004077616458617663,-0.0014355182647705078,-0.003816574811935425,-1.9305550139346193,3,1568,1 -19569,0.0033159022666193476,-0.00187605619430542,-0.0027341581881046295,-2.172169754541874,3,1569,1 -19570,0.004153481463053911,-0.0016670823097229004,-0.0038042403757572174,-1.9838083105851458,3,1570,1 -19571,0.0023303738116263704,-0.001097988337278366,-0.0020554959774017334,-2.0614063441386956,3,1571,1 -19572,0.0024418248385425444,-0.0012918338179588318,-0.0020721182227134705,-2.128270428138534,3,1572,1 -19573,0.003914229953375795,-0.0015760734677314758,-0.003582902252674103,-1.9852088402715695,3,1573,1 -19574,0.004082146400058485,-0.0024452656507492065,-0.0032687298953533173,-2.2130663631597343,3,1574,1 -19575,0.0020496811660116057,-0.0015415176749229431,-0.001350894570350647,-2.422003863391629,3,1575,1 -19576,0.0035692266745666825,-0.0017010197043418884,-0.003137819468975067,-2.0675559668267827,3,1576,1 -19577,0.004254429396783889,-0.0020009949803352356,-0.0037544891238212585,-2.0604634601851317,3,1577,1 -19578,0.002072611482389036,-0.0013194084167480469,-0.001598399132490158,-2.2608677360824707,3,1578,1 -19579,0.003676863459182777,-0.002045612782239914,-0.003055289387702942,-2.1607797217217812,3,1579,1 -19580,0.0036860734205271953,-0.0020407438278198242,-0.0030696094036102295,-2.1575207579738924,3,1580,1 -19581,0.0035154046704308833,-0.0020496100187301636,-0.0028560757637023926,-2.1932577810181253,3,1581,1 -19582,0.003793806792425315,-0.001898396760225296,-0.003284670412540436,-2.094849689223976,3,1582,1 -19583,0.004188609487453279,-0.0022716261446475983,-0.0035191141068935394,-2.1440092150683316,3,1583,1 -19584,0.0026541881312738855,-0.0016219094395637512,-0.0021009817719459534,-2.228214942246484,3,1584,1 -19585,0.0038905720194579623,-0.0019930191338062286,-0.003341320902109146,-2.108620932307813,3,1585,1 -19586,0.00404600488002409,-0.002411395311355591,-0.003248896449804306,-2.2092994917928923,3,1586,1 -19587,0.0019102423426762298,-0.0015255361795425415,-0.0011496804654598236,-2.495776305261351,3,1587,1 -19588,0.0038446841732842026,-0.0018279626965522766,-0.003382328897714615,-2.066274049873846,3,1588,1 -19589,0.0036943937863631923,-0.002423509955406189,-0.0027883946895599365,-2.2862986728955534,3,1589,1 -19590,0.003952820293722615,-0.0020260848104953766,-0.0033940784633159637,-2.108967918510669,3,1590,1 -19591,0.003976859941306046,-0.001964148133993149,-0.0034579671919345856,-2.0873589868581526,3,1591,1 -19592,0.003896807345565032,-0.0016937255859375,-0.00350947305560112,-2.0204397461516352,3,1592,1 -19593,0.0026647555768609444,-0.0009356401860713959,-0.002495095133781433,-1.9295597977038559,3,1593,1 -19594,0.0042839296061963775,-0.0018702857196331024,-0.0038540996611118317,-2.0225920713667,3,1594,1 -19595,0.0038982499807143018,-0.0017624720931053162,-0.0034770742058753967,-2.039935685616134,3,1595,1 -19596,0.0038109118712464983,-0.0014290958642959595,-0.0035328082740306854,-1.9551942087884078,3,1596,1 -19597,0.0039355780373526725,-0.0019404590129852295,-0.003423944115638733,-2.08639485614251,3,1597,1 -19598,0.0038609048657153706,-0.0019549503922462463,-0.0033293776214122772,-2.101737460677563,3,1598,1 -19599,0.003791095510301858,-0.0017024576663970947,-0.0033873356878757477,-2.036517706246815,3,1599,1 -19600,0.003428768347325542,-0.0015924721956253052,-0.0030365251004695892,-2.053803444592323,3,1600,1 -19601,0.003949147132038629,-0.0013995654881000519,-0.003692828118801117,-1.9330653504762454,3,1601,1 -19602,0.0037382427529192874,-0.0016564540565013885,-0.0033512115478515625,-2.029861601822467,3,1602,1 -19603,0.004031212766191536,-0.0019512549042701721,-0.0035275034606456757,-2.0760582989012155,3,1603,1 -19604,0.0043655482187826946,-0.0014986172318458557,-0.0041002631187438965,-1.9212061037923207,3,1604,1 -19605,0.0039608800583281045,-0.00169430673122406,-0.003580208867788315,-2.0128096643308853,3,1605,1 -19606,0.003953474010395931,-0.001557324081659317,-0.003633826971054077,-1.9756810605962625,3,1606,1 -19607,0.003321823786187036,-0.0013939253985881805,-0.00301520898938179,-2.0038301630642485,3,1607,1 -19608,0.0038331488707766433,-0.0020845048129558563,-0.0032168105244636536,-2.1457668249797837,3,1608,1 -19609,0.003759682303352593,-0.0018799416720867157,-0.003255922347307205,-2.0944259752162537,3,1609,1 -19610,0.003922457062298997,-0.0017321296036243439,-0.003519289195537567,-2.0281697255241977,3,1610,1 -19611,0.00290214837102452,-0.0014954619109630585,-0.0024871788918972015,-2.112147904443749,3,1611,1 -19612,0.004095975340349378,-0.0018445365130901337,-0.0036571435630321503,-2.0379301186347574,3,1612,1 -19613,0.0036930189957412526,-0.0018346980214118958,-0.003205038607120514,-2.090705914857265,3,1613,1 -19614,0.0038969940158275233,-0.002064727246761322,-0.0033050663769245148,-2.1291912607804795,3,1614,1 -19615,0.002138217909848064,-0.0014838017523288727,-0.001539580523967743,-2.3377474532802203,3,1615,1 -19616,0.003969716389957003,-0.0019585303962230682,-0.0034529417753219604,-2.0867537238482563,3,1616,1 -19617,0.003802404331801195,-0.0009636729955673218,-0.003678262233734131,-1.8270287648581554,3,1617,1 -19618,0.001886631921142593,-0.0013398341834545135,-0.0013282410800457,-2.3605395814304955,3,1618,1 -19619,0.004132945281840464,-0.0014996081590652466,-0.003851287066936493,-1.9421127873961563,3,1619,1 -19620,0.0037902332745321315,-0.0018131360411643982,-0.003328423947095871,-2.069594587417616,3,1620,1 -19621,0.0037034382353957366,-0.0017247386276721954,-0.0032773055136203766,-2.0552362609230683,3,1621,1 -19622,0.003638150039946502,-0.0017932988703250885,-0.00316547229886055,-2.0862332342712566,3,1622,1 -19623,0.004101621491772225,-0.0018781572580337524,-0.003646343946456909,-2.046434684445215,3,1623,1 -19624,0.0040409332140678095,-0.002154529094696045,-0.00341864675283432,-2.1331467307430714,3,1624,1 -19625,0.002267214349811318,-0.0019422583281993866,-0.0011695697903633118,-2.599579057422508,3,1625,1 -19626,0.0038261011961085796,-0.0020123347640037537,-0.0032541602849960327,-2.124627053202965,3,1626,1 -19627,0.0034797919433874336,-0.0015530698001384735,-0.0031139887869358063,-2.0334351790539484,3,1627,1 -19628,0.0038641279470754486,-0.0017430856823921204,-0.0034486427903175354,-2.0387873068538895,3,1628,1 -19629,0.002075335488785908,-0.0013279765844345093,-0.00159483402967453,-2.265145270805638,3,1629,1 -19630,0.0017992157888765833,-0.0012708492577075958,-0.00127362459897995,-2.355103757754889,3,1630,1 -19631,0.0017997866872348812,-0.0011113174259662628,-0.0014156997203826904,-2.2363207747674245,3,1631,1 -19632,0.003915380937070101,-0.0020826756954193115,-0.003315519541501999,-2.131664545909796,3,1632,1 -19633,0.003893334686259419,-0.0015713535249233246,-0.0035621486604213715,-1.9862455010132174,3,1633,1 -19634,0.002242705186522337,-0.00162612646818161,-0.0015444867312908173,-2.3819376813094855,3,1634,1 -19635,0.004209923054288608,-0.001760438084602356,-0.003824174404144287,-2.002219457998726,3,1635,1 -19636,0.0036126702426176947,-0.0016467347741127014,-0.003215532749891281,-2.044091906464796,3,1636,1 -19637,0.004139635278507765,-0.0022141672670841217,-0.0034977197647094727,-2.135150364337664,3,1637,1 -19638,0.00405426375903666,-0.0021038055419921875,-0.003465697169303894,-2.1163738483733456,3,1638,1 -19639,0.003942999773829393,-0.0017542466521263123,-0.0035312697291374207,-2.0318606391234217,3,1639,1 -19640,0.0037069640959646664,-0.0016218870878219604,-0.003333326429128647,-2.023640010168639,3,1640,1 -19641,0.00352722599482833,-0.0018569007515907288,-0.0029988735914230347,-2.1252135512761154,3,1641,1 -19642,0.0042977256875643,-0.002774953842163086,-0.0032817795872688293,-2.2727092724157014,3,1642,1 -19643,0.0039401656937692,-0.0024987012147903442,-0.003046538680791855,-2.257719854156531,3,1643,1 -19644,0.003976376236346187,-0.0019960254430770874,-0.003439106047153473,-2.0966724836111,3,1644,1 -19645,0.0036412079687800484,-0.001861918717622757,-0.0031291618943214417,-2.1075471505875827,3,1645,1 -19646,0.00394824836961473,-0.0019008256494998932,-0.003460567444562912,-2.073087732825962,3,1646,1 -19647,0.004210564847092339,-0.0017803311347961426,-0.0038156621158123016,-2.0073565142564673,3,1647,1 -19648,0.0038103106692822333,-0.0019211657345294952,-0.0032905302941799164,-2.099253828712556,3,1648,1 -19649,0.00375279632191165,-0.0019172057509422302,-0.003226112574338913,-2.106997398178174,3,1649,1 -19650,0.0036117477097104373,-0.001489933580160141,-0.00329010933637619,-1.9960196944081245,3,1650,1 -19651,0.0034481847825243665,-0.0015507414937019348,-0.0030798017978668213,-2.037255889364647,3,1651,1 -19652,0.0039266933240944555,-0.0017905458807945251,-0.003494691103696823,-2.0442843203854077,3,1652,1 -19653,0.00396344982266919,-0.0022131502628326416,-0.003287993371486664,-2.163239964769498,3,1653,1 -19654,0.0038364076999793653,-0.002163231372833252,-0.003168351948261261,-2.1698594644565237,3,1654,1 -19655,0.0021516993761567264,-0.001579824835062027,-0.0014608092606067657,-2.3953162149269347,3,1655,1 -19656,0.003806812407051805,-0.0017522163689136505,-0.00337957963347435,-2.049111852664769,3,1656,1 -19657,0.0019205369331627834,-0.0013602189719676971,-0.0013558268547058105,-2.3578115886191386,3,1657,1 -19658,0.003807633645524909,-0.001961342990398407,-0.0032636187970638275,-2.1119301082238464,3,1658,1 -19659,0.00380343457435236,-0.002156350761651993,-0.003133092075586319,-2.1735928089088232,3,1659,1 -19660,0.0035848552624043874,-0.0019462518393993378,-0.003010530024766922,-2.1446940774205507,3,1660,1 -19661,0.0020834830799558546,-0.001545138657093048,-0.0013976581394672394,-2.4062683632262076,3,1661,1 -19662,0.0035261146475710353,-0.0018223747611045837,-0.0030186809599399567,-2.1139312624637037,3,1662,1 -19663,0.004230768724437996,-0.002471763640642166,-0.0034336261451244354,-2.1947336022042157,3,1663,1 -19664,0.0036232163186780937,-0.0014460161328315735,-0.003322158008813858,-1.9813285429582848,3,1664,1 -19665,0.0020888316398432203,-0.0009567365050315857,-0.0018568448722362518,-2.0465681745802202,3,1665,1 -19666,0.0040671796472699015,-0.0022154301404953003,-0.003410838544368744,-2.1468386351651025,3,1666,1 -19667,0.002016467320052774,-0.001567058265209198,-0.0012690424919128418,-2.460889683918157,3,1667,1 -19668,0.0040103785288635035,-0.0021774545311927795,-0.003367763012647629,-2.1447481433511464,3,1668,1 -19669,0.00212841796374653,-0.0016495771706104279,-0.0013450123369693756,-2.457551010586885,3,1669,1 -19670,0.004014661469229406,-0.001936454325914383,-0.0035167671740055084,-2.0741267636439926,3,1670,1 -19671,0.003694012776949199,-0.0016973242163658142,-0.00328097864985466,-2.048205739010279,3,1671,1 -19672,0.004119733425816585,-0.0017991326749324799,-0.003706119954586029,-2.022735618138823,3,1672,1 -19673,0.003405571204478017,-0.0014580003917217255,-0.003077685832977295,-2.0132101450753574,3,1673,1 -19674,0.0038871225049646944,-0.0018471814692020416,-0.0034201815724372864,-2.065993746425924,3,1674,1 -19675,0.0024997222132968977,-0.0010743476450443268,-0.002257075160741806,-2.0150529854853056,3,1675,1 -19676,0.003522683324802222,-0.0014130249619483948,-0.0032268650829792023,-1.9835374490422604,3,1676,1 -19677,0.0035930370501167075,-0.0021387487649917603,-0.0028871558606624603,-2.2083707978248466,3,1677,1 -19678,0.0035515516845772686,-0.0016256384551525116,-0.0031576603651046753,-2.046232462391117,3,1678,1 -19679,0.0036208051908244556,-0.00183061882853508,-0.0031239502131938934,-2.1008542917041004,3,1679,1 -19680,0.0033910082543016124,-0.0017205066978931427,-0.002922121435403824,-2.102930068771319,3,1680,1 -19681,0.003932812287794476,-0.001706007868051529,-0.003543522208929062,-2.019489325608143,3,1681,1 -19682,0.003889486023121332,-0.0019523389637470245,-0.003363996744155884,-2.0966516408462192,3,1682,1 -19683,0.004278810117018994,-0.0022923126816749573,-0.0036129653453826904,-2.1361754908439803,3,1683,1 -19684,0.002036220657512836,-0.001160215586423874,-0.0016733482480049133,-2.1770450767039082,3,1684,1 -19685,0.0037878796849248396,-0.0015972740948200226,-0.003434639424085617,-2.006093920116184,3,1685,1 -19686,0.004301774785917415,-0.0021324828267097473,-0.0037360116839408875,-2.0894618764482713,3,1686,1 -19687,0.0037866466835344576,-0.0014602430164813995,-0.003493763506412506,-1.966686423243646,3,1687,1 -19688,0.003946847718307597,-0.0015673190355300903,-0.003622308373451233,-1.9791583142936062,3,1688,1 -19689,0.0035310249194162894,-0.0013709217309951782,-0.0032540298998355865,-1.9695285933556315,3,1689,1 -19690,0.0033236362711977527,-0.0012630373239517212,-0.0030742958188056946,-1.9606106894194995,3,1690,1 -19691,0.004166049598262925,-0.0016468130052089691,-0.003826744854450226,-1.977183856800017,3,1691,1 -19692,0.003678560425082659,-0.001602858304977417,-0.003310989588499069,-2.0216452354479646,3,1692,1 -19693,0.0034034435796193034,-0.0017660371959209442,-0.002909388393163681,-2.1163566497445148,3,1693,1 -19694,0.0038067411513566284,-0.0015292614698410034,-0.0034860633313655853,-1.984195612457356,3,1694,1 -19695,0.004627768814914159,-0.002873305231332779,-0.003627721220254898,-2.2406655619118676,3,1695,1 -19696,0.004451366205083297,-0.0019296631217002869,-0.0040113665163517,-2.0191683735517842,3,1696,1 -19697,0.0039607793251292935,-0.0016624480485916138,-0.003595001995563507,-2.0039414125652475,3,1697,1 -19698,0.0023845583637205855,-0.0020557083189487457,-0.001208379864692688,-2.610179562899104,3,1698,1 -19699,0.003927124803331512,-0.0020176582038402557,-0.0033691786229610443,-2.1103753992600165,3,1699,1 -19700,0.002106365588836654,-0.001560170203447342,-0.001415148377418518,-2.4048975586430767,3,1700,1 -19701,0.004099384387931857,-0.002180080860853195,-0.0034716278314590454,-2.131529086491451,3,1701,1 -19702,0.003893047396451876,-0.001975908875465393,-0.0033543407917022705,-2.103133069153237,3,1702,1 -19703,0.0022473457933174937,-0.001423478126525879,-0.0017390437424182892,-2.25674078890115,3,1703,1 -19704,0.003364384239792773,-0.0014927014708518982,-0.0030151158571243286,-2.0304943113358336,3,1704,1 -19705,0.003910604158668918,-0.0014743395149707794,-0.003622036427259445,-1.9573630106297308,3,1705,1 -19706,0.003750969051444983,-0.002210646867752075,-0.0030303150415420532,-2.201054729001674,3,1706,1 -19707,0.002095462064996098,-0.0014281533658504486,-0.0015334077179431915,-2.3206692833915747,3,1707,1 -19708,0.0036234300110433216,-0.0014733672142028809,-0.0033103525638580322,-1.9895501169679377,3,1708,1 -19709,0.0037074300379528633,-0.0013482123613357544,-0.003453601151704788,-1.9429810710003426,3,1709,1 -19710,0.0036535804667277866,-0.0012985467910766602,-0.0034150294959545135,-1.9341571239891722,3,1710,1 -19711,0.004380729255035697,-0.0019246004521846771,-0.0039353147149086,-2.0256527595664355,3,1711,1 -19712,0.004062663566458925,-0.001702975481748581,-0.0036885105073451996,-2.0033350705010027,3,1712,1 -19713,0.003832581909424529,-0.0015642568469047546,-0.003498826175928116,-1.9912197176395627,3,1713,1 -19714,0.0032882538652291636,-0.0014773383736610413,-0.0029377005994319916,-2.036752751109794,3,1714,1 -19715,0.0015142635336551156,-0.0010194405913352966,-0.0011197030544281006,-2.3093583929596524,3,1715,1 -19716,0.002855902413143564,-0.0012924522161483765,-0.0025467127561569214,-2.0404245108122114,3,1716,1 -19717,0.004019673233919738,-0.0017881765961647034,-0.003600027412176132,-2.0318100288575374,3,1717,1 -19718,0.002010672839513365,-0.001170717179775238,-0.0016346946358680725,-2.192291563784172,3,1718,1 -19719,0.0039740031007580254,-0.001805044710636139,-0.003540411591529846,-2.042285195930857,3,1719,1 -19720,0.0039382675720772515,-0.0017398595809936523,-0.0035331062972545624,-2.0283814734233903,3,1720,1 -19721,0.004415311244013177,-0.0019157379865646362,-0.003978054970502853,-2.0195968445666224,3,1721,1 -19722,0.004240220090018839,-0.0020369067788124084,-0.003718934953212738,-2.071881524522731,3,1722,1 -19723,0.0037220085140408183,-0.0014145411550998688,-0.003442734479904175,-1.9606443025016214,3,1723,1 -19724,0.003999251743704548,-0.0018325001001358032,-0.003554709255695343,-2.046777458049718,3,1724,1 -19725,0.0023766610914536,-0.0014916546642780304,-0.001850266009569168,-2.2492965807838137,3,1725,1 -19726,0.004044411875377398,-0.0013915635645389557,-0.0037974752485752106,-1.9220451870955586,3,1726,1 -19727,0.0040584661654792485,-0.002402089536190033,-0.0032712556421756744,-2.204174779322963,3,1727,1 -19728,0.003783121330891575,-0.0015781968832015991,-0.003438211977481842,-2.0011232333393045,3,1728,1 -19729,0.001727977812512407,-0.0008487068116664886,-0.001505192369222641,-2.0842127787244067,3,1729,1 -19730,0.0041410161780913645,-0.0019223876297473907,-0.0036677569150924683,-2.053562391204072,3,1730,1 -19731,0.003553759090535575,-0.001843370497226715,-0.0030382871627807617,-2.116137765214811,3,1731,1 -19732,0.0037795005633392514,-0.001520249992609024,-0.003460269421339035,-1.9847538058891472,3,1732,1 -19733,0.003963093631523075,-0.002076573669910431,-0.0033754929900169373,-2.1223110274526364,3,1733,1 -19734,0.004022959630385424,-0.0014515519142150879,-0.003751959651708603,-1.9399400001807259,3,1734,1 -19735,0.00375941291203114,-0.0016998909413814545,-0.0033531412482261658,-2.039992257667422,3,1735,1 -19736,0.0038069421529591187,-0.0017567947506904602,-0.0033773481845855713,-2.0504493196852147,3,1736,1 -19737,0.004152704327298872,-0.002073414623737335,-0.003598041832447052,-2.0935784827645216,3,1737,1 -19738,0.004403975891462579,-0.0018338821828365326,-0.004003982990980148,-2.000295073070483,3,1738,1 -19739,0.003909881929471199,-0.001813553273677826,-0.00346384197473526,-2.0531192774555294,3,1739,1 -19740,0.00371452584356097,-0.0016699247062206268,-0.003317989408969879,-2.037075793116872,3,1740,1 -19741,0.002672787996149798,-0.0017789863049983978,-0.0019947439432144165,-2.2990830929069044,3,1741,1 -19742,0.0024105220240617114,-0.0013527832925319672,-0.001995142549276352,-2.1666304149452427,3,1742,1 -19743,0.0039300361086455045,-0.001863386482000351,-0.0034601986408233643,-2.0647830851464644,3,1743,1 -19744,0.0032715284361545358,-0.0013122782111167908,-0.00299680233001709,-1.9835364286359773,3,1744,1 -19745,0.0032540709222137767,-0.001286979764699936,-0.002988755702972412,-1.9774067317595085,3,1745,1 -19746,0.003840570159869265,-0.001979697495698929,-0.0032910145819187164,-2.1123520034462198,3,1746,1 -19747,0.0038905451790880625,-0.002031177282333374,-0.003318231552839279,-2.1200846492353955,3,1747,1 -19748,0.0038477314729561986,-0.0020204447209835052,-0.003274574875831604,-2.123629221186283,3,1748,1 -19749,0.004004346017379128,-0.001680620014667511,-0.0036345981061458588,-2.00390999944619,3,1749,1 -19750,0.0038120674417106166,-0.0023527853190898895,-0.002999376505613327,-2.235967780770992,3,1750,1 -19751,0.004018252840793646,-0.002406720072031021,-0.0032177716493606567,-2.2129817061588852,3,1751,1 -19752,0.00307737473666607,-0.0014849081635475159,-0.002695418894290924,-2.074330793265768,3,1752,1 -19753,0.003997101282533737,-0.0019486621022224426,-0.0034899190068244934,-2.080042053711324,3,1753,1 -19754,0.0038246404250833485,-0.0018239542841911316,-0.0033617056906223297,-2.0679157676114115,3,1754,1 -19755,0.0037797969110754405,-0.001438528299331665,-0.0034953542053699493,-1.961223514119086,3,1755,1 -19756,0.003965601179805855,-0.001971036195755005,-0.0034410767257213593,-2.0909729297056905,3,1756,1 -19757,0.0035352278623268273,-0.0014355182647705078,-0.003230653703212738,-1.988935917629656,3,1757,1 -19758,0.002232556577489506,-0.0017257779836654663,-0.001416333019733429,-2.4543610785614907,3,1758,1 -19759,0.003470843270252734,-0.0019356533885002136,-0.0028809718787670135,-2.162396134572241,3,1759,1 -19760,0.0022733069877844208,-0.0014937222003936768,-0.001713685691356659,-2.2877218716048726,3,1760,1 -19761,0.004121258678823486,-0.001950543373823166,-0.003630448132753372,-2.0638161937381057,3,1761,1 -19762,0.0038953648542592286,-0.001835610717535019,-0.003435753285884857,-2.0614805271969576,3,1762,1 -19763,0.003873770749107261,-0.001409672200679779,-0.0036081746220588684,-1.943249834404061,3,1763,1 -19764,0.004053038604199875,-0.0015846677124500275,-0.0037304088473320007,-1.9724952971026428,3,1764,1 -19765,0.003771218053682049,-0.0015957280993461609,-0.003416977822780609,-2.007697043594445,3,1765,1 -19766,0.0021291295138603956,-0.001436285674571991,-0.001571711152791977,-2.311203056937241,3,1766,1 -19767,0.003744724627214437,-0.0019334480166435242,-0.003206983208656311,-2.1133358104182265,3,1767,1 -19768,0.0037924544614991534,-0.0017842799425125122,-0.003346499055624008,-2.0606327735898984,3,1768,1 -19769,0.004149145839499763,-0.0017881616950035095,-0.00374404713511467,-2.01636493152783,3,1769,1 -19770,0.0021085257649985853,-0.0015700124204158783,-0.0014074593782424927,-2.41073466479757,3,1770,1 -19771,0.002442213939196948,-0.0012309402227401733,-0.002109311521053314,-2.0990506257259947,3,1771,1 -19772,0.003791056273985165,-0.0018928423523902893,-0.0032847002148628235,-2.0935772445129905,3,1772,1 -19773,0.003967731677120028,-0.0017485693097114563,-0.0035616569221019745,-2.027171842121656,3,1773,1 -19774,0.003916790934624453,-0.0018572695553302765,-0.0034484490752220154,-2.064830391988589,3,1774,1 -19775,0.0035348206483609996,-0.0020484216511249542,-0.0028807856142520905,-2.1889089654650644,3,1775,1 -19776,0.0035769788722256252,-0.0017545633018016815,-0.0031170956790447235,-2.083477446793075,3,1776,1 -19777,0.00412317777139615,-0.0014539062976837158,-0.003858335316181183,-1.9311635607148467,3,1777,1 -19778,0.003959006760748402,-0.001902937889099121,-0.003471679985523224,-2.072204018948598,3,1778,1 -19779,0.003495630482147987,-0.0015707574784755707,-0.0031228438019752502,-2.0368326328654365,3,1779,1 -19780,0.0037017279817938347,-0.0014107301831245422,-0.003422372043132782,-1.9617826026518594,3,1780,1 -19781,0.0022793770394174302,-0.0013522505760192871,-0.0018349327147006989,-2.2058918961427074,3,1781,1 -19782,0.004053285266232808,-0.0023986883461475372,-0.003267325460910797,-2.2040723171698637,3,1782,1 -19783,0.003769090004254868,-0.0016585811972618103,-0.0033845454454421997,-2.026448653777412,3,1783,1 -19784,0.0021990673758788123,-0.0017198696732521057,-0.0013703815639019012,-2.468809745863717,3,1784,1 -19785,0.002088889314662769,-0.00175417959690094,-0.0011341571807861328,-2.567649635617001,3,1785,1 -19786,0.0038864623659260397,-0.0014896616339683533,-0.003589637577533722,-1.9641574668950867,3,1786,1 -19787,0.002689077974955432,-0.0018258243799209595,-0.0019742101430892944,-2.317165788672869,3,1787,1 -19788,0.00420601125387779,-0.0019645467400550842,-0.003719016909599304,-2.0567826569579966,3,1788,1 -19789,0.003783653986893778,-0.001473892480134964,-0.003484778106212616,-1.9709306835238636,3,1789,1 -19790,0.004176016144300487,-0.0019521191716194153,-0.0036916583776474,-2.057211296154644,3,1790,1 -19791,0.004023870263638397,-0.001802053302526474,-0.0035977959632873535,-2.0351453016053282,3,1791,1 -19792,0.00341236480352284,-0.0019547119736671448,-0.0027970224618911743,-2.1807531429851275,3,1792,1 -19793,0.003486913689965534,-0.00199735164642334,-0.0028581731021404266,-2.1807306390148327,3,1793,1 -19794,0.0021318179228182236,-0.0013501085340976715,-0.001649804413318634,-2.25662333835221,3,1794,1 -19795,0.004003891085597401,-0.0017075873911380768,-0.003621503710746765,-2.0113960381826947,3,1795,1 -19796,0.0038820867428470563,-0.0016801394522190094,-0.003499675542116165,-2.018384853330525,3,1796,1 -19797,0.0017906307439860126,-0.001324281096458435,-0.0012052543461322784,-2.403214593976917,3,1797,1 -19798,0.0039030241612876284,-0.0018131881952285767,-0.0034562908113002777,-2.053933797003023,3,1798,1 -19799,0.0036148531795511785,-0.0016180314123630524,-0.0032325126230716705,-2.034883151005509,3,1799,1 -19800,0.002130479221022207,-0.001386210322380066,-0.001617826521396637,-2.279245078138758,3,1800,1 -19801,0.004019424077172217,-0.0019206106662750244,-0.0035308673977851868,-2.068981743689918,3,1801,1 -19802,0.0035512023552426897,-0.0013742856681346893,-0.0032745040953159332,-1.968163121751742,3,1802,1 -19803,0.004015175558077281,-0.0017127543687820435,-0.00363154336810112,-2.0114936124941694,3,1803,1 -19804,0.0037233374904493055,-0.001497466117143631,-0.00340893492102623,-1.9846971647806,3,1804,1 -19805,0.0037317231350054727,-0.0019629597663879395,-0.0031737275421619415,-2.1247099396277225,3,1805,1 -19806,0.0036556516568116873,-0.001507829874753952,-0.0033302009105682373,-1.995955088037718,3,1806,1 -19807,0.0041443471403256014,-0.001647360622882843,-0.0038028694689273834,-1.9795825011783137,3,1807,1 -19808,0.0038120501140925735,-0.0014669671654701233,-0.0035184845328330994,-1.965813113912375,3,1808,1 -19809,0.0037564010180887067,-0.0016033537685871124,-0.0033970288932323456,-2.0117835270023643,3,1809,1 -19810,0.0038460014146981755,-0.001728210598230362,-0.0034358426928520203,-2.0368368094270464,3,1810,1 -19811,0.003862033584652356,-0.001879759132862091,-0.00337369367480278,-2.0791363117036052,3,1811,1 -19812,0.003992407258826604,-0.00154939666390419,-0.0036794953048229218,-1.969350048293005,3,1812,1 -19813,0.0036485262589695464,-0.0018232427537441254,-0.0031603053212165833,-2.0940721997917517,3,1813,1 -19814,0.0038052629062383,-0.0014300979673862457,-0.0035263076424598694,-1.9560789618388223,3,1814,1 -19815,0.004165025168615624,-0.002036169171333313,-0.0036333799362182617,-2.0815939323300063,3,1815,1 -19816,0.0038316829603969164,-0.0015833564102649689,-0.003489237278699875,-1.9967917056009807,3,1816,1 -19817,0.004334130222281731,-0.0020153261721134186,-0.0038370750844478607,-2.0544193715512646,3,1817,1 -19818,0.004291639692865507,-0.001401413232088089,-0.004056379199028015,-1.9034421387516058,3,1818,1 -19819,0.0038252510620830587,-0.0019078329205513,-0.003315526992082596,-2.0929489953257514,3,1819,1 -19820,0.0036050927648448874,-0.0012195557355880737,-0.003392547369003296,-1.915892223979198,3,1820,1 -19821,0.0029621237429093878,-0.0015929006040096283,-0.002497367560863495,-2.13856988135261,3,1821,1 -19822,0.003790675869761973,-0.002114366739988327,-0.0031462162733078003,-2.162506109970993,3,1822,1 -19823,0.003508755850795345,-0.0017643235623836517,-0.0030329078435897827,-2.0976712278280987,3,1823,1 -19824,0.003565164443217039,-0.0013486742973327637,-0.0033002234995365143,-1.958747144864997,3,1824,1 -19825,0.002342794475650361,-0.001008693128824234,-0.002114526927471161,-2.015899791760804,3,1825,1 -19826,0.0045741695339074,-0.00208929181098938,-0.004069138318300247,-2.0451445365241,3,1826,1 -19827,0.0031549527052104945,-0.001751679927110672,-0.002623993903398514,-2.1594188654531288,3,1827,1 -19828,0.0041472674596293325,-0.0020254701375961304,-0.003619018942117691,-2.0810363003260566,3,1828,1 -19829,0.004086632217364439,-0.0019114986062049866,-0.003612026572227478,-2.0575331978499505,3,1829,1 -19830,0.0041378908033832635,-0.0021650828421115875,-0.0035262666642665863,-2.121437151862991,3,1830,1 -19831,0.0021835417801775894,-0.0013977810740470886,-0.0016775168478488922,-2.2654819587661303,3,1831,1 -19832,0.0021182447904601336,-0.0008511245250701904,-0.001939728856086731,-1.9842850755832473,3,1832,1 -19833,0.002349055670907086,-0.0017846636474132538,-0.0015274286270141602,-2.4337043106366156,3,1833,1 -19834,0.0018894547906188389,-0.0014318935573101044,-0.0012327693402767181,-2.430783588156044,3,1834,1 -19835,0.0024210251763215917,-0.0012210868299007416,-0.0020905286073684692,-2.099445840132343,3,1835,1 -19836,0.003918292534285427,-0.0018836818635463715,-0.0034358054399490356,-2.072295317530999,3,1836,1 -19837,0.0037008299444557537,-0.0019218884408473969,-0.0031626708805561066,-2.116842972433161,3,1837,1 -19838,0.0037535283064812344,-0.0019460581243038177,-0.0032096467912197113,-2.1158465331138543,3,1838,1 -19839,0.003800558111547125,-0.0019865967333316803,-0.0032400116324424744,-2.120825198539757,3,1839,1 -19840,0.003688075949283437,-0.0016026422381401062,-0.0033216625452041626,-2.0203315414282126,3,1840,1 -19841,0.0027477536721498977,-0.0015153400599956512,-0.0022921375930309296,-2.1549375740055368,3,1841,1 -19842,0.0037736873005366264,-0.0018741488456726074,-0.003275405615568161,-2.090514989248435,3,1842,1 -19843,0.0036739157392784803,-0.0015588253736495972,-0.003326818346977234,-2.0089799048223904,3,1843,1 -19844,0.004084407522817694,-0.0018530488014221191,-0.0036398619413375854,-2.041696333563818,3,1844,1 -19845,0.0038052374258441836,-0.0019356124103069305,-0.0032761618494987488,-2.1044363251236984,3,1845,1 -19846,0.0038094871587057814,-0.0020375102758407593,-0.0032188110053539276,-2.1351284235102876,3,1846,1 -19847,0.0032710634423477173,-0.001669183373451233,-0.002813126891851425,-2.1063155934514524,3,1847,1 -19848,0.004085720873709338,-0.0024201273918151855,-0.0032918229699134827,-2.204753841787907,3,1848,1 -19849,0.003995193997628638,-0.0016121156513690948,-0.00365549698472023,-1.986150194048607,3,1849,1 -19850,0.004179347809774431,-0.0020261332392692566,-0.0036553703248500824,-2.0769268222009933,3,1850,1 -19851,0.00397043778510303,-0.0017568394541740417,-0.0035606026649475098,-2.0291586144431513,3,1851,1 -19852,0.003689922686940889,-0.0017392598092556,-0.0032543055713176727,-2.061621718026278,3,1852,1 -19853,0.004296516101426807,-0.0019896365702152252,-0.0038080699741840363,-2.0522649876804615,3,1853,1 -19854,0.0036414884076071763,-0.001680329442024231,-0.0032306239008903503,-2.050414296799511,3,1854,1 -19855,0.003875216053185492,-0.0018273741006851196,-0.0034173093736171722,-2.0618486437728567,3,1855,1 -19856,0.0035202211142065973,-0.0018883198499679565,-0.0029708929359912872,-2.1369866936735935,3,1856,1 -19857,0.003578920754257485,-0.0014009512960910797,-0.0032933279871940613,-1.9729979050866708,3,1857,1 -19858,0.003953224379758373,-0.0013818852603435516,-0.0037038326263427734,-1.9278967218793257,3,1858,1 -19859,0.0038422927337371736,-0.0023466646671295166,-0.0030424296855926514,-2.227798618845943,3,1859,1 -19860,0.0038349113565881287,-0.0018674805760383606,-0.0033494867384433746,-2.079411731487643,3,1860,1 -19861,0.0036478820518593955,-0.0014997534453868866,-0.0033253245055675507,-1.9944895623912267,3,1861,1 -19862,0.0035164502144878246,-0.0015831217169761658,-0.0031399279832839966,-2.0377906771292107,3,1862,1 -19863,0.004288855312919011,-0.001826256513595581,-0.0038806013762950897,-2.010658141621869,3,1863,1 -19864,0.0038451251217907776,-0.0018059276044368744,-0.00339464470744133,-2.059709648081098,3,1864,1 -19865,0.0037758682730935364,-0.0019152872264385223,-0.0032540522515773773,-2.1027803628405857,3,1865,1 -19866,0.004048073715672559,-0.002003021538257599,-0.0035177841782569885,-2.0884108493984357,3,1866,1 -19867,0.0021067493253639656,-0.0008832365274429321,-0.0019126646220684052,-2.003405902932603,3,1867,1 -19868,0.003944177450148143,-0.0014543496072292328,-0.0036662518978118896,-1.9484422654938822,3,1868,1 -19869,0.003686845440817804,-0.0018266290426254272,-0.003202538937330246,-2.0891433488881437,3,1869,1 -19870,0.004170131384396812,-0.002137254923582077,-0.0035808011889457703,-2.1089074959872143,3,1870,1 -19871,0.004198563286189109,-0.002113599330186844,-0.0036277584731578827,-2.0983372889287155,3,1871,1 -19872,0.004009570814872751,-0.002315707504749298,-0.0032732486724853516,-2.1865145292906063,3,1872,1 -19873,0.0036835467681792192,-0.0021139979362487793,-0.0030165426433086395,-2.182060080820782,3,1873,1 -19874,0.0035177163239293774,-0.0017036385834217072,-0.0030776523053646088,-2.0763620113798917,3,1874,1 -19875,0.0037769909361437546,-0.0013781674206256866,-0.003516577184200287,-1.9443056343361806,3,1875,1 -19876,0.003856341499890121,-0.0020145438611507416,-0.003288310021162033,-2.120456727603315,3,1876,1 -19877,0.00410330246726715,-0.002261687070131302,-0.003423720598220825,-2.154582534731405,3,1877,1 -19878,0.004155732152385409,-0.0019934996962547302,-0.0036463774740695953,-2.0711077246618235,3,1878,1 -19879,0.004004076251396749,-0.0014053620398044586,-0.0037493444979190826,-1.929416834866376,3,1879,1 -19880,0.0038808901921849725,-0.0017520450055599213,-0.0034628957509994507,-2.0391909658482033,3,1880,1 -19881,0.00391822727760697,-0.0021428577601909637,-0.0032803453505039215,-2.149446917031392,3,1881,1 -19882,0.0039967181453939,-0.0016770437359809875,-0.0036278478801250458,-2.003806666170561,3,1882,1 -19883,0.003437213991074113,-0.0016949214041233063,-0.002990264445543289,-2.0864562553831543,3,1883,1 -19884,0.004212201674728361,-0.0025992020964622498,-0.003314632922410965,-2.2358037436364167,3,1884,1 -19885,0.003796086670375482,-0.0014474466443061829,-0.0035092979669570923,-1.9619981127973787,3,1885,1 -19886,0.002239153208048953,-0.0009118914604187012,-0.002045057713985443,-1.990235555528592,3,1886,1 -19887,0.004202538036922641,-0.0014134421944618225,-0.003957714885473251,-1.9138141255020595,3,1887,1 -19888,0.0034656026200746417,-0.0015984028577804565,-0.0030749812722206116,-2.0501652396018994,3,1888,1 -19889,0.0036215429643521526,-0.0018106363713741302,-0.0031364262104034424,-2.0943520239105617,3,1889,1 -19890,0.003294555185862271,-0.0016467198729515076,-0.00285349041223526,-2.0941996395180236,3,1890,1 -19891,0.0039007017086988218,-0.0019813068211078644,-0.0033600442111492157,-2.103583305225382,3,1891,1 -19892,0.0037763472692976404,-0.0018752403557300568,-0.0032778456807136536,-2.0904449643835252,3,1892,1 -19893,0.0034763395849962096,-0.0016335807740688324,-0.0030686073005199432,-2.0599897190580774,3,1893,1 -19894,0.0037661108740102405,-0.0015755817294120789,-0.0034206919372081757,-2.002432826111877,3,1894,1 -19895,0.00426132857003561,-0.0019875243306159973,-0.003769438713788986,-2.0560237552210827,3,1895,1 -19896,0.0021237971655561345,-0.0015055835247039795,-0.001497909426689148,-2.3587495424063616,3,1896,1 -19897,0.0036189508190053923,-0.00203724205493927,-0.00299106165766716,-2.168731630696049,3,1897,1 -19898,0.003712784767936578,-0.0015367008745670319,-0.0033798404037952423,-1.9975242975305392,3,1898,1 -19899,0.003836297647411731,-0.001859080046415329,-0.003355741500854492,-2.0767051971227395,3,1899,1 -19900,0.0037786959569886787,-0.0015253014862537384,-0.0034571662545204163,-1.9863080542162856,3,1900,1 -19901,0.0035732077991001993,-0.0020845942199230194,-0.0029021166265010834,-2.1936997518574333,3,1901,1 -19902,0.004078495740926431,-0.002031490206718445,-0.003536548465490341,-2.0922001476979752,3,1902,1 -19903,0.003950871184334664,-0.001790609210729599,-0.003521803766489029,-2.0411693491393788,3,1903,1 -19904,0.00210391755337716,-0.0015434324741363525,-0.001429785043001175,-2.394399609950501,3,1904,1 -19905,0.003956613220882761,-0.0017086789011955261,-0.0035686418414115906,-2.017343559099402,3,1905,1 -19906,0.0023551203271809434,-0.0013864189386367798,-0.0019037947058677673,-2.2002247930373513,3,1906,1 -19907,0.003088221836459088,-0.0010652802884578705,-0.002898670732975006,-1.9229812090231708,3,1907,1 -19908,0.003729983652108191,-0.0021665357053279877,-0.003036264330148697,-2.190560509044682,3,1908,1 -19909,0.0040463005163068715,-0.0014938898384571075,-0.0037604309618473053,-1.9489432366938397,3,1909,1 -19910,0.0021427416484295437,-0.0016735754907131195,-0.0013380907475948334,-2.467132189306341,3,1910,1 -19911,0.003618576860319196,-0.0016559883952140808,-0.0032174214720726013,-2.04613012847093,3,1911,1 -19912,0.0038685489575113904,-0.001944318413734436,-0.003344442695379257,-2.097395661309714,3,1912,1 -19913,0.003597052653510538,-0.0014401301741600037,-0.003296181559562683,-1.982710298811239,3,1913,1 -19914,0.00416913503123771,-0.00201985239982605,-0.003647174686193466,-2.0765621963056904,3,1914,1 -19915,0.0035386851588450462,-0.001790028065443039,-0.003052555024623871,-2.101158192981017,3,1915,1 -19916,0.0032829975027229294,-0.001867976039648056,-0.002699766308069229,-2.1760672743531626,3,1916,1 -19917,0.0038936694436859163,-0.0017228089272975922,-0.0034917891025543213,-2.029140838835506,3,1917,1 -19918,0.0037480645856364674,-0.0017385520040988922,-0.003320455551147461,-2.05313608951605,3,1918,1 -19919,0.004504218946722826,-0.00191531702876091,-0.004076708108186722,-2.010009374856257,3,1919,1 -19920,0.0038644774662535625,-0.0017983242869377136,-0.003420557826757431,-2.0548233087320873,3,1920,1 -19921,0.0036598720404560207,-0.0016527511179447174,-0.003265436738729477,-2.039339709861057,3,1921,1 -19922,0.0026744958958454337,-0.0013726428151130676,-0.00229538232088089,-2.1097452848557863,3,1922,1 -19923,0.004357735822982815,-0.002070508897304535,-0.0038344301283359528,-2.065912755954602,3,1923,1 -19924,0.004139851140078003,-0.0021779946982860565,-0.003520611673593521,-2.1248097981581817,3,1924,1 -19925,0.003739429374182403,-0.0014315396547317505,-0.00345456600189209,-1.963646504287856,3,1925,1 -19926,0.0034728091167727767,-0.001394033432006836,-0.0031807348132133484,-1.9838562526445422,3,1926,1 -19927,0.003886504512149137,-0.001973900943994522,-0.0033479295670986176,-2.1035251757978917,3,1927,1 -19928,0.00409607854524123,-0.0017294473946094513,-0.0037130676209926605,-2.0066895508593365,3,1928,1 -19929,0.003737022771445515,-0.0017179250717163086,-0.003318745642900467,-2.0484584179898997,3,1929,1 -19930,0.0024406882515698477,-0.000879533588886261,-0.002276703715324402,-1.9394532703193499,3,1930,1 -19931,0.003599976445333825,-0.001676023006439209,-0.0031860284507274628,-2.0550692305167684,3,1931,1 -19932,0.004141082027254507,-0.0019460543990135193,-0.0036553293466567993,-2.0600175738649167,3,1932,1 -19933,0.0041095666658883916,-0.0020304396748542786,-0.0035729333758354187,-2.087568454031571,3,1933,1 -19934,0.004141986798237243,-0.0017468705773353577,-0.0037555955350399017,-2.006167542995681,3,1934,1 -19935,0.0043428217872512115,-0.002238042652606964,-0.0037217289209365845,-2.1122041269056817,3,1935,1 -19936,0.003411790939617567,-0.0016646943986415863,-0.0029781050980091095,-2.0805060820576378,3,1936,1 -19937,0.0016814130031790227,-0.0009709298610687256,-0.001372750848531723,-2.1863966720687107,3,1937,1 -19938,0.004234431685533685,-0.0019822418689727783,-0.003741808235645294,-2.0579636667141785,3,1938,1 -19939,0.0020301689058148924,-0.0014164932072162628,-0.0014543496072292328,-2.3430087435387503,3,1939,1 -19940,0.00362784825466313,-0.0014041811227798462,-0.003345079720020294,-1.9682331134842557,3,1940,1 -19941,0.0038415485262901943,-0.0017208680510520935,-0.0034345462918281555,-2.0352809371398055,3,1941,1 -19942,0.0023176051667358434,-0.001638989895582199,-0.0016385987401008606,-2.3563138326489375,3,1942,1 -19943,0.003622178572062117,-0.0018749386072158813,-0.0030991584062576294,-2.1148718522045007,3,1943,1 -19944,0.004056447363630546,-0.0015707798302173615,-0.003739975392818451,-1.9684220829919226,3,1944,1 -19945,0.003521991834969309,-0.0015405789017677307,-0.003167182207107544,-2.023520557860057,3,1945,1 -19946,0.003849903171172962,-0.0016854479908943176,-0.0034613609313964844,-2.023935126030928,3,1946,1 -19947,0.003989980289064574,-0.0016242414712905884,-0.0036444179713726044,-1.9900513106863105,3,1947,1 -19948,0.0038614997722194455,-0.001629553735256195,-0.003500819206237793,-2.0064468093362393,3,1948,1 -19949,0.003375443629323174,-0.0012546069920063019,-0.0031336210668087006,-1.9516213882036995,3,1949,1 -19950,0.004033994554731377,-0.0015925578773021698,-0.003706328570842743,-1.9766294399750395,3,1950,1 -19951,0.004175772350378062,-0.002048894762992859,-0.0036385580897331238,-2.083646193930084,3,1951,1 -19952,0.0045398888083777586,-0.0024577155709266663,-0.0038170963525772095,-2.1428504778612263,3,1952,1 -19953,0.004030666682456246,-0.002438843250274658,-0.0032090991735458374,-2.220652530298688,3,1953,1 -19954,0.004287172940475201,-0.0023031719028949738,-0.003615971654653549,-2.1379386072681537,3,1954,1 -19955,0.0041590445714967915,-0.0018764808773994446,-0.003711666911840439,-2.0388843007797504,3,1955,1 -19956,0.003538796068958562,-0.0015211328864097595,-0.0031951889395713806,-2.0151171434035673,3,1956,1 -19957,0.003925736575096939,-0.001994956284761429,-0.0033810585737228394,-2.1038593364617606,3,1957,1 -19958,0.0036863909687752353,-0.0021963194012641907,-0.0029606856405735016,-2.2090467846303654,3,1958,1 -19959,0.0037945407299893796,-0.0022164806723594666,-0.003079894930124283,-2.1945961696226512,3,1959,1 -19960,0.003110753599459038,-0.00070180743932724,-0.003030553460121155,-1.7983622668231605,3,1960,1 -19961,0.0019823823489533415,-0.0015842579305171967,-0.0011916235089302063,-2.4967073266049025,3,1961,1 -19962,0.003963063285089366,-0.00202372670173645,-0.003407403826713562,-2.106733553188006,3,1962,1 -19963,0.0033546479929663013,-0.00138135626912117,-0.0030570439994335175,-1.9951960531991673,3,1963,1 -19964,0.0032254507601447023,-0.001406162977218628,-0.002902798354625702,-2.021899472532166,3,1964,1 -19965,0.001890730290798537,-0.0014929324388504028,-0.0011601783335208893,-2.480963355164521,3,1965,1 -19966,0.003785754572878965,-0.0015975609421730042,-0.00343216210603714,-2.006438563015979,3,1966,1 -19967,0.003918166838141627,-0.0016037411987781525,-0.003574918955564499,-1.992492982965845,3,1967,1 -19968,0.0037187840382672823,-0.0014824196696281433,-0.003410540521144867,-1.980819098209106,3,1968,1 -19969,0.003742051346067967,-0.0018420331180095673,-0.0032572783529758453,-2.0854716158476694,3,1969,1 -19970,0.003914077838636427,-0.0020561330020427704,-0.003330513834953308,-2.123884353466399,3,1970,1 -19971,0.003775272152497677,-0.0013345405459403992,-0.0035315267741680145,-1.932101232124536,3,1971,1 -19972,0.003029538242099202,-0.0016122274100780487,-0.0025649219751358032,-2.1319571512761275,3,1972,1 -19973,0.0037941670710693533,-0.0027780868113040924,-0.002584170550107956,-2.3923419149485343,3,1973,1 -19974,0.004129326938401142,-0.0018083453178405762,-0.0037123076617717743,-2.0240882533894955,3,1974,1 -19975,0.003757486147795176,-0.0014477558434009552,-0.0034673772752285004,-1.966328198454772,3,1975,1 -19976,0.0038572753460575345,-0.0015930607914924622,-0.0035129375755786896,-1.9965437242792203,3,1976,1 -19977,0.0037287124644474335,-0.001476086676120758,-0.0034241005778312683,-1.977811752372571,3,1977,1 -19978,0.003871360103467461,-0.002228841185569763,-0.0031653903424739838,-2.184287647990166,3,1978,1 -19979,0.0032207810990697292,-0.0011900104582309723,-0.002992875874042511,-1.9492444369203983,3,1979,1 -19980,0.0022068838905781557,-0.0014312081038951874,-0.0016798749566078186,-2.2764347037082575,3,1980,1 -19981,0.0036467771636965736,-0.0013503991067409515,-0.0033875368535518646,-1.9501275539027978,3,1981,1 -19982,0.00342385154094886,-0.0014318041503429413,-0.0031100958585739136,-2.0022428785441964,3,1982,1 -19983,0.003327558922931673,-0.0015541985630989075,-0.0029422976076602936,-2.056769050230429,3,1983,1 -19984,0.0021259317128607437,-0.0015438161790370941,-0.0014615803956985474,-2.383550370427745,3,1984,1 -19985,0.003814624954217316,-0.002174176275730133,-0.0031343773007392883,-2.1772511508175953,3,1985,1 -19986,0.002911212817728008,-0.001325707882642746,-0.0025918446481227875,-2.0435952369934234,3,1986,1 -19987,0.0023592954023844656,-0.0013692788779735565,-0.0019212886691093445,-2.1899868942179794,3,1987,1 -19988,0.002977971407043956,-0.0014615952968597412,-0.0025946199893951416,-2.083806711019615,3,1988,1 -19989,0.004593729221517132,-0.001451302319765091,-0.004358448088169098,-1.8922342743762248,3,1989,1 -19990,0.0024203419602184494,-0.0012806318700313568,-0.0020537860691547394,-2.128350010444003,3,1990,1 -19991,0.0037134115495094868,-0.002033442258834839,-0.0031071752309799194,-2.150282539898991,3,1991,1 -19992,0.004082178157231151,-0.0018274709582328796,-0.003650277853012085,-2.034954896512551,3,1992,1 -19993,0.0038046349271213735,-0.0018791519105434418,-0.0033081769943237305,-2.087378549000571,3,1993,1 -19994,0.003703613022317437,-0.0015904977917671204,-0.003344707190990448,-2.0146743687583277,3,1994,1 -19995,0.002934841984530164,-0.001275762915611267,-0.002643052488565445,-2.020496577527465,3,1995,1 -19996,0.003656150600480064,-0.0017067231237888336,-0.003233347088098526,-2.0564751148623057,3,1996,1 -19997,0.0038644388300092423,-0.0020997822284698486,-0.003244195133447647,-2.1452308893131913,3,1997,1 -19998,0.003484580860258681,-0.0017735958099365234,-0.0029994435608386993,-2.104800342721878,3,1998,1 -19999,0.004104553727998594,-0.0017630159854888916,-0.003706634044647217,-2.0147650812138616,3,1999,1 -20000,0.0038883827255096165,-0.0018760263919830322,-0.0034058839082717896,-2.074268296552075,3,2000,1 -20001,0.003885190086548042,-0.002068266272544861,-0.0032889172434806824,-2.13216607346235,3,2001,1 -20002,0.003885908626600565,-0.001790270209312439,-0.003448944538831711,-2.049589355361363,3,2002,1 -20003,0.003719934183849683,-0.0015949159860610962,-0.0033606775104999542,-2.013903298054858,3,2003,1 -20004,0.0036035997074992535,-0.0019508711993694305,-0.0030298568308353424,-2.1428588537245754,3,2004,1 -20005,0.0041562808216323785,-0.001483079046010971,-0.0038826726377010345,-1.9356669125006047,3,2005,1 -20006,0.003927683628235956,-0.0015883557498455048,-0.0035921894013881683,-1.9871191615149308,3,2006,1 -20007,0.003912950311946854,-0.0016073845326900482,-0.0035675615072250366,-1.9941121283934142,3,2007,1 -20008,0.0040429000292249015,-0.002092137932777405,-0.003459479659795761,-2.1147048830739044,3,2008,1 -20009,0.0040268032645478175,-0.002154514193534851,-0.003401942551136017,-2.1353553517408153,3,2009,1 -20010,0.003881037694134414,-0.0013935118913650513,-0.0036222338676452637,-1.9380531338214002,3,2010,1 -20011,0.003956621698644079,-0.0015639998018741608,-0.0036343857645988464,-1.977176240150647,3,2011,1 -20012,0.003895858244730227,-0.0017381161451339722,-0.003486640751361847,-2.0332491268153627,3,2012,1 -20013,0.003917931593168644,-0.001978401094675064,-0.003381732851266861,-2.1001326463062515,3,2013,1 -20014,0.003703674046891883,-0.0014443956315517426,-0.0034104138612747192,-1.9714169980000071,3,2014,1 -20015,0.0038028684421765506,-0.0021965503692626953,-0.003104347735643387,-2.186586292194771,3,2015,1 -20016,0.003840061397493892,-0.0017822831869125366,-0.00340140238404274,-2.0534471596921087,3,2016,1 -20017,0.003841072545711761,-0.0018137283623218536,-0.003385886549949646,-2.062573504748432,3,2017,1 -20018,0.0038225435734183305,-0.001666143536567688,-0.0034403204917907715,-2.0218043676344597,3,2018,1 -20019,0.0029385202303979607,-0.0012686364352703094,-0.0026505589485168457,-2.0172020655445193,3,2019,1 -20020,0.0038002895740063443,-0.002299197018146515,-0.003025870770215988,-2.2205694072876794,3,2020,1 -20021,0.0036706955467124013,-0.001669853925704956,-0.003268882632255554,-2.043072925474074,3,2021,1 -20022,0.0038163739501516384,-0.0018098726868629456,-0.0033599212765693665,-2.0648955714097235,3,2022,1 -20023,0.004185151282156092,-0.001973237842321396,-0.0036907754838466644,-2.061770747162967,3,2023,1 -20024,0.0035969356898612045,-0.0016894973814487457,-0.0031754598021507263,-2.0597525115709034,3,2024,1 -20025,0.003989825688996402,-0.0024342164397239685,-0.0031612180173397064,-2.2269906470826464,3,2025,1 -20026,0.003808979797851436,-0.0017560385167598724,-0.003380037844181061,-2.049947322343786,3,2026,1 -20027,0.004289043926889957,-0.0017005391418933868,-0.003937520086765289,-1.9784805688515565,3,2027,1 -20028,0.0038317464454186885,-0.0016032345592975616,-0.0034802183508872986,-2.0024884767635847,3,2028,1 -20029,0.004291941133039625,-0.0019033774733543396,-0.0038468055427074432,-2.030270713826218,3,2029,1 -20030,0.003928543045241923,-0.0016531385481357574,-0.0035637877881526947,-2.005125488450054,3,2030,1 -20031,0.0038227537918817775,-0.0016255080699920654,-0.003459937870502472,-2.0100003152525265,3,2031,1 -20032,0.0037392588739839114,-0.0016923025250434875,-0.003334391862154007,-2.0404494454589974,3,2032,1 -20033,0.003823657804906685,-0.001523345708847046,-0.0035071037709712982,-1.9805682186747082,3,2033,1 -20034,0.0032808083096659848,-0.0014400333166122437,-0.002947881817817688,-2.0251997795954813,3,2034,1 -20035,0.004274338844820229,-0.0019989125430583954,-0.0037781372666358948,-2.057431358274602,3,2035,1 -20036,0.004081953730044029,-0.001895952969789505,-0.00361492857336998,-2.053834563306082,3,2036,1 -20037,0.0035870644118351663,-0.0019800513982772827,-0.0029910579323768616,-2.1555544684784618,3,2037,1 -20038,0.0018131408350458645,-0.001009523868560791,-0.0015061013400554657,-2.1613028328355037,3,2038,1 -20039,0.0035378469786972334,-0.0015825219452381134,-0.0031641721725463867,-2.0345541282694874,3,2039,1 -20040,0.003812710109022364,-0.0015425197780132294,-0.003486745059490204,-1.9873082507987545,3,2040,1 -20041,0.003966260103198926,-0.002029016613960266,-0.003407977521419525,-2.1078064180542957,3,2041,1 -20042,0.004036202579103001,-0.001920018345117569,-0.0035502761602401733,-2.066555089364914,3,2042,1 -20043,0.004056663439590695,-0.0018319934606552124,-0.0036194361746311188,-2.0393553069262023,3,2043,1 -20044,0.003649126831119333,-0.001679837703704834,-0.0032394863665103912,-2.049174066978734,3,2044,1 -20045,0.004067886062864471,-0.0016793571412563324,-0.0037050582468509674,-1.9963585081062911,3,2045,1 -20046,0.004094186514334281,-0.0016959421336650848,-0.003726411610841751,-1.9978949196201508,3,2046,1 -20047,0.004111860212142469,-0.0019227750599384308,-0.0036346018314361572,-2.057389078894032,3,2047,1 -20048,0.003966365541183499,-0.0017052069306373596,-0.003581106662750244,-2.0151968810312737,3,2048,1 -20049,0.004263271309599658,-0.0017545782029628754,-0.0038854777812957764,-1.9949578782201405,3,2049,1 -20050,0.0038531384944406953,-0.0022115185856819153,-0.0031552910804748535,-2.1821207638823803,3,2050,1 -20051,0.003981002522020404,-0.0020705871284008026,-0.003400154411792755,-2.1177842705405037,3,2051,1 -20052,0.0037390930534102616,-0.001339014619588852,-0.0034911110997200012,-1.9370414763153254,3,2052,1 -20053,0.003205228700287313,-0.0012858398258686066,-0.002936001867055893,-1.9835895002003727,3,2053,1 -20054,0.0042034230608810515,-0.002410411834716797,-0.0034436434507369995,-2.1814952822886013,3,2054,1 -20055,0.003672416456187981,-0.0020558014512062073,-0.0030430778861045837,-2.1649350654202024,3,2055,1 -20056,0.003948829332787139,-0.0019865594804286957,-0.0034127458930015564,-2.0979500950416443,3,2056,1 -20057,0.003749880113519574,-0.0014289841055870056,-0.003466930240392685,-1.9617546595024344,3,2057,1 -20058,0.0037285490129321,-0.001661159098148346,-0.0033380575478076935,-2.0325561086177277,3,2058,1 -20059,0.003776646321278791,-0.0014347732067108154,-0.0034934915602207184,-1.9604917492096468,3,2059,1 -20060,0.001849112367058274,-0.0014164671301841736,-0.001188628375530243,-2.443431402831321,3,2060,1 -20061,0.0037377666992885854,-0.001926511526107788,-0.00320303812623024,-2.1122914654404377,3,2061,1 -20062,0.0034476573648981263,-0.001158144325017929,-0.0032473132014274597,-1.9133803825530717,3,2062,1 -20063,0.0039717663924508555,-0.002041824162006378,-0.003406740725040436,-2.110736476496798,3,2063,1 -20064,0.003892766151420386,-0.001981232315301895,-0.0033508725464344025,-2.1047635561464957,3,2064,1 -20065,0.0039331184943798645,-0.001985546201467514,-0.0033951476216316223,-2.0999783956925087,3,2065,1 -20066,0.003741908112909274,-0.0017515197396278381,-0.0033066682517528534,-2.057915369091514,3,2066,1 -20067,0.004064812067186362,-0.0019759349524974823,-0.0035522356629371643,-2.078426166055461,3,2067,1 -20068,0.0038132584210799243,-0.0016081780195236206,-0.0034575574100017548,-2.0061524035596836,3,2068,1 -20069,0.004072397747851322,-0.0016151927411556244,-0.0037383921444416046,-1.9786278029595028,3,2069,1 -20070,0.003696488254747217,-0.0017962642014026642,-0.0032307058572769165,-2.0782324378902843,3,2070,1 -20071,0.004172648542805565,-0.002128817141056061,-0.003588750958442688,-2.106194655347291,3,2071,1 -20072,0.0022586808410791255,-0.0010014548897743225,-0.002024531364440918,-2.0301628987938756,3,2072,1 -20073,0.004041396782717075,-0.0015216954052448273,-0.0037439726293087006,-1.9568409628235457,3,2073,1 -20074,0.0031291342727568995,-0.0012008585035800934,-0.0028895363211631775,-1.9646685497191168,3,2074,1 -20075,0.003988714772583243,-0.0018009990453720093,-0.003558967262506485,-2.039268559056027,3,2075,1 -20076,0.0022425609194587706,-0.0014391057193279266,-0.0017198994755744934,-2.267540714354118,3,2076,1 -20077,0.004021661839193977,-0.0021742619574069977,-0.0033832453191280365,-2.1419912707271105,3,2077,1 -20078,0.0039320472754463655,-0.0015549920499324799,-0.003611508756875992,-1.9773717706649192,3,2078,1 -20079,0.003380934420228251,-0.001843281090259552,-0.0028342604637145996,-2.147422462607036,3,2079,1 -20080,0.0036758778339043533,-0.0018751248717308044,-0.003161642700433731,-2.1061162238384785,3,2080,1 -20081,0.0034814113880904766,-0.0013202540576457977,-0.0032213591039180756,-1.9597598294450975,3,2081,1 -20082,0.0024631698518392435,-0.0014274455606937408,-0.0020073875784873962,-2.1889306102741704,3,2082,1 -20083,0.0037974630019902717,-0.001664385199546814,-0.003413289785385132,-2.0244902264977496,3,2083,1 -20084,0.0037466486227321263,-0.0016950294375419617,-0.003341294825077057,-2.0402646228883037,3,2084,1 -20085,0.00381699375057279,-0.0020102933049201965,-0.0032447129487991333,-2.1254739305241235,3,2085,1 -20086,0.0040939056013341345,-0.0015364699065685272,-0.0037946440279483795,-1.9555238891117799,3,2086,1 -20087,0.003776669753199252,-0.001396123319864273,-0.003509141504764557,-1.9494506805011858,3,2087,1 -20088,0.003842704216539075,-0.0019286945462226868,-0.0033236294984817505,-2.0966028525457574,3,2088,1 -20089,0.002291478508559814,-0.0020298585295677185,-0.0010632723569869995,-2.659074283896275,3,2089,1 -20090,0.0036329488006068577,-0.0016546323895454407,-0.0032342709600925446,-2.043675756465755,3,2090,1 -20091,0.0019603788225089464,-0.0013653486967086792,-0.001406736671924591,-2.3412653322410013,3,2091,1 -20092,0.003679460655551059,-0.0017030127346515656,-0.003261622041463852,-2.051996098528212,3,2092,1 -20093,0.0037727019172656305,-0.0016410574316978455,-0.003397088497877121,-2.0208146150842787,3,2093,1 -20094,0.0021151655782653983,-0.0014482587575912476,-0.001541581004858017,-2.3249914941476417,3,2094,1 -20095,0.003977046982601274,-0.0022659003734588623,-0.0032684244215488434,-2.1769911709222027,3,2095,1 -20096,0.0020990156208833127,-0.0012504346668720245,-0.0016859062016010284,-2.208963487407283,3,2096,1 -20097,0.003979389243676353,-0.0018966272473335266,-0.003498334437608719,-2.0675938516649177,3,2097,1 -20098,0.003963725385862456,-0.0020975060760974884,-0.0033632703125476837,-2.128424811504832,3,2098,1 -20099,0.004092895551790061,-0.0021386854350566864,-0.003489673137664795,-2.120618994185974,3,2099,1 -20100,0.003947981730034012,-0.0015023313462734222,-0.0036509670317173004,-1.9611672767521506,3,2100,1 -20101,0.003577137821040459,-0.001738026738166809,-0.003126528114080429,-2.078155498118475,3,2101,1 -20102,0.003628318286034043,-0.0015526190400123596,-0.003279339522123337,-2.012983164518002,3,2102,1 -20103,0.003878762425643408,-0.0018455274403095245,-0.003411572426557541,-2.06667328636631,3,2103,1 -20104,0.004119020204580737,-0.0019062533974647522,-0.0036513730883598328,-2.0519395675504,3,2104,1 -20105,0.004153668326197246,-0.0018453076481819153,-0.0037212632596492767,-2.0311441512070534,3,2105,1 -20106,0.002169368076419808,-0.0014502964913845062,-0.001613318920135498,-2.303032197170708,3,2106,1 -20107,0.004531824834362939,-0.0025806725025177,-0.0037252604961395264,-2.1766396190283945,3,2107,1 -20108,0.003989385242307447,-0.002149876207113266,-0.003360539674758911,-2.1399260085572354,3,2108,1 -20109,0.0036175323710266783,-0.0013715140521526337,-0.0033474601805210114,-1.9596519530501524,3,2109,1 -20110,0.003923842079602237,-0.0019004568457603455,-0.0034328997135162354,-2.0764000457949696,3,2110,1 -20111,0.002385834254375158,-0.0017774179577827454,-0.0015915371477603912,-2.4113132217123,3,2111,1 -20112,0.0038634612237774834,-0.001722533255815506,-0.0034582093358039856,-2.032922592217945,3,2112,1 -20113,0.0023160825882360615,-0.0015595033764839172,-0.001712363213300705,-2.309508978442949,3,2113,1 -20114,0.0038853492641163397,-0.0015970207750797272,-0.003541957587003708,-1.994387202624786,3,2114,1 -20115,0.0021658523392346545,-0.0014618933200836182,-0.0015980564057826996,-2.311725354518698,3,2115,1 -20116,0.0035524659471009414,-0.001240026205778122,-0.0033290162682533264,-1.927364882187609,3,2116,1 -20117,0.0041685082311808215,-0.002009674906730652,-0.003652077168226242,-2.07385656058071,3,2117,1 -20118,0.00417636634133671,-0.0020757317543029785,-0.0036239996552467346,-2.090955886554212,3,2118,1 -20119,0.003964620219265264,-0.0018118470907211304,-0.0035263895988464355,-2.0454202219564195,3,2119,1 -20120,0.0038682046585667984,-0.001978512853384018,-0.0033239275217056274,-2.107703641132063,3,2120,1 -20121,0.0038178349895161977,-0.001777205616235733,-0.0033789649605751038,-2.054996810016641,3,2121,1 -20122,0.003924843300113534,-0.0017578639090061188,-0.003509175032377243,-2.035190588559284,3,2122,1 -20123,0.003914340957051889,-0.0021322891116142273,-0.003282591700553894,-2.1468726355505967,3,2123,1 -20124,0.0037198045915537393,-0.0016374848783016205,-0.003339998424053192,-2.0266257830594916,3,2124,1 -20125,0.0035757794689832167,-0.0016510076820850372,-0.0031718090176582336,-2.050729230467369,3,2125,1 -20126,0.003300896743619836,-0.0016721300780773163,-0.0028460323810577393,-2.101996423820273,3,2126,1 -20127,0.003951147528953284,-0.0021038465201854706,-0.003344457596540451,-2.132306015922713,3,2127,1 -20128,0.0036491337662134323,-0.0014558210968971252,-0.0033461563289165497,-1.981167570157767,3,2128,1 -20129,0.003560558573257585,-0.0017433874309062958,-0.003104541450738907,-2.08247171267452,3,2129,1 -20130,0.004169376064687768,-0.0017698407173156738,-0.00377509742975235,-2.0091901751908368,3,2130,1 -20131,0.004192464018034867,-0.0021221190690994263,-0.003615710884332657,-2.101539787771425,3,2131,1 -20132,0.004262243669444911,-0.0015570148825645447,-0.00396767258644104,-1.9447557344899191,3,2132,1 -20133,0.0039684313167039,-0.0014825277030467987,-0.0036811083555221558,-1.9536621003337784,3,2133,1 -20134,0.0036736804804643015,-0.0014858022332191467,-0.0033598095178604126,-1.9871683864063436,3,2134,1 -20135,0.0019722878291796968,-0.0015828460454940796,-0.0011766552925109863,-2.502342150822863,3,2135,1 -20136,0.0035137667886437772,-0.0017835833132266998,-0.0030274391174316406,-2.1031917302835867,3,2136,1 -20137,0.004115693582374828,-0.0021698325872421265,-0.0034972503781318665,-2.1261095219621597,3,2137,1 -20138,0.0031218735465465136,-0.00138898566365242,-0.0027958564460277557,-2.031881859887949,3,2138,1 -20139,0.004107804014537428,-0.0018283165991306305,-0.0036784932017326355,-2.032064051082637,3,2139,1 -20140,0.0039990893550788135,-0.001627359539270401,-0.0036530010402202606,-1.989889779793209,3,2140,1 -20141,0.0038196264593828547,-0.001971762627363205,-0.0032713450491428375,-2.1132263291605495,3,2141,1 -20142,0.004080970441713243,-0.0018388107419013977,-0.0036432258784770966,-2.038213190920197,3,2142,1 -20143,0.004223515916211403,-0.0017489418387413025,-0.003844384104013443,-1.9977459590605808,3,2143,1 -20144,0.00417850371668706,-0.002018548548221588,-0.003658600151538849,-2.0749644955156215,3,2144,1 -20145,0.0036395153515806325,-0.001536726951599121,-0.003299172967672348,-2.0067046432188302,3,2145,1 -20146,0.0029841508402817323,-0.0013379864394664764,-0.002667386084794998,-2.035730778299865,3,2146,1 -20147,0.004181674353736291,-0.002063203603029251,-0.0036372505128383636,-2.0867812071097114,3,2147,1 -20148,0.003549714725562629,-0.0012751482427120209,-0.0033127740025520325,-1.9382342517533073,3,2148,1 -20149,0.0037745231111858796,-0.0016410797834396362,-0.0033991001546382904,-2.020588120747521,3,2149,1 -20150,0.003858159399803487,-0.001812119036912918,-0.003406114876270294,-2.059730100848881,3,2150,1 -20151,0.0036309760175217546,-0.002120092511177063,-0.002947743982076645,-2.194309087358287,3,2151,1 -20152,0.0034808676565793815,-0.0016995817422866821,-0.003037739545106888,-2.080895527061243,3,2152,1 -20153,0.00408169685387178,-0.0021485574543476105,-0.003470439463853836,-2.1251434370462,3,2153,1 -20154,0.004290236958797531,-0.002324264496564865,-0.0036060959100723267,-2.143321976061698,3,2154,1 -20155,0.004085695701609523,-0.0016970299184322357,-0.0037165842950344086,-1.9991335968794235,3,2155,1 -20156,0.003978750634221031,-0.0021395571529865265,-0.0033545121550559998,-2.1385576791691445,3,2156,1 -20157,0.0038949577677846025,-0.0017601288855075836,-0.0034745708107948303,-2.039689672636097,3,2157,1 -20158,0.0039153057192239035,-0.0017679966986179352,-0.0034933947026729584,-2.0393096581421104,3,2158,1 -20159,0.002973782949089493,-0.0012379921972751617,-0.0027038417756557465,-2.0001707985957933,3,2159,1 -20160,0.004270510065168435,-0.002621728926897049,-0.003371022641658783,-2.231806673574045,3,2160,1 -20161,0.0037264027164887834,-0.0016596652567386627,-0.0033364035189151764,-2.0323949663011898,3,2161,1 -20162,0.0038261351213226464,-0.0026841573417186737,-0.0027266480028629303,-2.348341724286717,3,2162,1 -20163,0.003518168095645785,-0.0018690377473831177,-0.0029806382954120636,-2.130875305576685,3,2163,1 -20164,0.003763906789783212,-0.0022245682775974274,-0.0030361637473106384,-2.2031269940687697,3,2164,1 -20165,0.004142244419706747,-0.001815151423215866,-0.003723360598087311,-2.02439687250004,3,2165,1 -20166,0.0038311875400625075,-0.0016615651547908783,-0.0034521296620368958,-2.0193853034490568,3,2166,1 -20167,0.0021144307661787485,-0.0014343932271003723,-0.0015534907579421997,-2.316355421418102,3,2167,1 -20168,0.004020223519507218,-0.0019962601363658905,-0.003489576280117035,-2.090421146374054,3,2168,1 -20169,0.003907865699678402,-0.0018713921308517456,-0.0034306421875953674,-2.0701728718461028,3,2169,1 -20170,0.0030747255647041913,-0.0010046958923339844,-0.0029059462249279022,-1.9036691859829555,3,2170,1 -20171,0.004248485882938295,-0.0018324777483940125,-0.0038329698145389557,-2.016757115866157,3,2171,1 -20172,0.004207727859301832,-0.0019951947033405304,-0.0037046149373054504,-2.064821823973717,3,2172,1 -20173,0.0027468211407677425,-0.0014853589236736298,-0.002310570329427719,-2.142131443497218,3,2173,1 -20174,0.0015901510969573542,-0.0012082681059837341,-0.0010337643325328827,-2.433870739311906,3,2174,1 -20175,0.003713337945533676,-0.00154779851436615,-0.0033753812313079834,-2.0007419160608295,3,2175,1 -20176,0.0038014626050201865,-0.0013418011367321014,-0.003556780517101288,-1.93153953877382,3,2176,1 -20177,0.003988584173795701,-0.0020468123257160187,-0.003423355519771576,-2.1096677095188583,3,2177,1 -20178,0.004071538822794795,-0.002160988748073578,-0.0034507326781749725,-2.1302872294012474,3,2178,1 -20179,0.0033314809015761063,-0.0012297965586185455,-0.003096185624599457,-1.9488842473343944,3,2179,1 -20180,0.0021469107566862823,-0.001588534563779831,-0.0014442242681980133,-2.403742460367997,3,2180,1 -20181,0.004270703566371745,-0.0019958913326263428,-0.003775622695684433,-2.057081408208397,3,2181,1 -20182,0.003581010349500114,-0.0015530958771705627,-0.0032266899943351746,-2.019394974752894,3,2182,1 -20183,0.003552192013229565,-0.0016829334199428558,-0.0031282268464565277,-2.0643667824893877,3,2183,1 -20184,0.0031829555736959145,-0.0014950595796108246,-0.0028099827468395233,-2.059756276493632,3,2184,1 -20185,0.003920425865847856,-0.0019310042262077332,-0.0034118853509426117,-2.0858132863147665,3,2185,1 -20186,0.0039224387885991524,-0.0022175051271915436,-0.003235459327697754,-2.171639730841766,3,2186,1 -20187,0.00407130213812686,-0.0017902888357639313,-0.003656551241874695,-2.026098495738142,3,2187,1 -20188,0.004403275850455064,-0.0022261105477809906,-0.003799114376306534,-2.1008247002385727,3,2188,1 -20189,0.0033401462210235987,-0.0015005096793174744,-0.002984132617712021,-2.036704910633027,3,2189,1 -20190,0.0038145461041249264,-0.001772914081811905,-0.0033775046467781067,-2.054179298759668,3,2190,1 -20191,0.00346125094315242,-0.0015378296375274658,-0.0031008608639240265,-2.031187739330296,3,2191,1 -20192,0.004016491998911234,-0.0017499402165412903,-0.0036152340471744537,-2.021599612188353,3,2192,1 -20193,0.00364712521571386,-0.0017074160277843475,-0.0032227709889411926,-2.0579968046661317,3,2193,1 -20194,0.003791092058489789,-0.0017393119633197784,-0.003368556499481201,-2.0474283298051357,3,2194,1 -20195,0.003452527475801118,-0.001684531569480896,-0.0030136853456497192,-2.0804930881346118,3,2195,1 -20196,0.003753310948027114,-0.00178474560379982,-0.0033018216490745544,-2.066342643455013,3,2196,1 -20197,0.0034557239557244436,-0.001675046980381012,-0.0030226223170757294,-2.0768355287381226,3,2197,1 -20198,0.003788315725974288,-0.0019012317061424255,-0.0032766833901405334,-2.096552596082081,3,2198,1 -20199,0.003612733097575767,-0.0017778649926185608,-0.0031450018286705017,-2.0853091508480004,3,2199,1 -20200,0.004070245517397333,-0.0015229731798171997,-0.0037745796144008636,-1.9543004200354583,3,2200,1 -20201,0.004187164598697606,-0.0018114037811756134,-0.0037750713527202606,-2.0181805581701724,3,2201,1 -20202,0.003975513629618507,-0.001950286328792572,-0.0034642592072486877,-2.0835454491201166,3,2202,1 -20203,0.003942929765020901,-0.0018137767910957336,-0.0035009868443012238,-2.048799837005598,3,2203,1 -20204,0.004344042707574602,-0.002302061766386032,-0.0036839134991168976,-2.1293206484039855,3,2204,1 -20205,0.0041905681660982744,-0.0019264556467533112,-0.0037215091288089752,-2.048467514071614,3,2205,1 -20206,0.0036704189484366495,-0.0017671138048171997,-0.003217030316591263,-2.0731017244511047,3,2206,1 -20207,0.0036919933317221864,-0.001318901777267456,-0.0034483782947063446,-1.9361000352037192,3,2207,1 -20208,0.003798496017631369,-0.0017042234539985657,-0.0033947303891181946,-2.0360588424227943,3,2208,1 -20209,0.002838134857290818,-0.001199815422296524,-0.0025720521807670593,-2.0072716345818336,3,2209,1 -20210,0.002314242931792116,-0.0013635046780109406,-0.0018699131906032562,-2.200839422311271,3,2210,1 -20211,0.00399854403074532,-0.0014015845954418182,-0.0037448517978191376,-1.9289265889317593,3,2211,1 -20212,0.0037746700089206623,-0.0018909424543380737,-0.0032668747007846832,-2.0954990010109187,3,2212,1 -20213,0.00395269562787744,-0.001660950481891632,-0.0035867877304553986,-2.0044697827425657,3,2213,1 -20214,0.004057789165710258,-0.0017690956592559814,-0.003651842474937439,-2.021917984014878,3,2214,1 -20215,0.004228109951489626,-0.0016542784869670868,-0.0038910508155822754,-1.9727936340627659,3,2215,1 -20216,0.0017979486052548633,-0.001336369663476944,-0.0012028031051158905,-2.40874844427253,3,2216,1 -20217,0.0038805377048653413,-0.0017437301576137543,-0.003466695547103882,-2.036836979281373,3,2217,1 -20218,0.00394467931620857,-0.0022304020822048187,-0.003253582864999771,-2.171739165990699,3,2218,1 -20219,0.004070854941899393,-0.0021470896899700165,-0.003458593040704727,-2.1263686984553196,3,2219,1 -20220,0.003995324261349056,-0.0017043128609657288,-0.003613576292991638,-2.011500936093835,3,2220,1 -20221,0.002303058731167815,-0.0014629065990447998,-0.0017787590622901917,-2.259065846164564,3,2221,1 -20222,0.004067340646883093,-0.0019495151937007904,-0.00356968492269516,-2.07066415724567,3,2222,1 -20223,0.003617006253491022,-0.0019225552678108215,-0.003063742071390152,-2.1312047514654773,3,2223,1 -20224,0.00426328792593012,-0.001897912472486496,-0.0038175322115421295,-2.0321668685910645,3,2224,1 -20225,0.0025410257919059515,-0.001643255352973938,-0.0019381754100322723,-2.274032875085001,3,2225,1 -20226,0.004037308729313008,-0.002197716385126114,-0.0033867247402668,-2.1464125623616424,3,2226,1 -20227,0.0037741660915594755,-0.0017130225896835327,-0.0033630169928073883,-2.041912426393378,3,2227,1 -20228,0.004197780758438507,-0.0016172081232070923,-0.003873758018016815,-1.9662784231645383,3,2228,1 -20229,0.003587247170712658,-0.0017289184033870697,-0.00314311683177948,-2.073689402112958,3,2229,1 -20230,0.004080539530832418,-0.002014297991991043,-0.0035487189888954163,-2.0870611381854784,3,2230,1 -20231,0.003753434650816948,-0.0018971972167491913,-0.0032386593520641327,-2.1007070457675714,3,2231,1 -20232,0.0038577096476559948,-0.0018905475735664368,-0.003362700343132019,-2.082966324800231,3,2232,1 -20233,0.0036304490197593634,-0.00145677849650383,-0.00332535058259964,-1.9836957331832776,3,2233,1 -20234,0.003966352283743895,-0.0017879679799079895,-0.003540497273206711,-2.0384397242428136,3,2234,1 -20235,0.004166031202830631,-0.0024699270725250244,-0.0033548884093761444,-2.20541803169045,3,2235,1 -20236,0.003681126683939479,-0.0016871094703674316,-0.00327175110578537,-2.0468928940850013,3,2236,1 -20237,0.0038531373466504197,-0.002250164747238159,-0.0031278468668460846,-2.194422368294212,3,2237,1 -20238,0.0037118408029282617,-0.0016250014305114746,-0.0033372342586517334,-2.0239338446410966,3,2238,1 -20239,0.0038766523357532156,-0.002135239541530609,-0.003235612064599991,-2.1541124062330024,3,2239,1 -20240,0.003841084888515395,-0.0014691352844238281,-0.00354902446269989,-1.9632744180193444,3,2240,1 -20241,0.003754311190083187,-0.001755405217409134,-0.0033186450600624084,-2.0573366771617647,3,2241,1 -20242,0.003810202129482271,-0.0018547512590885162,-0.003328293561935425,-2.079202391399754,3,2242,1 -20243,0.0037525675561956755,-0.0017013736069202423,-0.0033447109162807465,-2.041360487690599,3,2243,1 -20244,0.0036895605976776822,-0.0019060559570789337,-0.0031590834259986877,-2.113680753296769,3,2244,1 -20245,0.0037068877069175803,-0.0017127953469753265,-0.003287453204393387,-2.0511101604694475,3,2245,1 -20246,0.0021555681794227332,-0.001470804214477539,-0.0015758201479911804,-2.3217385287856804,3,2246,1 -20247,0.003604795200963878,-0.0018876120448112488,-0.0030710697174072266,-2.121913349123466,3,2247,1 -20248,0.003662569539139762,-0.0017739757895469666,-0.003204282373189926,-2.076419571305821,3,2248,1 -20249,0.003631414615406999,-0.0011067725718021393,-0.0034586451947689056,-1.8805008736915785,3,2249,1 -20250,0.003667537911788412,-0.0017481371760368347,-0.003224104642868042,-2.0676379619796803,3,2250,1 -20251,0.0037465835234741095,-0.0015887171030044556,-0.0033930614590644836,-2.0087025933540725,3,2251,1 -20252,0.004260407975713286,-0.0018627047538757324,-0.003831632435321808,-2.0232935196779307,3,2252,1 -20253,0.003934849567693989,-0.0015865042805671692,-0.003600839525461197,-1.9857998141152788,3,2253,1 -20254,0.0037164364660794615,-0.0016820542514324188,-0.0033139996230602264,-2.040473773331161,3,2254,1 -20255,0.003605595684324671,-0.001963689923286438,-0.0030239447951316833,-2.1467357232381925,3,2255,1 -20256,0.003921480722497016,-0.0016324333846569061,-0.0035655535757541656,-2.000146280215575,3,2256,1 -20257,0.003290697900033887,-0.0015862658619880676,-0.0028831325471401215,-2.0737841122584793,3,2257,1 -20258,0.0037149509623149567,-0.0016583986580371857,-0.0033242404460906982,-2.03354791605936,3,2258,1 -20259,0.0038459864283812415,-0.0018903501331806183,-0.0033493563532829285,-2.0846219171986955,3,2259,1 -20260,0.0022971420828943063,-0.001051284372806549,-0.0020424649119377136,-2.0461453734960986,3,2260,1 -20261,0.0024895645496269404,-0.0012615546584129333,-0.002146255224943161,-2.102192034853271,3,2261,1 -20262,0.003754696873548162,-0.0017818734049797058,-0.003304947167634964,-2.0652738693798876,3,2262,1 -20263,0.004102560802643131,-0.002152368426322937,-0.003492608666419983,-2.1230887794962157,3,2263,1 -20264,0.0023691980196001165,-0.0014111101627349854,-0.0019031204283237457,-2.2088170191369736,3,2264,1 -20265,0.0034680346001948383,-0.0016034618020057678,-0.003075089305639267,-2.051445188006628,3,2265,1 -20266,0.003907571751992019,-0.0017450526356697083,-0.003496270626783371,-2.0337383234155797,3,2266,1 -20267,0.0018933337624439121,-0.001436125487089157,-0.0012337975203990936,-2.4318303769961678,3,2267,1 -20268,0.004233195865616099,-0.0019103102385997772,-0.0037776529788970947,-2.038983228567869,3,2268,1 -20269,0.0023254571132663208,-0.0014590062201023102,-0.0018108151853084564,-2.249014085686404,3,2269,1 -20270,0.004088786104665326,-0.001578785479068756,-0.0037716850638389587,-1.9672242021374273,3,2270,1 -20271,0.0036735945247301366,-0.0017098747193813324,-0.003251403570175171,-2.0549393475146744,3,2271,1 -20272,0.002911719218360037,-0.0015823841094970703,-0.002444211393594742,-2.1453420839899544,3,2272,1 -20273,0.0034178974433469495,-0.0017632581293582916,-0.0029279589653015137,-2.112842240660145,3,2273,1 -20274,0.0038770843281947997,-0.0018370077013969421,-0.0034142620861530304,-2.0644104241513417,3,2274,1 -20275,0.0028273954182529513,-0.0011888369917869568,-0.0025653131306171417,-2.004760396878404,3,2275,1 -20276,0.0037909569505070904,-0.0019375346601009369,-0.003258422017097473,-2.1072532201727294,3,2276,1 -20277,0.00416533491158361,-0.0018734931945800781,-0.0037202201783657074,-2.0373177094771835,3,2277,1 -20278,0.004101994907516609,-0.0018481388688087463,-0.003662068396806717,-2.0381735644561223,3,2278,1 -20279,0.0040302945966391645,-0.0024835094809532166,-0.0031741857528686523,-2.2347182388455424,3,2279,1 -20280,0.003907359747721611,-0.001763325184583664,-0.0034868530929088593,-2.038998915551992,3,2280,1 -20281,0.003652139028160079,-0.001697339117527008,-0.0032337531447410583,-2.054150892785147,3,2281,1 -20282,0.003926476998919393,-0.0019302256405353546,-0.00341927632689476,-2.0847135691572785,3,2282,1 -20283,0.004070715573712323,-0.0023286156356334686,-0.0033389031887054443,-2.1797881994067407,3,2283,1 -20284,0.002228601614579946,-0.0013752393424510956,-0.0017536766827106476,-2.2358307471347025,3,2284,1 -20285,0.00201672284308355,-0.001561526209115982,-0.0012762472033500671,-2.4563870458667094,3,2285,1 -20286,0.00397757064515426,-0.0015176869928836823,-0.0036766417324543,-1.9622811171871053,3,2286,1 -20287,0.002065697985385318,-0.0014924444258213043,-0.0014281868934631348,-2.3781921887332635,3,2287,1 -20288,0.003503991040468174,-0.0014617592096328735,-0.0031845271587371826,-2.0011252842080878,3,2288,1 -20289,0.0038405603714325646,-0.001584477722644806,-0.0034984759986400604,-1.9960635321178968,3,2289,1 -20290,0.003699707264250409,-0.0019673630595207214,-0.0031332597136497498,-2.131475865206873,3,2290,1 -20291,0.00403863535218404,-0.0017877854406833649,-0.003621380776166916,-2.0293712085401316,3,2291,1 -20292,0.003957368278130278,-0.0015597343444824219,-0.0036370307207107544,-1.975921975690083,3,2292,1 -20293,0.0037651947177601555,-0.001902453601360321,-0.003249209374189377,-2.1004953456424813,3,2293,1 -20294,0.00417909034235325,-0.0017025470733642578,-0.003816559910774231,-1.9903978440620647,3,2294,1 -20295,0.003861053066875984,-0.001484788954257965,-0.003564145416021347,-1.9655225054827117,3,2295,1 -20296,0.004186311899437779,-0.0017272792756557465,-0.003813359886407852,-1.9961046634334294,3,2296,1 -20297,0.0035236425463575135,-0.0018324516713619232,-0.0030096806585788727,-2.1176996234914323,3,2297,1 -20298,0.003797269606207608,-0.001633085310459137,-0.003428161144256592,-2.015364763860137,3,2298,1 -20299,0.0036278848709081686,-0.001603923738002777,-0.0032540708780288696,-2.0287458923318975,3,2299,1 -20300,0.002109345178575448,-0.0013467073440551758,-0.001623488962650299,-2.2632765221809867,3,2300,1 -20301,0.004167676794082873,-0.0018902532756328583,-0.003714360296726227,-2.0415418356980783,3,2301,1 -20302,0.002266029641858108,-0.0015424862504005432,-0.0016600079834461212,-2.3195140115070823,3,2302,1 -20303,0.003987445314726607,-0.0017294809222221375,-0.003592856228351593,-2.0194263907486034,3,2303,1 -20304,0.0036227907851657205,-0.0014170072972774506,-0.0033341720700263977,-1.9726629521636432,3,2304,1 -20305,0.00420084628311081,-0.0020594224333763123,-0.0036614052951335907,-2.083161295551747,3,2305,1 -20306,0.0037420435994808764,-0.0019200481474399567,-0.0032119005918502808,-2.1095906400733107,3,2306,1 -20307,0.004043866479672632,-0.0022238977253437042,-0.0033774450421333313,-2.153092808244677,3,2307,1 -20308,0.0039758536584676984,-0.0021212399005889893,-0.003362700343132019,-2.1335658833397155,3,2308,1 -20309,0.004089424323090587,-0.002051088958978653,-0.0035378560423851013,-2.0961966094288083,3,2309,1 -20310,0.0035552337672309906,-0.001687459647655487,-0.003129243850708008,-2.0653524221916,3,2310,1 -20311,0.004145459379668098,-0.0016325749456882477,-0.0038104504346847534,-1.9755827411534572,3,2311,1 -20312,0.0034928028289355566,-0.0018767118453979492,-0.0029457807540893555,-2.138038603730694,3,2312,1 -20313,0.0035813741161345434,-0.002066202461719513,-0.002925243228673935,-2.185761506671825,3,2313,1 -20314,0.003909529053886625,-0.0019461624324321747,-0.0033907033503055573,-2.0918562852360663,3,2314,1 -20315,0.004192851067493326,-0.001940712332725525,-0.003716669976711273,-2.0520177365917305,3,2315,1 -20316,0.0038945444388232145,-0.0014809072017669678,-0.0036019980907440186,-1.9608647667189965,3,2316,1 -20317,0.0029203443527510012,-0.0009065531194210052,-0.0027760714292526245,-1.886438295362378,3,2317,1 -20318,0.003761459355624994,-0.002043023705482483,-0.003158263862133026,-2.144976432403663,3,2318,1 -20319,0.003513765949072629,-0.0016656778752803802,-0.0030938759446144104,-2.064673716817405,3,2319,1 -20320,0.0038488289740616403,-0.0018759146332740784,-0.0033607184886932373,-2.0799045992501055,3,2320,1 -20321,0.003943631480878573,-0.0021521374583244324,-0.003304623067378998,-2.1480501383410733,3,2321,1 -20322,0.0041633812661381305,-0.0016778148710727692,-0.0038103386759757996,-1.9855814979875495,3,2322,1 -20323,0.0034538619941416305,-0.0014638863503932953,-0.0031282901763916016,-2.0084775771719383,3,2323,1 -20324,0.0018945386411184765,-0.001400727778673172,-0.001275632530450821,-2.4029013062951643,3,2324,1 -20325,0.0041500845908620425,-0.001982700079679489,-0.00364583358168602,-2.0688872770358784,3,2325,1 -20326,0.002826191455455789,-0.0012968480587005615,-0.0025110840797424316,-2.0475167510349292,3,2326,1 -20327,0.004017094881519072,-0.0016301721334457397,-0.003671456128358841,-1.988659838806518,3,2327,1 -20328,0.0021708019581539576,-0.001617327332496643,-0.0014479756355285645,-2.411386328497407,3,2328,1 -20329,0.0021563009405694967,-0.001714549958705902,-0.001307651400566101,-2.4900261892366946,3,2329,1 -20330,0.0038678919747934873,-0.0018614530563354492,-0.0033905133605003357,-2.072885333919291,3,2330,1 -20331,0.0038400190074668545,-0.0017922446131706238,-0.0033961161971092224,-2.0563838632942777,3,2331,1 -20332,0.0022658924101260623,-0.0012859180569648743,-0.0018656589090824127,-2.174275629344161,3,2332,1 -20333,0.004106820874784606,-0.0019310861825942993,-0.0036244839429855347,-2.060329984763787,3,2333,1 -20334,0.003987398910138178,-0.0016344785690307617,-0.0036370083689689636,-1.9931527835114033,3,2334,1 -20335,0.0035240000220233977,-0.00187591090798378,-0.0029832087457180023,-2.1321401959063233,3,2335,1 -20336,0.003369082995614696,-0.0014766380190849304,-0.0030282437801361084,-2.024492519685886,3,2336,1 -20337,0.004175653494703565,-0.001844514161348343,-0.00374617800116539,-2.0283231518734706,3,2337,1 -20338,0.003442060611211476,-0.0019103363156318665,-0.0028632842004299164,-2.159156735170468,3,2338,1 -20339,0.0037773804521307117,-0.0018717870116233826,-0.0032810084521770477,-2.0892356512172543,3,2339,1 -20340,0.0038952646318721655,-0.0020176805555820465,-0.003331974148750305,-2.1152875118816765,3,2340,1 -20341,0.003997249127478471,-0.0017689839005470276,-0.00358450785279274,-2.0292369954122536,3,2341,1 -20342,0.0037801751373815235,-0.0016696862876415253,-0.0033914409577846527,-2.028283947178998,3,2342,1 -20343,0.003660524477941605,-0.0016513168811798096,-0.0032668933272361755,-2.038810430101102,3,2343,1 -20344,0.004047148213401711,-0.0020309463143348694,-0.003500666469335556,-2.0964997630351863,3,2344,1 -20345,0.002474441053713202,-0.001638464629650116,-0.0018542632460594177,-2.2944878085725695,3,2345,1 -20346,0.002733062565287077,-0.0007168017327785492,-0.002637390047311783,-1.8361706613761608,3,2346,1 -20347,0.003978218123841982,-0.0019521266222000122,-0.003466326743364334,-2.0836935931458647,3,2347,1 -20348,0.003760825058873154,-0.0017392784357070923,-0.003334473818540573,-2.051578222053238,3,2348,1 -20349,0.0020346628937582675,-0.0012547411024570465,-0.0016017109155654907,-2.235317862295405,3,2349,1 -20350,0.003536603189467043,-0.001735202968120575,-0.003081660717725754,-2.0836217012658738,3,2350,1 -20351,0.003922734399763956,-0.0017597191035747528,-0.003505885601043701,-2.0359890090784676,3,2351,1 -20352,0.0021012371094952698,-0.00137372687458992,-0.0015899911522865295,-2.2833529953665113,3,2352,1 -20353,0.003960990634903948,-0.0016000047326087952,-0.003623455762863159,-1.9866167193579702,3,2353,1 -20354,0.00416348353795177,-0.002080567181110382,-0.0036063604056835175,-2.0940693728132396,3,2354,1 -20355,0.0036005144688810334,-0.0015593282878398895,-0.0032453350722789764,-2.01870877230626,3,2355,1 -20356,0.0035171104477793747,-0.001223057508468628,-0.0032976046204566956,-1.9259612303494589,3,2356,1 -20357,0.004060597128128981,-0.002047549933195114,-0.0035065636038780212,-2.0993078123561846,3,2357,1 -20358,0.0036230451357269883,-0.0019975341856479645,-0.0030226334929466248,-2.1547673702716605,3,2358,1 -20359,0.0037148635212057553,-0.0020986124873161316,-0.0030652955174446106,-2.171136469854447,3,2359,1 -20360,0.004039086418183231,-0.0021281950175762177,-0.003432929515838623,-2.1257454920263212,3,2360,1 -20361,0.002114774119624299,-0.0016109757125377655,-0.0013700462877750397,-2.4368402833801306,3,2361,1 -20362,0.0038989861211998116,-0.0016366355121135712,-0.0035388581454753876,-2.0039763871844523,3,2362,1 -20363,0.0039245620370166505,-0.001981820911169052,-0.0033874139189720154,-2.100153813821277,3,2363,1 -20364,0.003386686704751455,-0.0012800320982933044,-0.0031354688107967377,-1.9583881792988524,3,2364,1 -20365,0.003914175819527318,-0.002180531620979309,-0.0032505467534065247,-2.1616687734542994,3,2365,1 -20366,0.0038315244481506804,-0.0020958445966243744,-0.0032074935734272003,-2.1495729152066048,3,2366,1 -20367,0.004139598536448576,-0.002513270825147629,-0.0032893382012844086,-2.223238938547263,3,2367,1 -20368,0.0035515093623968343,-0.0017124824225902557,-0.0031113699078559875,-2.0739427456934143,3,2368,1 -20369,0.0017072213427355562,-0.00023506209254264832,-0.0016909614205360413,-1.7089220642026974,3,2369,1 -20370,0.003966779424548702,-0.0021804869174957275,-0.003313731402158737,-2.1527857849908814,3,2370,1 -20371,0.004217829412508344,-0.001760624349117279,-0.0038327910006046295,-2.0014053062801453,3,2371,1 -20372,0.0021038923863794324,-0.0014003999531269073,-0.0015701092779636383,-2.299125136454652,3,2372,1 -20373,0.004143752516557903,-0.0015765316784381866,-0.0038321316242218018,-1.961089873235209,3,2373,1 -20374,0.003946732551405398,-0.0019458010792732239,-0.0034337379038333893,-2.0863489201920054,3,2374,1 -20375,0.0038922234699728148,-0.0019784122705459595,-0.003351908177137375,-2.104004461357488,3,2375,1 -20376,0.0037956414179065585,-0.0015898756682872772,-0.0034466199576854706,-2.0029955092505523,3,2376,1 -20377,0.003557538576871054,-0.0022678524255752563,-0.0027409717440605164,-2.262016753867182,3,2377,1 -20378,0.0034875273241342618,-0.001432672142982483,-0.0031796693801879883,-1.9941263890972027,3,2378,1 -20379,0.0038926237841780944,-0.001647014170885086,-0.0035270191729068756,-2.007673017230137,3,2379,1 -20380,0.004209423130287292,-0.0022925063967704773,-0.0035303905606269836,-2.146723891045116,3,2380,1 -20381,0.003939026239630116,-0.0020291246473789215,-0.0033761784434318542,-2.111959805880764,3,2381,1 -20382,0.0037039170150711415,-0.0016788169741630554,-0.003301601856946945,-2.0412093422841067,3,2382,1 -20383,0.004016561377991141,-0.001965980976819992,-0.0035025253891944885,-2.082276672701092,3,2383,1 -20384,0.004068931260217625,-0.001904170960187912,-0.0035958774387836456,-2.0577978919975273,3,2384,1 -20385,0.003672985828532471,-0.001645311713218689,-0.003283865749835968,-2.0352667337405412,3,2385,1 -20386,0.0037584400369745593,-0.0015053190290927887,-0.0034438185393810272,-1.9828773067887528,3,2386,1 -20387,0.003781065860878325,-0.0018791742622852325,-0.0032810308039188385,-2.090929735909427,3,2387,1 -20388,0.0039793390332173925,-0.0019286908209323883,-0.0034807026386260986,-2.0767892409532123,3,2388,1 -20389,0.0041172633389112085,-0.0016278885304927826,-0.003781776875257492,-1.9772791604252844,3,2389,1 -20390,0.001860345549628264,-0.0013358071446418762,-0.0012947991490364075,-2.371782027709655,3,2390,1 -20391,0.0021600375778526456,-0.001508418470621109,-0.0015461035072803497,-2.343857658093158,3,2391,1 -20392,0.003966007049416138,-0.0017577782273292542,-0.0035551972687244415,-2.0299739563422423,3,2392,1 -20393,0.0041264752267789,-0.0018070414662361145,-0.0037097707390785217,-2.0240734251927464,3,2393,1 -20394,0.004075440633961414,-0.001614689826965332,-0.0037419237196445465,-1.9781708318336304,3,2394,1 -20395,0.003330414728059537,-0.001572445034980774,-0.0029358267784118652,-2.0625209890161513,3,2395,1 -20396,0.004000956838515621,-0.0021302886307239532,-0.003386668860912323,-2.13228251544889,3,2396,1 -20397,0.003901668232256242,-0.0020058192312717438,-0.003346595913171768,-2.1107458764334353,3,2397,1 -20398,0.0024022640207343386,-0.0013655126094818115,-0.001976422965526581,-2.175389442366312,3,2398,1 -20399,0.003960034672729758,-0.001813698559999466,-0.003520280122756958,-2.046541139445743,3,2399,1 -20400,0.004104963382069776,-0.0016741827130317688,-0.0037480443716049194,-1.9908873016085857,3,2400,1 -20401,0.004174265491340776,-0.0017867423593997955,-0.0037725381553173065,-2.013116554462664,3,2401,1 -20402,0.0038993128320519853,-0.0018096789717674255,-0.0034539401531219482,-2.0534169001306792,3,2402,1 -20403,0.0035275124959916002,-0.0017778798937797546,-0.003046717494726181,-2.0990245583847176,3,2403,1 -20404,0.0037829895226525207,-0.0017858855426311493,-0.003334909677505493,-2.0624486363877135,3,2404,1 -20405,0.003641139537245532,-0.0017431080341339111,-0.0031967908143997192,-2.0699993389208657,3,2405,1 -20406,0.0025898636020998084,-0.0011675171554088593,-0.0023117735981941223,-2.0384605700652156,3,2406,1 -20407,0.0037879692254409623,-0.0020784959197044373,-0.0031667910516262054,-2.1516165304153203,3,2407,1 -20408,0.0017802071979242597,-0.0014547742903232574,-0.0010260455310344696,-2.5273216023660487,3,2408,1 -20409,0.0036845248416441027,-0.0016119517385959625,-0.003313206136226654,-2.0236045068263224,3,2409,1 -20410,0.00402227687082455,-0.0017506256699562073,-0.0036213286221027374,-2.021092843809229,3,2410,1 -20411,0.0038538642560140644,-0.0014243870973587036,-0.003580976277589798,-1.9493745125757043,3,2411,1 -20412,0.0038321296897994663,-0.002191796898841858,-0.0031434446573257446,-2.179680713706118,3,2412,1 -20413,0.004033128304010917,-0.0017770566046237946,-0.0036205239593982697,-2.027079910515897,3,2413,1 -20414,0.003955903856731918,-0.0013929232954978943,-0.0037025585770606995,-1.9306235480735627,3,2414,1 -20415,0.004109666140548062,-0.0021546855568885803,-0.0034995265305042267,-2.1226856419193023,3,2415,1 -20416,0.0023717113746158,-0.0013648122549057007,-0.001939665526151657,-2.1839562427129757,3,2416,1 -20417,0.00336267421992695,-0.0015218518674373627,-0.0029985904693603516,-2.040443739939699,3,2417,1 -20418,0.003783117587576485,-0.0016719438135623932,-0.0033936090767383575,-2.0285661813309206,3,2418,1 -20419,0.004224133064020735,-0.001998916268348694,-0.003721240907907486,-2.063731181213695,3,2419,1 -20420,0.004040281208419745,-0.0013763085007667542,-0.0037986375391483307,-1.9184009879144581,3,2420,1 -20421,0.0035222811785405577,-0.0014890730381011963,-0.0031920410692691803,-2.0072829834624177,3,2421,1 -20422,0.004141502264208284,-0.0017344653606414795,-0.00376080721616745,-2.0029208919631265,3,2422,1 -20423,0.0019494308053277436,-0.0014902055263519287,-0.0012568086385726929,-2.4409547696958667,3,2423,1 -20424,0.0034549045899285686,-0.0017017722129821777,-0.003006715327501297,-2.085833344327149,3,2424,1 -20425,0.001975529018582532,-0.0013283751904964447,-0.0014622360467910767,-2.308262937901836,3,2425,1 -20426,0.003652939623128925,-0.0015202611684799194,-0.003321561962366104,-2.0000306781878163,3,2426,1 -20427,0.0016946785987271503,-0.0012308955192565918,-0.0011648312211036682,-2.3837633939926977,3,2427,1 -20428,0.004125394531345739,-0.0017883926630020142,-0.00371759757399559,-2.0191785843038583,3,2428,1 -20429,0.00391220079471659,-0.001407075673341751,-0.0036504045128822327,-1.9387035192971522,3,2429,1 -20430,0.001854821851244701,-0.0014307908713817596,-0.0011803396046161652,-2.4518187525103303,3,2430,1 -20431,0.003840531063232415,-0.002234186977148056,-0.003123793751001358,-2.191661479456879,3,2431,1 -20432,0.004102899134585342,-0.002169370651245117,-0.003482472151517868,-2.1279128081932965,3,2432,1 -20433,0.004099105116644813,-0.0016374550759792328,-0.0037578456103801727,-1.9817311244235203,3,2433,1 -20434,0.002143212336231952,-0.0016879737377166748,-0.0013206452131271362,-2.477685277815742,3,2434,1 -20435,0.00376942128586312,-0.0014633461833000183,-0.0034737810492515564,-1.9694902989969185,3,2435,1 -20436,0.00385366596475284,-0.0021826811134815216,-0.003175947815179825,-2.1729162394712898,3,2436,1 -20437,0.0038920923583099076,-0.0020299218595027924,-0.0033208131790161133,-2.119463245175892,3,2437,1 -20438,0.0035197530222758396,-0.0016386695206165314,-0.0031150318682193756,-2.055067860233093,3,2438,1 -20439,0.0041865901686704695,-0.002100002020597458,-0.0036218129098415375,-2.0962459277730403,3,2439,1 -20440,0.003473701005809965,-0.001672111451625824,-0.003044772893190384,-2.073005490297432,3,2440,1 -20441,0.004300887026328786,-0.0023230314254760742,-0.003619551658630371,-2.141386052943769,3,2441,1 -20442,0.004384590844842269,-0.0024389661848545074,-0.0036436356604099274,-2.1606730210584377,3,2442,1 -20443,0.003928256380866551,-0.002134609967470169,-0.003297671675682068,-2.1452769278528514,3,2443,1 -20444,0.004042551341287244,-0.0018302872776985168,-0.003604479134082794,-2.0406496197700945,3,2444,1 -20445,0.0036441596755604844,-0.0014953464269638062,-0.0033232271671295166,-1.99362377777226,3,2445,1 -20446,0.003180182161317365,-0.0013207271695137024,-0.0028929635882377625,-1.9990680316433642,3,2446,1 -20447,0.002137165952254047,-0.0015441179275512695,-0.0014775581657886505,-2.3782183596397775,3,2447,1 -20448,0.004258886014225608,-0.0029944032430648804,-0.003028474748134613,-2.3505375365438432,3,2448,1 -20449,0.0040334453243127,-0.0019154101610183716,-0.0035496316850185394,-2.065626151550738,3,2449,1 -20450,0.003860037989289133,-0.0017499923706054688,-0.0034405551850795746,-2.0413293383627495,3,2450,1 -20451,0.0018029267499476132,-0.0011763647198677063,-0.0013662762939929962,-2.2816422441451567,3,2451,1 -20452,0.0034659379130294547,-0.0017502382397651672,-0.002991553395986557,-2.1001580997069405,3,2452,1 -20453,0.0037492224255581855,-0.0017962269484996796,-0.0032909326255321503,-2.0704176617871153,3,2453,1 -20454,0.00411448274269296,-0.001991584897041321,-0.003600355237722397,-2.076065039487672,3,2454,1 -20455,0.003043915962669977,-0.0015959665179252625,-0.002591971307992935,-2.122705149533193,3,2455,1 -20456,0.00325767543446792,-0.0010125935077667236,-0.0030963048338890076,-1.8868658021770388,3,2456,1 -20457,0.0034208983072255535,-0.0017052367329597473,-0.0029655881226062775,-2.092636577685978,3,2457,1 -20458,0.003548792959153372,-0.001889783889055252,-0.003003772348165512,-2.1323649299841576,3,2458,1 -20459,0.0036897423421058816,-0.0021918006241321564,-0.0029681995511054993,-2.2068499005471045,3,2459,1 -20460,0.003775232749929909,-0.0018059872090816498,-0.003315236419439316,-2.0696027247917095,3,2460,1 -20461,0.003392618612673206,-0.001614246517419815,-0.0029839687049388885,-2.0666826169384334,3,2461,1 -20462,0.004171019613004523,-0.0017550922930240631,-0.0037837885320186615,-2.005104116628322,3,2462,1 -20463,0.0035262047421587036,-0.0017409510910511017,-0.0030664652585983276,-2.0871564471026707,3,2463,1 -20464,0.002071004908147483,-0.0012547187507152557,-0.0016476474702358246,-2.2216304237791835,3,2464,1 -20465,0.0038354697601377416,-0.0015919841825962067,-0.003489471971988678,-1.9988148511318113,3,2465,1 -20466,0.003985757650521706,-0.002214774489402771,-0.0033137649297714233,-2.1599675187212672,3,2466,1 -20467,0.0029614790338865714,-0.0019167028367519379,-0.002257566899061203,-2.274716899302664,3,2467,1 -20468,0.003525999213743946,-0.00115213543176651,-0.0033324547111988068,-1.9036636561859785,3,2468,1 -20469,0.0035242600477433704,-0.0016585029661655426,-0.0031096264719963074,-2.0607625446358027,3,2469,1 -20470,0.0020775018289858837,-0.0014229118824005127,-0.0015137158334255219,-2.325283174008702,3,2470,1 -20471,0.004052032864961757,-0.0016680620610713959,-0.0036927685141563416,-1.9950717388406438,3,2471,1 -20472,0.0037218646431656636,-0.0020070523023605347,-0.0031343288719654083,-2.140354338641917,3,2472,1 -20473,0.003762712557169932,-0.001889783889055252,-0.0032537244260311127,-2.0969833026061333,3,2473,1 -20474,0.003645041696184611,-0.0018336884677410126,-0.0031502246856689453,-2.0979364829625826,3,2474,1 -20475,0.0020991974390528953,-0.0013724826276302338,-0.0015883706510066986,-2.2834091707166766,3,2475,1 -20476,0.0035663923407046154,-0.0016745403409004211,-0.003148820251226425,-2.059558559806411,3,2476,1 -20477,0.0037644078384292514,-0.001778099685907364,-0.0033180005848407745,-2.0627458528640656,3,2477,1 -20478,0.0038545949096526213,-0.0016452819108963013,-0.0034858211874961853,-2.0117880611139443,3,2478,1 -20479,0.003825411707717382,-0.0015600621700286865,-0.0034928470849990845,-1.9908566088830866,3,2479,1 -20480,0.003872877319221588,-0.0017960108816623688,-0.0034312568604946136,-2.0530090424239216,3,2480,1 -20481,0.004171776871562908,-0.0017278864979743958,-0.0037971213459968567,-1.997843293896285,3,2481,1 -20482,0.0031981592893213697,-0.0014856085181236267,-0.0028321705758571625,-2.0538886790414903,3,2482,1 -20483,0.003722924998187113,-0.0017568990588188171,-0.0032822974026203156,-2.0622563724420253,3,2483,1 -20484,0.0036346464236460914,-0.0015271566808223724,-0.0032982490956783295,-2.0044251251805587,3,2484,1 -20485,0.0038310508526408103,-0.0020428448915481567,-0.0032409466803073883,-2.13321462923504,3,2485,1 -20486,0.0015431878282546095,-0.001041758805513382,-0.0011384934186935425,-2.3118550276434626,3,2486,1 -20487,0.001791216552552473,-0.0013442710041999817,-0.0011838041245937347,-2.419583387696436,3,2487,1 -20488,0.003956689509039316,-0.001361258327960968,-0.003715153783559799,-1.9220122025553439,3,2488,1 -20489,0.003643009890211166,-0.0019121691584587097,-0.0031008273363113403,-2.1233788782687157,3,2489,1 -20490,0.003663672361935207,-0.0015723854303359985,-0.003309093415737152,-2.0143842246390795,3,2490,1 -20491,0.0038905208997700655,-0.0017619319260120392,-0.003468681126832962,-2.0407872073207893,3,2491,1 -20492,0.003983695129151185,-0.0014358721673488617,-0.003715924918651581,-1.9395329496113274,3,2492,1 -20493,0.003621290871802875,-0.0017917342483997345,-0.003146972507238388,-2.0883754231961054,3,2493,1 -20494,0.003815927879761468,-0.0019729137420654297,-0.003266330808401108,-2.1141630149455115,3,2494,1 -20495,0.002872347443381058,-0.00173945352435112,-0.0022857561707496643,-2.2212984275292422,3,2495,1 -20496,0.0034520028856770504,-0.002264872193336487,-0.002605125308036804,-2.2864406370682313,3,2496,1 -20497,0.0018577853227966094,-0.0014122948050498962,-0.0012069754302501678,-2.4344225306284613,3,2497,1 -20498,0.004302904842220975,-0.002064637839794159,-0.0037752166390419006,-2.0712506464791756,3,2498,1 -20499,0.0038388045654128636,-0.002065524458885193,-0.003235742449760437,-2.138935519560925,3,2499,1 -20500,0.00351676680173888,-0.0016884244978427887,-0.0030849426984786987,-2.071573057815959,3,2500,1 -20501,0.004186587670667025,-0.0017800703644752502,-0.003789309412240982,-2.009961565458762,3,2501,1 -20502,0.003722076148972866,-0.0017716772854328156,-0.0032733790576457977,-2.066887630885106,3,2502,1 -20503,0.003916865854598589,-0.0015929751098155975,-0.0035783052444458008,-1.9896312591369696,3,2503,1 -20504,0.003653937446948827,-0.0015561692416667938,-0.003305993974208832,-2.010739786353453,3,2504,1 -20505,0.0036451142166155433,-0.0018228068947792053,-0.003156617283821106,-2.0944742316453473,3,2505,1 -20506,0.0038792821272763335,-0.0017056837677955627,-0.003484174609184265,-2.0260504510194486,3,2506,1 -20507,0.004027378043202577,-0.0015608668327331543,-0.0037126094102859497,-1.9687839378130274,3,2507,1 -20508,0.003281995969416055,-0.001425042748451233,-0.0029564760625362396,-2.0199463634133408,3,2508,1 -20509,0.003899116464078196,-0.0020982474088668823,-0.003286406397819519,-2.139018056899845,3,2509,1 -20510,0.003239472991595504,-0.0015762001276016235,-0.0028301551938056946,-2.0789449855767117,3,2510,1 -20511,0.0017777182045461244,-0.001260373741388321,-0.0012536905705928802,-2.3588527973092948,3,2511,1 -20512,0.003866097498143905,-0.0013888441026210785,-0.0036080218851566315,-1.9382461925643797,3,2512,1 -20513,0.00183201284324404,-0.0012620612978935242,-0.001327957957983017,-2.330757441159151,3,2513,1 -20514,0.002814745426274341,-0.0017613284289836884,-0.0021955668926239014,-2.2468896720126637,3,2514,1 -20515,0.004068060156841208,-0.0018098950386047363,-0.0036432668566703796,-2.031863062798668,3,2515,1 -20516,0.003442341136215678,-0.0019524917006492615,-0.002835046499967575,-2.1738969165124664,3,2516,1 -20517,0.004009785008054138,-0.001824699342250824,-0.0035705529153347015,-2.043237762475879,3,2517,1 -20518,0.002743658489728195,-0.0013892799615859985,-0.0023659169673919678,-2.1017551431544756,3,2518,1 -20519,0.0035287763083947992,-0.0015660561621189117,-0.0031622350215911865,-2.030626376581547,3,2519,1 -20520,0.0042358263292528505,-0.0021358951926231384,-0.003657892346382141,-2.099304039950438,3,2520,1 -20521,0.0033990043480429093,-0.001662135124206543,-0.002964884042739868,-2.081746714455534,3,2521,1 -20522,0.003787419487703063,-0.0016096681356430054,-0.003428339958190918,-2.0097625449254335,3,2522,1 -20523,0.0035067955933366446,-0.0018111392855644226,-0.0030028969049453735,-2.1135146266835987,3,2523,1 -20524,0.003618729969439636,-0.0019810907542705536,-0.003028281033039093,-2.150115957823085,3,2524,1 -20525,0.003803741272046879,-0.0018422231078147888,-0.0033278614282608032,-2.07638062545388,3,2525,1 -20526,0.0019847420784659562,-0.0012913011014461517,-0.0015072301030158997,-2.2791890864926305,3,2526,1 -20527,0.0039251478821711394,-0.001861032098531723,-0.003455914556980133,-2.0647724711931104,3,2527,1 -20528,0.0034672578580137625,-0.001594357192516327,-0.003078944981098175,-2.048602677962868,3,2528,1 -20529,0.003930411691409297,-0.002208337187767029,-0.0032513663172721863,-2.167427668602033,3,2529,1 -20530,0.002270350256299042,-0.0014068186283111572,-0.0017819516360759735,-2.23909082932314,3,2530,1 -20531,0.0037936058534091717,-0.001551806926727295,-0.003461696207523346,-1.99221843820745,3,2531,1 -20532,0.0031030669895211727,-0.0014939308166503906,-0.0027197785675525665,-2.073089649817525,3,2532,1 -20533,0.0037767336789433655,-0.0021251775324344635,-0.0031220726668834686,-2.16844770067169,3,2533,1 -20534,0.0035703180487950186,-0.0014393255114555359,-0.003267340362071991,-1.985737937853077,3,2534,1 -20535,0.003929156012985443,-0.0022103451192378998,-0.0032484829425811768,-2.1682627277346422,3,2535,1 -20536,0.0031593846482863707,-0.0014090128242969513,-0.0028277896344661713,-2.033061834815724,3,2536,1 -20537,0.003939805553828297,-0.0019875168800354004,-0.0034017413854599,-2.0995652830788747,3,2537,1 -20538,0.003903035419362385,-0.001642514020204544,-0.0035405978560447693,-2.0051563108801758,3,2538,1 -20539,0.0037836718450440818,-0.0015083923935890198,-0.003470003604888916,-1.9808497849431597,3,2539,1 -20540,0.003995262478947277,-0.001981128007173538,-0.0034694746136665344,-2.089631911856452,3,2540,1 -20541,0.003656447999943152,-0.0014212951064109802,-0.0033689066767692566,-1.9700265714870984,3,2541,1 -20542,0.003715946853523485,-0.002064615488052368,-0.003089599311351776,-2.1598922132212923,3,2542,1 -20543,0.003095615517590137,-0.0016279183328151703,-0.002633005380630493,-2.124544221056861,3,2543,1 -20544,0.003941155621584568,-0.0018224790692329407,-0.003494463860988617,-2.051521758906587,3,2544,1 -20545,0.001990586181880358,-0.0014111027121543884,-0.00140400230884552,-2.358716736502502,3,2545,1 -20546,0.004002165866438637,-0.0019213929772377014,-0.00351078063249588,-2.0715516867912727,3,2546,1 -20547,0.004056856480422865,-0.001822490245103836,-0.00362444669008255,-2.0367075116627533,3,2547,1 -20548,0.004280966298547986,-0.0021455176174640656,-0.003704514354467392,-2.0957535773589884,3,2548,1 -20549,0.004079213198546953,-0.0017019212245941162,-0.003707215189933777,-2.0011783442961626,3,2549,1 -20550,0.003703897764264117,-0.0019222535192966461,-0.003166038542985916,-2.116455035150995,3,2550,1 -20551,0.0034377610642797136,-0.0019728951156139374,-0.00281529501080513,-2.182043845074591,3,2551,1 -20552,0.0037948734443971803,-0.0016696006059646606,-0.0034078583121299744,-2.0263528297007682,3,2552,1 -20553,0.0036778224942820635,-0.0018851011991500854,-0.0031579695641994476,-2.108958784729347,3,2553,1 -20554,0.003624740595336621,-0.0014197379350662231,-0.0033351294696331024,-1.9732529586472718,3,2554,1 -20555,0.0039049060117034187,-0.0016267746686935425,-0.0035499148070812225,-2.0004958386611773,3,2555,1 -20556,0.00343891615102056,-0.0016878992319107056,-0.0029961876571178436,-2.083830468386169,3,2556,1 -20557,0.004171225112044296,-0.0022113509476184845,-0.003536812961101532,-2.129566990543663,3,2557,1 -20558,0.0037873171813103995,-0.00174669548869133,-0.0033604800701141357,-2.0501389521546627,3,2558,1 -20559,0.003991768866678282,-0.001719798892736435,-0.003602292388677597,-2.0162156088653385,3,2559,1 -20560,0.0037483636148725303,-0.001245945692062378,-0.0035352297127246857,-1.9096405254454742,3,2560,1 -20561,0.00407530446953253,-0.001841571182012558,-0.0036354809999465942,-2.039674197076957,3,2561,1 -20562,0.0020898479147883546,-0.0012618042528629303,-0.0016659274697303772,-2.21902838144482,3,2562,1 -20563,0.003715716664436311,-0.002055291086435318,-0.003095533698797226,-2.1569183776857885,3,2563,1 -20564,0.0034811672343930482,-0.0020187348127365112,-0.0028360597789287567,-2.1894043578428506,3,2564,1 -20565,0.0019714514212060903,-0.0015391148626804352,-0.0012319684028625488,-2.466583752601711,3,2565,1 -20566,0.0038963995608524075,-0.002092316746711731,-0.0032869651913642883,-2.1376579753988367,3,2566,1 -20567,0.004095312734527758,-0.00196211040019989,-0.003594677895307541,-2.070438230973238,3,2567,1 -20568,0.0038949919521658804,-0.001814465969800949,-0.0034465454518795013,-2.0553866439361257,3,2568,1 -20569,0.003884297888269169,-0.0016576722264289856,-0.003512818366289139,-2.0117060738619443,3,2569,1 -20570,0.0037935943383446604,-0.0020632557570934296,-0.0031834468245506287,-2.145848839472382,3,2570,1 -20571,0.003847005400221041,-0.0019273608922958374,-0.0033293738961219788,-2.0955535483689594,3,2571,1 -20572,0.003722563771172189,-0.0021653324365615845,-0.003028005361557007,-2.191586062245052,3,2572,1 -20573,0.0020992053065839534,-0.001498393714427948,-0.0014701969921588898,-2.365692557505937,3,2573,1 -20574,0.003950874669833328,-0.00177798792719841,-0.0035281963646411896,-2.037588400504404,3,2574,1 -20575,0.003846698152661546,-0.00208248570561409,-0.0032342448830604553,-2.1428616200144996,3,2575,1 -20576,0.003820332729058716,-0.0018843188881874084,-0.003323294222354889,-2.0866001303681987,3,2576,1 -20577,0.0022169167592585633,-0.00157967209815979,-0.0015554279088974,-2.3639274830617976,3,2577,1 -20578,0.004072888167792824,-0.0017533637583255768,-0.0036761574447155,-2.0158390206455405,3,2578,1 -20579,0.003966493449707451,-0.0017580091953277588,-0.0035556256771087646,-2.029978284691162,3,2579,1 -20580,0.003989815634403723,-0.0015587173402309418,-0.0036727413535118103,-1.9721600225980571,3,2580,1 -20581,0.0036843967235340126,-0.0014884322881698608,-0.003370363265275955,-1.9866627234382042,3,2581,1 -20582,0.0030939833674453058,-0.0013975314795970917,-0.0027603693306446075,-2.0394586774900403,3,2582,1 -20583,0.0018612753864375175,-0.0014754869043827057,-0.001134585589170456,-2.486069214349695,3,2583,1 -20584,0.004079638189578727,-0.0018180981278419495,-0.003652118146419525,-2.032698562974052,3,2584,1 -20585,0.0037590855728768264,-0.002001166343688965,-0.0031821466982364655,-2.132175919879521,3,2585,1 -20586,0.0032873776678422296,-0.001698378473520279,-0.0028146691620349884,-2.1137139270094147,3,2586,1 -20587,0.0034701022189713676,-0.001687522977590561,-0.0030321404337882996,-2.0786506941437457,3,2587,1 -20588,0.004146125187960731,-0.0019262917339801788,-0.0036714784801006317,-2.053979709825328,3,2588,1 -20589,0.003913637748437967,-0.002050597220659256,-0.003333408385515213,-2.1222922306367087,3,2589,1 -20590,0.004025450605355903,-0.001835305243730545,-0.0035827234387397766,-2.044208037121655,3,2590,1 -20591,0.00309371091358605,-0.0012890622019767761,-0.002812359482049942,-2.000577442992078,3,2591,1 -20592,0.0035572839661211822,-0.0015181861817836761,-0.0032170452177524567,-2.0117282047149856,3,2592,1 -20593,0.0038014939327345723,-0.0018274560570716858,-0.003333430737257004,-2.072272521110931,3,2593,1 -20594,0.003881286108288143,-0.0018759220838546753,-0.003397837281227112,-2.07524500594029,3,2594,1 -20595,0.0038777840209907907,-0.001700427383184433,-0.003485076129436493,-2.024730777288009,3,2595,1 -20596,0.003499413250406145,-0.0018364489078521729,-0.0029788166284561157,-2.1232619764790615,3,2596,1 -20597,0.0037882390828797206,-0.0016892775893211365,-0.0033907368779182434,-2.0330058472033277,3,2597,1 -20598,0.003858626256324762,-0.0018167681992053986,-0.0034041665494441986,-2.0610309628467722,3,2598,1 -20599,0.0037842417822003776,-0.00211908295750618,-0.003135278820991516,-2.16515264251325,3,2599,1 -20600,0.0037794629334909117,-0.0015112385153770447,-0.003464173525571823,-1.982155364128154,3,2600,1 -20601,0.0038309157331875288,-0.001682925969362259,-0.0034414641559123993,-2.025616999109049,3,2601,1 -20602,0.0037250688320971392,-0.0017678849399089813,-0.0032788291573524475,-2.0652958798759933,3,2602,1 -20603,0.002872474709855051,-0.0012843236327171326,-0.00256936252117157,-2.0343325781257655,3,2603,1 -20604,0.002286282098651374,-0.0019213706254959106,-0.0012391209602355957,-2.568800353351595,3,2604,1 -20605,0.00243319230188276,-0.0018697567284107208,-0.0015570595860481262,-2.4471925262143035,3,2605,1 -20606,0.0038617824782274076,-0.0014978349208831787,-0.003559473901987076,-1.9691061465565503,3,2606,1 -20607,0.00404818447991474,-0.0019071288406848907,-0.003570806235074997,-2.0613419012346363,3,2607,1 -20608,0.0036310892779798398,-0.0015109777450561523,-0.0033017806708812714,-1.9999731745540066,3,2608,1 -20609,0.003911964536411206,-0.0014357976615428925,-0.0036389492452144623,-1.9466075623384758,3,2609,1 -20610,0.003854379609232556,-0.0016233697533607483,-0.003495842218399048,-2.005537173420102,3,2610,1 -20611,0.0023245252335722644,-0.0012721717357635498,-0.0019455067813396454,-2.1499100622101985,3,2611,1 -20612,0.0035897580145647276,-0.0015059895813465118,-0.003258582204580307,-2.003717188109963,3,2612,1 -20613,0.0040405348706279934,-0.0024543777108192444,-0.0032096654176712036,-2.2236287410757263,3,2613,1 -20614,0.0022919576586839818,-0.001396428793668747,-0.0018174313008785248,-2.225940258561713,3,2614,1 -20615,0.003597707710812369,-0.0017566122114658356,-0.0031397156417369843,-2.0808896978159446,3,2615,1 -20616,0.003948185821546166,-0.0014868490397930145,-0.003657519817352295,-1.9569093380780525,3,2616,1 -20617,0.0035598279622204333,-0.0017879940569400787,-0.0030782222747802734,-2.0970180236525415,3,2617,1 -20618,0.0018143124532070784,-0.0013904161751270294,-0.0011655353009700775,-2.4439517443017844,3,2618,1 -20619,0.0036806935958160593,-0.0016143061220645905,-0.0033077970147132874,-2.024822637146925,3,2619,1 -20620,0.004133288828580571,-0.0018550865352153778,-0.0036936067044734955,-2.036236384462752,3,2620,1 -20621,0.00428910790866394,-0.002250116318464279,-0.003651496022939682,-2.1230553069236793,3,2621,1 -20622,0.003744833618428321,-0.002200789749622345,-0.003029901534318924,-2.1989933222651428,3,2622,1 -20623,0.0021468442986979194,-0.0018595755100250244,-0.001072809100151062,-2.6183235809344705,3,2623,1 -20624,0.002856297318808779,-0.001311134546995163,-0.002537589520215988,-2.047702697753074,3,2624,1 -20625,0.0030251180869403102,-0.001310240477323532,-0.0027266480028629303,-2.018748252022021,3,2625,1 -20626,0.001819060085302617,-0.0009345188736915588,-0.0015606582164764404,-2.1103314664346544,3,2626,1 -20627,0.003910168525363919,-0.0016062185168266296,-0.0035650357604026794,-1.9941055934256628,3,2627,1 -20628,0.0038694372865557157,-0.0018950961530208588,-0.00337359681725502,-2.082610946338397,3,2628,1 -20629,0.003976799996440829,-0.0016101747751235962,-0.003636244684457779,-1.9876571140232717,3,2629,1 -20630,0.003650720317935913,-0.0014348626136779785,-0.0033569224178791046,-1.9747267453635413,3,2630,1 -20631,0.004004498114932816,-0.001649700105190277,-0.0036489032208919525,-1.9954022861553133,3,2631,1 -20632,0.0043335119775078455,-0.0020154789090156555,-0.003836296498775482,-2.0545341179280827,3,2632,1 -20633,0.003465863335639479,-0.0017127729952335358,-0.0030130743980407715,-2.087691881300346,3,2633,1 -20634,0.003923157791323569,-0.0016887113451957703,-0.00354110449552536,-2.01578422834736,3,2634,1 -20635,0.0034091850676593073,-0.001744009554386139,-0.0029293298721313477,-2.107798015285998,3,2635,1 -20636,0.004008933628158971,-0.0013786330819129944,-0.003764428198337555,-1.92185299767687,3,2636,1 -20637,0.0019558436529117356,-0.0013898834586143494,-0.0013760626316070557,-2.361191229656128,3,2637,1 -20638,0.0036770397345522016,-0.001532815396785736,-0.003342319279909134,-2.0007858227099318,3,2638,1 -20639,0.001705234316865414,-0.0013400688767433167,-0.0010545328259468079,-2.4748756791324316,3,2639,1 -20640,0.003809587972650728,-0.002031441777944565,-0.0032227635383605957,-2.1332275418083384,3,2640,1 -20641,0.0037506251668203727,-0.002019152045249939,-0.003160730004310608,-2.1392752113086573,3,2641,1 -20642,0.0037208424599829465,-0.0019097812473773956,-0.003193337470293045,-2.109782101581574,3,2642,1 -20643,0.0030659158698583574,-0.0015785619616508484,-0.0026283040642738342,-2.1116575971512437,3,2643,1 -20644,0.0036776985670370303,-0.0016562193632125854,-0.003283657133579254,-2.0379438272805475,3,2644,1 -20645,0.004150665239943314,-0.002350803464651108,-0.0034207813441753387,-2.1728883746337226,3,2645,1 -20646,0.0037407075141400376,-0.0014271102845668793,-0.0034577809274196625,-1.9622235922961844,3,2646,1 -20647,0.003511736274255546,-0.0021023228764533997,-0.0028129220008850098,-2.212618806649004,3,2647,1 -20648,0.0038041536099896033,-0.0014119260013103485,-0.0035324282944202423,-1.951047574363176,3,2648,1 -20649,0.0042836099575333545,-0.0018727295100688934,-0.0038525573909282684,-2.0232625149880428,3,2649,1 -20650,0.004082932012023411,-0.0017579570412635803,-0.00368509441614151,-2.0159121366274904,3,2650,1 -20651,0.0037188272415337783,-0.0016471631824970245,-0.0033341459929943085,-2.0296553436104126,3,2651,1 -20652,0.003988360402759405,-0.001589655876159668,-0.0036578699946403503,-1.9807575651827063,3,2652,1 -20653,0.004007884202816614,-0.002049669623374939,-0.003444124013185501,-2.1076204100885283,3,2653,1 -20654,0.003281202490261228,-0.0017712339758872986,-0.002762068063020706,-2.141010627484049,3,2654,1 -20655,0.004063864073128361,-0.0016605257987976074,-0.0037091299891471863,-1.9917243149429427,3,2655,1 -20656,0.002415063263213837,-0.0017592348158359528,-0.0016545765101909637,-2.3868422107856233,3,2656,1 -20657,0.0036851798986281834,-0.001857522875070572,-0.0031827911734580994,-2.099080484068514,3,2657,1 -20658,0.0037289598738421523,-0.0020052939653396606,-0.0031438730657100677,-2.13857701482168,3,2658,1 -20659,0.0036160126417199884,-0.0017018765211105347,-0.0031904801726341248,-2.06082370804168,3,2659,1 -20660,0.004306385626612243,-0.00273234024643898,-0.003328554332256317,-2.258139323149646,3,2660,1 -20661,0.003877981036386938,-0.0021807439625263214,-0.003206726163625717,-2.1680092715852615,3,2661,1 -20662,0.003735239791064724,-0.0017526410520076752,-0.0032985247671604156,-2.059201151779566,3,2662,1 -20663,0.0036466616906480408,-0.0012326091527938843,-0.0034320279955863953,-1.915598269491458,3,2663,1 -20664,0.002192723792924948,-0.0013019479811191559,-0.0017643608152866364,-2.2065179439833944,3,2664,1 -20665,0.004117835268635994,-0.0018112808465957642,-0.0036980845034122467,-2.026241760622412,3,2665,1 -20666,0.004121787581534925,-0.0018101856112480164,-0.0037030205130577087,-2.0254763747397235,3,2666,1 -20667,0.004042508430495883,-0.0023249685764312744,-0.0033070221543312073,-2.1835595906408187,3,2667,1 -20668,0.0037644542187223657,-0.0019723400473594666,-0.0032063983380794525,-2.1222639488451738,3,2668,1 -20669,0.003751634874785512,-0.0015355125069618225,-0.0034230053424835205,-1.9924738038690726,3,2669,1 -20670,0.00404144582815877,-0.0018368959426879883,-0.0035998746752738953,-2.0426234713671554,3,2670,1 -20671,0.0037250181718951622,-0.001795392483472824,-0.0032637901604175568,-2.073711962258171,3,2671,1 -20672,0.003926461206496419,-0.0017167963087558746,-0.00353124737739563,-2.0233210863612983,3,2672,1 -20673,0.002361367060088263,-0.0017181448638439178,-0.0016198866069316864,-2.385621981513628,3,2673,1 -20674,0.004116964191984597,-0.0016028210520744324,-0.0037921443581581116,-1.97069075912485,3,2674,1 -20675,0.003788920259600781,-0.0013618431985378265,-0.003535717725753784,-1.9384509497960567,3,2675,1 -20676,0.0035189258763040103,-0.0015473440289497375,-0.0031604692339897156,-2.026083833880444,3,2676,1 -20677,0.003579455215653812,-0.0011136308312416077,-0.0034018121659755707,-1.8871648932341865,3,2677,1 -20678,0.0022727225963615734,-0.0016359947621822357,-0.0015775896608829498,-2.3743669307704813,3,2678,1 -20679,0.003817891724268564,-0.0017927661538124084,-0.0033707991242408752,-2.059599632964871,3,2679,1 -20680,0.00349129334160095,-0.001895371824502945,-0.0029320120811462402,-2.144665304122284,3,2680,1 -20681,0.003753041290328375,-0.0018086619675159454,-0.0032884739339351654,-2.0736398421306843,3,2681,1 -20682,0.0031327838760005734,-0.001013442873954773,-0.002964332699775696,-1.9002180954614947,3,2682,1 -20683,0.0038388925113575583,-0.002423331141471863,-0.002977341413497925,-2.2539703395087325,3,2683,1 -20684,0.00273182275219982,-0.0008111707866191864,-0.0026086121797561646,-1.8722764529788967,3,2684,1 -20685,0.004380857665463774,-0.0023129507899284363,-0.003720507025718689,-2.1270019458320064,3,2685,1 -20686,0.0035360789538133176,-0.0017803199589252472,-0.003055211156606674,-2.0984099367097286,3,2686,1 -20687,0.003667290552145072,-0.0017205588519573212,-0.0032386258244514465,-2.0591396411505944,3,2687,1 -20688,0.002569111051016931,-0.0018970146775245667,-0.0017325319349765778,-2.4014812159235865,3,2688,1 -20689,0.0037112553687805045,-0.0022700130939483643,-0.0029360614717006683,-2.2289489570152616,3,2689,1 -20690,0.004071204036210419,-0.00204676017165184,-0.0035193003714084625,-2.0975627500601695,3,2690,1 -20691,0.004169119933378611,-0.001877911388874054,-0.003722231835126877,-2.0380471803587557,3,2691,1 -20692,0.004165103574161053,-0.0017430409789085388,-0.003782842308282852,-2.0025749249412534,3,2692,1 -20693,0.004271450305153747,-0.0023490265011787415,-0.0035675428807735443,-2.153084553400106,3,2693,1 -20694,0.003745106615964265,-0.0018598176538944244,-0.003250677138566971,-2.090472844958643,3,2694,1 -20695,0.003851597606511118,-0.0018441267311573029,-0.00338141992688179,-2.070078284820388,3,2695,1 -20696,0.003792438743009945,-0.001986738294363022,-0.003230396658182144,-2.1221822526557634,3,2696,1 -20697,0.0019713736404519118,-0.0016446560621261597,-0.0010869316756725311,-2.557602095639344,3,2697,1 -20698,0.003709139206758134,-0.0016943179070949554,-0.003299545496702194,-2.04518582635876,3,2698,1 -20699,0.003987948906404995,-0.0021082349121570587,-0.0033851265907287598,-2.1278073876946597,3,2699,1 -20700,0.004006908517691814,-0.0016744770109653473,-0.003640253096818924,-2.0019261312344683,3,2700,1 -20701,0.003932606162484108,-0.0015327930450439453,-0.0036215931177139282,-1.9711729465798762,3,2701,1 -20702,0.003875784022311383,-0.0016370154917240143,-0.003513101488351822,-2.0068548999039626,3,2702,1 -20703,0.003963167633987551,-0.0018383190035820007,-0.00351102277636528,-2.053133454298991,3,2703,1 -20704,0.002460682961080505,-0.001554582267999649,-0.0019074156880378723,-2.254629045332021,3,2704,1 -20705,0.004072536921889838,-0.0018558092415332794,-0.00362512469291687,-2.0439421383261736,3,2705,1 -20706,0.003077118015012799,-0.0013752542436122894,-0.002752695232629776,-2.034126124685829,3,2706,1 -20707,0.0036266753639316966,-0.0015183351933956146,-0.003293544054031372,-2.002762959747789,3,2707,1 -20708,0.003943987479710629,-0.002081815153360367,-0.00334978848695755,-2.126857946769345,3,2708,1 -20709,0.0037987226690707446,-0.0018764287233352661,-0.003302924335002899,-2.087438174978309,3,2709,1 -20710,0.00386895023466929,-0.0016947723925113678,-0.003478005528450012,-2.0242185428228274,3,2710,1 -20711,0.003558556309688884,-0.0015620552003383636,-0.0031973905861377716,-2.025234482403873,3,2711,1 -20712,0.003946147761196023,-0.0018910989165306091,-0.0034634992480278015,-2.0705696347028266,3,2712,1 -20713,0.003875185725384336,-0.0018749386072158813,-0.003391411155462265,-2.0758243151156974,3,2713,1 -20714,0.003998022486730024,-0.0015737637877464294,-0.003675248473882675,-1.9753794262153634,3,2714,1 -20715,0.003703953591543342,-0.0014675445854663849,-0.00340082123875618,-1.9781819900803475,3,2715,1 -20716,0.003921385207171033,-0.0015489161014556885,-0.0036025159060955048,-1.976855557367281,3,2716,1 -20717,0.004129596490851448,-0.0017584078013896942,-0.0037365183234214783,-2.010649040500773,3,2717,1 -20718,0.001951909258785463,-0.0012727603316307068,-0.0014798752963542938,-2.281093583300784,3,2718,1 -20719,0.0016652472276885,-0.0011447854340076447,-0.0012093447148799896,-2.328777525202452,3,2719,1 -20720,0.004066045110610851,-0.0023939982056617737,-0.0032865628600120544,-2.2003425994966688,3,2720,1 -20721,0.003872283253403288,-0.002572000026702881,-0.002894718199968338,-2.297229667255725,3,2721,1 -20722,0.003513358050662006,-0.0016921833157539368,-0.003078993409872055,-2.073324536238766,3,2722,1 -20723,0.0044922995495781945,-0.001879855990409851,-0.0040800608694553375,-2.00254742663302,3,2723,1 -20724,0.0037919350634995097,-0.0017380677163600922,-0.0033701471984386444,-2.0469443117239714,3,2724,1 -20725,0.003808725093976574,-0.0018483027815818787,-0.003330189734697342,-2.0774811024066033,3,2725,1 -20726,0.00350205425967224,-0.0016395486891269684,-0.0030945539474487305,-2.0580123805237793,3,2726,1 -20727,0.0038250418054568917,-0.0020948462188243866,-0.003200400620698929,-2.150368742408386,3,2727,1 -20728,0.00383141865255531,-0.0015994459390640259,-0.003481600433588028,-2.0014394334275423,3,2728,1 -20729,0.003770304920325428,-0.001688484102487564,-0.003371085971593857,-2.035141655213372,3,2729,1 -20730,0.002206566811554106,-0.0015884488821029663,-0.0015315897762775421,-2.374416319739545,3,2730,1 -20731,0.004209935521844384,-0.002237629145383835,-0.0035660304129123688,-2.131180321586555,3,2731,1 -20732,0.0037063985242623923,-0.0015431642532348633,-0.0033698715269565582,-2.000224991760641,3,2732,1 -20733,0.0032687640243540964,-0.0015072599053382874,-0.0029005147516727448,-2.050042088328954,3,2733,1 -20734,0.0034153397072307595,-0.0017327778041362762,-0.002943132072687149,-2.1029049182326487,3,2734,1 -20735,0.003795936763012671,-0.0020523257553577423,-0.003193289041519165,-2.1420223609909583,3,2735,1 -20736,0.0032962537901958405,-0.00153297558426857,-0.0029180943965911865,-2.0545054961106812,3,2736,1 -20737,0.0037464526989472694,-0.001273028552532196,-0.0035235360264778137,-1.9174960007305406,3,2737,1 -20738,0.003931380142949483,-0.0017298273742198944,-0.003530360758304596,-2.026400696858973,3,2738,1 -20739,0.003232308144820626,-0.0014973431825637817,-0.002864573150873184,-2.052447028054734,3,2739,1 -20740,0.003937559349388885,-0.0014637485146522522,-0.003655381500720978,-1.951679020602703,3,2740,1 -20741,0.0027389286077379913,-0.0011725462973117828,-0.0024752505123615265,-2.0131900875517537,3,2741,1 -20742,0.0037914129468843414,-0.0019233562052249908,-0.003267340362071991,-2.10283668704336,3,2742,1 -20743,0.0021547235394383446,-0.0014872997999191284,-0.0015590935945510864,-2.3326320350319474,3,2743,1 -20744,0.003469753703704053,-0.0017318427562713623,-0.0030066445469856262,-2.0933856786427985,3,2744,1 -20745,0.0035746502463830524,-0.0019073672592639923,-0.003023255616426468,-2.1336259788055063,3,2745,1 -20746,0.003849468454801882,-0.001262608915567398,-0.003636512905359268,-1.904977394876337,3,2746,1 -20747,0.003799013918722451,-0.0016156211495399475,-0.0034383535385131836,-2.0100607293387447,3,2747,1 -20748,0.0036359650648314073,-0.0012905225157737732,-0.003399234265089035,-1.9336382938288403,3,2748,1 -20749,0.003654006146136804,-0.0016121529042720795,-0.0032791346311569214,-2.0277333890839766,3,2749,1 -20750,0.00200322028833295,-0.0014411844313144684,-0.0013913586735725403,-2.373783143832117,3,2750,1 -20751,0.0036109553111171584,-0.0018098950386047363,-0.003124624490737915,-2.0958082569478504,3,2751,1 -20752,0.0037896880963432505,-0.0017269961535930634,-0.0033733099699020386,-2.043965242671855,3,2752,1 -20753,0.003859255390478139,-0.001761559396982193,-0.003433767706155777,-2.0447981961937245,3,2753,1 -20754,0.0035281627027037724,-0.001567605882883072,-0.0031607821583747864,-2.0312027453510995,3,2754,1 -20755,0.0033955792743727664,-0.0019441992044448853,-0.002783890813589096,-2.18043072337787,3,2755,1 -20756,0.003297916843604537,-0.0014042109251022339,-0.0029840320348739624,-2.0106280876593874,3,2756,1 -20757,0.0018417043454915661,-0.001141514629125595,-0.0014452748000621796,-2.2393023296409007,3,2757,1 -20758,0.003643934754457377,-0.0015518665313720703,-0.00329696387052536,-2.0107268409186423,3,2758,1 -20759,0.004084958286172678,-0.0025771819055080414,-0.0031693875789642334,-2.253503222103755,3,2759,1 -20760,0.003654332377930149,-0.0017357468605041504,-0.0032157935202121735,-2.065741383622774,3,2760,1 -20761,0.002880619304713514,-0.0011558756232261658,-0.002638544887304306,-1.983687722354671,3,2761,1 -20762,0.0040293525024771605,-0.001839853823184967,-0.003584776073694229,-2.0449804861402776,3,2762,1 -20763,0.003819043288544477,-0.0015092343091964722,-0.0035081766545772552,-1.977067183344252,3,2763,1 -20764,0.004131559899308765,-0.0022598430514335632,-0.0034587420523166656,-2.1495379328317115,3,2764,1 -20765,0.003503944388327814,-0.001479964703321457,-0.0031760558485984802,-2.0068558995121317,3,2765,1 -20766,0.002171268669442117,-0.001376073807477951,-0.00167953222990036,-2.2572070476073174,3,2766,1 -20767,0.002437434579429889,-0.0013525448739528656,-0.002027735114097595,-2.159045211742603,3,2767,1 -20768,0.0036335274382567556,-0.0015656277537345886,-0.003278922289609909,-2.01626814658899,3,2768,1 -20769,0.0036226461859301534,-0.0021114982664585114,-0.0029436610639095306,-2.1930411991693557,3,2769,1 -20770,0.00232433002548367,-0.0015940964221954346,-0.0016915574669837952,-2.3265405829926418,3,2770,1 -20771,0.0038307553468922575,-0.0017419196665287018,-0.0034118033945560455,-2.0428537213040827,3,2771,1 -20772,0.004254258630616621,-0.001873757690191269,-0.003819391131401062,-2.026888184798812,3,2772,1 -20773,0.0037959669777088436,-0.0015806294977664948,-0.003451228141784668,-2.0002752030502378,3,2773,1 -20774,0.0041850992099967755,-0.0020862333476543427,-0.003628041595220566,-2.092653274149773,3,2774,1 -20775,0.004138671619527222,-0.0020792149007320404,-0.0035784728825092316,-2.0971535955123795,3,2775,1 -20776,0.0038011428542209093,-0.0011147595942020416,-0.0036340057849884033,-1.8684413424489414,3,2776,1 -20777,0.0039900220055575164,-0.0018855147063732147,-0.0035164058208465576,-2.062986784691271,3,2777,1 -20778,0.00363105668163965,-0.0017267242074012756,-0.0031942129135131836,-2.0663777108152233,3,2778,1 -20779,0.0038181367324424415,-0.0021021440625190735,-0.00318734347820282,-2.1538408720740594,3,2779,1 -20780,0.0021961270344041236,-0.0014131702482700348,-0.001681048423051834,-2.269836043609141,3,2780,1 -20781,0.004074532044791693,-0.002202145755290985,-0.003428172320127487,-2.141787117128994,3,2781,1 -20782,0.003931447193604338,-0.0018290206789970398,-0.0034800805151462555,-2.054688884094787,3,2782,1 -20783,0.003704700849598835,-0.001573897898197174,-0.0033537521958351135,-2.0095793118666587,3,2783,1 -20784,0.0042264946262155455,-0.0020289085805416107,-0.0037076659500598907,-2.071502596503792,3,2784,1 -20785,0.0038542373427699504,-0.0017530061304569244,-0.003432508558034897,-2.042972796592663,3,2785,1 -20786,0.003577352319977981,-0.0016084015369415283,-0.003195386379957199,-2.037121292477495,3,2786,1 -20787,0.0026159301331495173,-0.001520741730928421,-0.0021284818649291992,-2.1911694754775533,3,2787,1 -20788,0.003961046381317681,-0.002148602157831192,-0.0033276714384555817,-2.1441267903099286,3,2788,1 -20789,0.0033669425276987896,-0.0011105723679065704,-0.0031785108149051666,-1.9069367182904908,3,2789,1 -20790,0.004103478607196544,-0.001997023820877075,-0.00358474999666214,-2.0790656448416196,3,2790,1 -20791,0.003772354985619636,-0.0018297843635082245,-0.0032988712191581726,-2.0772177545166763,3,2791,1 -20792,0.002412022272881849,-0.0015987008810043335,-0.001806102693080902,-2.2953551933984095,3,2792,1 -20793,0.001614002398029109,-0.0007160492241382599,-0.0014464706182479858,-2.030461632668741,3,2793,1 -20794,0.004090032094884874,-0.002054572105407715,-0.003536537289619446,-2.097095082623448,3,2794,1 -20795,0.004021185344509376,-0.00202091783285141,-0.0034764669835567474,-2.0973625627121057,3,2795,1 -20796,0.003998144846511075,-0.00231131911277771,-0.003262355923652649,-2.187191980973844,3,2796,1 -20797,0.003636548581226587,-0.0016451366245746613,-0.0032431483268737793,-2.0402392726180434,3,2797,1 -20798,0.0032073051933012384,-0.0015354156494140625,-0.0028159022331237793,-2.069997698129805,3,2798,1 -20799,0.004328444251823967,-0.0020211264491081238,-0.003827594220638275,-2.05662422625912,3,2799,1 -20800,0.0031237634854416694,-0.0014097392559051514,-0.002787567675113678,-2.039012466583581,3,2800,1 -20801,0.004144917179507225,-0.0016024336218833923,-0.0038226358592510223,-1.9677406723331465,3,2801,1 -20802,0.003943904051791604,-0.0020552165806293488,-0.0033660754561424255,-2.1189499016651374,3,2802,1 -20803,0.004083289149830561,-0.0022485367953777313,-0.003408420830965042,-2.153960654706331,3,2803,1 -20804,0.004181674364425873,-0.002546645700931549,-0.0033167749643325806,-2.2255973560556668,3,2804,1 -20805,0.003559052390616373,-0.0016051903367042542,-0.0031765103340148926,-2.038699934395072,3,2805,1 -20806,0.00371184865481891,-0.001645989716053009,-0.003326941281557083,-2.030231624871837,3,2806,1 -20807,0.0036571562267799923,-0.0018076300621032715,-0.003179192543029785,-2.087793554373049,3,2807,1 -20808,0.003979234674475111,-0.0017568431794643402,-0.0035704076290130615,-2.028069168530705,3,2808,1 -20809,0.0020514928974985558,-0.0012521035969257355,-0.0016250722110271454,-2.2272832468877684,3,2809,1 -20810,0.0042467927999928125,-0.001956164836883545,-0.003769438713788986,-2.049491807148006,3,2810,1 -20811,0.004314233066032544,-0.0018736757338047028,-0.0038861222565174103,-2.020058453361819,3,2811,1 -20812,0.003877894474566729,-0.001904912292957306,-0.0033777765929698944,-2.0842899987174786,3,2812,1 -20813,0.0023909205075599085,-0.0017434470355510712,-0.0016361214220523834,-2.387941015428636,3,2813,1 -20814,0.003913613236472656,-0.0017065219581127167,-0.0035219527781009674,-2.0219984594256557,3,2814,1 -20815,0.004192203816310949,-0.0015269331634044647,-0.003904234617948532,-1.9436039361745163,3,2815,1 -20816,0.003878324674597312,-0.0012572184205055237,-0.0036688968539237976,-1.900925612889202,3,2816,1 -20817,0.003816628460396257,-0.0019684694707393646,-0.0032698288559913635,-2.1126924131058775,3,2817,1 -20818,0.003967858998008734,-0.0016840621829032898,-0.0035927481949329376,-2.009124093377654,3,2818,1 -20819,0.004069025855235855,-0.0017495453357696533,-0.003673698753118515,-2.015252142840356,3,2819,1 -20820,0.0037988994292947726,-0.0017968975007534027,-0.0033470578491687775,-2.063494383974351,3,2820,1 -20821,0.0036837076274963253,-0.001621060073375702,-0.003307849168777466,-2.0264641428241736,3,2821,1 -20822,0.004077712699533174,-0.0017523281276226044,-0.0036819949746131897,-2.0149935004611934,3,2822,1 -20823,0.003769775627231861,-0.001766704022884369,-0.0033301599323749542,-2.0585578720490703,3,2823,1 -20824,0.004061509523164035,-0.002338837832212448,-0.003320496529340744,-2.1844450719220876,3,2824,1 -20825,0.0036891620218277377,-0.001269899308681488,-0.0034637078642845154,-1.922208823186138,3,2825,1 -20826,0.0018660774871057692,-0.0009352974593639374,-0.0016147643327713013,-2.0957933264148494,3,2826,1 -20827,0.003950899820488618,-0.0023262612521648407,-0.003193449229001999,-2.2003607830241005,3,2827,1 -20828,0.0041307818706236964,-0.0016766749322414398,-0.0037751980125904083,-1.988757216288484,3,2828,1 -20829,0.003610623245477682,-0.0017980560660362244,-0.003131069242954254,-2.0920762788010316,3,2829,1 -20830,0.002262919142759674,-0.0017567947506904602,-0.001426350325345993,-2.459634643137032,3,2830,1 -20831,0.003779327357800473,-0.0019866079092025757,-0.0032150745391845703,-2.124276730033542,3,2831,1 -20832,0.004144876577533959,-0.002025838941335678,-0.0036160722374916077,-2.0814611524293096,3,2832,1 -20833,0.003882715785116551,-0.0017187483608722687,-0.003481578081846237,-2.0293665957743294,3,2833,1 -20834,0.004070196934189391,-0.002002499997615814,-0.003543514758348465,-2.0851714596348843,3,2834,1 -20835,0.0035142408707907603,-0.001630891114473343,-0.00311288982629776,-2.053392748381199,3,2835,1 -20836,0.003895387157206488,-0.0023099444806575775,-0.0031365901231765747,-2.2055694402266863,3,2836,1 -20837,0.0026303986174677227,-0.002093106508255005,-0.0015930794179439545,-2.491020455161114,3,2837,1 -20838,0.004271199183843601,-0.0019491389393806458,-0.003800526261329651,-2.044679144621217,3,2838,1 -20839,0.0037334585406674126,-0.001534048467874527,-0.003403734415769577,-1.9942286476501512,3,2839,1 -20840,0.003860274125907135,-0.0014479346573352814,-0.003578435629606247,-1.9552858384328746,3,2840,1 -20841,0.0038557689669680515,-0.002088993787765503,-0.0032408423721790314,-2.1433544439816647,3,2841,1 -20842,0.003595766976983436,-0.002136722207069397,-0.0028920508921146393,-2.207107594723039,3,2842,1 -20843,0.002585890145963504,-0.0010545551776885986,-0.002361088991165161,-1.990851995418473,3,2843,1 -20844,0.004512570600066978,-0.0015229880809783936,-0.004247799515724182,-1.9150550675849234,3,2844,1 -20845,0.002023998493623447,-0.001324579119682312,-0.001530379056930542,-2.2842338629655794,3,2845,1 -20846,0.004001955899622306,-0.0022733770310878754,-0.0032935403287410736,-2.174950875389113,3,2846,1 -20847,0.003635803972216703,-0.0014823898673057556,-0.0033198781311511993,-1.9907519850773174,3,2847,1 -20848,0.0037214370554391005,-0.0016157068312168121,-0.003352399915456772,-2.019904228997356,3,2848,1 -20849,0.002296657859283988,-0.0018776319921016693,-0.0013225488364696503,-2.527939396912159,3,2849,1 -20850,0.0039478812873452685,-0.002410564571619034,-0.0031264908611774445,-2.2276105747964015,3,2850,1 -20851,0.0038529369880072636,-0.001996394246816635,-0.003295380622148514,-2.115481313589769,3,2851,1 -20852,0.0036463943417344865,-0.0014077723026275635,-0.003363683819770813,-1.9671664259712374,3,2852,1 -20853,0.003435673767433121,-0.0016171708703041077,-0.003031272441148758,-2.060880069307098,3,2853,1 -20854,0.0042923587291982535,-0.001417744904756546,-0.004051461815834045,-1.9074124940286472,3,2854,1 -20855,0.003775584746994513,-0.0018023960292339325,-0.0033175908029079437,-2.0684691533380763,3,2855,1 -20856,0.003687699361143953,-0.0017098933458328247,-0.0032673217356204987,-2.0529346749034216,3,2856,1 -20857,0.0038166141307767127,-0.0017249137163162231,-0.003404587507247925,-2.0397449706277473,3,2857,1 -20858,0.004138952688135626,-0.0015074461698532104,-0.0038546770811080933,-1.9435802637386146,3,2858,1 -20859,0.003801277646708944,-0.0021821409463882446,-0.0031125508248806,-2.1822454232101984,3,2859,1 -20860,0.004514614788766042,-0.0025407150387763977,-0.0037318244576454163,-2.1685361136055996,3,2860,1 -20861,0.003819460932762513,-0.0020365528762340546,-0.0032312124967575073,-2.1331800037569817,3,2861,1 -20862,0.0018417441777142311,-0.001140601933002472,-0.0014460459351539612,-2.2386539238623664,3,2862,1 -20863,0.003751216578646742,-0.001392751932144165,-0.003483083099126816,-1.9511835738083514,3,2863,1 -20864,0.003737822077433123,-0.0014897249639034271,-0.003428123891353607,-1.9807362982783583,3,2864,1 -20865,0.0036182288114670353,-0.001745663583278656,-0.003169264644384384,-2.074261429816848,3,2865,1 -20866,0.0024224535826958874,-0.0016731806099414825,-0.001751784235239029,-2.333248319142933,3,2866,1 -20867,0.0034634603126420483,-0.0014683417975902557,-0.003136802464723587,-2.008601040659754,3,2867,1 -20868,0.0031038980924880458,-0.001390267163515091,-0.0027751289308071136,-2.03522275225564,3,2868,1 -20869,0.0036535204141242175,-0.001900162547826767,-0.003120511770248413,-2.1177536452144485,3,2869,1 -20870,0.0038228727232704264,-0.002160150557756424,-0.003154061734676361,-2.1713016980162725,3,2870,1 -20871,0.004239324335758229,-0.0016941279172897339,-0.003886103630065918,-1.9819009447916276,3,2871,1 -20872,0.0038182753905297807,-0.0018153339624404907,-0.003359135240316391,-2.066252429271257,3,2872,1 -20873,0.0019282927397858086,-0.0011995062232017517,-0.0015098005533218384,-2.2421622916384587,3,2873,1 -20874,0.0035774776829805206,-0.0016281269490718842,-0.003185521811246872,-2.0432861329799437,3,2874,1 -20875,0.002134866215391433,-0.0011825338006019592,-0.0017774328589439392,-2.1578551901386933,3,2875,1 -20876,0.004016690236235719,-0.002043452113866806,-0.0034580491483211517,-2.10451725763858,3,2876,1 -20877,0.0036230194035096006,-0.0019502192735671997,-0.0030533447861671448,-2.1391978819412527,3,2877,1 -20878,0.0024523665474212295,-0.0012556426227092743,-0.002106528729200363,-2.108322526481858,3,2878,1 -20879,0.00406799572945088,-0.0017636120319366455,-0.0036658234894275665,-2.0192064699318557,3,2879,1 -20880,0.0022248819931489443,-0.0014304295182228088,-0.001704104244709015,-2.269105785153725,3,2880,1 -20881,0.004178796525816128,-0.0021920129656791687,-0.003557726740837097,-2.1229898965817307,3,2881,1 -20882,0.0037052813633024475,-0.0019336529076099396,-0.0031607113778591156,-2.1198309611833523,3,2882,1 -20883,0.004109002153098724,-0.001560267060995102,-0.003801245242357254,-1.9602890835064606,3,2883,1 -20884,0.004046943226709757,-0.0019529983401298523,-0.0035445094108581543,-2.074401266150827,3,2884,1 -20885,0.0037056927301884505,-0.0014761388301849365,-0.0033989958465099335,-1.9805065586566215,3,2885,1 -20886,0.002594448176971445,-0.0012730211019515991,-0.0022606588900089264,-2.0836562613120857,3,2886,1 -20887,0.00386225001853632,-0.0019732341170310974,-0.0033201389014720917,-2.10703092883019,3,2887,1 -20888,0.0035464515469553924,-0.0015606507658958435,-0.003184601664543152,-2.026461596204037,3,2888,1 -20889,0.003996690759676022,-0.0018328502774238586,-0.0035516470670700073,-2.047206408075391,3,2889,1 -20890,0.0018407480967960292,-0.0014313049614429474,-0.0011574625968933105,-2.4615835467921157,3,2890,1 -20891,0.003938822948765842,-0.0017119906842708588,-0.0035473108291625977,-2.0204406625250004,3,2891,1 -20892,0.0018882056226688154,-0.001496739685535431,-0.0011511258780956268,-2.485986163299473,3,2892,1 -20893,0.0043110553108800425,-0.0017118118703365326,-0.0039566271007061005,-1.9791238448830275,3,2893,1 -20894,0.003895852529614082,-0.0018994808197021484,-0.0034014172852039337,-2.0800947927350997,3,2894,1 -20895,0.004025967426260932,-0.0018124468624591827,-0.003594920039176941,-2.037773486961594,3,2895,1 -20896,0.004246522777499962,-0.002183016389608383,-0.0036424435675144196,-2.1107211531257715,3,2896,1 -20897,0.003625320802062349,-0.001586824655532837,-0.00325959175825119,-2.023842018632296,3,2897,1 -20898,0.003848089613284741,-0.0023124106228351593,-0.003075800836086273,-2.2154533332033255,3,2898,1 -20899,0.0021492409474792983,-0.0012672878801822662,-0.0017358623445034027,-2.2014148090784267,3,2899,1 -20900,0.0039567257606521015,-0.0015202388167381287,-0.003653019666671753,-1.9651552217299189,3,2900,1 -20901,0.00375405270493395,-0.0017700903117656708,-0.003310542553663254,-2.0618037222869185,3,2901,1 -20902,0.003635558395648288,-0.0017330348491668701,-0.0031959153711795807,-2.067682003641642,3,2902,1 -20903,0.0044994743160180085,-0.0020043738186359406,-0.00402836874127388,-2.0324937457481,3,2903,1 -20904,0.003993944555253105,-0.0019785799086093903,-0.0034694112837314606,-2.089085745458994,3,2904,1 -20905,0.003997274833885084,-0.0020256489515304565,-0.0034460052847862244,-2.1022157123699734,3,2905,1 -20906,0.003932879570127202,-0.0018444769084453583,-0.003473535180091858,-2.058941960291878,3,2906,1 -20907,0.001642276034177183,-0.0011917799711227417,-0.00112992525100708,-2.3828301246730277,3,2907,1 -20908,0.0038654669547554615,-0.0016827359795570374,-0.0034799762070178986,-2.0211960268301157,3,2908,1 -20909,0.004250123273121973,-0.001953922212123871,-0.0037743523716926575,-2.048490922270483,3,2909,1 -20910,0.0028925073532463015,-0.0011537931859493256,-0.002652425318956375,-1.9811027329835764,3,2910,1 -20911,0.0035151266041123673,-0.001441407948732376,-0.0032060034573078156,-1.9933146553096734,3,2911,1 -20912,0.003984169132547847,-0.0014503039419651031,-0.0037108249962329865,-1.9433731380684731,3,2912,1 -20913,0.0038013258662273797,-0.00166325643658638,-0.003418136388063431,-2.023664519217005,3,2913,1 -20914,0.003921870791337314,-0.0020272620022296906,-0.00335727259516716,-2.114035996495006,3,2914,1 -20915,0.0028005752441761143,-0.0013436861336231232,-0.0024571791291236877,-2.0712109173794904,3,2915,1 -20916,0.003682180264265145,-0.0022469162940979004,-0.0029171593487262726,-2.227126444063324,3,2916,1 -20917,0.0018850071647001792,-0.0013162791728973389,-0.0013493187725543976,-2.3438003075306306,3,2917,1 -20918,0.0037421288759931985,-0.0017268359661102295,-0.003319874405860901,-2.050434465485009,3,2918,1 -20919,0.003990603935623009,-0.0014960356056690216,-0.0036995671689510345,-1.9550739303730618,3,2919,1 -20920,0.003836956199854161,-0.001852426677942276,-0.0033601708710193634,-2.0746289627016377,3,2920,1 -20921,0.0039053504399333785,-0.0018727481365203857,-0.0034270361065864563,-2.070919869154377,3,2921,1 -20922,0.0028970182653984453,-0.001237913966178894,-0.002619214355945587,-2.012307521901102,3,2922,1 -20923,0.002341634473064671,-0.0015960261225700378,-0.0017134621739387512,-2.320724717294683,3,2923,1 -20924,0.004119745845045526,-0.002047676593065262,-0.0035748183727264404,-2.09098002148508,3,2924,1 -20925,0.0028085100229945192,-0.0010545477271080017,-0.002603009343147278,-1.955714161805747,3,2925,1 -20926,0.0036497954189254086,-0.0019278228282928467,-0.003099113702774048,-2.1272759358233113,3,2926,1 -20927,0.003802308333054178,-0.0018598251044750214,-0.0033164136111736298,-2.081888947210505,3,2927,1 -20928,0.0041384145760829105,-0.002558402717113495,-0.0032528527081012726,-2.2372576526970827,3,2928,1 -20929,0.0020050309017284945,-0.0013863444328308105,-0.0014485158026218414,-2.3342669876024433,3,2929,1 -20930,0.004025476976644356,-0.001902516931295395,-0.0035475194454193115,-2.063056610616982,3,2930,1 -20931,0.0026935786495818396,-0.0011126771569252014,-0.0024530217051506042,-1.9966354188319224,3,2931,1 -20932,0.003931607298162402,-0.001930583268404007,-0.0034249648451805115,-2.084081512093051,3,2932,1 -20933,0.004103482198368186,-0.0019632913172245026,-0.003603339195251465,-2.0696795651565916,3,2933,1 -20934,0.00338809920097588,-0.0013639777898788452,-0.0031014159321784973,-1.9851288913051581,3,2934,1 -20935,0.0038188572439432377,-0.0017177201807498932,-0.003410734236240387,-2.037337191504754,3,2935,1 -20936,0.004242985764360323,-0.0023211874067783356,-0.0035517625510692596,-2.1496498870236946,3,2936,1 -20937,0.0034496525630462256,-0.0014671273529529572,-0.0031221210956573486,-2.0100864939126706,3,2937,1 -20938,0.002029927603243334,-0.0015935227274894714,-0.0012574940919876099,-2.4735159597111243,3,2938,1 -20939,0.003769830107877805,-0.001654699444770813,-0.0033872686326503754,-2.025206144673769,3,2939,1 -20940,0.0035620365590491366,-0.0017623603343963623,-0.003095511347055435,-2.088357268801072,3,2940,1 -20941,0.00402580296494775,-0.0018166489899158478,-0.003592614084482193,-2.0389633951967356,3,2941,1 -20942,0.002157102373332611,-0.0013795830309391022,-0.001658264547586441,-2.264714033340769,3,2942,1 -20943,0.0039014188815986936,-0.002001717686653137,-0.0033487603068351746,-2.1095589398185624,3,2943,1 -20944,0.003504689262234378,-0.0018980428576469421,-0.0029462315142154694,-2.143102720102149,3,2944,1 -20945,0.0036084826462762414,-0.001790843904018402,-0.0031327344477176666,-2.090113259443021,3,2945,1 -20946,0.0021001413199803584,-0.0014516226947307587,-0.0015176907181739807,-2.333947891524349,3,2946,1 -20947,0.004192718561095744,-0.002000249922275543,-0.003684818744659424,-2.068122220888548,3,2947,1 -20948,0.003569767813815538,-0.001867387443780899,-0.00304238498210907,-2.121294345864092,3,2948,1 -20949,0.003977758862997759,-0.0020573511719703674,-0.0034043900668621063,-2.1143884320564212,3,2949,1 -20950,0.003763439707247189,-0.001712501049041748,-0.00335124135017395,-2.0432091171820232,3,2950,1 -20951,0.003910293357849311,-0.0020379796624183655,-0.0033372193574905396,-2.1190332099207234,3,2951,1 -20952,0.003986780223560947,-0.0015676915645599365,-0.003665618598461151,-1.9749301085956592,3,2952,1 -20953,0.0041250064173892044,-0.0022183433175086975,-0.0034777335822582245,-2.138597274943131,3,2953,1 -20954,0.00378249566078326,-0.001650683581829071,-0.0034033097326755524,-2.0223907278559876,3,2954,1 -20955,0.0039361042867655975,-0.001680031418800354,-0.0035595521330833435,-2.0117763540802045,3,2955,1 -20956,0.003935969995107741,-0.0016872510313987732,-0.0035559870302677155,-2.0138217516976735,3,2956,1 -20957,0.004369398962391939,-0.0022941045463085175,-0.003718700259923935,-2.1235571786286713,3,2957,1 -20958,0.0027678405115843545,-0.001131795346736908,-0.00252586230635643,-1.9920547288961445,3,2958,1 -20959,0.0033833576223913655,-0.0016504190862178802,-0.002953510731458664,-2.0803699619476226,3,2959,1 -20960,0.0019619592881507946,-0.0014881901443004608,-0.001278504729270935,-2.4318390138540553,3,2960,1 -20961,0.00378083803764727,-0.0013653375208377838,-0.0035257041454315186,-1.9402653543104362,3,2961,1 -20962,0.0036078442705413044,-0.0016668923199176788,-0.0031996890902519226,-2.051066636276099,3,2962,1 -20963,0.003865268120597685,-0.0015803948044776917,-0.0035274140536785126,-1.9920125595764993,3,2963,1 -20964,0.0019722243511217773,-0.001622367650270462,-0.00112142413854599,-2.5367789847926083,3,2964,1 -20965,0.004077776370029219,-0.0019855834543704987,-0.003561701625585556,-2.079365487782644,3,2965,1 -20966,0.0026995595382610575,-0.0013230107724666595,-0.0023531392216682434,-2.0829823734728254,3,2966,1 -20967,0.003734865034161966,-0.0020116865634918213,-0.0031467974185943604,-2.139598998524715,3,2967,1 -20968,0.002511144831267147,-0.0017580203711986542,-0.00179310142993927,-2.346315944887058,3,2968,1 -20969,0.0035293088497167177,-0.0017050504684448242,-0.0030901171267032623,-2.0750015507651027,3,2969,1 -20970,0.0035230508582942384,-0.0017145127058029175,-0.0030777156352996826,-2.0790537458317777,3,2970,1 -20971,0.002256702004241899,-0.0008884593844413757,-0.0020744502544403076,-1.975447513484408,3,2971,1 -20972,0.00409426380620561,-0.001833587884902954,-0.003660731017589569,-2.0351478916679286,3,2972,1 -20973,0.004242313250945614,-0.0023325644433498383,-0.0035434961318969727,-2.15296079268885,3,2973,1 -20974,0.004085474819316548,-0.0018510892987251282,-0.0036420561373233795,-2.041025245644274,3,2974,1 -20975,0.0023615266939311236,-0.001433536410331726,-0.0018766410648822784,-2.2231242509136266,3,2975,1 -20976,0.00268286740975765,-0.0011832714080810547,-0.0024078302085399628,-2.027561587121594,3,2976,1 -20977,0.0016939644259588568,-0.0010929740965366364,-0.0012941882014274597,-2.2721031838118915,3,2977,1 -20978,0.002390583104298239,-0.001657240092754364,-0.0017229169607162476,-2.336766811594696,3,2978,1 -20979,0.0040464724576149734,-0.002299245446920395,-0.0033297762274742126,-2.1751250661389863,3,2979,1 -20980,0.0037136219197251305,-0.002026110887527466,-0.00311221182346344,-2.1478879777273603,3,2980,1 -20981,0.00343455240699385,-0.001569509506225586,-0.0030549615621566772,-2.0453892878284505,3,2981,1 -20982,0.003922193787662675,-0.00229007750749588,-0.0031842030584812164,-2.19429203374792,3,2982,1 -20983,0.003701448638860848,-0.0016506128013134003,-0.003313034772872925,-2.033017136779211,3,2983,1 -20984,0.004155470462172893,-0.002682104706764221,-0.003173995763063431,-2.2723948518124715,3,2984,1 -20985,0.003936621177396641,-0.00204361230134964,-0.0033646151423454285,-2.116627317004689,3,2985,1 -20986,0.0037023900688670374,-0.0017295703291893005,-0.0032735727727413177,-2.05686065327327,3,2986,1 -20987,0.003807083078223062,-0.0015291869640350342,-0.0034864693880081177,-1.984134843515759,3,2987,1 -20988,0.003664577249594587,-0.0018236301839351654,-0.0031786002218723297,-2.0916689879648054,3,2988,1 -20989,0.0037707389323925963,-0.0017547085881233215,-0.003337584435939789,-2.0548248901230877,3,2989,1 -20990,0.003571063940172875,-0.0017140135169029236,-0.003132835030555725,-2.0714200209033793,3,2990,1 -20991,0.003278478449748284,-0.001947559416294098,-0.0026373155415058136,-2.2068726451272505,3,2991,1 -20992,0.0031081136183239862,-0.0016444362699985504,-0.0026374608278274536,-2.1283106510084697,3,2992,1 -20993,0.004170324788984462,-0.0020067021250724792,-0.0036557838320732117,-2.07280352412459,3,2993,1 -20994,0.003996836516754993,-0.0019078142940998077,-0.0035121142864227295,-2.0684112563576864,3,2994,1 -20995,0.003860873241905649,-0.001460682600736618,-0.0035738982260227203,-1.9587874194579376,3,2995,1 -20996,0.002293564504722947,-0.0013972818851470947,-0.0018188022077083588,-2.2258710259700005,3,2996,1 -20997,0.0038709901100324514,-0.0024515874683856964,-0.0029957108199596405,-2.256636072008226,3,2997,1 -20998,0.003413514025091538,-0.0015329010784626007,-0.00304996594786644,-2.036518681357358,3,2998,1 -20999,0.0038703594823450726,-0.002190183848142624,-0.003191046416759491,-2.1723042988148578,3,2999,1 -21000,0.0008779367854019101,0.0005228929221630096,0.000705234706401825,0.9327927783077504,4,0,1 -21001,0.0008897193732447287,0.0007676444947719574,0.0004498027265071869,0.5300259480329874,4,1,1 -21002,0.0010436346119466716,0.0005315467715263367,0.0008981265127658844,1.036398781237746,4,2,1 -21003,0.001326302801171266,0.0006059817969799042,0.001179773360490799,1.0962943391992455,4,3,1 -21004,0.0010026426669690477,0.0009144395589828491,0.00041120871901512146,0.422591000381813,4,4,1 -21005,0.0008563759483687495,0.0008357800543308258,0.0001866854727268219,0.21975934684256068,4,5,1 -21006,0.000997134316530978,0.0004127919673919678,0.0009076781570911407,1.1439762062603573,4,6,1 -21007,0.000921775115044469,0.0007530786097049713,0.0005315467715263367,0.6146291578566105,4,7,1 -21008,0.001238298270415461,0.0006907917559146881,0.001027710735797882,0.9789964569200862,4,8,1 -21009,0.0011050951247929697,0.0005254298448562622,0.0009721927344799042,1.0753081310881936,4,9,1 -21010,0.0011688342705307323,0.0007930286228656769,0.0008586496114730835,0.8251071655020914,4,10,1 -21011,0.0011339569540689525,0.0009159892797470093,0.0006684474647045135,0.6304177026831324,4,11,1 -21012,0.0009162908651732271,0.0006872527301311493,0.0006060302257537842,0.722677187734592,4,12,1 -21013,0.0013458520537128304,0.0007746852934360504,0.001100536435842514,0.9574469535219864,4,13,1 -21014,0.000603174888555234,0.0004230886697769165,0.00042990222573280334,0.7933858348754647,4,14,1 -21015,0.0010698263713564942,0.00039748474955558777,0.0009932443499565125,1.1901276485513406,4,15,1 -21016,0.0011975417725232284,0.001152731478214264,0.0003245249390602112,0.2744240505962987,4,16,1 -21017,0.0011279110472093526,0.0007194764912128448,0.0008686408400535583,0.8790486845054754,4,17,1 -21018,0.001171310664533657,0.00037441402673721313,0.0011098571121692657,1.2454321215688717,4,18,1 -21019,0.0008001315629766105,-5.546584725379944e-05,0.0007982067763805389,1.640172875163136,4,19,1 -21020,0.000706846254274676,0.0001281946897506714,0.0006951242685317993,1.388425602968453,4,20,1 -21021,0.0005932344111027556,0.0005153156816959381,0.0002938993275165558,0.5183165944289991,4,21,1 -21022,0.0012333788427501488,0.0011308975517749786,0.0004922337830066681,0.4105282553621578,4,22,1 -21023,0.000811838540639631,0.0004797503352165222,0.0006549209356307983,0.9385689955116606,4,23,1 -21024,0.0010251040994393391,0.0008191950619220734,0.0006162449717521667,0.6449438313054221,4,24,1 -21025,0.0009132276312783623,0.0005618147552013397,0.0007199645042419434,0.9081607029039834,4,25,1 -21026,0.0010279333723582937,0.000686153769493103,0.0007654018700122833,0.8399393067350416,4,26,1 -21027,0.001187786956025958,0.0005231909453868866,0.0010663531720638275,1.1146681745744984,4,27,1 -21028,0.001123824133506008,0.0006156563758850098,0.0009401850402355194,0.9910368835219565,4,28,1 -21029,0.0007917668422497346,0.00046538934111595154,0.0006405524909496307,0.9424770654775587,4,29,1 -21030,0.0010240946819534732,0.0005141980946063995,0.000885646790266037,1.0447708031070329,4,30,1 -21031,0.0008950892447960383,0.0007814094424247742,0.0004365593194961548,0.5094843397320021,4,31,1 -21032,0.001069113221535286,0.00023309141397476196,0.0010433942079544067,1.3510079118402867,4,32,1 -21033,0.001056514081862416,0.0009194612503051758,0.0005203969776630402,0.5150293363363327,4,33,1 -21034,0.000703126672616179,0.0005422979593276978,0.00044754892587661743,0.6899680152133617,4,34,1 -21035,0.0008523661728574338,0.0007157772779464722,0.00046280771493911743,0.5739676802826856,4,35,1 -21036,0.000659538501938212,0.0006338208913803101,0.00018237903714179993,0.28017645970383925,4,36,1 -21037,0.0013360912453960685,0.0012381300330162048,0.000502169132232666,0.38531324081918306,4,37,1 -21038,0.0009642614379063132,0.0007818453013896942,0.0005643740296363831,0.6252395304119367,4,38,1 -21039,0.0007372235219102001,0.0006006769835948944,0.00042741745710372925,0.6184420088528813,4,39,1 -21040,0.0012143459579429176,0.0004700012505054474,0.0011197030544281006,1.1733763920684792,4,40,1 -21041,0.0008512699654092603,0.0008084028959274292,0.00026673078536987305,0.31870051763335244,4,41,1 -21042,0.0008424713694965753,0.00026544928550720215,0.0007995590567588806,1.2502511200930524,4,42,1 -21043,0.0012319774298691997,0.0011051669716835022,0.0005444027483463287,0.4577082817857521,4,43,1 -21044,0.001317093723127803,0.0008037909865379333,0.0010433867573738098,0.9143870956515942,4,44,1 -21045,0.0008809893426366833,0.00031217560172080994,0.0008238255977630615,1.2085810617767396,4,45,1 -21046,0.0008480714208352829,0.0004893466830253601,0.0006926506757736206,0.9557318668113706,4,46,1 -21047,0.0010722128730237365,0.0004985369741916656,0.0009492635726928711,1.0872059733085597,4,47,1 -21048,0.0011980110418456761,0.0008473508059978485,0.0008468925952911377,0.7851277118819279,4,48,1 -21049,0.0011428182690510502,0.0008798576891422272,0.0007293038070201874,0.6921092789083951,4,49,1 -21050,0.0009595762265651101,0.0005063265562057495,0.000815119594335556,1.014957045857883,4,50,1 -21051,0.0008479447731402742,0.00045738741755485535,0.0007140077650547028,1.0010635142485134,4,51,1 -21052,0.0009367633435021758,0.000543452799320221,0.0007630102336406708,0.9518971899219465,4,52,1 -21053,0.0011948472675829022,0.000899534672498703,0.0007864460349082947,0.7184226092480169,4,53,1 -21054,0.0009207025881198003,0.0007234588265419006,0.0005694739520549774,0.6668591633207573,4,54,1 -21055,0.001145693046973198,0.0008986704051494598,0.0007106363773345947,0.6690839260184782,4,55,1 -21056,0.0008709252296948214,0.0004799850285053253,0.0007267221808433533,0.987089457770011,4,56,1 -21057,0.0012189488374415567,0.0009632185101509094,0.0007470250129699707,0.6596541743826931,4,57,1 -21058,0.0012346676198061407,0.0005972795188426971,0.001080583781003952,1.0658535763358432,4,58,1 -21059,0.0008877350533842255,0.0007018856704235077,0.0005435347557067871,0.658930200721855,4,59,1 -21060,0.001081215642969039,0.0004578009247779846,0.0009795129299163818,1.1335867684726015,4,60,1 -21061,0.0010334661082524292,0.0007055699825286865,0.0007551312446594238,0.8193149257978519,4,61,1 -21062,0.0010275550337908031,0.0004335828125476837,0.0009315982460975647,1.1351948283136593,4,62,1 -21063,0.001258948921505508,0.0007622502744197845,0.0010019615292549133,0.9204455601107939,4,63,1 -21064,0.0007972077614569349,0.000428665429353714,0.0006721504032611847,1.0030793674864882,4,64,1 -21065,0.0010367286466864934,0.0004919171333312988,0.000912591814994812,1.0764120247326758,4,65,1 -21066,0.0010879519464682059,0.0005111359059810638,0.0009604059159755707,1.081715376843289,4,66,1 -21067,0.000991295068753475,0.0009583942592144012,0.00025327131152153015,0.25836005578394733,4,67,1 -21068,0.000979954063672143,0.00042280182242393494,0.0008840523660182953,1.1246961456996927,4,68,1 -21069,0.0010425534064338923,0.0002082735300064087,0.0010215379297733307,1.3696705627245664,4,69,1 -21070,0.000895785488471285,0.0008199959993362427,0.0003606081008911133,0.4143125904390507,4,70,1 -21071,0.0007399617790773843,0.000286981463432312,0.0006820447742938995,1.1725171103283765,4,71,1 -21072,0.0008732646462875982,0.0008602291345596313,0.00015032291412353516,0.1730006854170335,4,72,1 -21073,0.0009148700570165654,0.0006426163017749786,0.0006511770188808441,0.7920148246824005,4,73,1 -21074,0.001293243254385667,0.0009565055370330811,0.000870388001203537,0.7382942502852874,4,74,1 -21075,0.001063153455581967,3.0450522899627686e-05,0.0010627172887325287,1.5421507087893616,4,75,1 -21076,0.0008027139711180198,0.000614948570728302,0.0005159340798854828,0.698065815627468,4,76,1 -21077,0.001054908421120255,0.0003863871097564697,0.0009815990924835205,1.195793133641359,4,77,1 -21078,0.00105946107378156,0.0010110251605510712,0.0003166794776916504,0.30354624061039703,4,78,1 -21079,0.0007648138648842004,0.00048676133155822754,0.0005899183452129364,0.8809169103621909,4,79,1 -21080,0.0011954560010815542,0.0009391903877258301,0.0007396191358566284,0.6670767876638997,4,80,1 -21081,0.0011992700431610011,0.0008731335401535034,0.0008221231400966644,0.7553171651297186,4,81,1 -21082,0.0009594765961345542,0.0006609372794628143,0.0006955265998840332,0.8108922637981287,4,82,1 -21083,0.0012931729065943048,0.0006729923188686371,0.001104254275560379,1.023454251627498,4,83,1 -21084,0.0009810701465269359,0.00095328688621521,0.0002318248152732849,0.2385540784181283,4,84,1 -21085,0.0008289055778615834,0.00028534606099128723,0.0007782429456710815,1.2193625035532794,4,85,1 -21086,0.0009636402760546229,0.00032866373658180237,0.0009058602154254913,1.2227469894248448,4,86,1 -21087,0.0006714028463777987,0.0004415065050125122,0.0005058199167251587,0.8531835395927586,4,87,1 -21088,0.001082320014784859,0.0002781488001346588,0.001045968383550644,1.3108867958091133,4,88,1 -21089,0.0007872763364317948,0.0005898736417293549,0.000521395355463028,0.7238542821633079,4,89,1 -21090,0.000989796934300805,0.0003757849335670471,0.0009156875312328339,1.1813690722184877,4,90,1 -21091,0.0010048856054288464,0.0006361156702041626,0.0007779151201248169,0.8853443455750755,4,91,1 -21092,0.0013106152104264684,0.0006029456853866577,0.0011636875569820404,1.0927472583902753,4,92,1 -21093,0.001340161885669077,0.0012157782912254333,0.000563841313123703,0.4342457461279767,4,93,1 -21094,0.000701275242117227,0.0005192831158638,0.0004713088274002075,0.7370060537384333,4,94,1 -21095,0.0009233278786922886,0.0007789470255374908,0.0004957579076290131,0.5667880115648173,4,95,1 -21096,0.0009177708951820104,0.0004913993179798126,0.0007751323282718658,1.005783083660586,4,96,1 -21097,0.0011572732756790097,0.0005240216851234436,0.0010318346321582794,1.1008850153554914,4,97,1 -21098,0.0011602014492879033,0.0006437599658966064,0.000965215265750885,0.98259067937305,4,98,1 -21099,0.0010408043883227117,0.0005240999162197113,0.0008992180228233337,1.043090302780932,4,99,1 -21100,0.0009513272367429078,0.0005095116794109344,0.0008033812046051025,1.0056021212940232,4,100,1 -21101,0.0009764814620594615,0.0005268417298793793,0.0008221641182899475,1.0009166991845289,4,101,1 -21102,0.00114576722339083,0.00042118504643440247,0.0010655447840690613,1.1943683634617621,4,102,1 -21103,0.0009521550331636322,0.0006435401737689972,0.0007017515599727631,0.8286416437149684,4,103,1 -21104,0.0010287809769738867,0.000730760395526886,0.0007241405546665192,0.7808481662467402,4,104,1 -21105,0.0010984072922812593,0.0008703060448169708,0.0006701238453388214,0.6561701995190071,4,105,1 -21106,0.0013022205398125434,0.0006187185645103455,0.0011458471417427063,1.0756893425216907,4,106,1 -21107,0.0009682668466213528,0.0007157549262046814,0.0006521008908748627,0.7388960795071111,4,107,1 -21108,0.001086377357331403,0.0009141601622104645,0.0005869641900062561,0.5707875742527814,4,108,1 -21109,0.0010876873666637466,0.0009187012910842896,0.0005822815001010895,0.5649090876507352,4,109,1 -21110,0.0009216272868114512,0.00046374648809432983,0.0007964521646499634,1.0435190957358704,4,110,1 -21111,0.0008110366783501162,0.00045470893383026123,0.00067158043384552,0.9756239444052623,4,111,1 -21112,0.0007739483354326385,0.0003271736204624176,0.0007013939321041107,1.1343372410486772,4,112,1 -21113,0.001006561245214236,0.0004435330629348755,0.0009035728871822357,1.1144827119142475,4,113,1 -21114,0.0008304884975387628,0.000659603625535965,0.000504612922668457,0.6530476386510464,4,114,1 -21115,0.0010969566847183726,0.0006335824728012085,0.0008954815566539764,0.9550327372767756,4,115,1 -21116,0.0008990115698554035,0.00045998767018318176,0.0007724203169345856,1.0336813521591097,4,116,1 -21117,0.000760692860079234,0.0006500966846942902,0.00039500370621681213,0.5459945766384241,4,117,1 -21118,0.0009170818831318759,0.0005630031228065491,0.0007239244878292084,0.9097955541793986,4,118,1 -21119,0.001033051721694972,0.00033929571509361267,0.0009757429361343384,1.2361446382824461,4,119,1 -21120,0.0009109051272904106,0.0008775927126407623,0.00024408847093582153,0.27127762995050675,4,120,1 -21121,0.001185208897817117,0.0005483217537403107,0.001050744205713272,1.0898287178114587,4,121,1 -21122,0.0012028749547654276,0.0009123310446739197,0.0007839389145374298,0.7098513566358654,4,122,1 -21123,0.0011350147812119057,0.0008225627243518829,0.0007820799946784973,0.7601750132886032,4,123,1 -21124,0.0012565445907956525,0.0009274594485759735,0.0008477754890918732,0.7405418422029474,4,124,1 -21125,0.0008384267531239216,0.00028006359934806824,0.0007902681827545166,1.230215445188462,4,125,1 -21126,0.00116755230832112,0.0011196881532669067,0.0003308728337287903,0.2873273522318974,4,126,1 -21127,0.0011416871002417847,0.0005463100969791412,0.0010024942457675934,1.0718378813906873,4,127,1 -21128,0.0007944083510176128,0.00018400698900222778,0.0007728040218353271,1.3370457600454528,4,128,1 -21129,0.0006988406988281462,8.865445852279663e-05,0.000693194568157196,1.4435942509670074,4,129,1 -21130,0.0008242851302769412,0.0007187947630882263,0.0004034601151943207,0.5114780704765529,4,130,1 -21131,0.0009158733049577926,0.0006403848528862,0.0006547756493091583,0.7965089131604056,4,131,1 -21132,0.0009080837723752581,0.00018268823623657227,0.0008895173668861389,1.3682339893682114,4,132,1 -21133,0.0008541773424823396,0.0003788508474826813,0.0007655657827854156,1.1112660559055192,4,133,1 -21134,0.0007913741469374963,0.0006832629442214966,0.0003992803394794464,0.5288497232344295,4,134,1 -21135,0.0009311136964345006,0.0004238821566104889,0.0008290335536003113,1.0981522188849213,4,135,1 -21136,0.0011806462097351635,0.0005958192050457001,0.0010192766785621643,1.0418138392903287,4,136,1 -21137,0.0010714591012850679,0.0009569935500621796,0.00048185884952545166,0.4664541881694616,4,137,1 -21138,0.0010747454438930126,0.0005864612758159637,0.0009006336331367493,0.993602424156948,4,138,1 -21139,0.0009454968852315531,0.000886969268321991,0.00032749027013778687,0.3536971185420922,4,139,1 -21140,0.000990391259762717,0.0008758567273616791,0.0004623308777809143,0.4856874231205786,4,140,1 -21141,0.001046167781540007,0.0004421062767505646,0.0009481608867645264,1.1344886221799637,4,141,1 -21142,0.0012096079503531594,0.0006803795695304871,0.0010001175105571747,0.9734148099776395,4,142,1 -21143,0.0011959381069960922,0.000896308571100235,0.0007917694747447968,0.7235492664871129,4,143,1 -21144,0.0010808909749046342,0.0006457865238189697,0.000866767019033432,0.9304694494515761,4,144,1 -21145,0.0009583921177858598,0.0006153471767902374,0.0007347539067268372,0.8736114432365971,4,145,1 -21146,0.0008977459908412346,0.0008212700486183167,0.00036257877945899963,0.4157507077591125,4,146,1 -21147,0.0007841721182219216,0.0005880482494831085,0.0005187727510929108,0.7228900893149751,4,147,1 -21148,0.0011292107749971486,0.0004180632531642914,0.0010489709675312042,1.1915439685344744,4,148,1 -21149,0.0012273959322385679,0.0005754530429840088,0.0010841377079486847,1.0828186122839305,4,149,1 -21150,0.0011026306879160215,0.0007589422166347504,0.0007998757064342499,0.811651444489658,4,150,1 -21151,0.0009385678435806324,0.00044547393918037415,0.0008261129260063171,1.0762509128628777,4,151,1 -21152,0.0009087609008406382,0.0002463683485984802,0.0008747279644012451,1.2962569461153293,4,152,1 -21153,0.001002852598016822,0.0006195642054080963,0.0007885769009590149,0.904852125974373,4,153,1 -21154,0.0007956918781283725,0.00019284337759017944,0.0007719695568084717,1.3259993451738084,4,154,1 -21155,0.0011347725489186773,0.0006279163062572479,0.000945214182138443,0.9844262492463381,4,155,1 -21156,0.0009968156707516069,0.0006942488253116608,0.0007153041660785675,0.8003346539483408,4,156,1 -21157,0.0009097301916458293,0.0005892664194107056,0.0006930902600288391,0.866185258968223,4,157,1 -21158,0.0011538508437558808,0.00047386810183525085,0.0010520555078983307,1.1475921875821313,4,158,1 -21159,0.0013549156942076733,0.0012614764273166656,0.000494442880153656,0.37355246084625293,4,159,1 -21160,0.0010341116451293487,0.0003809332847595215,0.0009613931179046631,1.1935437284908899,4,160,1 -21161,0.0009630859537668607,0.0006076768040657043,0.0007471702992916107,0.8879955007345985,4,161,1 -21162,0.000923155438289197,0.0006922855973243713,0.0006107017397880554,0.7228668616163577,4,162,1 -21163,0.0010138015979799892,0.0006733536720275879,0.0007578842341899872,0.8443907878449654,4,163,1 -21164,0.0008716460495494253,0.0007525943219661713,0.0004397369921207428,0.5287915548477501,4,164,1 -21165,0.0007914902712381291,0.0005493089556694031,0.0005698390305042267,0.8037404851029695,4,165,1 -21166,0.0008502131846557563,0.0006737895309925079,0.0005185268819332123,0.6559074766650197,4,166,1 -21167,0.0009921817756414267,0.0009117163717746735,0.0003914050757884979,0.4055119916917674,4,167,1 -21168,0.0008673018595833459,0.0005373768508434296,0.0006807632744312286,0.9025683007210258,4,168,1 -21169,0.0011955129396217779,0.000562720000743866,0.0010547973215579987,1.0807198570623722,4,169,1 -21170,0.0010320971916593156,0.000758294016122818,0.0007001534104347229,0.7455545358392981,4,170,1 -21171,0.0010700577872014908,0.000566624104976654,0.0009077228605747223,1.0127538728943113,4,171,1 -21172,0.0010002085585024694,0.00043817609548568726,0.0008991211652755737,1.1173293652968783,4,172,1 -21173,0.0007954945697323662,0.0002841539680957794,0.0007430128753185272,1.2055234754062911,4,173,1 -21174,0.0013467003538827965,0.0008817166090011597,0.001017928123474121,0.8569793330529234,4,174,1 -21175,0.000949705077333633,0.0004928261041641235,0.0008118264377117157,1.0252029429468796,4,175,1 -21176,0.0011067417992127978,0.000592254102230072,0.000934939831495285,1.006131101817494,4,176,1 -21177,0.001034722573949487,0.0005086101591587067,0.0009010918438434601,1.0569361642329753,4,177,1 -21178,0.0009256480414190091,0.0004263743758201599,0.0008216015994548798,1.0920998492482301,4,178,1 -21179,0.0007923532187890469,0.0007731616497039795,0.0001733340322971344,0.22054201158817,4,179,1 -21180,0.0009853338954051785,0.0008587874472141266,0.00048308074474334717,0.5124007875594845,4,180,1 -21181,0.0008112147141107366,0.0004234015941619873,0.0006919540464878082,1.0216780927246043,4,181,1 -21182,0.0009746077224743861,0.0006353259086608887,0.0007390677928924561,0.8607372245792079,4,182,1 -21183,0.0009792944512978976,0.0008798800408840179,0.0004299171268939972,0.45449318795415017,4,183,1 -21184,0.0006886420989387209,0.0006754770874977112,0.00013400986790657043,0.1958498086114501,4,184,1 -21185,0.0007811058300284328,0.0005794428288936615,0.0005238056182861328,0.735010495334535,4,185,1 -21186,0.0011274572787399193,0.0006355494260787964,0.0009312555193901062,0.9719359209554012,4,186,1 -21187,0.0011276019654128469,0.0006985887885093689,0.0008851327002048492,0.9026462497053791,4,187,1 -21188,0.0004881951319589183,0.00027235597372055054,0.0004051625728607178,0.9789630541538634,4,188,1 -21189,0.0009632249033633406,0.00072493776679039,0.0006342455744743347,0.7187714237076708,4,189,1 -21190,0.000673481344489918,0.0004531964659690857,0.0004981867969036102,0.8326523463672408,4,190,1 -21191,0.0010074596958448002,0.00038864463567733765,0.0009294785559177399,1.1747573730360983,4,191,1 -21192,0.0005386330064391554,0.0004265345633029938,0.00032892823219299316,0.6569092439783398,4,192,1 -21193,0.0010068118626957165,0.0004913322627544403,0.0008787848055362701,1.060990219248479,4,193,1 -21194,0.0011890206367514593,0.0010427683591842651,0.0005713179707527161,0.5012185714020767,4,194,1 -21195,0.0007745808331517191,0.00027601420879364014,0.0007237344980239868,1.2064484054666558,4,195,1 -21196,0.00086040544831801,0.00047004222869873047,0.0007206648588180542,0.9928521321097619,4,196,1 -21197,0.000913124975862789,0.000406116247177124,0.0008178427815437317,1.1098964247665541,4,197,1 -21198,0.0009682642533548691,0.0002846643328666687,0.0009254738688468933,1.2723930038308529,4,198,1 -21199,0.0008741626237840437,0.0003994554281234741,0.0007775574922561646,1.0962243149734887,4,199,1 -21200,0.0009974226471595282,0.0006732642650604248,0.0007359124720096588,0.8298262187616221,4,200,1 -21201,0.0009643986431099454,0.00032742321491241455,0.000907115638256073,1.2244001656981138,4,201,1 -21202,0.0009003219646825198,0.0005283020436763763,0.0007290244102478027,0.9437045413169928,4,202,1 -21203,0.0012626510417538565,0.0005352161824703217,0.0011436045169830322,1.1330681875951536,4,203,1 -21204,0.0006843280561423241,0.0003816336393356323,0.0005680322647094727,0.9792124314112955,4,204,1 -21205,0.0007604947505633472,0.0006556212902069092,0.0003853738307952881,0.5314002002582692,4,205,1 -21206,0.0008953648774511975,-0.00020800530910491943,0.0008708685636520386,1.8052518669795194,4,206,1 -21207,0.0009480956432657924,0.0005012936890125275,0.0008047297596931458,1.0136839100198152,4,207,1 -21208,0.0014060019146469938,0.0006963647902011871,0.0012214407324790955,1.0526390838870014,4,208,1 -21209,0.0010497088213895609,0.0009908974170684814,0.0003464259207248688,0.33632578691927467,4,209,1 -21210,0.0007685702738733167,0.0003772638738155365,0.0006696060299873352,1.0577145665188505,4,210,1 -21211,0.0003852235080272128,0.0002079196274280548,0.00032429397106170654,1.0006709006719536,4,211,1 -21212,0.0009148486355422222,0.0002937503159046173,0.0008664056658744812,1.2439143105015973,4,212,1 -21213,0.0012830740655556633,0.0012557879090309143,0.0002632029354572296,0.2066012699236543,4,213,1 -21214,0.0008081845924034686,0.000443045049905777,0.0006759241223335266,0.9905884064942977,4,214,1 -21215,0.0010548237101886723,0.0010286495089530945,0.00023352354764938354,0.2232358448260575,4,215,1 -21216,0.0010979115316275736,0.0010506100952625275,0.0003187917172908783,0.29460504687701344,4,216,1 -21217,0.0008094718258817024,0.00011736154556274414,0.0008009187877178192,1.4252981737742785,4,217,1 -21218,0.0007689712966000783,0.0003286413848400116,0.0006952062249183655,1.1292057960355246,4,218,1 -21219,0.0007928382418913995,0.0007499381899833679,0.0002572648227214813,0.3304681580650569,4,219,1 -21220,0.0009375147347945524,0.0007541850209236145,0.0005569010972976685,0.6360450131986907,4,220,1 -21221,0.0006863032409020598,0.00016186386346817017,0.0006669424474239349,1.3327043097417366,4,221,1 -21222,0.0009204807370775724,0.0006766542792320251,0.0006240382790565491,0.7449679111305458,4,222,1 -21223,0.0009657236287339123,0.0007690154016017914,0.0005841553211212158,0.6496261043347251,4,223,1 -21224,0.000964830914593076,0.0006567277014255524,0.0007068291306495667,0.8221248326582874,4,224,1 -21225,0.0009029077833706582,0.0005392320454120636,0.000724203884601593,0.9307692170061307,4,225,1 -21226,0.0009786602411258555,0.00023874640464782715,0.0009490922093391418,1.3243571341147955,4,226,1 -21227,0.0011444925106821036,0.0005050338804721832,0.0010270364582538605,1.1137793315114684,4,227,1 -21228,0.0008667143806719324,0.00039448589086532593,0.0007717348635196686,1.0982545699944382,4,228,1 -21229,0.001081393399816818,0.0007139258086681366,0.000812232494354248,0.8497237693828763,4,229,1 -21230,0.0008116115115529957,0.0007186718285083771,0.0003771260380744934,0.4832542678248023,4,230,1 -21231,0.0007258368838907517,0.0005551651120185852,0.00046757981181144714,0.6999691135787791,4,231,1 -21232,0.0010852194330806663,0.0003835335373878479,0.0010151863098144531,1.2095764437168959,4,232,1 -21233,0.0011709382792518001,0.0009266063570976257,0.000715889036655426,0.6578041565279937,4,233,1 -21234,0.0010785330599369877,0.00047765299677848816,0.0009669959545135498,1.1119959775929096,4,234,1 -21235,0.0009913647647209571,0.0004221126437187195,0.0008970089256763458,1.1309621441589242,4,235,1 -21236,0.0009681395831143104,0.0005726441740989685,0.0007806234061717987,0.9378917234952838,4,236,1 -21237,0.0009370805889812546,0.000573381781578064,0.0007411837577819824,0.9123597993397983,4,237,1 -21238,0.0010309021599138326,0.0002549588680267334,0.0009988769888877869,1.3208868374237839,4,238,1 -21239,0.0011193028931923666,0.0009298436343669891,0.0006230808794498444,0.590370314015104,4,239,1 -21240,0.001239238235660823,0.001194532960653305,0.0003298521041870117,0.26942090659714457,4,240,1 -21241,0.0006838366084560025,0.0004729926586151123,0.0004938729107379913,0.8069906242869189,4,241,1 -21242,0.0008583278440293584,0.000658474862575531,0.0005505792796611786,0.6963942690770216,4,242,1 -21243,0.0008885617278651191,0.00018023699522018433,0.00087008997797966,1.3665376773747175,4,243,1 -21244,0.0009027773186767095,0.0004673786461353302,0.000772375613451004,1.0266218408041374,4,244,1 -21245,0.0012434810784968224,0.0011718608438968658,0.0004159174859523773,0.34105163270694344,4,245,1 -21246,0.0008578756785872305,0.0007527247071266174,0.0004115290939807892,0.5003209188286983,4,246,1 -21247,0.0008908793921288797,0.0006067045032978058,0.000652361661195755,0.8216449962815293,4,247,1 -21248,0.00048704204100934493,0.0001543872058391571,0.00046192482113838196,1.2482427423411333,4,248,1 -21249,0.0011987710201666548,0.0008913241326808929,0.00080161914229393,0.7324600771633595,4,249,1 -21250,0.0008419577385084284,0.0008291825652122498,0.0001461133360862732,0.17442306789660986,4,250,1 -21251,0.0009447564126830004,0.0007954128086566925,0.0005097873508930206,0.5699578984784801,4,251,1 -21252,0.001049553252973858,0.00046315789222717285,0.0009418316185474396,1.1137600474069584,4,252,1 -21253,0.0009295244260013954,0.00044338032603263855,0.0008169636130332947,1.0735615914731844,4,253,1 -21254,0.0006700851716567625,0.00020308047533035278,0.000638570636510849,1.262887306690662,4,254,1 -21255,0.0008246376460967864,0.00045136362314224243,0.0006901435554027557,0.9916044101635819,4,255,1 -21256,0.0007795495407330893,0.0003662109375,0.0006881766021251678,1.0817632715920835,4,256,1 -21257,0.0008152044264455915,0.00022150203585624695,0.0007845349609851837,1.295623271988491,4,257,1 -21258,0.0006230262305679492,0.0005905553698539734,0.00019850954413414001,0.3242748227155699,4,258,1 -21259,0.0008255769808071431,0.0003822743892669678,0.0007317401468753815,1.0893754041242647,4,259,1 -21260,0.0008755209589775921,0.00029026344418525696,0.0008260048925876617,1.232869098172941,4,260,1 -21261,0.0012051389553971326,0.0010104067623615265,0.0006568394601345062,0.5764274448048475,4,261,1 -21262,0.001278159807336912,0.000720735639333725,0.0010555721819400787,0.9717133449473732,4,262,1 -21263,0.0011346631234685374,0.0010052062571048737,0.0005263276398181915,0.4823501513195263,4,263,1 -21264,0.00112519563220773,0.0009862110018730164,0.0005417130887508392,0.502295797886545,4,264,1 -21265,0.0009210949359666655,0.0004887655377388,0.0007807202637195587,1.011446345166887,4,265,1 -21266,0.001463773855763714,0.0009633824229240417,0.0011020563542842865,0.8524377305030579,4,266,1 -21267,0.0008418601157515497,0.00043517351150512695,0.0007206611335277557,1.0275484273618878,4,267,1 -21268,0.0008312047563762086,0.0005732178688049316,0.0006019324064254761,0.8098280814425485,4,268,1 -21269,0.0006304375660097735,0.0004302859306335449,0.0004607662558555603,0.8195919462184554,4,269,1 -21270,0.0010145610817388969,0.0008369199931621552,0.0005734972655773163,0.6007561333155259,4,270,1 -21271,0.0012660486478760016,0.0010208450257778168,0.0007488355040550232,0.6328862997868414,4,271,1 -21272,0.001206815484820563,0.0009064339101314545,0.000796731561422348,0.7210761597243811,4,272,1 -21273,0.0010217979201770132,0.0009481608867645264,0.00038086995482444763,0.3819653376215459,4,273,1 -21274,0.0010035646669919885,0.0005994215607643127,0.0008048824965953827,0.9306754244967391,4,274,1 -21275,0.0009321927585493249,0.00023466721177101135,0.000902172178030014,1.3163219071444812,4,275,1 -21276,0.000688622963973523,0.0003830231726169586,0.0005722716450691223,0.9809707367058289,4,276,1 -21277,0.0011541362171866092,0.0005813203752040863,0.0009970441460609436,1.042937954775369,4,277,1 -21278,0.0008793368034029031,0.0008635856211185455,0.00016568973660469055,0.1895589823241304,4,278,1 -21279,0.0011083068617661143,0.0009414032101631165,0.0005848966538906097,0.5559363917666771,4,279,1 -21280,0.0009299269550109444,0.000639643520116806,0.0006749965250492096,0.8122834592691752,4,280,1 -21281,0.0009377655946730804,0.0008277557790279388,0.00044070929288864136,0.4892418056756265,4,281,1 -21282,0.0009810244942164968,0.0009357668459415436,0.0002945326268672943,0.3049333871329009,4,282,1 -21283,0.0010112674517111875,0.0003936849534511566,0.0009314902126789093,1.1709263813601845,4,283,1 -21284,0.0012135530574313642,0.0007983073592185974,0.000914011150598526,0.8528670217844572,4,284,1 -21285,0.0010587033346147958,0.0009735599160194397,0.00041597336530685425,0.40379215043994265,4,285,1 -21286,0.0010411265841802537,0.0008735880255699158,0.000566381961107254,0.575207295603047,4,286,1 -21287,0.0013753510732097518,0.0012397877871990204,0.0005954131484031677,0.4477264600900653,4,287,1 -21288,0.0010292159038683114,0.000639352947473526,0.0008065439760684967,0.9005182653018166,4,288,1 -21289,0.001037795103455731,0.000783093273639679,0.000681016594171524,0.715791522718033,4,289,1 -21290,0.0006698814259362707,0.00035177916288375854,0.0005700811743736267,1.0179208685586896,4,290,1 -21291,0.0010005269462829143,0.0006480962038040161,0.0007622502744197845,0.8661625427534909,4,291,1 -21292,0.0010620105003232932,0.0006479173898696899,0.0008414685726165771,0.9146276143209885,4,292,1 -21293,0.001370315958237532,0.000780940055847168,0.0011260099709033966,0.9644148456036621,4,293,1 -21294,0.0010645747631681975,0.0007181800901889801,0.0007858350872993469,0.8303507815471161,4,294,1 -21295,0.0011590321944827445,0.0008172988891601562,0.0008218139410018921,0.7881527269266619,4,295,1 -21296,0.0005236723142186549,0.00018488243222236633,0.0004899501800537109,1.2099674552138209,4,296,1 -21297,0.0011662933025601268,0.0007147975265979767,0.0009215772151947021,0.9110964467811582,4,297,1 -21298,0.0010490736280107942,0.00032483041286468506,0.0009975172579288483,1.2559866819073737,4,298,1 -21299,0.0010144324518345691,0.00037399306893348694,0.0009429752826690674,1.1932161033056552,4,299,1 -21300,0.0011908865090323368,0.0004539862275123596,0.0011009573936462402,1.1796839382244564,4,300,1 -21301,0.0011079467747188623,0.0007769353687763214,0.000789884477853775,0.7936625559471829,4,301,1 -21302,0.0010450224155258813,0.0006894171237945557,0.0007853507995605469,0.8503566576607268,4,302,1 -21303,0.0009951872922178675,0.0007830634713172913,0.0006141737103462219,0.6651076532779304,4,303,1 -21304,0.0009980932695874097,0.000674813985824585,0.0007354021072387695,0.8283354717031618,4,304,1 -21305,0.0011796693420366227,0.000781133770942688,0.0008839964866638184,0.8470943395881582,4,305,1 -21306,0.0009591971284512727,0.0007042475044727325,0.0006512254476547241,0.7463010808650786,4,306,1 -21307,0.0008550424972702125,0.0004094652831554413,0.0007506236433982849,1.0714144859669872,4,307,1 -21308,0.0007803925733247552,0.0005086362361907959,0.0005918629467487335,0.8608808050883539,4,308,1 -21309,0.0010396121175342023,0.0005042627453804016,0.0009091272950172424,1.0643772070093713,4,309,1 -21310,0.0012386548566400805,0.0011317208409309387,0.0005034618079662323,0.4185745870209313,4,310,1 -21311,0.0012815072574861718,0.0011979639530181885,0.0004551298916339874,0.36307668419185424,4,311,1 -21312,0.0007382123984429453,0.0002478472888469696,0.0006953626871109009,1.2284058100876785,4,312,1 -21313,0.0011792327068647266,0.0005152374505996704,0.0010607168078422546,1.118617945404278,4,313,1 -21314,0.0011437587051004413,0.0007825791835784912,0.0008341185748577118,0.8172667930549086,4,314,1 -21315,0.0009442312600711872,0.0005502291023731232,0.0007673464715480804,0.9487159743785589,4,315,1 -21316,0.0010077856483611826,0.0009716637432575226,0.00026739761233329773,0.2685480739783822,4,316,1 -21317,0.0009354790335234231,0.0004772283136844635,0.0008045956492424011,1.0354449932749907,4,317,1 -21318,0.001178970164332215,0.0011677257716655731,0.00016244128346443176,0.1382220627251504,4,318,1 -21319,0.0011030157899667007,0.0009140558540821075,0.0006173700094223022,0.5940369476520191,4,319,1 -21320,0.000756644048834766,0.0006107315421104431,0.0004466734826564789,0.63147384371966,4,320,1 -21321,0.0009846381738634366,0.0005797632038593292,0.0007958561182022095,0.941212564060833,4,321,1 -21322,0.0008922106683459894,0.0006902404129505157,0.0005653388798236847,0.6862471450894838,4,322,1 -21323,0.0012971167529771978,0.0005395077168941498,0.0011795945465564728,1.141832848033022,4,323,1 -21324,0.0012648431174351188,0.0006258562207221985,0.0010991506278514862,1.0531808804453064,4,324,1 -21325,0.0007549412309568138,0.0004720054566860199,0.0005891919136047363,0.8953810690846047,4,325,1 -21326,0.0008912225413000626,0.0008296370506286621,0.00032554566860198975,0.37393344818076335,4,326,1 -21327,0.0008392938234374404,0.0008080191910266876,0.00022697821259498596,0.2738495263552978,4,327,1 -21328,0.000912585279282218,0.0008355453610420227,0.0003669820725917816,0.4138470203805687,4,328,1 -21329,0.0009005961720969059,0.0008613131940364838,0.00026308372616767883,0.29644460342622153,4,329,1 -21330,0.000800739718208853,0.0005828216671943665,0.0005490928888320923,0.7556089883430217,4,330,1 -21331,0.0008632148463255508,0.0006159991025924683,0.0006047189235687256,0.7761578165432167,4,331,1 -21332,0.0010810479645082364,0.0007660165429115295,0.0007628127932548523,0.7833026090466166,4,332,1 -21333,0.0009192417132262402,0.0007644630968570709,0.0005104914307594299,0.5887714061880667,4,333,1 -21334,0.0010169947389818898,0.00043448060750961304,0.0009195134043693542,1.129380385169023,4,334,1 -21335,0.0010752684579867903,0.0005437098443508148,0.0009276755154132843,1.0406607372563763,4,335,1 -21336,0.0010750762042720562,0.0009001977741718292,0.0005877353250980377,0.5784082232231355,4,336,1 -21337,0.0011577660425748316,0.0008385553956031799,0.0007982775568962097,0.760795950929521,4,337,1 -21338,0.0006644150412805603,0.0004636235535144806,0.00047592073678970337,0.7984858712082799,4,338,1 -21339,0.0008558413349115578,0.0006526671350002289,0.000553615391254425,0.7034687509795815,4,339,1 -21340,0.0011756296122956123,0.0007029250264167786,0.0009423382580280304,0.9299005769654467,4,340,1 -21341,0.0010318947360308626,0.0006801225244998932,0.0007760412991046906,0.851174007778558,4,341,1 -21342,0.0010808819821037593,0.00045638903975486755,0.0009798035025596619,1.1348839601660887,4,342,1 -21343,0.0008832466422979715,0.00023981556296348572,0.0008500665426254272,1.2958285095148658,4,343,1 -21344,0.001221274669242479,0.001101672649383545,0.0005270950496196747,0.4462592911900236,4,344,1 -21345,0.0008979726508483926,0.0006447248160839081,0.0006250478327274323,0.7699029418530902,4,345,1 -21346,0.0008613605587609773,0.0005747564136981964,0.0006415583193302155,0.8402646042275798,4,346,1 -21347,0.0011794477415126136,0.0004910565912723541,0.0010723620653152466,1.1413752520478366,4,347,1 -21348,0.0013179390019386792,0.0007969699800014496,0.0010496675968170166,0.9213954980556647,4,348,1 -21349,0.0007310927438368277,0.0005663633346557617,0.00046230852603912354,0.6845865526465874,4,349,1 -21350,0.0008314159988192121,0.0006009340286254883,0.0005745701491832733,0.7629742019124283,4,350,1 -21351,0.0009931321670742482,0.0005775056779384613,0.0008079595863819122,0.9502259073252238,4,351,1 -21352,0.0008134956487090166,0.0005079172551631927,0.0006354488432407379,0.8964794839782825,4,352,1 -21353,0.001182375458591271,0.0002597980201244354,0.0011534802615642548,1.3492632577811012,4,353,1 -21354,0.0013132152833550531,0.0008761473000049591,0.0009782128036022186,0.840383503874404,4,354,1 -21355,0.0007381978268384681,0.0003168471157550812,0.000666741281747818,1.1271705562387606,4,355,1 -21356,0.0009172467841722083,0.0004777088761329651,0.0007830299437046051,1.0229999014560267,4,356,1 -21357,0.0009552833248417871,0.0004868246614933014,0.0008219294250011444,1.0360615550638366,4,357,1 -21358,0.0010925628095706523,0.0009812600910663605,0.00048043951392173767,0.4553050274911719,4,358,1 -21359,0.0011843008888283166,0.0006884895265102386,0.0009636133909225464,0.9504133734514881,4,359,1 -21360,0.0009751454747130996,0.0007576830685138702,0.0006138607859611511,0.6809183988697937,4,360,1 -21361,0.0010070510508594283,0.0005660094320774078,0.0008329376578330994,0.9739384136219423,4,361,1 -21362,0.0012633298114179414,0.0006690286099910736,0.0010716356337070465,1.0126961870043438,4,362,1 -21363,0.00109336367343494,0.00047468021512031555,0.0009849481284618378,1.1217055070430877,4,363,1 -21364,0.0008527886145924083,0.00045063719153404236,0.0007239989936351776,1.014048731705268,4,364,1 -21365,0.0011767225836613233,0.0005320794880390167,0.0010495558381080627,1.1015987645132912,4,365,1 -21366,0.0011886892101753747,0.0004733055830001831,0.0010903961956501007,1.1612705374433474,4,366,1 -21367,0.0012548866810071818,0.00044137611985206604,0.0011747032403945923,1.2113821763159012,4,367,1 -21368,0.000874679667816099,0.0007158815860748291,0.0005025714635848999,0.6120881236870697,4,368,1 -21369,0.000833954897187718,0.000469014048576355,0.0006895698606967926,0.9735140233238586,4,369,1 -21370,0.0010523727226560441,0.0003065057098865509,0.0010067485272884369,1.275260961394577,4,370,1 -21371,0.0010839625627929693,0.0006998404860496521,0.0008277669548988342,0.8689462481514102,4,371,1 -21372,0.001068054781728174,0.000530630350112915,0.0009269155561923981,1.0508662990329016,4,372,1 -21373,0.0008985501835181136,0.0006152316927909851,0.0006548911333084106,0.8166129073617997,4,373,1 -21374,0.0009989465763298793,0.0008197538554668427,0.0005708746612071991,0.60830418818758,4,374,1 -21375,0.000857755179031632,0.00013514608144760132,0.0008470416069030762,1.4125791801551466,4,375,1 -21376,0.0007921444895167221,0.00040276721119880676,0.0006821081042289734,1.03741056351595,4,376,1 -21377,0.0010020779802755932,0.0007470175623893738,0.0006679259240627289,0.7295588887083639,4,377,1 -21378,0.0007079154588704287,0.00031011179089546204,0.0006363764405250549,1.1173531896886753,4,378,1 -21379,0.0010885164269915156,0.000822555273771286,0.0007129311561584473,0.7141253541848895,4,379,1 -21380,0.0008387896319104954,0.00024934858083724976,0.0008008703589439392,1.2689622260794686,4,380,1 -21381,0.0011396818774549997,0.0005797967314720154,0.0009811781346797943,1.0370808440272756,4,381,1 -21382,0.0010787541138899488,0.0006432831287384033,0.0008659660816192627,0.9318867772097289,4,382,1 -21383,0.00092892348171729,0.000513710081577301,0.0007739514112472534,0.9848158234783831,4,383,1 -21384,0.0011676127497073083,0.0010187476873397827,0.0005705021321773529,0.5104908829637852,4,384,1 -21385,0.0010168438381995342,0.0008942857384681702,0.0004839673638343811,0.4960445123005127,4,385,1 -21386,0.001096870769850289,0.0008627697825431824,0.0006773136556148529,0.6655556813874971,4,386,1 -21387,0.0008013042254643108,0.0004337988793849945,0.0006737262010574341,0.9987353734980522,4,387,1 -21388,0.0009350588255145827,0.00046756118535995483,0.0008097663521766663,1.0471583148876502,4,388,1 -21389,0.0006128629278909534,0.0005976632237434387,0.00013564527034759521,0.22317861709510223,4,389,1 -21390,0.0009416716275730664,0.0002942085266113281,0.0008945316076278687,1.2530440096737194,4,390,1 -21391,0.0008145847560568517,0.000523395836353302,0.0006241835653781891,0.8729997538130133,4,391,1 -21392,0.0009448959456693715,0.0004031360149383545,0.0008545815944671631,1.130015338268962,4,392,1 -21393,0.0011735690124861134,0.0011064819991588593,0.0003911033272743225,0.3397588740722981,4,393,1 -21394,0.0008723165282734186,0.0005859583616256714,0.0006462112069129944,0.8342590428311479,4,394,1 -21395,0.001361700183300373,0.00027780234813690186,0.0013330616056919098,1.3653425738698985,4,395,1 -21396,0.0011996785749422531,0.0011388808488845825,0.000377066433429718,0.31972574486644073,4,396,1 -21397,0.0010224741716406743,0.0006988383829593658,0.0007463768124580383,0.8182799759806424,4,397,1 -21398,0.0009510576143534314,0.0004111379384994507,0.0008575990796089172,1.1237594285119261,4,398,1 -21399,0.0009800952904398794,0.0003749728202819824,0.0009055286645889282,1.1782004019672196,4,399,1 -21400,0.0009538603748917194,0.0006639696657657623,0.000684831291437149,0.8008637235906634,4,400,1 -21401,0.0010750205191456896,0.000963456928730011,0.000476885586977005,0.45961827852539744,4,401,1 -21402,0.0007261996963134708,0.0005245804786682129,0.0005021765828132629,0.7635815700651216,4,402,1 -21403,0.0009959965002684567,0.000642869621515274,0.0007607415318489075,0.8691791946797663,4,403,1 -21404,0.000943286336050638,0.0007957741618156433,0.0005064904689788818,0.5668085760159404,4,404,1 -21405,0.0010973473029930448,0.0006826296448707581,0.0008591786026954651,0.8994093153441208,4,405,1 -21406,0.0011249667913806978,0.0007004477083683014,0.0008802972733974457,0.8986862021146216,4,406,1 -21407,0.0009623626226494603,0.0005434006452560425,0.0007942654192447662,0.9707839459730295,4,407,1 -21408,0.0011250302962075714,0.0007318556308746338,0.0008544474840164185,0.8625263401460157,4,408,1 -21409,0.001072739284098348,0.0006527267396450043,0.0008513033390045166,0.916668588557189,4,409,1 -21410,0.0011361113697399903,0.0006203539669513702,0.0009517930448055267,0.9931750116354507,4,410,1 -21411,0.0007461804846406152,0.0007457323372364044,2.5857239961624146e-05,0.03465973482024993,4,411,1 -21412,0.0010307067091846383,0.0008611604571342468,0.0005663558840751648,0.5817454049321348,4,412,1 -21413,0.001098825546448562,0.0005568563938140869,0.0009472742676734924,1.039357600856738,4,413,1 -21414,0.0009514301098358143,0.0004521310329437256,0.0008371360599994659,1.0755913334740566,4,414,1 -21415,0.001141358095340794,0.000887751579284668,0.0007173530757427216,0.6796339284603082,4,415,1 -21416,0.0008912469841031083,0.0008307136595249176,0.00032285600900650024,0.3706828714372634,4,416,1 -21417,0.0012255242300764125,0.0006176270544528961,0.0010585114359855652,1.042607661547434,4,417,1 -21418,0.0011853429008160917,0.0010200031101703644,0.0006038472056388855,0.5345202754875196,4,418,1 -21419,0.001353292072608647,0.001040235161781311,0.0008656270802021027,0.6940368907050658,4,419,1 -21420,0.0013391311548290263,0.0007911287248134613,0.0010804571211338043,0.9387740267356749,4,420,1 -21421,0.0011098310020004763,0.00041078031063079834,0.0010310113430023193,1.1916487664505246,4,421,1 -21422,0.0009224951900647548,0.000689629465341568,0.0006127059459686279,0.7264008810629946,4,422,1 -21423,0.001248340481977659,0.00048362091183662415,0.0011508539319038391,1.1729746385730797,4,423,1 -21424,0.0007488810587680475,0.0005414038896560669,0.0005174018442630768,0.7627330658445864,4,424,1 -21425,0.0008751798208224471,0.0003416575491428375,0.0008057355880737305,1.1697459998535342,4,425,1 -21426,0.0008651711605085176,0.0007722564041614532,0.00039005279541015625,0.4677049247997924,4,426,1 -21427,0.001162090569194783,0.000575430691242218,0.001009620726108551,1.052767512748654,4,427,1 -21428,0.0009690297757867201,0.0009463764727115631,0.0002083033323287964,0.2166516031086883,4,428,1 -21429,0.001048653771910943,0.00047853216528892517,0.0009331032633781433,1.0969299956601133,4,429,1 -21430,0.0010609958612917963,0.000549614429473877,0.0009075440466403961,1.0262647109747731,4,430,1 -21431,0.001035402706832852,0.0006827116012573242,0.0007784366607666016,0.8508182593567838,4,431,1 -21432,0.0008667978358479697,0.000630546361207962,0.0005947686731815338,0.7562076902673298,4,432,1 -21433,0.0007491533398540745,0.0002507716417312622,0.0007059350609779358,1.2294669530353177,4,433,1 -21434,0.0012235754937288902,0.0003765486180782318,0.0011641941964626312,1.2579747598704984,4,434,1 -21435,0.0010224934348581837,0.0005800388753414154,0.0008420497179031372,0.9675985439298798,4,435,1 -21436,0.001312165370764712,0.0008080564439296722,0.001033838838338852,0.9073712188068624,4,436,1 -21437,0.0008453050575192053,0.0004594475030899048,0.0007095411419868469,0.9961611069159989,4,437,1 -21438,0.0007123655102642992,0.00037232786417007446,0.000607319176197052,1.020823479754413,4,438,1 -21439,0.0009806955569379348,0.0004813745617866516,0.0008544251322746277,1.057731052495929,4,439,1 -21440,0.00080588461405623,0.0007059536874294281,0.0003886893391609192,0.5032942234782428,4,440,1 -21441,0.0010696555084215716,0.0009266212582588196,0.000534355640411377,0.5230892004154921,4,441,1 -21442,0.00108419402778656,0.000543743371963501,0.0009379871189594269,1.0454432390467854,4,442,1 -21443,0.0010502972187687032,0.000704985111951828,0.00077853724360466,0.8349369880433676,4,443,1 -21444,0.0005953199221654864,0.00045311078429222107,0.00038613006472587585,0.7057558978881573,4,444,1 -21445,0.0009937997208748022,0.000590987503528595,0.000798981636762619,0.93393541681662,4,445,1 -21446,0.0008682600344269847,0.000772431492805481,0.00039651617407798767,0.47425866457996724,4,446,1 -21447,0.0009275466370367268,0.0006251707673072815,0.0006852038204669952,0.8311798090302399,4,447,1 -21448,0.0009522911582222357,0.000841435045003891,0.0004459209740161896,0.4873218372320671,4,448,1 -21449,0.0008453611786507126,0.00017160922288894653,0.0008277595043182373,1.3663744899558559,4,449,1 -21450,0.000961713267505523,0.00036488473415374756,0.0008898042142391205,1.1816365540033948,4,450,1 -21451,0.0010474296301636685,0.0006583444774150848,0.0008146725594997406,0.8911302080321919,4,451,1 -21452,0.0009790834914675801,0.0006246306002140045,0.0007539503276348114,0.878930862564776,4,452,1 -21453,0.0010368507526556413,0.000982441008090973,0.00033146515488624573,0.32539653667532714,4,453,1 -21454,0.0008602213478439314,0.0003629140555858612,0.0007799193263053894,1.1352734745896662,4,454,1 -21455,0.0010185476486078435,0.00024044141173362732,0.0009897612035274506,1.3324839891134883,4,455,1 -21456,0.0007192157998018101,0.000490725040435791,0.0005257949233055115,0.8198844303834611,4,456,1 -21457,0.0008327258138429188,0.0007533356547355652,0.00035484880208969116,0.4402097426156673,4,457,1 -21458,0.0011554245182646928,0.0005323514342308044,0.0010254792869091034,1.0919664254330077,4,458,1 -21459,0.0010379894784537092,0.0005476847290992737,0.0008817389607429504,1.0149764200310654,4,459,1 -21460,0.0009410628033645241,0.0004904456436634064,0.0008031576871871948,1.0225850797257052,4,460,1 -21461,0.0010329854358620617,0.0008114837110042572,0.0006391815841197968,0.6671774596745852,4,461,1 -21462,0.0013022245460565514,0.0012395530939102173,0.00039912015199661255,0.31150445887519607,4,462,1 -21463,0.000936295673358449,0.0007384978234767914,0.0005755610764026642,0.6620328190720787,4,463,1 -21464,0.0007793498948089578,0.0005339495837688446,0.0005677007138729095,0.8160254652800816,4,464,1 -21465,0.0007312110994081992,0.0005310066044330597,0.0005026943981647491,0.7580158451439449,4,465,1 -21466,0.0011965722722677913,0.0009605623781681061,0.0007135160267353058,0.6388840662052293,4,466,1 -21467,0.000903122158380645,0.0008483380079269409,0.0003097616136074066,0.3500978432545573,4,467,1 -21468,0.0008318365912968511,0.0007734149694442749,0.00030623748898506165,0.3770144122960242,4,468,1 -21469,0.0009737936790505046,0.0008925832808017731,0.00038931891322135925,0.4112943816336022,4,469,1 -21470,0.0013433604635068872,0.000455707311630249,0.0012637041509151459,1.2246987658491433,4,470,1 -21471,0.0010932051271511942,0.0004114322364330292,0.0010128282010555267,1.184938420893096,4,471,1 -21472,0.0012962459105232001,0.0010613910853862762,0.0007441118359565735,0.6114452325562466,4,472,1 -21473,0.0012443040729202208,0.0001626908779144287,0.001233622431755066,1.4396724141895936,4,473,1 -21474,0.0009099377136108709,0.0007645711302757263,0.0004933737218379974,0.5730603594142057,4,474,1 -21475,0.0008568571518255348,0.0003149844706058502,0.0007968619465827942,1.194364570530764,4,475,1 -21476,0.0008763301751245273,0.00040660426020622253,0.0007762908935546875,1.0883075983560153,4,476,1 -21477,0.0007303801917928661,0.00046928226947784424,0.0005596689879894257,0.8730167935748854,4,477,1 -21478,0.0010412050690050902,0.0007350258529186249,0.0007374584674835205,0.7870502097507528,4,478,1 -21479,0.0009975469512931282,0.0006336867809295654,0.0007704161107540131,0.8824705302071085,4,479,1 -21480,0.001142281027039819,0.0007186457514762878,0.0008878931403160095,0.8903600785392811,4,480,1 -21481,0.0009717293002365823,7.507205009460449e-05,0.0009688250720500946,1.493463133881608,4,481,1 -21482,0.0010598239431729068,0.0003251805901527405,0.0010087043046951294,1.2589408925468524,4,482,1 -21483,0.0007834189532058422,0.000565018504858017,0.0005426779389381409,0.7652324062160828,4,483,1 -21484,0.0009013462891164059,0.0005214028060436249,0.0007352307438850403,0.9539431827130962,4,484,1 -21485,0.0010525970523859232,0.0003520101308822632,0.0009919926524162292,1.2298059684320266,4,485,1 -21486,0.0010663147095734146,0.00035936012864112854,0.0010039359331130981,1.2270556186171664,4,486,1 -21487,0.001166861442114576,0.0010376349091529846,0.0005337409675121307,0.4750870879321263,4,487,1 -21488,0.0012545153768073398,0.0006516128778457642,0.0010720118880271912,1.024631256012636,4,488,1 -21489,0.0009145178643985711,0.000603698194026947,0.000686943531036377,0.8498081271671014,4,489,1 -21490,0.0009321770191975894,0.00035545602440834045,0.0008617453277111053,1.179574555356905,4,490,1 -21491,0.0007813350847242041,0.00027729570865631104,0.0007304735481739044,1.2079893790933007,4,491,1 -21492,0.0011023809683760992,0.0007602609694004059,0.0007982775568962097,0.8097857866027989,4,492,1 -21493,0.0010916427212020975,0.0006560347974300385,0.0008725263178348541,0.9260933160115876,4,493,1 -21494,0.0011568681159783596,0.0010599792003631592,0.00046345219016075134,0.41218180379408165,4,494,1 -21495,0.0011206638830489103,0.0003190748393535614,0.0010742805898189545,1.2820825418894972,4,495,1 -21496,0.0008525269142868316,0.0004381239414215088,0.0007313340902328491,1.0310572800150546,4,496,1 -21497,0.0013375313766024995,0.001193072646856308,0.0006046220660209656,0.46905469208041145,4,497,1 -21498,0.00102372042928175,0.0008812583982944489,0.0005209483206272125,0.5338803580651071,4,498,1 -21499,0.0008849301798331949,0.0008554048836231232,0.000226680189371109,0.2590434313671419,4,499,1 -21500,0.0009178248634801906,0.00046249106526374817,0.0007927827537059784,1.0426894485418725,4,500,1 -21501,0.0013825473733752212,0.00048018619418144226,0.0012964792549610138,1.2160847789752494,4,501,1 -21502,0.0010125658210445845,0.00042173266410827637,0.000920560210943222,1.1412053141710028,4,502,1 -21503,0.0009201703098881298,0.0007891841232776642,0.00047318264842033386,0.5401140045507793,4,503,1 -21504,0.0007745156698882495,0.00040546804666519165,0.0006599016487598419,1.0198288981390298,4,504,1 -21505,0.0007039948481904833,0.00043252483010292053,0.0005554556846618652,0.9091883385956485,4,505,1 -21506,0.0007465917770910071,0.00036200881004333496,0.0006529539823532104,1.0645682454333136,4,506,1 -21507,0.0007513871894616902,0.0003711692988872528,0.0006533116102218628,1.054136457105752,4,507,1 -21508,0.000980714503856,0.00043866783380508423,0.00087713822722435,1.107058683411392,4,508,1 -21509,0.0010930932308887186,0.0009846389293670654,0.00047469884157180786,0.44922897563077213,4,509,1 -21510,0.0009753122710290384,0.0005014203488826752,0.000836547464132309,1.0308235732350435,4,510,1 -21511,0.0011510176600847434,0.0007582083344459534,0.0008660033345222473,0.8516685593447745,4,511,1 -21512,0.0010163952060973378,0.00047498568892478943,0.0008985809981822968,1.0845350383563934,4,512,1 -21513,0.001135262931067954,0.0003283880650997162,0.0010867305099964142,1.2773408695173625,4,513,1 -21514,0.001273643850760444,0.0009283050894737244,0.0008720196783542633,0.7541443116810049,4,514,1 -21515,0.0008623140929760042,0.0006307400763034821,0.0005880072712898254,0.7503496309751909,4,515,1 -21516,0.0010032556469157143,0.000668838620185852,0.0007477812469005585,0.8410666348915035,4,516,1 -21517,0.0007760651179163193,0.0005845464766025543,0.0005104728043079376,0.7178550651030348,4,517,1 -21518,0.0006688518443273265,0.0003859177231788635,0.0005462877452373505,0.9557634663844107,4,518,1 -21519,0.000905151385477984,0.00047636404633522034,0.0007696598768234253,1.0165753157032766,4,519,1 -21520,0.0008671132341953665,0.00035287439823150635,0.0007920637726783752,1.1516803780634952,4,520,1 -21521,0.001077207829979723,0.000557485967874527,0.0009217299520969391,1.0268360672617207,4,521,1 -21522,0.0009076220793683512,0.000677596777677536,0.0006038546562194824,0.7279157794080237,4,522,1 -21523,0.0009210807877213285,0.0007791072130203247,0.0004913061857223511,0.5626172312494798,4,523,1 -21524,0.0008889905284557667,0.0007368177175521851,0.0004973970353603363,0.5937916932477258,4,524,1 -21525,0.0010417494890821216,0.0008551850914955139,0.0005948953330516815,0.6077893604754874,4,525,1 -21526,0.0013734418699802352,0.0006390884518623352,0.0012156926095485687,1.086801475776437,4,526,1 -21527,0.0008200312101268607,0.0003119930624961853,0.0007583610713481903,1.180497415840042,4,527,1 -21528,0.0007606563488306306,0.0003613792359828949,0.000669330358505249,1.075731495149114,4,528,1 -21529,0.0009876453155271238,0.0003526657819747925,0.0009225346148014069,1.2056592261507912,4,529,1 -21530,0.0008827383719119346,0.0007453858852386475,0.00047289207577705383,0.5653487606969456,4,530,1 -21531,0.0010343016865682069,0.0005389153957366943,0.000882808119058609,1.0227241400318456,4,531,1 -21532,0.0012887395239546946,0.0007089972496032715,0.0010761842131614685,0.9882550743231376,4,532,1 -21533,0.000912380072895128,0.0007482543587684631,0.0005220659077167511,0.609188619222091,4,533,1 -21534,0.001040775888559366,0.0003320053219795227,0.000986400991678238,1.2461243690596309,4,534,1 -21535,0.0009801100827604005,0.0003420636057853699,0.0009184814989566803,1.2142868843142138,4,535,1 -21536,0.0010631852253545323,0.0006984435021877289,0.0008015856146812439,0.8540501787011194,4,536,1 -21537,0.0008175834214792972,0.000607810914516449,0.0005468167364597321,0.7326213771793003,4,537,1 -21538,0.0008714373165845941,0.0006004460155963898,0.0006315596401691437,0.8106472459266104,4,538,1 -21539,0.0012076317822871938,0.0010196268558502197,0.0006470978260040283,0.5655027212634272,4,539,1 -21540,0.0008772105956310356,0.0003565475344657898,0.000801481306552887,1.1522244567041062,4,540,1 -21541,0.001146671234492277,0.00046322494745254517,0.0010489411652088165,1.1549397654846516,4,541,1 -21542,0.001042517374936181,0.00044969096779823303,0.0009405426681041718,1.1248065489594408,4,542,1 -21543,0.0008499830525426814,0.00045987218618392944,0.0007148347795009613,0.9991267804611585,4,543,1 -21544,0.0010192923374050852,0.0005717799067497253,0.0008438155055046082,0.9752540942762061,4,544,1 -21545,0.0008692009163912059,0.0004836767911911011,0.000722195953130722,0.9806754777388096,4,545,1 -21546,0.0007695641620111955,0.0001752898097038269,0.0007493346929550171,1.3410012096523225,4,546,1 -21547,0.0009463042406672716,0.0005594640970230103,0.0007632113993167877,0.9382385998680365,4,547,1 -21548,0.0008875694555012305,0.00042764097452163696,0.000777754932641983,1.068075765074607,4,548,1 -21549,0.0009539019585202064,0.000837177038192749,0.0004572346806526184,0.49989215871750825,4,549,1 -21550,0.0009629272507144538,0.0009217187762260437,0.00027868151664733887,0.29361120647322014,4,550,1 -21551,0.0009137786802402426,0.0007138028740882874,0.0005705058574676514,0.6742825263119574,4,551,1 -21552,0.0009289596943618214,0.0007969774305820465,0.0004772767424583435,0.5395797705845128,4,552,1 -21553,0.0008429867265367197,0.0003778040409088135,0.0007535852491855621,1.1060755829514697,4,553,1 -21554,0.0010092524664444802,0.0004990547895431519,0.0008772313594818115,1.0535602777279902,4,554,1 -21555,0.0009296653706761861,0.00040782615542411804,0.0008354373276233673,1.1166664027118207,4,555,1 -21556,0.0010798398531305868,0.0003584735095500946,0.0010186024010181427,1.23240599133181,4,556,1 -21557,0.0010881133866907353,0.0008702948689460754,0.0006531290709972382,0.6438010181952171,4,557,1 -21558,0.0009651399526770837,0.0007259175181388855,0.0006360337138175964,0.7194973841663023,4,558,1 -21559,0.0012489452421225304,0.0010595433413982391,0.0006612353026866913,0.5579344081602283,4,559,1 -21560,0.0011872988014830946,0.0011203102767467499,0.00039317086338996887,0.33751928184017693,4,560,1 -21561,0.0008102987830408325,0.0005806088447570801,0.0005652233958244324,0.7719716565673256,4,561,1 -21562,0.0009974618899435653,0.0005492754280567169,0.0008326023817062378,0.987625929599533,4,562,1 -21563,0.0008098282309339864,0.0007116422057151794,0.0003865063190460205,0.4975448570020867,4,563,1 -21564,0.0011753189459997248,0.0011308230459690094,0.00032033398747444153,0.2760430930738885,4,564,1 -21565,0.0012213005611243291,0.0008395873010158539,0.0008869431912899017,0.8128196426780006,4,565,1 -21566,0.0009050986022383541,0.0008871555328369141,0.00017932802438735962,0.1994506754609154,4,566,1 -21567,0.0009649587076934112,0.0004891715943813324,0.0008317790925502777,1.0391707160777794,4,567,1 -21568,0.0010542650870719885,0.000994015485048294,0.0003512948751449585,0.3397093225027911,4,568,1 -21569,0.000855676197755717,0.0003778822720050812,0.0007677152752876282,1.1133947303258813,4,569,1 -21570,0.0010641364917316955,0.00048200786113739014,0.0009487122297286987,1.100717233524275,4,570,1 -21571,0.0008968920497789573,0.00033716484904289246,0.0008311048150062561,1.1854006863336535,4,571,1 -21572,0.0009486444575913086,0.0008892938494682312,0.0003302767872810364,0.35560391016279974,4,572,1 -21573,0.0010902940418385002,0.0004878118634223938,0.0009750798344612122,1.1069256256179365,4,573,1 -21574,0.0011105598613776883,0.0005062706768512726,0.000988449901342392,1.0974471299577737,4,574,1 -21575,0.0008586388099591209,0.0008357726037502289,0.00019683688879013062,0.2312998431612602,4,575,1 -21576,0.0008632717159893555,0.00043159350752830505,0.0007476396858692169,1.0472541976797227,4,576,1 -21577,0.001176979403290438,0.000641997903585434,0.0009864680469036102,0.9938557180787263,4,577,1 -21578,0.0006285283860757504,0.00044489651918411255,0.00044397637248039246,0.7843629800954587,4,578,1 -21579,0.0009269829684742797,0.00042345374822616577,0.000824611634016037,1.0963920961201907,4,579,1 -21580,0.0012322327137943808,0.0008505843579769135,0.0008915737271308899,0.8089217509587086,4,580,1 -21581,0.0009370825456530585,0.0005448535084724426,0.0007624030113220215,0.9503037591700818,4,581,1 -21582,0.0007867092087239678,0.0006108209490776062,0.0004957914352416992,0.6818227107399589,4,582,1 -21583,0.0011254456234303354,0.0005867145955562592,0.0009604133665561676,1.0224021101133565,4,583,1 -21584,0.0009470357873574228,0.0008344538509845734,0.0004478432238101959,0.4925671783675572,4,584,1 -21585,0.0012155261173804228,0.0004966855049133301,0.0011094175279140472,1.149857270293539,4,585,1 -21586,0.0010473126816844943,0.0010211355984210968,0.00023269280791282654,0.22405064565440244,4,586,1 -21587,0.0005972803702769366,1.3042241334915161e-05,0.0005971379578113556,1.5489585456490582,4,587,1 -21588,0.0009706178430559637,0.0005450546741485596,0.0008031278848648071,0.974533213750331,4,588,1 -21589,0.0008020053131456221,0.0004856772720813751,0.000638224184513092,0.9203035527973832,4,589,1 -21590,0.0011196856032601324,0.0009239502251148224,0.0006324648857116699,0.6002628014126624,4,590,1 -21591,0.0009284018626622267,0.0006544888019561768,0.0006584636867046356,0.7884255940463571,4,591,1 -21592,0.0009872043741520368,0.0006647966802120209,0.0007298067212104797,0.8319798749599833,4,592,1 -21593,0.0007700862885555958,0.0005606524646282196,0.0005279220640659332,0.7553400076352863,4,593,1 -21594,0.001358053981930708,0.0006370097398757935,0.001199387013912201,1.0825694191977269,4,594,1 -21595,0.001271441118759417,0.0008059367537498474,0.0009833760559558868,0.8842411758339562,4,595,1 -21596,0.001009796015533289,0.0008605793118476868,0.000528290867805481,0.5505616023638786,4,596,1 -21597,0.001396279214895903,0.0013906992971897125,0.00012470409274101257,0.08943087796958321,4,597,1 -21598,0.0010513597999687965,0.0008286759257316589,0.0006470344960689545,0.6629267382179864,4,598,1 -21599,0.0010521095397288491,0.000338774174451828,0.0009960755705833435,1.2429602005811966,4,599,1 -21600,0.0006380528935658336,0.00039600953459739685,0.0005002878606319427,0.9012208963485727,4,600,1 -21601,0.0009746586161478392,0.0007910691201686859,0.0005693584680557251,0.6238471185939087,4,601,1 -21602,0.0012437893332342272,0.0006257891654968262,0.0010748952627182007,1.0435782138359033,4,602,1 -21603,0.0009366272038354908,0.0008353553712368011,0.0004236176609992981,0.4693199874710953,4,603,1 -21604,0.0008853377296140616,0.0005592405796051025,0.000686347484588623,0.8870918477593036,4,604,1 -21605,0.0008790182201777683,0.00028530508279800415,0.0008314289152622223,1.240236673344557,4,605,1 -21606,0.0012451851090358734,0.0005291365087032318,0.0011271648108959198,1.1318940274814446,4,606,1 -21607,0.000879148756397616,0.00044859573245048523,0.0007560849189758301,1.0353075416141533,4,607,1 -21608,0.0011883359216776368,0.0011393353343009949,0.00033772364258766174,0.28817066619693327,4,608,1 -21609,0.0011874976037416001,0.000755608081817627,0.0009160824120044708,0.8811001549654894,4,609,1 -21610,0.0010512504767215018,0.00048383697867393494,0.0009332895278930664,1.0925206790152047,4,610,1 -21611,0.0011033817331503259,0.0004967749118804932,0.000985223799943924,1.103774075997024,4,611,1 -21612,0.0007164990360515259,0.0004874579608440399,0.0005251243710517883,0.8225793882659352,4,612,1 -21613,0.0011397535274993561,0.0006588809192180634,0.0009300075471401215,0.9544094831982403,4,613,1 -21614,0.0006507641151234136,0.0003066509962081909,0.0005739852786064148,1.0801264702967115,4,614,1 -21615,0.0009538427801453743,0.0005776956677436829,0.0007590018212795258,0.9202128161172147,4,615,1 -21616,0.0007564935169030866,0.000705331563949585,0.0002734772861003876,0.3698831107724514,4,616,1 -21617,0.0010759448913259444,0.000554453581571579,0.000922083854675293,1.0294178604830382,4,617,1 -21618,0.0008255400733919757,0.0007516108453273773,0.0003414638340473175,0.42643179943631304,4,618,1 -21619,0.0008314921491784597,0.0007915981113910675,0.00025446340441703796,0.31102250154805994,4,619,1 -21620,0.0010689409839781123,0.0008627139031887054,0.0006311573088169098,0.6316175773113322,4,620,1 -21621,0.0010996816009116797,0.0006286948919296265,0.0009022429585456848,0.9622122917205135,4,621,1 -21622,0.0009175515803884442,0.0006924867630004883,0.0006019659340381622,0.7155820115381348,4,622,1 -21623,0.0011246958638547616,0.0008013993501663208,0.0007891133427619934,0.7776737591195396,4,623,1 -21624,0.0008968261918465211,0.0003741234540939331,0.0008150637149810791,1.1404739220368831,4,624,1 -21625,0.0008673043174135401,0.00014621391892433167,0.0008548907935619354,1.4014030590229118,4,625,1 -21626,0.0010443102701741943,0.0007983855903148651,0.0006731748580932617,0.7005155674627207,4,626,1 -21627,0.0012189314746512423,0.00045700371265411377,0.0011300183832645416,1.186484145591541,4,627,1 -21628,0.0009027160539948305,0.00041477009654045105,0.0008017867803573608,1.0933989960213264,4,628,1 -21629,0.0007830114592192221,0.0004278123378753662,0.0006558075547218323,0.9927748382245237,4,629,1 -21630,0.0012042887327000807,0.0005532093346118927,0.0010697059333324432,1.0935149912442916,4,630,1 -21631,0.0007143002734016075,0.0006173253059387207,0.0003593526780605316,0.5271629637053321,4,631,1 -21632,0.0006303018059771157,0.00014716386795043945,0.0006128810346126556,1.3351396219108833,4,632,1 -21633,0.0011953444105450353,0.0006323233246803284,0.0010144039988517761,1.013388247666488,4,633,1 -21634,0.0008212432483218393,0.0006041303277015686,0.0005562976002693176,0.7442015812461231,4,634,1 -21635,0.0009668158462550029,0.0004101954400539398,0.0008754841983318329,1.1326356279262253,4,635,1 -21636,0.0006051269668215567,0.0005128569900989532,0.0003211796283721924,0.5595018021256993,4,636,1 -21637,0.0014144366149680837,0.0008134469389915466,0.0011571235954761505,0.9580661084444447,4,637,1 -21638,0.001288434524354297,0.00105990469455719,0.0007325746119022369,0.6047753554813617,4,638,1 -21639,0.0009588872738623084,0.0005923919379711151,0.0007540136575698853,0.9048659297481794,4,639,1 -21640,0.0011420192396901492,0.0005828551948070526,0.0009820833802223206,1.0351784491405511,4,640,1 -21641,0.0009883427726443033,0.0006117895245552063,0.0007762312889099121,0.9033206245645649,4,641,1 -21642,0.0010586617816549183,0.0008203238248825073,0.0006692036986351013,0.684289051351331,4,642,1 -21643,0.0009367565324880298,0.0006433203816413879,0.000680919736623764,0.8137836922064975,4,643,1 -21644,0.0009706634577028743,0.00047092512249946594,0.000848773866891861,1.0642525010681534,4,644,1 -21645,0.0011280625716327927,0.00045306235551834106,0.0010330826044082642,1.1575016830386233,4,645,1 -21646,0.001071444065094309,0.0010428987443447113,0.00024567171931266785,0.23134848355525275,4,646,1 -21647,0.0009561738285685872,0.0006953701376914978,0.0006562992930412292,0.7565005886437137,4,647,1 -21648,0.0010882575125750883,0.0010638944804668427,0.00022898241877555847,0.21199635570061243,4,648,1 -21649,0.0011705591301778351,0.0010500624775886536,0.0005172789096832275,0.45772400008376474,4,649,1 -21650,0.001201835311814474,0.0010721758008003235,0.0005429983139038086,0.46879048417220204,4,650,1 -21651,0.0009904740517061568,0.00025513768196105957,0.0009570494294166565,1.3102675866298896,4,651,1 -21652,0.0006954071555985359,0.00020150840282440186,0.000665571540594101,1.2768094002952945,4,652,1 -21653,0.0010348935142635363,0.0003501400351524353,0.0009738616645336151,1.2256500189758601,4,653,1 -21654,0.000969998682401253,0.0008134953677654266,0.0005283206701278687,0.5759851113224116,4,654,1 -21655,0.0011504901368872612,0.00040135905146598816,0.0010782107710838318,1.2144427905355892,4,655,1 -21656,0.0009145112887386037,0.0005587674677371979,0.0007239542901515961,0.9134716568572624,4,656,1 -21657,0.0007745218540892257,-4.880130290985107e-06,0.0007745064795017242,1.5770971981729753,4,657,1 -21658,0.0013263009377593872,0.0006401762366294861,0.001161571592092514,1.067086439556555,4,658,1 -21659,0.0009071915309752308,0.0007220543920993805,0.0005492120981216431,0.6502660419281218,4,659,1 -21660,0.0009740879253207385,0.0007394477725028992,0.0006340853869915009,0.7088390712669564,4,660,1 -21661,0.001150415536708913,0.0007050670683383942,0.0009090304374694824,0.9110956738495248,4,661,1 -21662,0.00139234540124231,0.0013135746121406555,0.00046167895197868347,0.3379816835218681,4,662,1 -21663,0.0009483438046803627,0.0005271807312965393,0.0007883124053478241,0.9813555979865434,4,663,1 -21664,0.0009023227704069815,0.0004133284091949463,0.0008020885288715363,1.0949717618479622,4,664,1 -21665,0.001154803526030057,0.0010019280016422272,0.000574205070734024,0.5204053069530208,4,665,1 -21666,0.0008926805348398396,0.0006418526172637939,0.0006204061210155487,0.7684092274256891,4,666,1 -21667,0.0008885937601821644,0.00018891692161560059,0.0008682794868946075,1.3565591306617757,4,667,1 -21668,0.0012495664844073442,0.0007600411772727966,0.0009918436408042908,0.9169500398330603,4,668,1 -21669,0.000934187635978451,0.0005154088139533997,0.0007791407406330109,0.9863727403217855,4,669,1 -21670,0.0011819207726724594,0.0006672851741313934,0.0009755343198776245,0.9708757667606455,4,670,1 -21671,0.0009344104470461659,0.0005057752132415771,0.0007856935262680054,0.9988408273093144,4,671,1 -21672,0.0010108931835265355,0.0005349814891815186,0.0008577294647693634,1.0131192768148494,4,672,1 -21673,0.0009054865256642402,0.0005287453532218933,0.0007350742816925049,0.9472286805196249,4,673,1 -21674,0.001010624070020872,0.0008835308253765106,0.0004906468093395233,0.5069223543888243,4,674,1 -21675,0.0012338475606641101,0.0007577873766422272,0.000973723828792572,0.9094674328470759,4,675,1 -21676,0.0010098182547784863,0.0007610023021697998,0.0006637834012508392,0.7172697138032988,4,676,1 -21677,0.001185148450977879,0.0008376128971576691,0.0008384399116039276,0.7858915931836798,4,677,1 -21678,0.0010292493313955008,0.0008335299789905548,0.0006038062274456024,0.6269125252788127,4,678,1 -21679,0.0008252546267161609,0.0001739412546157837,0.000806715339422226,1.3584308419406448,4,679,1 -21680,0.0008045174572601195,0.0003507956862449646,0.000724010169506073,1.1196111575601742,4,680,1 -21681,0.0010955493490480965,0.0010158643126487732,0.00041018053889274597,0.3837563827184047,4,681,1 -21682,0.0011712020750455105,0.0008656531572341919,0.0007888972759246826,0.739040622071749,4,682,1 -21683,0.0010052348487323804,0.0006539821624755859,0.0007634162902832031,0.8624530346967175,4,683,1 -21684,0.0009531889206306228,0.0007976330816745758,0.0005218721926212311,0.5793753343082707,4,684,1 -21685,0.0009486939723714363,0.0004242211580276489,0.0008485615253448486,1.1072049129598422,4,685,1 -21686,0.000840509860770416,0.0005738288164138794,0.0006141476333141327,0.8193242122246569,4,686,1 -21687,0.0006829258291718025,0.0003494173288345337,0.0005867667496204376,1.0336950765751334,4,687,1 -21688,0.0007678451225845528,0.00034042075276374817,0.000688258558511734,1.1114686218376457,4,688,1 -21689,0.0009456113601830932,0.000889364629983902,0.000321265310049057,0.34664415858867725,4,689,1 -21690,0.0009421937139125765,0.0006606727838516235,0.0006717443466186523,0.7937073540475316,4,690,1 -21691,0.001150330160241813,0.000719461590051651,0.0008975714445114136,0.8951020241752566,4,691,1 -21692,0.000843253630385713,0.00033801421523094177,0.0007725432515144348,1.158357047748903,4,692,1 -21693,0.0009805432033008793,0.000911276787519455,0.0003619939088821411,0.3781232102847988,4,693,1 -21694,0.000822567741073788,0.000638820230960846,0.0005181953310966492,0.6815182313045159,4,694,1 -21695,0.000946309886837485,0.0007981322705745697,0.0005084164440631866,0.567187543075281,4,695,1 -21696,0.0010163719067661301,0.0006853826344013214,0.0007505081593990326,0.8307225873072699,4,696,1 -21697,0.0008456815668994553,0.0003858134150505066,0.0007525458931922913,1.0970581594271955,4,697,1 -21698,0.0007478195076620131,0.0006399452686309814,0.0003869161009788513,0.5438009309634931,4,698,1 -21699,0.0008767459788401365,0.0006670244038105011,0.0005690008401870728,0.70625832837736,4,699,1 -21700,0.0008792698226852412,0.0006294287741184235,0.0006139501929283142,0.7729500023068274,4,700,1 -21701,0.0010583290065423459,-0.00041593611240386963,0.0009731687605381012,1.9747013261807171,4,701,1 -21702,0.0009451204097488371,0.0008152835071086884,0.00047808513045310974,0.5303621078213984,4,702,1 -21703,0.0008356512528631587,0.0003849640488624573,0.0007416978478431702,1.0920402238737927,4,703,1 -21704,0.0009696915556238818,0.0005446895956993103,0.000802256166934967,0.974339918738802,4,704,1 -21705,0.0009505504835987582,0.0008021630346775055,0.0005099810659885406,0.5662975842390411,4,705,1 -21706,0.0011652907589588066,0.0007481314241886139,0.000893421471118927,0.8736758172664182,4,706,1 -21707,0.0009093203606812538,0.0003861524164676666,0.0008232556283473969,1.1322094935715408,4,707,1 -21708,0.0011258715538066803,0.0006516352295875549,0.0009181275963783264,0.9535608911415112,4,708,1 -21709,0.0010737799581355377,0.000562768429517746,0.0009144917130470276,1.0191379350220247,4,709,1 -21710,0.0009034269883223969,0.000613044947385788,0.0006635934114456177,0.8249724661300636,4,710,1 -21711,0.0009401609666747937,0.0008044727146625519,0.00048654526472091675,0.5439415911141724,4,711,1 -21712,0.0012908440697848747,0.001222718507051468,0.0004138089716434479,0.3263337096199962,4,712,1 -21713,0.0011371734182713956,0.0007455721497535706,0.000858653336763382,0.8557713450050946,4,713,1 -21714,0.0006883517369880512,0.0005064085125923157,0.00046623870730400085,0.7441221597964384,4,714,1 -21715,0.0006688749656672585,0.0003007426857948303,0.0005974508821964264,1.104451232033244,4,715,1 -21716,0.0008778233294827748,0.0007736533880233765,0.00041477009654045105,0.4921234038895169,4,716,1 -21717,0.0009719890408010302,0.0003603138029575348,0.0009027384221553802,1.1910365278452255,4,717,1 -21718,0.0011858645070140024,0.001087334007024765,0.0004732646048069,0.410522273801283,4,718,1 -21719,0.001030083781615438,0.0009509511291980743,0.0003959350287914276,0.3945271157422191,4,719,1 -21720,0.0009009106842873193,0.0002752244472503662,0.0008578412234783173,1.260337228604326,4,720,1 -21721,0.0009123322499064968,0.0005555823445320129,0.0007236562669277191,0.9160357974191278,4,721,1 -21722,0.0009089289508180081,0.00023171678185462952,0.000878896564245224,1.3130170060894994,4,722,1 -21723,0.000901197183908962,0.0008127205073833466,0.0003894120454788208,0.4468259261583767,4,723,1 -21724,0.0010162245886260481,0.000337257981300354,0.0009586289525032043,1.2325074124374538,4,724,1 -21725,0.0007016137002684769,0.0006260760128498077,0.0003166869282722473,0.4682993235940278,4,725,1 -21726,0.0008668900367304872,0.0007687211036682129,0.0004007071256637573,0.4805142388454665,4,726,1 -21727,0.0009154230016708846,0.0004016496241092682,0.000822603702545166,1.1165797047719357,4,727,1 -21728,0.0009312976874364136,0.000886574387550354,0.0002851337194442749,0.3111652980798915,4,728,1 -21729,0.0010157408253366935,0.0006877891719341278,0.0007474459707736969,0.8269401211270317,4,729,1 -21730,0.0007923003411514632,0.00039285793900489807,0.0006880424916744232,1.0519890487002477,4,730,1 -21731,0.0010456504479930354,0.0007326938211917877,0.000746019184589386,0.7944093796790483,4,731,1 -21732,0.0007055268291003686,0.0006020441651344299,0.0003678463399410248,0.5484653005402363,4,732,1 -21733,0.0009277306806398253,0.00046753883361816406,0.0008013062179088593,1.0426192687905387,4,733,1 -21734,0.0010800542737852143,0.0005260929465293884,0.000943262130022049,1.062031802178154,4,734,1 -21735,0.0007064219912833641,0.0006282590329647064,0.0003229901194572449,0.47486658375001334,4,735,1 -21736,0.0010148770375413784,0.0009158365428447723,0.00043728575110435486,0.44546284016375504,4,736,1 -21737,0.000823304811208864,0.0006324909627437592,0.0005270540714263916,0.694717999248352,4,737,1 -21738,0.0010501476334903702,0.0009005852043628693,0.0005401447415351868,0.5402509808039222,4,738,1 -21739,0.0009445987045588721,0.0007485039532184601,0.0005762018263339996,0.6560560706377757,4,739,1 -21740,0.0010217189811205503,1.5992671251296997e-05,0.0010215938091278076,1.555142977221797,4,740,1 -21741,0.0008464031291672094,0.0005076415836811066,0.0006772726774215698,0.9275909866526011,4,741,1 -21742,0.0010277896468831216,0.000670555979013443,0.0007789134979248047,0.8600160429759305,4,742,1 -21743,0.0010711020977252884,0.0009463466703891754,0.000501684844493866,0.48745848482374826,4,743,1 -21744,0.000849356622177048,0.00046774744987487793,0.0007089562714099884,0.9875841669523954,4,744,1 -21745,0.0008893836421308548,0.00044077634811401367,0.0007724761962890625,1.0522736538641095,4,745,1 -21746,0.0009800136146948125,0.000818643718957901,0.0005387477576732635,0.5820469355698431,4,746,1 -21747,0.0011795748217767917,0.001115310937166214,0.00038402900099754333,0.3316098709386779,4,747,1 -21748,0.0011006025176898704,0.0010205768048763275,0.0004120059311389923,0.3836911778045989,4,748,1 -21749,0.000841772051742545,0.0005367696285247803,0.0006484277546405792,0.879331486525842,4,749,1 -21750,0.0012968760786013815,0.0006475485861301422,0.0011236406862735748,1.0479893134070466,4,750,1 -21751,0.000911601850366628,0.0004947222769260406,0.000765681266784668,0.9971532626095629,4,751,1 -21752,0.0009457425317861757,0.0005085356533527374,0.0007973834872245789,1.003077100021014,4,752,1 -21753,0.0011205726548867763,0.0007712282240390778,0.0008129514753818512,0.8117295247350388,4,753,1 -21754,0.0008097092107592499,0.00047516822814941406,0.0006556250154972076,0.9436480231004789,4,754,1 -21755,0.0011385647524853409,0.0005343295633792877,0.0010053962469100952,1.0822973140752818,4,755,1 -21756,0.000916735089187716,0.0006030872464179993,0.0006904266774654388,0.8528168913988893,4,756,1 -21757,0.0008052800850547325,0.00038270652294158936,0.0007085278630256653,1.0755521825525987,4,757,1 -21758,0.0008984648383000875,0.0005425475537776947,0.0007161572575569153,0.922460632134825,4,758,1 -21759,0.0007142912422362137,0.0001365281641483307,0.000701121985912323,1.3784749860105938,4,759,1 -21760,0.0012552982699734077,0.0009841173887252808,0.0007792860269546509,0.6697595502501074,4,760,1 -21761,0.0010619217865591379,0.0006526447832584381,0.0008376948535442352,0.9089322739489523,4,761,1 -21762,0.0005321059100951152,0.0002088584005832672,0.000489402562379837,1.1674342238376474,4,762,1 -21763,0.001506269948805209,0.0008063502609729767,0.0012722611427307129,1.0058988977508576,4,763,1 -21764,0.0011627559058299114,0.00047764554619789124,0.0010601207613945007,1.1474787338971881,4,764,1 -21765,0.0010745955549698344,0.0006692782044410706,0.0008407272398471832,0.8984559815720975,4,765,1 -21766,0.0014255536281072274,0.0006967373192310333,0.00124368816614151,1.060141560989398,4,766,1 -21767,0.0011850569260448826,0.0011017769575119019,0.0004364028573036194,0.3771311669380595,4,767,1 -21768,0.0009406363337492847,0.0005868859589099884,0.0007350929081439972,0.8970419075391322,4,768,1 -21769,0.0008988745734904763,0.000607069581747055,0.0006629042327404022,0.8293350674785034,4,769,1 -21770,0.0008619361897085294,0.00047155842185020447,0.0007215030491352081,0.9919100223023721,4,770,1 -21771,0.0011284267128915159,0.0008350126445293427,0.0007590129971504211,0.7377564335414174,4,771,1 -21772,0.0009345258278339522,0.0004961118102073669,0.0007919669151306152,1.0111693798371515,4,772,1 -21773,0.0009067858544639931,0.0007733404636383057,0.0004735030233860016,0.5494020139564126,4,773,1 -21774,0.001313815246731868,0.0010197460651397705,0.0008283890783786774,0.6822252278227875,4,774,1 -21775,0.000863779301639263,0.0008475184440612793,0.00016681477427482605,0.19434304200913047,4,775,1 -21776,0.0007810004832172383,0.0006809383630752563,0.00038247182965278625,0.5117689796945123,4,776,1 -21777,0.001121425874882864,0.0007698163390159607,0.0008154623210430145,0.8141838745779567,4,777,1 -21778,0.001055944367634347,0.0008078515529632568,0.0006799958646297455,0.699675423582844,4,778,1 -21779,0.000848812587569497,0.00047925859689712524,0.0007005669176578522,0.9708206530060434,4,779,1 -21780,0.0007881472141120326,0.0005834698677062988,0.000529848039150238,0.7372713683347559,4,780,1 -21781,0.0007775697398698896,0.0005943030118942261,0.0005014166235923767,0.7008283184503337,4,781,1 -21782,0.0012081891845758298,0.0010980553925037384,0.0005039796233177185,0.43029215917062386,4,782,1 -21783,0.0013307015576182848,0.00040818750858306885,0.0012665502727031708,1.2590239013587274,4,783,1 -21784,0.0011044618608677746,0.0008366890251636505,0.0007209628820419312,0.7112391570038115,4,784,1 -21785,0.0007443542303556238,0.0005666688084602356,0.0004826486110687256,0.7054973433442765,4,785,1 -21786,0.00111237837468137,0.0008201226592063904,0.0007515214383602142,0.7417765172080826,4,786,1 -21787,0.0008409797982631389,0.00026512518525123596,0.0007980950176715851,1.2500683528677359,4,787,1 -21788,0.0009405309240153746,0.0005710087716579437,0.0007473602890968323,0.9183737089217632,4,788,1 -21789,0.001025525312343682,0.0003347136080265045,0.0009693652391433716,1.2383222766731703,4,789,1 -21790,0.0008430005855300086,0.000776778906583786,0.00032751262187957764,0.3990120371977526,4,790,1 -21791,0.0010841517714392616,0.0006263814866542816,0.0008848905563354492,0.9548124992884155,4,791,1 -21792,0.0007163473146929592,0.0005373060703277588,0.0004737675189971924,0.7226380364450526,4,792,1 -21793,0.0010533359452767849,0.000435706228017807,0.0009589977562427521,1.1443432804854357,4,793,1 -21794,0.0010854881531548915,0.00029028579592704773,0.00104595348238945,1.3000774550684628,4,794,1 -21795,0.0010917101336592194,0.0007664337754249573,0.0007774382829666138,0.7925259050525767,4,795,1 -21796,0.0010649919199390366,0.0008854195475578308,0.000591810792684555,0.589198807719148,4,796,1 -21797,0.0009967058191058524,0.000301506370306015,0.0009500086307525635,1.2634788663020253,4,797,1 -21798,0.0011207739279448271,0.0009089969098567963,0.000655636191368103,0.6248618436307684,4,798,1 -21799,0.0008441051694309384,0.0007310807704925537,0.00042194128036499023,0.5234465225971162,4,799,1 -21800,0.0008810274221049964,0.0002966970205307007,0.0008295662701129913,1.2273198591069638,4,800,1 -21801,0.0009218679046343508,0.0003525055944919586,0.0008518099784851074,1.17842360687371,4,801,1 -21802,0.00096883714149893,0.0009254813194274902,0.0002865828573703766,0.300293785216608,4,802,1 -21803,0.001311572398210961,0.0009882189333438873,0.0008623488247394562,0.7174857402300112,4,803,1 -21804,0.0009898937365574983,0.0005347132682800293,0.0008330494165420532,1.0001543804201378,4,804,1 -21805,0.000972690239546655,0.0003239847719669342,0.0009171478450298309,1.2312268981794556,4,805,1 -21806,0.0009279537787572977,0.0007908865809440613,0.00048538297414779663,0.5504467600459833,4,806,1 -21807,0.0010241793059135823,0.0008925125002861023,0.0005023591220378876,0.5126624953580478,4,807,1 -21808,0.0008293291597712221,0.00016438961029052734,0.0008128732442855835,1.3712547945602884,4,808,1 -21809,0.0009525121939816998,0.0006788782775402069,0.0006681345403194427,0.7774223600034548,4,809,1 -21810,0.0010914881470934711,0.000707726925611496,0.0008309446275234222,0.8653082106799415,4,810,1 -21811,0.0008951519252491282,0.0006781741976737976,0.0005842745304107666,0.7111558758885268,4,811,1 -21812,0.001014523006606787,0.0002773068845272064,0.0009758882224559784,1.293935672475371,4,812,1 -21813,0.0011573021646939857,0.0010673291981220245,0.00044738873839378357,0.3969193381921168,4,813,1 -21814,0.0010337833223660394,0.0005636550486087799,0.0008666031062602997,0.9941266733203358,4,814,1 -21815,0.0011319988416426624,0.000583600252866745,0.000969965010881424,1.0291487266677615,4,815,1 -21816,0.0009483822335230344,0.0006755031645298004,0.0006656758487224579,0.77807092382799,4,816,1 -21817,0.0008372963101505775,0.0005136467516422272,0.0006612353026866913,0.9103634617014097,4,817,1 -21818,0.001036177175630542,0.000650361180305481,0.0008066557347774506,0.8922597717049837,4,818,1 -21819,0.0009177459052234588,0.000467054545879364,0.0007900111377239227,1.036872578753406,4,819,1 -21820,0.0009360941689431493,0.0006275549530982971,0.0006945841014385223,0.8360522981354537,4,820,1 -21821,0.0011846211437153645,0.0005314722657203674,0.0010587088763713837,1.105549688982102,4,821,1 -21822,0.0009179191059549623,0.0009120814502239227,0.0001033581793308258,0.11283984097916926,4,822,1 -21823,0.0011102964409164097,0.0004835948348045349,0.0009994469583034515,1.1201419180232894,4,823,1 -21824,0.0009707611694640866,0.0006607770919799805,0.0007111616432666779,0.8221067397862437,4,824,1 -21825,0.000876470815126237,0.0004052184522151947,0.000777173787355423,1.0901756113307135,4,825,1 -21826,0.000827902969957747,0.0006459355354309082,0.000517871230840683,0.6757999571612393,4,826,1 -21827,0.0010312694836212485,0.0006907247006893158,0.000765778124332428,0.8368825117134924,4,827,1 -21828,0.0010862170224189556,0.001019556075334549,0.0003746636211872101,0.35215909086625435,4,828,1 -21829,0.0012957282901690694,0.000713687390089035,0.001081462949514389,0.9874736623196896,4,829,1 -21830,0.0010948556545898854,0.0003019385039806366,0.0010523982346057892,1.2913959998411104,4,830,1 -21831,0.0005594479274716644,0.0003998503088951111,0.0003912821412086487,0.7745683298981838,4,831,1 -21832,0.0009175046759246039,0.0006881877779960632,0.0006068050861358643,0.7226365759720357,4,832,1 -21833,0.0010591046469833492,0.0005095973610877991,0.0009284466505050659,1.068820390271453,4,833,1 -21834,0.0009542720091368399,0.0006021633744239807,0.00074029341340065,0.8879308106464849,4,834,1 -21835,0.00131318746961636,0.000689137727022171,0.0011178329586982727,1.0183368127465138,4,835,1 -21836,0.0009830518563159253,0.000838153064250946,0.0005137026309967041,0.5498496390587138,4,836,1 -21837,0.001047741878276782,0.0007141865789890289,0.0007666163146495819,0.8207896686531426,4,837,1 -21838,0.0010449494071386963,0.0005449242889881134,0.000891614705324173,1.022207209513773,4,838,1 -21839,0.0008576352783311232,0.000726744532585144,0.00045539066195487976,0.5597614378958661,4,839,1 -21840,0.0009692290989860367,0.0006770491600036621,0.0006935484707355499,0.7974356231413259,4,840,1 -21841,0.0010870353194443328,0.00048608332872390747,0.0009723007678985596,1.1072038917298672,4,841,1 -21842,0.0007730898497478772,0.0006113871932029724,0.00047315284609794617,0.6586227747755768,4,842,1 -21843,0.0007575255448307709,0.00028632208704948425,0.0007013306021690369,1.1831934466255742,4,843,1 -21844,0.0007155053681799684,0.0002731345593929291,0.0006613209843635559,1.1791219128451371,4,844,1 -21845,0.0012702554563892767,0.0007459186017513275,0.0010281801223754883,0.9431770943663411,4,845,1 -21846,0.0007578263255249082,0.0007019378244876862,0.00028562918305397034,0.38645352057046933,4,846,1 -21847,0.0008088248748022172,0.0004466511309146881,0.0006743147969245911,0.9857688404236286,4,847,1 -21848,0.0009951382931632064,0.0005080588161945343,0.0008556731045246124,1.034982574101872,4,848,1 -21849,0.0009136830456383589,0.0003263801336288452,0.0008534006774425507,1.2055132217506923,4,849,1 -21850,0.0010267604436793724,0.0008870773017406464,0.000517040491104126,0.5277200496655311,4,850,1 -21851,0.0009908051062060465,0.0007336065173149109,0.0006659701466560364,0.7371094253254976,4,851,1 -21852,0.0013156627889705163,0.0011534728109836578,0.0006328262388706207,0.501788413826398,4,852,1 -21853,0.0009246037402759201,0.0006763115525245667,0.0006304718554019928,0.7503342736740664,4,853,1 -21854,0.0009654588936304928,0.0008506961166858673,0.00045653805136680603,0.49254688327207224,4,854,1 -21855,0.001507425486309497,0.0007635131478309631,0.0012997612357139587,1.0396739479502313,4,855,1 -21856,0.000928946884743679,0.00041527673602104187,0.0008309558033943176,1.1073424081489374,4,856,1 -21857,0.0011326614714489971,0.0008906573057174683,0.000699751079082489,0.6659337697963107,4,857,1 -21858,0.0010521692259576098,0.0008040666580200195,0.00067862868309021,0.700997827785143,4,858,1 -21859,0.0011211263952542179,0.0009735487401485443,0.0005559921264648438,0.518897179334545,4,859,1 -21860,0.001136011040883621,0.0005054660141468048,0.0010173618793487549,1.1096799606923378,4,860,1 -21861,0.0009173326040493912,0.0005687177181243896,0.0007197633385658264,0.9020932155395612,4,861,1 -21862,0.0012634969448754275,0.0006061233580112457,0.0011086203157901764,1.0704620186278537,4,862,1 -21863,0.0010316013248043907,0.00034869834780693054,0.0009708814322948456,1.225987698126632,4,863,1 -21864,0.001102641170401736,0.0008194409310817719,0.0007377900183200836,0.7330127356519999,4,864,1 -21865,0.00114574888160824,0.0011406801640987396,0.00010765343904495239,0.09409781916631803,4,865,1 -21866,0.0010413884173655376,0.0008431896567344666,0.0006111636757850647,0.6271924904360114,4,866,1 -21867,0.001101529793419671,0.0010126903653144836,0.0004333890974521637,0.4043735584310975,4,867,1 -21868,0.0008734083406598239,0.0005955137312412262,0.000638909637928009,0.8205384920130111,4,868,1 -21869,0.0010767315527464257,0.0010134875774383545,0.00036358460783958435,0.3444450039405641,4,869,1 -21870,0.0007746007358848285,0.00043864548206329346,0.0006384328007698059,0.9688037338463724,4,870,1 -21871,0.0012521256154512013,0.00039462000131607056,0.0011883154511451721,1.2501710080724044,4,871,1 -21872,0.0011337319584849323,0.0006187111139297485,0.0009500235319137573,0.9935367470328061,4,872,1 -21873,0.0007567673941276693,0.0006769262254238129,0.00033833086490631104,0.46349130465329574,4,873,1 -21874,0.0006367532536156148,0.0005473978817462921,0.0003252848982810974,0.5361723359467981,4,874,1 -21875,0.001011769806427701,0.0006538257002830505,0.000772133469581604,0.8681757270175583,4,875,1 -21876,0.001181893092566078,0.0003749430179595947,0.00112084299325943,1.2479792602985105,4,876,1 -21877,0.0010471469612198963,0.0004951134324073792,0.0009227022528648376,1.0783064321852598,4,877,1 -21878,0.000985748082075637,0.0006262138485908508,0.0007612854242324829,0.8824413153134677,4,878,1 -21879,0.0009036727605304942,0.0005229450762271881,0.0007369890809059143,0.9536766183029866,4,879,1 -21880,0.0008146549583703782,0.0005938485264778137,0.000557679682970047,0.7539990573263856,4,880,1 -21881,0.001042142579194325,0.0001872144639492035,0.0010251887142658234,1.3901719675043174,4,881,1 -21882,0.0008424536756171946,0.0002057403326034546,0.0008169449865818024,1.324085605890188,4,882,1 -21883,0.0008052692205573238,0.0004300214350223541,0.0006808377802371979,1.0074605085414894,4,883,1 -21884,0.000844060244955654,0.0003080219030380249,0.0007858499884605408,1.1972399852226165,4,884,1 -21885,0.0015374944173497304,0.0007020831108093262,0.0013678334653377533,1.0965803509380638,4,885,1 -21886,0.0010538688311654521,0.0006445646286010742,0.0008337721228599548,0.9126928542158786,4,886,1 -21887,0.0010402690055656982,0.0008825920522212982,0.0005506277084350586,0.5577904002180998,4,887,1 -21888,0.0007785769039226686,0.0005157068371772766,0.0005832910537719727,0.8468170374625872,4,888,1 -21889,0.000768021598803093,0.00021193921566009521,0.0007381998002529144,1.2912134358672558,4,889,1 -21890,0.0012372186447647056,0.0011179521679878235,0.000529993325471878,0.44269345952506006,4,890,1 -21891,0.0009590903020707491,0.000306934118270874,0.0009086504578590393,1.245039082413061,4,891,1 -21892,0.0011436998332137957,0.0010153725743293762,0.0005263723433017731,0.4782615060482034,4,892,1 -21893,0.0010276952269997587,0.0003857463598251343,0.000952553004026413,1.1860209675239322,4,893,1 -21894,0.0009885154661023541,0.00032890215516090393,0.0009321942925453186,1.23160635229875,4,894,1 -21895,0.0010347875744394254,0.0005165673792362213,0.0008966289460659027,1.048119479529273,4,895,1 -21896,0.0005621129905004075,0.0002652779221534729,0.0004955790936946869,1.0793178401426922,4,896,1 -21897,0.0009856211415583689,0.000539977103471756,0.0008245445787906647,0.9909987243071818,4,897,1 -21898,0.0011155490645485533,0.0008236430585384369,0.0007523708045482635,0.7402058410562071,4,898,1 -21899,0.0009150509770530479,0.0002170652151107788,0.0008889324963092804,1.3312967389721575,4,899,1 -21900,0.0012889755205799573,0.0006721317768096924,0.0010998621582984924,1.022251034485182,4,900,1 -21901,0.0009948795532306795,0.0006011351943016052,0.0007927305996417999,0.9219982749876096,4,901,1 -21902,0.0010828674860345747,0.000571858137845993,0.0009195543825626373,1.014439316326692,4,902,1 -21903,0.0007988818653570949,0.0004693157970905304,0.0006464943289756775,0.9428725687080689,4,903,1 -21904,0.0009080208997240642,0.00046659260988235474,0.0007789693772792816,1.0311219372559621,4,904,1 -21905,0.0009410360962574539,0.00048229843378067017,0.0008080452680587769,1.0326810606422383,4,905,1 -21906,0.0009853393359141435,0.0007357299327850342,0.0006554350256919861,0.7277443810519119,4,906,1 -21907,0.0010118590318771408,0.00035085156559944153,0.0009490847587585449,1.2167035475168697,4,907,1 -21908,0.0010018701253745761,0.0005105584859848022,0.0008620172739028931,1.0360701487463466,4,908,1 -21909,0.0008830723124087251,0.0006378665566444397,0.00061069056391716,0.7636356810008749,4,909,1 -21910,0.0012086429411199587,0.0006539486348628998,0.0010164491832256317,0.9990990189016538,4,910,1 -21911,0.0008752394777094021,0.00017737597227096558,0.0008570775389671326,1.3667228692106392,4,911,1 -21912,0.0011565899964219798,0.0005881115794181824,0.0009959042072296143,1.037368962434178,4,912,1 -21913,0.0010110635981671887,0.0006481260061264038,0.0007760040462017059,0.8749517843434432,4,913,1 -21914,0.000730364868915231,0.0006868913769721985,0.0002482198178768158,0.34676514076252174,4,914,1 -21915,0.0012852409601103313,0.0010818243026733398,0.0006939023733139038,0.5703190218474643,4,915,1 -21916,0.0010507446554642824,0.0004011280834674835,0.0009711645543575287,1.179100875229639,4,916,1 -21917,0.0012137967776440462,0.0011256858706474304,0.0004540197551250458,0.3833713770814429,4,917,1 -21918,0.0010389237852197477,0.0010153502225875854,0.0002200603485107422,0.2134324223702283,4,918,1 -21919,0.0009523489994634159,0.0002809353172779083,0.0009099692106246948,1.2713492013468954,4,919,1 -21920,0.0010108959083595522,0.0004973672330379486,0.0008800774812698364,1.0564034577442802,4,920,1 -21921,0.0008982079914531499,0.00023215636610984802,0.0008676871657371521,1.3093622596467558,4,921,1 -21922,0.0009964342541601949,0.0007162168622016907,0.000692758709192276,0.7687506172119705,4,922,1 -21923,0.0007761455112600368,0.0002774633467197418,0.0007248558104038239,1.205218683916755,4,923,1 -21924,0.0006271153137957932,0.00040456652641296387,0.0004791654646396637,0.8696120474658694,4,924,1 -21925,0.0011400336531284154,0.0007081441581249237,0.0008934251964092255,0.9005733454195984,4,925,1 -21926,0.000599553871757938,0.00032525137066841125,0.0005036629736423492,0.9973991879987909,4,926,1 -21927,0.0009016965785661001,0.0007817819714546204,0.000449303537607193,0.5216217144083075,4,927,1 -21928,0.0010166552011591028,0.0008901767432689667,0.0004910938441753387,0.5041331035968079,4,928,1 -21929,0.0009663364622570812,0.0005879625678062439,0.0007668808102607727,0.9166966736758796,4,929,1 -21930,0.0008525498689292238,7.786974310874939e-05,0.0008489862084388733,1.4793313858492407,4,930,1 -21931,0.001033521768847509,0.0009242631494998932,0.0004624985158443451,0.46396516602547083,4,931,1 -21932,0.0009692148409275406,0.0005859397351741791,0.0007720440626144409,0.9215943349089128,4,932,1 -21933,0.0013259725919145537,0.001154329627752304,0.0006524771451950073,0.5144709860136999,4,933,1 -21934,0.0012422477108135334,0.0003440752625465393,0.0011936463415622711,1.2901487156709912,4,934,1 -21935,0.0010972320565628382,0.0008840225636959076,0.0006499402225017548,0.6339666455452423,4,935,1 -21936,0.0008871172896654443,0.0008427053689956665,0.0002771727740764618,0.3177627342686395,4,936,1 -21937,0.0007690085503763876,0.0002474747598171234,0.0007281005382537842,1.2431556026864445,4,937,1 -21938,0.000883566033593307,0.0004112720489501953,0.000782012939453125,1.086632586512145,4,938,1 -21939,0.0010935864149947535,0.00054965540766716,0.0009454153478145599,1.0441727536508376,4,939,1 -21940,0.0012480065773065514,0.0011812709271907806,0.00040264055132865906,0.3285035347135178,4,940,1 -21941,0.0007758215757827382,0.0005749017000198364,0.0005209483206272125,0.736203613873956,4,941,1 -21942,0.0010923990575562141,0.0004164762794971466,0.0010098926723003387,1.1796491362490746,4,942,1 -21943,0.0013071892082122407,0.0007001347839832306,0.0011038817465305328,1.0055743916579118,4,943,1 -21944,0.0007256399764166765,0.0005280934274196625,0.0004976652562618256,0.755742795918248,4,944,1 -21945,0.001018132339186039,0.0005141310393810272,0.0008787848055362701,1.0414437112403376,4,945,1 -21946,0.0009667055155295385,0.00018872320652008057,0.0009481050074100494,1.3743114481172494,4,946,1 -21947,0.0010853256725795494,0.000494789332151413,0.0009659789502620697,1.097424190325919,4,947,1 -21948,0.001146296927988052,0.001054767519235611,0.0004488453269004822,0.4023275875829152,4,948,1 -21949,0.0011195254956030227,0.0005669295787811279,0.0009653642773628235,1.0397896318727458,4,949,1 -21950,0.0012987182146980626,0.0006287544965744019,0.0011363700032234192,1.065422401513815,4,950,1 -21951,0.0006496048435740747,0.0006101727485656738,0.00022288039326667786,0.35021684261389247,4,951,1 -21952,0.0011966626846013557,0.0010257288813591003,0.0006163455545902252,0.5410703079224054,4,952,1 -21953,0.0011539533165477657,0.0007227808237075806,0.0008995532989501953,0.8939318044940386,4,953,1 -21954,0.0010686085473755186,0.0007019490003585815,0.0008057244122028351,0.8541212615998879,4,954,1 -21955,0.001085329442682241,0.0007486790418624878,0.0007857605814933777,0.809559637726168,4,955,1 -21956,0.0010137734622671349,0.0009512230753898621,0.00035058706998825073,0.35311669747215796,4,956,1 -21957,0.001161415670993892,0.000606834888458252,0.0009902715682983398,1.0210207758698244,4,957,1 -21958,0.0008521075776186756,0.000765487551689148,0.0003743208944797516,0.45480629310645987,4,958,1 -21959,0.0013032719584363057,0.0008480437099933624,0.0009896159172058105,0.8622856990228012,4,959,1 -21960,0.0010844214168752525,0.0005749799311161041,0.000919438898563385,1.0119384728556429,4,960,1 -21961,0.0007189891661486168,0.0003661029040813446,0.0006188005208969116,1.0365516335265372,4,961,1 -21962,0.0012851247429712918,0.0007129758596420288,0.0010692104697227478,0.9826843824921238,4,962,1 -21963,0.0009115482437592843,0.0007069408893585205,0.0005754604935646057,0.6832284478908268,4,963,1 -21964,0.0005987414442845681,0.0003074668347835541,0.000513765960931778,1.0315121590070442,4,964,1 -21965,0.001318262129701262,0.0006781257688999176,0.0011304691433906555,1.0304781161983803,4,965,1 -21966,0.0006413967466270209,0.0002043992280960083,0.000607956200838089,1.2464615615248036,4,966,1 -21967,0.0010826952398318669,0.0009435154497623444,0.0005310438573360443,0.5126441775887244,4,967,1 -21968,0.0012429141241479657,0.00046681612730026245,0.0011519193649291992,1.1857716969091165,4,968,1 -21969,0.001234391526876172,0.0010734237730503082,0.0006094947457313538,0.5164097845103125,4,969,1 -21970,0.0009158578316806131,0.0002987310290336609,0.0008657686412334442,1.238540614087565,4,970,1 -21971,0.0010016022443563235,0.00033166632056236267,0.0009450949728488922,1.2332893381515366,4,971,1 -21972,0.000689741789118345,0.00030676648020744324,0.0006177686154842377,1.109895027998693,4,972,1 -21973,0.0009458260931769629,0.0006614774465560913,0.0006760433316230774,0.7962879450916923,4,973,1 -21974,0.0010107184233932947,0.00048612430691719055,0.0008861348032951355,1.0690366277604255,4,974,1 -21975,0.0011288391500693966,0.0005575530230998993,0.0009815357625484467,1.0542072869183394,4,975,1 -21976,0.0007356659682190868,0.0006530210375785828,0.000338774174451828,0.4785583892011771,4,976,1 -21977,0.0009795662707458338,0.00029171258211135864,0.0009351223707199097,1.2684114753933524,4,977,1 -21978,0.0010120203508555059,0.0004562661051750183,0.0009033307433128357,1.1030825619173903,4,978,1 -21979,0.001223686745339561,0.00030871108174324036,0.0011841058731079102,1.3157610947823326,4,979,1 -21980,0.0013356075310808281,0.0006215572357177734,0.0011821649968624115,1.0867390349373733,4,980,1 -21981,0.0011414378351129978,0.0010733641684055328,0.00038829073309898376,0.3471049625856688,4,981,1 -21982,0.0007628818278837627,0.000483192503452301,0.000590350478887558,0.8848857495230656,4,982,1 -21983,0.0010294917641815674,0.0006423667073249817,0.0008044987916946411,0.8969901031714022,4,983,1 -21984,0.0011343028511287395,0.0007295757532119751,0.0008685402572154999,0.8721351944103972,4,984,1 -21985,0.0009948591345452726,0.0009348839521408081,0.0003402009606361389,0.34900070448241893,4,985,1 -21986,0.0009320697426060372,0.00076260045170784,0.0005359053611755371,0.6125585915858967,4,986,1 -21987,0.0011471446001828887,0.0005053840577602386,0.0010298192501068115,1.1145758588239303,4,987,1 -21988,0.0011209035406725295,0.0009897910058498383,0.0005260594189167023,0.4885174808636307,4,988,1 -21989,0.0006691687355639432,0.00039507821202278137,0.0005400925874710083,0.9392401468628,4,989,1 -21990,0.0007169378699422279,0.0006122589111328125,0.00037301331758499146,0.5471867631811498,4,990,1 -21991,0.0008362010829423821,0.0005161948502063751,0.0006578564643859863,0.9054781585210383,4,991,1 -21992,0.0012464331152177992,0.00034548714756965637,0.0011975951492786407,1.2899377825532865,4,992,1 -21993,0.0007437228148621165,0.0006075501441955566,0.0004289597272872925,0.6147736813106408,4,993,1 -21994,0.0008985904738687763,0.0006146356463432312,0.0006555058062076569,0.8175647090003844,4,994,1 -21995,0.0012480540383995352,0.0005903244018554688,0.001099616289138794,1.078108359599923,4,995,1 -21996,0.001246462888489675,0.0008952543139457703,0.0008672885596752167,0.7695327860339614,4,996,1 -21997,0.0009280309137831052,0.000807933509349823,0.0004566013813018799,0.5143981343229146,4,997,1 -21998,0.0009235289632866769,0.0003440380096435547,0.0008570551872253418,1.1890675003579834,4,998,1 -21999,0.0010891349216067252,0.0008054040372371674,0.0007331706583499908,0.7384843681804434,4,999,1 -22000,0.000895794573070195,0.0007163919508457184,0.0005378015339374542,0.6439544009527204,4,1000,1 -22001,0.0010328033120212924,0.0009702257812023163,0.0003540404140949249,0.3498911807659974,4,1001,1 -22002,0.000950221789087302,0.0006671436131000519,0.0006766393780708313,0.7924644880809283,4,1002,1 -22003,0.000876496835595641,0.0003136172890663147,0.0008184686303138733,1.204877257190117,4,1003,1 -22004,0.0008383916516776124,0.00046262890100479126,0.0006991960108280182,0.9862690167037517,4,1004,1 -22005,0.0007830231244208967,0.0006179735064506531,0.0004808679223060608,0.661266823870767,4,1005,1 -22006,0.0009818989534473399,0.0005930587649345398,0.0007825642824172974,0.9222962688497388,4,1006,1 -22007,0.001015573498108111,0.0006145089864730835,0.0008085593581199646,0.9209228401111854,4,1007,1 -22008,0.0009289878964355007,0.0006471686065196991,0.0006664767861366272,0.8000952722851771,4,1008,1 -22009,0.0007455553686896979,0.0003746598958969116,0.0006445795297622681,1.0442799599321295,4,1009,1 -22010,0.0010218838027219361,0.0004156753420829773,0.000933520495891571,1.1518768634866077,4,1010,1 -22011,0.0009840440329267211,0.0005612075328826904,0.0008083246648311615,0.9639163708475484,4,1011,1 -22012,0.000584496748379968,0.0003748759627342224,0.00044844672083854675,0.8745198087217123,4,1012,1 -22013,0.0011934682883918686,0.0010226331651210785,0.000615295022726059,0.5416517967513975,4,1013,1 -22014,0.0010860242908601885,0.000843241810798645,0.0006843917071819305,0.6817861048789012,4,1014,1 -22015,0.0010824610034855739,0.000620819628238678,0.0008867383003234863,0.9599925473181762,4,1015,1 -22016,0.0008707745054463563,0.00057968869805336,0.0006497763097286224,0.8423431244026158,4,1016,1 -22017,0.0009498738824307451,0.0002349168062210083,0.000920366495847702,1.3208895006609966,4,1017,1 -22018,0.0008459908976113068,0.0004597082734107971,0.0007101893424987793,0.9963188241876081,4,1018,1 -22019,0.0010143155636710493,0.0002778582274913788,0.0009755156934261322,1.2933124217021106,4,1019,1 -22020,0.0008375250820715974,0.0006401315331459045,0.000540073961019516,0.7008206248651471,4,1020,1 -22021,0.0009269895146730464,0.0004224218428134918,0.0008251480758190155,1.0976466933532483,4,1021,1 -22022,0.0013516836186429416,0.0005850121378898621,0.0012185275554656982,1.1231970422142639,4,1022,1 -22023,0.001051969932590104,0.0008352883160114288,0.0006394796073436737,0.6533976523041678,4,1023,1 -22024,0.0010258033032127091,0.0009109526872634888,0.0004716329276561737,0.477735461941468,4,1024,1 -22025,0.0012889361258909984,0.0012122690677642822,0.00043790414929389954,0.346641257277321,4,1025,1 -22026,0.0006342057605330388,0.00041057169437408447,0.0004833713173866272,0.8666553866344913,4,1026,1 -22027,0.0009998701389329631,0.0005457177758216858,0.000837814062833786,0.9934663008365658,4,1027,1 -22028,0.001090798413815763,0.0006770789623260498,0.0008552223443984985,0.901137298592469,4,1028,1 -22029,0.0009167677001985785,0.000496305525302887,0.0007708072662353516,0.998737132511507,4,1029,1 -22030,0.0007837023845523122,0.0005930960178375244,0.0005122758448123932,0.712412214996767,4,1030,1 -22031,0.0011865730368165446,0.0008075498044490814,0.0008693784475326538,0.8222516477456769,4,1031,1 -22032,0.001057022222369893,0.0006225220859050751,0.0008542612195014954,0.941050389043278,4,1032,1 -22033,0.0008351300947237251,0.00048452988266944885,0.0006802007555961609,0.9518406218999919,4,1033,1 -22034,0.0011622526783539385,0.0007911212742328644,0.0008514449000358582,0.8221068989859427,4,1034,1 -22035,0.0010466136270464899,0.0009177513420581818,0.0005031228065490723,0.5014698553124247,4,1035,1 -22036,0.0010015423792231986,0.0005137808620929718,0.0008597187697887421,1.0321323230924093,4,1036,1 -22037,0.0010265601752014312,0.0008979439735412598,0.0004975162446498871,0.5059561472477776,4,1037,1 -22038,0.0009021004627683789,0.00037564709782600403,0.0008201673626899719,1.1412990210734442,4,1038,1 -22039,0.0009982938118772828,0.0007141754031181335,0.0006975270807743073,0.7736056286389735,4,1039,1 -22040,0.0010249242255872693,0.0008200109004974365,0.0006148591637611389,0.6433847984487306,4,1040,1 -22041,0.0012001193783930304,0.0011454522609710693,0.00035808607935905457,0.3029900478138549,4,1041,1 -22042,0.0007835473361147714,0.000411156564950943,0.0006670057773590088,1.018389765874916,4,1042,1 -22043,0.0009009839514308883,0.0007818900048732758,0.00044768303632736206,0.5200025660181117,4,1043,1 -22044,0.00115547373543285,0.001027178019285202,0.0005291737616062164,0.47571172056821587,4,1044,1 -22045,0.001006028032411324,0.0006742998957633972,0.000746600329875946,0.8362378571664975,4,1045,1 -22046,0.0010033994384558299,0.0008865073323249817,0.00047001615166664124,0.48750587009372937,4,1046,1 -22047,0.0009566457909014973,0.0005807355046272278,0.0007602088153362274,0.9184484484069609,4,1047,1 -22048,0.0008749315379938894,0.0007083341479301453,0.0005135834217071533,0.6273462834560329,4,1048,1 -22049,0.0013075240498868943,0.0007938966155052185,0.0010389164090156555,0.9182953025852579,4,1049,1 -22050,0.0010476902156682823,0.0008906126022338867,0.0005517825484275818,0.5546734597852242,4,1050,1 -22051,0.0011120796298918904,0.0005041249096393585,0.0009912513196468353,1.100312858976292,4,1051,1 -22052,0.0009138979522966721,0.0005833245813846588,0.0007035210728645325,0.8785319172389577,4,1052,1 -22053,0.0010964272537838876,0.0003508664667606354,0.0010387711226940155,1.2450574577085154,4,1053,1 -22054,0.000772524161909768,0.0002142004668712616,0.0007422342896461487,1.2898411654909165,4,1054,1 -22055,0.0009322958648895961,0.0007694140076637268,0.00052647665143013,0.6000816291207457,4,1055,1 -22056,0.0007661938317636611,0.0004914551973342896,0.0005878135561943054,0.8744432209552553,4,1056,1 -22057,0.0011550183531778121,0.001155015081167221,-2.7492642402648926e-06,-0.002380279784127691,4,1057,1 -22058,0.0009211493090944585,0.0006178915500640869,0.0006831735372543335,0.8355319234555703,4,1058,1 -22059,0.000995220807838464,0.00045099854469299316,0.0008871667087078094,1.1004844711198052,4,1059,1 -22060,0.0008886623293764368,0.00010167434811592102,0.0008828267455101013,1.456132425616109,4,1060,1 -22061,0.0012459573357399794,0.00113682821393013,0.0005099326372146606,0.42165355960571693,4,1061,1 -22062,0.0008199357231995764,0.0006206221878528595,0.0005358383059501648,0.7122158362851287,4,1062,1 -22063,0.0010112884288779904,0.0008659623563289642,0.000522315502166748,0.5427411856067772,4,1063,1 -22064,0.0007768609638926162,0.000455610454082489,0.000629231333732605,0.9440949434001923,4,1064,1 -22065,0.0007267015566333719,0.00040726736187934875,0.0006018541753292084,0.9758880836328799,4,1065,1 -22066,0.0009539035160533677,0.0007926039397716522,0.0005307644605636597,0.5900627344442835,4,1066,1 -22067,0.0010337068296355702,0.0009362921118736267,0.0004380717873573303,0.43762255090091623,4,1067,1 -22068,0.001022565324755185,0.0008964203298091888,0.0004920065402984619,0.5019652162187384,4,1068,1 -22069,0.0007692207007450711,0.0004909597337245941,0.0005921646952629089,0.8785656366346731,4,1069,1 -22070,0.000801543699472925,0.0003379844129085541,0.000726800411939621,1.1355135156079994,4,1070,1 -22071,0.0007332992327272595,0.0004776492714881897,0.0005563981831073761,0.8614074392862537,4,1071,1 -22072,0.0008002311288865933,0.0005405992269515991,0.0005900189280509949,0.8290806951671907,4,1072,1 -22073,0.0009580278968617617,0.00037581101059913635,0.0008812397718429565,1.1676920992059852,4,1073,1 -22074,0.0009099961956724891,0.0003141351044178009,0.00085405632853508,1.2183392780734064,4,1074,1 -22075,0.001140869929693161,0.000544428825378418,0.001002587378025055,1.0733248827361028,4,1075,1 -22076,0.001167517676611568,0.00040791556239128113,0.001093938946723938,1.2138794751798334,4,1076,1 -22077,0.0009514489980996529,0.0005364157259464264,0.0007858201861381531,0.9718310125228752,4,1077,1 -22078,0.0009474119740498261,0.000520709902048111,0.0007914863526821136,0.9888954444710137,4,1078,1 -22079,0.001006539185589046,0.0001802109181880951,0.0009902752935886383,1.3907855851906334,4,1079,1 -22080,0.0009088211216287572,0.0006443783640861511,0.0006408840417861938,0.7826794083211236,4,1080,1 -22081,0.0010734248744632459,0.00043869391083717346,0.0009796880185604095,1.1497822567141576,4,1081,1 -22082,0.000853203763449214,0.0008131414651870728,0.000258374959230423,0.30765978395706656,4,1082,1 -22083,0.0007696442715802398,0.00032272934913635254,0.0006987117230892181,1.13809714392802,4,1083,1 -22084,0.0012343002610693027,0.0007872097194194794,0.0009506829082965851,0.8791862321064994,4,1084,1 -22085,0.0005129602121464609,0.00013487040996551514,0.0004949122667312622,1.3047430057812597,4,1085,1 -22086,0.0010741572904127347,0.0007321015000343323,0.0007860288023948669,0.820905416727436,4,1086,1 -22087,0.0010716705928103358,0.000687573105096817,0.000822022557258606,0.8742270081168446,4,1087,1 -22088,0.0009064307254886808,0.0004396401345729828,0.000792674720287323,1.064406373155742,4,1088,1 -22089,0.0010016752065403216,0.0009160041809082031,0.0004053264856338501,0.41659454967574794,4,1089,1 -22090,0.0008747155696890191,0.00045300647616386414,0.0007482729852199554,1.026413729249852,4,1090,1 -22091,0.0009250337443305084,0.0003701634705066681,0.000847741961479187,1.15910257904025,4,1091,1 -22092,0.0007502515089205166,0.0002268180251121521,0.0007151439785957336,1.2636679376307456,4,1092,1 -22093,0.0008247553763853483,0.0003115423023700714,0.0007636509835720062,1.1834431257996771,4,1093,1 -22094,0.0008741446863559223,0.0008073374629020691,0.0003351643681526184,0.3934962362975815,4,1094,1 -22095,0.000880529437328929,0.0003726445138454437,0.0007977895438671112,1.1338164551273295,4,1095,1 -22096,0.0013055844887033654,0.0005246736109256744,0.0011955201625823975,1.1572395941634614,4,1096,1 -22097,0.0012919792545325029,0.00022494420409202576,0.001272246241569519,1.3957962464049491,4,1097,1 -22098,0.0011232029087469286,0.00030775368213653564,0.0010802187025547028,1.293250195995823,4,1098,1 -22099,0.0008991145245208677,0.00036821141839027405,0.0008202604949474335,1.1488611073975423,4,1099,1 -22100,0.0011910888857696162,0.0009080246090888977,0.0007708333432674408,0.7038623130203723,4,1100,1 -22101,0.0009657046847462771,0.0007821880280971527,0.0005663633346557617,0.6267020682400076,4,1101,1 -22102,0.000971196717972356,0.0004359781742095947,0.000867839902639389,1.1052531887151527,4,1102,1 -22103,0.0011827082225197355,0.0011051520705223083,0.00042123347520828247,0.36415528295787747,4,1103,1 -22104,0.0009877533967209131,0.0004007481038570404,0.0009028054773807526,1.1530334346083644,4,1104,1 -22105,0.001005920322562765,0.0005094483494758606,0.0008673742413520813,1.039733578720952,4,1105,1 -22106,0.0008561785489497716,0.0002517588436603546,0.0008183270692825317,1.272335462929575,4,1106,1 -22107,0.0010560914666863676,0.00039524585008621216,0.0009793415665626526,1.1872047648681368,4,1107,1 -22108,0.0006757053699337363,0.0003703273832798004,0.0005651861429214478,0.9907526845631279,4,1108,1 -22109,0.0013754662142384903,0.0006279014050960541,0.001223783940076828,1.0967380420958188,4,1109,1 -22110,0.0010233996443419994,0.00047966092824935913,0.0009040310978889465,1.0829849558344422,4,1110,1 -22111,0.0011981186995753484,0.000597391277551651,0.0010385625064373016,1.0488044301217605,4,1111,1 -22112,0.0010824379554170659,0.0004867538809776306,0.0009668208658695221,1.1043859962630609,4,1112,1 -22113,0.0005371392959655764,0.0003689229488372803,0.00039040297269821167,0.8136789007875436,4,1113,1 -22114,0.0012031641914897592,0.0007971003651618958,0.0009012408554553986,0.8466404270297602,4,1114,1 -22115,0.0009820062834166208,0.00045505911111831665,0.0008702054619789124,1.0889711232625765,4,1115,1 -22116,0.0008801061858188844,0.0005729682743549347,0.0006680525839328766,0.8618665837682002,4,1116,1 -22117,0.0009306972656597733,0.0004465430974960327,0.0008165761828422546,1.0703762554672562,4,1117,1 -22118,0.0009155995653611656,0.0003520399332046509,0.0008452162146568298,1.176139786823736,4,1118,1 -22119,0.0010467548152077921,0.000835806131362915,0.0006301775574684143,0.646040738872825,4,1119,1 -22120,0.0010409314169421762,0.001023419201374054,0.00019013509154319763,0.18368988406727624,4,1120,1 -22121,0.0012531741865985128,0.00039845705032348633,0.0011881403625011444,1.247221143884983,4,1121,1 -22122,0.0008046808992438824,0.00051870197057724,0.000615190714597702,0.8702887835255649,4,1122,1 -22123,0.0006211031661749649,8.260458707809448e-05,0.000615585595369339,1.4374045328355007,4,1123,1 -22124,0.0007468427217121064,0.0006634853780269623,0.0003428719937801361,0.47697658345272886,4,1124,1 -22125,0.0008859146321625374,0.0004980936646461487,0.0007326304912567139,0.9737084079673863,4,1125,1 -22126,0.0009070921245787016,0.0005552917718887329,0.0007172636687755585,0.9119982520029767,4,1126,1 -22127,0.0009316913893775206,0.00033512338995933533,0.0008693337440490723,1.2028568783306992,4,1127,1 -22128,0.0012662990663670813,0.0004521794617176056,0.0011828131973743439,1.2056484603027142,4,1128,1 -22129,0.000794463807984029,0.0005494169890880585,0.0005738586187362671,0.8071539757347187,4,1129,1 -22130,0.0009479187514157643,0.0008622817695140839,0.0003937259316444397,0.4283366641091627,4,1130,1 -22131,0.0009051692580756244,0.0005981959402561188,0.0006793327629566193,0.848823739774555,4,1131,1 -22132,0.0011739260759264056,0.0008110404014587402,0.0008487142622470856,0.8080927179037838,4,1132,1 -22133,0.0010152389294407083,0.00025388598442077637,0.0009829811751842499,1.318038500180706,4,1133,1 -22134,0.0013388755410800978,0.0006531476974487305,0.0011687539517879486,1.0611907031465417,4,1134,1 -22135,0.0009233005931395899,0.0008273646235466003,0.00040981918573379517,0.4599052816776146,4,1135,1 -22136,0.0010945294439063038,0.00048159435391426086,0.0009828843176364899,1.1151962304493175,4,1136,1 -22137,0.0008961187085092931,0.000573035329580307,0.0006889551877975464,0.8769959054453652,4,1137,1 -22138,0.0011649033775114395,0.0006703846156597137,0.0009526722133159637,0.9575990516504045,4,1138,1 -22139,0.0012693911559504517,0.0006994307041168213,0.001059316098690033,0.9872378562648285,4,1139,1 -22140,0.0006333496162332358,0.0004755482077598572,0.00041831284761428833,0.7214538522327751,4,1140,1 -22141,0.0009875079410346644,0.0007436797022819519,0.0006497018039226532,0.7180542340457216,4,1141,1 -22142,0.001110451113907727,0.001027613878250122,0.00042084604501724243,0.38870091328055817,4,1142,1 -22143,0.001031758109090597,0.0006023533642292023,0.0008376725018024445,0.9473795794876697,4,1143,1 -22144,0.0009184909555077036,0.0008970648050308228,0.00019723176956176758,0.21642006223096638,4,1144,1 -22145,0.0009621825987862062,0.0004867725074291229,0.0008299686014652252,1.0403660956085192,4,1145,1 -22146,0.0008946088246214981,0.00039160996675491333,0.0008043423295021057,1.1177079677571553,4,1146,1 -22147,0.001340934163032353,0.0006444752216339111,0.0011759065091609955,1.0694386127600146,4,1147,1 -22148,0.0010546073208964378,0.0009351633489131927,0.0004875101149082184,0.4805500023441328,4,1148,1 -22149,0.0007732198165048966,0.0003142803907394409,0.0007064677774906158,1.152223698974912,4,1149,1 -22150,0.0011110481385266833,0.0006001293659210205,0.0009350255131721497,1.0001845034907204,4,1150,1 -22151,0.0008076432228132549,0.0005863569676876068,0.0005554035305976868,0.758294530692555,4,1151,1 -22152,0.001091706302143604,0.0009156204760074615,0.0005945265293121338,0.5758938458965189,4,1152,1 -22153,0.0008898390598650385,0.0007981844246387482,0.00039333850145339966,0.4578641989792261,4,1153,1 -22154,0.0010351725673474373,0.0005349107086658478,0.0008862577378749847,1.0277624727579968,4,1154,1 -22155,0.0010099131477430171,0.0007818080484867096,0.0006392970681190491,0.6854505079015909,4,1155,1 -22156,0.0010266875358017282,0.00045481324195861816,0.0009204521775245667,1.1118642861981347,4,1156,1 -22157,0.0009854996812123447,0.0006664097309112549,0.0007260218262672424,0.8281835452202853,4,1157,1 -22158,0.0007979932842986749,0.0005232095718383789,0.0006025321781635284,0.8557444199571946,4,1158,1 -22159,0.0011238265187387114,0.0004397295415401459,0.001034226268529892,1.1687755067944068,4,1159,1 -22160,0.0009502537892090572,0.0006942600011825562,0.0006488338112831116,0.7515889984102327,4,1160,1 -22161,0.0009724574530445034,0.0008684433996677399,0.0004375837743282318,0.4667399146117683,4,1161,1 -22162,0.0011802817126237688,0.0004414506256580353,0.001094616949558258,1.1874549558827483,4,1162,1 -22163,0.0009822635260394957,0.0007637590169906616,0.0006176680326461792,0.6800361099790055,4,1163,1 -22164,0.0009769638150263962,0.0005737580358982086,0.0007907338440418243,0.9430936739060468,4,1164,1 -22165,0.0009902407935692614,0.0007519349455833435,0.000644337385892868,0.7084895764905407,4,1165,1 -22166,0.0007185743767015283,0.00041995197534561157,0.0005830861628055573,0.9466265259587753,4,1166,1 -22167,0.0011401881698433858,0.0007426254451274872,0.0008651800453662872,0.8614758163200754,4,1167,1 -22168,0.0010108483798686365,0.0003659389913082123,0.0009422861039638519,1.200371206745077,4,1168,1 -22169,0.0008907288649037419,0.0008676126599311829,0.00020160898566246033,0.22832014871088369,4,1169,1 -22170,0.0010704450250666655,0.0008640214800834656,0.000631917268037796,0.6314693051398151,4,1170,1 -22171,0.0008435580328011496,0.0006821565330028534,0.0004962384700775146,0.6289157696886671,4,1171,1 -22172,0.0010226433605573153,0.0009134039282798767,0.00045988336205482483,0.46643013571746506,4,1172,1 -22173,0.0010305782068165846,0.0006434358656406403,0.0008050352334976196,0.8965041861562194,4,1173,1 -22174,0.0008024503240547042,0.0002582632005214691,0.0007597543299198151,1.2431206726869781,4,1174,1 -22175,0.0009544381647281211,0.0004833228886127472,0.0008230134844779968,1.0397971534950299,4,1175,1 -22176,0.001066068976553956,0.0005961507558822632,0.0008838027715682983,0.9773701816559565,4,1176,1 -22177,0.0010730273349549028,0.0007526427507400513,0.0007647983729839325,0.793408597578979,4,1177,1 -22178,0.001036356693188621,0.0005630776286125183,0.0008700452744960785,0.9964046870119917,4,1178,1 -22179,0.0009604387700285548,0.0006172843277454376,0.000735800713300705,0.8727649474518506,4,1179,1 -22180,0.0010318362186276303,0.0007866509258747101,0.0006677322089672089,0.7038139120975279,4,1180,1 -22181,0.000836161460514375,0.00022126734256744385,0.0008063539862632751,1.302983623983016,4,1181,1 -22182,0.0009442966095177208,0.0006480813026428223,0.0006867945194244385,0.8143913985668508,4,1182,1 -22183,0.0010207794293004338,0.0008856765925884247,0.0005075111985206604,0.5203456619167779,4,1183,1 -22184,0.0011689008919811162,0.0008810311555862427,0.0007681883871555328,0.7170827177393043,4,1184,1 -22185,0.0006980928964950342,0.0004544183611869812,0.0005299411714076996,0.8619709433776427,4,1185,1 -22186,0.0010315966520776237,0.0009575635194778442,0.0003837496042251587,0.38115818182195554,4,1186,1 -22187,0.0008507502419767283,0.0007368847727775574,0.00042517855763435364,0.523332005958402,4,1187,1 -22188,0.0010356239942991702,0.00043795257806777954,0.00093846395611763,1.1341667765547099,4,1188,1 -22189,0.0012003939809620448,0.0006190016865730286,0.0010284855961799622,1.029012196226294,4,1189,1 -22190,0.0007423689477542581,0.0003847479820251465,0.0006348863244056702,1.0259688238860012,4,1190,1 -22191,0.0008985661395935094,0.0007254593074321747,0.0005302168428897858,0.6311454321846629,4,1191,1 -22192,0.0010393144232002597,0.0005420669913291931,0.0008867569267749786,1.0221155796129482,4,1192,1 -22193,0.0009560627854876702,0.0006442591547966003,0.0007063895463943481,0.8313661665386498,4,1193,1 -22194,0.0010696899561109471,0.0005378462374210358,0.0009246394038200378,1.0439547338865518,4,1194,1 -22195,0.000989375637333394,0.0004567243158817291,0.0008776485919952393,1.0909658214986717,4,1195,1 -22196,0.0007803981093574472,0.0004110373556613922,0.0006633773446083069,1.0160800508382473,4,1196,1 -22197,0.0007996819749477509,0.00039628148078918457,0.0006945878267288208,1.0523297188540326,4,1197,1 -22198,0.000761990212376336,0.00035782158374786377,0.0006727501749992371,1.0819720741437828,4,1198,1 -22199,0.0007641294131017715,0.0005635209381580353,0.0005160793662071228,0.7414827718963486,4,1199,1 -22200,0.0006779803928101441,0.00020295754075050354,0.0006468892097473145,1.266778631257222,4,1200,1 -22201,0.0010981460357763514,0.0008873753249645233,0.0006469078361988068,0.6299333476272655,4,1201,1 -22202,0.0009086650118789725,0.00042964518070220947,0.0008006729185581207,1.0782952297065809,4,1202,1 -22203,0.0009927321658538602,0.000919535756111145,0.00037412717938423157,0.3864106817657704,4,1203,1 -22204,0.0011518645904830468,0.0008225589990615845,0.0008063428103923798,0.7754432030124186,4,1204,1 -22205,0.0008406543305372622,0.0006629042327404022,0.0005169697105884552,0.6623366330996843,4,1205,1 -22206,0.0010403803270568539,0.0007345527410507202,0.0007367655634880066,0.7869021348780201,4,1206,1 -22207,0.0005960394437246155,0.00013661012053489685,0.00058017298579216,1.3395442565461972,4,1207,1 -22208,0.0013436026413517165,0.0010417439043521881,0.0008485503494739532,0.6835489007163091,4,1208,1 -22209,0.0009289231110720732,0.00041979923844337463,0.0008286535739898682,1.1018794635695544,4,1209,1 -22210,0.0009428750269001395,0.0007761195302009583,0.0005353987216949463,0.6038749474194279,4,1210,1 -22211,0.0013540514183479403,0.00045815110206604004,0.0012741871178150177,1.2256272739066674,4,1211,1 -22212,0.0010843776237393335,0.0008425898849964142,0.000682581216096878,0.6808685998975934,4,1212,1 -22213,0.0012519615655870885,0.00047608092427253723,0.001157909631729126,1.180710275956702,4,1213,1 -22214,0.0008640628329498533,0.0004679560661315918,0.0007263757288455963,0.9984850973292639,4,1214,1 -22215,0.0013131405004655346,0.0010150820016860962,0.0008330345153808594,0.687210586769868,4,1215,1 -22216,0.0010783076898154317,0.0010255277156829834,0.0003332272171974182,0.3141707870925824,4,1216,1 -22217,0.0007613627355299836,0.0005093291401863098,0.0005659125745296478,0.8379735875560697,4,1217,1 -22218,0.000638278570940576,0.000311046838760376,0.0005573593080043793,1.0617766392887755,4,1218,1 -22219,0.0006467299929893641,0.00032126903533935547,0.0005612894892692566,1.0509357483395736,4,1219,1 -22220,0.0009007996333508943,0.0007311068475246429,0.00052623450756073,0.6238767256919912,4,1220,1 -22221,0.0009565164107753309,0.0002974085509777069,0.0009091049432754517,1.2546261554634481,4,1221,1 -22222,0.0011691812643951545,0.0005974024534225464,0.0010050348937511444,1.0344975074311318,4,1222,1 -22223,0.0008892809141502648,0.0006865933537483215,0.000565163791179657,0.688693464268272,4,1223,1 -22224,0.0008800384438971526,0.0003633424639701843,0.000801529735326767,1.1451921588982623,4,1224,1 -22225,0.001259485380497455,0.0011169090867042542,0.0005820803344249725,0.4804263202226215,4,1225,1 -22226,0.0012750304836065642,0.000997152179479599,0.0007946006953716278,0.6728295128758404,4,1226,1 -22227,0.0010640708157600434,0.0006252452731132507,0.0008609965443611145,0.9427099417645934,4,1227,1 -22228,0.0010413827368620497,0.0003437548875808716,0.0009830109775066376,1.2343924651841212,4,1228,1 -22229,0.0010440521541201866,0.0003920122981071472,0.0009676627814769745,1.1858903981491087,4,1229,1 -22230,0.0010150957793043202,0.00022740662097930908,0.0009892955422401428,1.3448540465709147,4,1230,1 -22231,0.0009645785881054694,0.0008069053292274475,0.0005285032093524933,0.5798649771414138,4,1231,1 -22232,0.0010401625149097636,0.0005956366658210754,0.000852733850479126,0.9610761509271567,4,1232,1 -22233,0.0008440677236366238,0.0007541514933109283,0.0003790855407714844,0.4657773147272928,4,1233,1 -22234,0.0014184462488220362,0.0010859817266464233,0.0009124875068664551,0.6988017197625823,4,1234,1 -22235,0.001372569693467218,0.0007922016084194183,0.001120876520872116,0.9555413472424634,4,1235,1 -22236,0.0009850832051763172,0.0006460361182689667,0.0007436573505401611,0.8555295519517156,4,1236,1 -22237,0.0011942177898964673,0.000827256590127945,0.0008612796664237976,0.8055448868244445,4,1237,1 -22238,0.0010130380167102063,0.0005590431392192841,0.0008448176085948944,0.9862175745210782,4,1238,1 -22239,0.0012333061144844753,0.0006067268550395966,0.001073744148015976,1.0564664325657551,4,1239,1 -22240,0.0011258512356108017,0.0007865540683269501,0.0008055269718170166,0.7973146456218492,4,1240,1 -22241,0.000898094333615177,0.0005273483693599701,0.0007269643247127533,0.943218382312353,4,1241,1 -22242,0.0007800044418075252,0.00048185139894485474,0.0006133727729320526,0.9049121234291873,4,1242,1 -22243,0.0010244921867715551,0.0006136409938335419,0.0008203834295272827,0.9285809896546289,4,1243,1 -22244,0.0011977602598594388,0.0011349134147167206,0.00038288533687591553,0.32537882633452014,4,1244,1 -22245,0.0006725368001767034,0.00044574588537216187,0.0005036033689975739,0.8462672385631788,4,1245,1 -22246,0.0007254615497210338,0.0005487874150276184,0.00047447532415390015,0.7129027446982024,4,1246,1 -22247,0.0010348996599016862,0.0006496980786323547,0.0008055493235588074,0.8920875574429148,4,1247,1 -22248,0.0014440900431713672,0.0011072531342506409,0.0009270310401916504,0.6970364651723909,4,1248,1 -22249,0.0009860914368469019,0.0003604404628276825,0.0009178556501865387,1.1966002203069397,4,1249,1 -22250,0.0009116754423992751,0.0002572275698184967,0.0008746348321437836,1.2847637940920107,4,1250,1 -22251,0.0007248026550294475,0.0006037168204784393,0.0004010796546936035,0.5863974845063799,4,1251,1 -22252,0.0011532253263474353,0.0005763061344623566,0.0009988993406295776,1.0475044448374562,4,1252,1 -22253,0.0005707574698576692,0.00019120052456855774,0.0005377791821956635,1.2291970988540362,4,1253,1 -22254,0.0009669089103109384,0.0009111650288105011,0.00032356008887290955,0.341216254936412,4,1254,1 -22255,0.000950671907293627,0.000821191817522049,0.0004789792001247406,0.528029599925472,4,1255,1 -22256,0.0009998192143425904,0.0007570721209049225,0.0006530545651912689,0.711766830014496,4,1256,1 -22257,0.0010538909318689605,0.0007366016507148743,0.0007537268102169037,0.7968885202387327,4,1257,1 -22258,0.0009016535455756961,0.0005338490009307861,0.0007266253232955933,0.9371616879017188,4,1258,1 -22259,0.000802042008360184,0.0007201433181762695,0.00035307928919792175,0.45584972674850177,4,1259,1 -22260,0.0010930582198334772,0.00034376606345176697,0.0010375939309597015,1.250867165853254,4,1260,1 -22261,0.0008222867798326771,0.0004978440701961517,0.0006544515490531921,0.9204796273200531,4,1261,1 -22262,0.000731788076786224,0.0003907345235347748,0.0006187409162521362,1.0075369247752475,4,1262,1 -22263,0.001142330507257004,0.0010143071413040161,0.000525452196598053,0.47797564148356414,4,1263,1 -22264,0.0010401100544122812,0.00046782568097114563,0.0009289607405662537,1.1042719635929081,4,1264,1 -22265,0.0009831488214065282,0.0003782510757446289,0.0009074732661247253,1.1758763762734525,4,1265,1 -22266,0.0007570408024945367,0.000438835471868515,0.0006168745458126068,0.9524700341721989,4,1266,1 -22267,0.0008653034606469883,0.00032860785722732544,0.0008004792034626007,1.1812592111426015,4,1267,1 -22268,0.0008642260346899311,0.0008435994386672974,0.00018768757581710815,0.21891861484696296,4,1268,1 -22269,0.0005391659616425631,0.0005028322339057922,0.00019457563757896423,0.36921414213821424,4,1269,1 -22270,0.001008314857879781,0.0008788891136646271,0.0004942193627357483,0.5122548199944039,4,1270,1 -22271,0.0008914056135142577,0.000812046229839325,0.00036767497658729553,0.4251599816158758,4,1271,1 -22272,0.0009848311137983401,0.000489894300699234,0.0008543394505977631,1.0501511743231886,4,1272,1 -22273,0.0011593275653190094,0.0010047294199466705,0.0005784109234809875,0.5223513656076382,4,1273,1 -22274,0.0010731681052948987,0.0008910559117794037,0.0005980879068374634,0.5911431509939462,4,1274,1 -22275,0.0007707180806918003,0.000548969954252243,0.0005409605801105499,0.7780497776763357,4,1275,1 -22276,0.0010091439461107033,0.0005741491913795471,0.000829894095659256,0.9655717549246199,4,1276,1 -22277,0.0010143505621591907,0.0008224174380302429,0.0005937479436397552,0.6253090493369969,4,1277,1 -22278,0.0007009179356705478,0.0004485771059989929,0.0005385763943195343,0.8763173210420855,4,1278,1 -22279,0.0007651655189694967,0.0005409270524978638,0.0005411803722381592,0.7856322619073349,4,1279,1 -22280,0.0008578030361177084,0.000529710203409195,0.000674709677696228,0.9052110155269991,4,1280,1 -22281,0.0012392994379696832,0.0005541108548641205,0.0011085234582424164,1.1072576067632076,4,1281,1 -22282,0.0010138729621806978,0.0005143992602825165,0.0008736886084079742,1.038677127302853,4,1282,1 -22283,0.0009136547633406064,0.0003933124244213104,0.0008246637880802155,1.1257690047269096,4,1283,1 -22284,0.0008558077063936257,0.00035748258233070374,0.0007775686681270599,1.1398688416532314,4,1284,1 -22285,0.0010231838549022586,0.0007024891674518585,0.0007439181208610535,0.8140329952679191,4,1285,1 -22286,0.0011999560202149572,0.0011102184653282166,0.00045531243085861206,0.38919196495871955,4,1286,1 -22287,0.0010198116931259237,0.00043912604451179504,0.0009204261004924774,1.1256441584685433,4,1287,1 -22288,0.000903787956274011,0.0006750039756298065,0.0006010010838508606,0.7274672888497412,4,1288,1 -22289,0.0010455890208089537,0.000871267169713974,0.0005780570209026337,0.5857841817056573,4,1289,1 -22290,0.0009189152914758144,0.0007891654968261719,0.00047076866030693054,0.5378713816984605,4,1290,1 -22291,0.0009872190043048383,0.0007741078734397888,0.0006126649677753448,0.6695035891628279,4,1291,1 -22292,0.001062173000158295,0.0006299205124378204,0.000855226069688797,0.935956092331433,4,1292,1 -22293,0.0011136187166173497,0.0008533112704753876,0.0007155463099479675,0.6978105519715322,4,1293,1 -22294,0.00144123734391915,0.001377880573272705,0.00042262300848960876,0.29761012722344826,4,1294,1 -22295,0.0008784883953495897,0.0006971247494220734,0.0005345642566680908,0.6541748226129911,4,1295,1 -22296,0.0009450602552668262,0.0003287084400653839,0.0008860528469085693,1.2155541390630578,4,1296,1 -22297,0.0009195908322183674,0.00010275095701217651,0.0009138323366641998,1.4588269940969094,4,1297,1 -22298,0.0009435290285892124,0.0005486272275447845,0.0007676295936107635,0.9502705378809322,4,1298,1 -22299,0.0010017717064090014,0.0005108118057250977,0.0008617527782917023,1.035718025807493,4,1299,1 -22300,0.0010978132502334629,0.001066397875547409,0.0002607479691505432,0.23980764348241837,4,1300,1 -22301,0.0014202576899130458,0.0013207308948040009,0.0005223043262958527,0.37659176216037904,4,1301,1 -22302,0.0009292805744020316,0.0006003193557262421,0.0007093511521816254,0.8684579454219921,4,1302,1 -22303,0.001145748913857549,0.0011216960847377777,0.00023353472352027893,0.2052655469123924,4,1303,1 -22304,0.0007245374140392211,0.0005586892366409302,0.0004613250494003296,0.6902327464909921,4,1304,1 -22305,0.000997461711862816,0.0003167055547237396,0.0009458474814891815,1.2476923023869384,4,1305,1 -22306,0.0008007855026104954,0.0006712712347507477,0.0004366375505924225,0.5767011054956612,4,1306,1 -22307,0.0012392817695966347,0.0007066279649734497,0.0010180845856666565,0.9640573503777019,4,1307,1 -22308,0.0010647018194311585,0.0004297979176044464,0.0009740963578224182,1.1552616735879104,4,1308,1 -22309,0.0010129559041757565,0.0008559077978134155,0.0005417577922344208,0.5643048892467191,4,1309,1 -22310,0.0011671126018352256,0.0005135498940944672,0.0010480545461177826,1.1151782372434507,4,1310,1 -22311,0.0011123258092357764,0.0004662945866584778,0.001009870320558548,1.1382248133234216,4,1311,1 -22312,0.0009687648597790248,0.00038198381662368774,0.0008902773261070251,1.1654905011653975,4,1312,1 -22313,0.0008429464491966095,0.0006139390170574188,0.0005776137113571167,0.7549219135417821,4,1313,1 -22314,0.0009824427498669735,0.0001791045069694519,0.0009659789502620697,1.387465805828009,4,1314,1 -22315,0.000978193776136654,0.00046008825302124023,0.0008632391691207886,1.0811149928744772,4,1315,1 -22316,0.0008447081441871094,0.0005949921905994415,0.0005995966494083405,0.7892525740973062,4,1316,1 -22317,0.0007875381897364123,0.00030960142612457275,0.0007241293787956238,1.1667678954050613,4,1317,1 -22318,0.001157439030892667,0.000300385057926178,0.0011177808046340942,1.3082653886973443,4,1318,1 -22319,0.0009934459982595747,0.0005088187754154205,0.0008532516658306122,1.0330804090739096,4,1319,1 -22320,0.0012611146535757946,0.0003678947687149048,0.0012062601745128632,1.2747697740299815,4,1320,1 -22321,0.0006879319889498858,0.0003132633864879608,0.0006124675273895264,1.098008899600699,4,1321,1 -22322,0.0009820993560266588,0.0005428865551948547,0.0008184090256690979,0.9850976969514136,4,1322,1 -22323,0.0011981558676773816,0.0010797269642353058,0.0005193911492824554,0.44836435203415437,4,1323,1 -22324,0.0009814874455406218,0.0005110874772071838,0.0008379183709621429,1.023093479086344,4,1324,1 -22325,0.0008989461176884869,0.0008077472448348999,0.00039452314376831055,0.4543440002080447,4,1325,1 -22326,0.0009764479546814114,0.0008202381432056427,0.0005297735333442688,0.5734718404233488,4,1326,1 -22327,0.001346829336964293,0.0012030676007270813,0.000605456531047821,0.46625269106962214,4,1327,1 -22328,0.0008767644746592442,0.0006843544542789459,0.0005480647087097168,0.6752585250652473,4,1328,1 -22329,0.0009662676388945426,0.000747140496969223,0.0006127431988716125,0.6868880659450219,4,1329,1 -22330,0.0009381766678359663,0.0006197839975357056,0.0007043033838272095,0.8491438606628855,4,1330,1 -22331,0.0007030120536447939,-7.965788245201111e-05,0.000698484480381012,1.6843496141670635,4,1331,1 -22332,0.0007405876291173668,0.0005884654819965363,0.00044964253902435303,0.6524599821444267,4,1332,1 -22333,0.0010192802043341343,0.0006731338798999786,0.0007653906941413879,0.8494433955635835,4,1333,1 -22334,0.0009996928745718923,0.0003670156002044678,0.0009298846125602722,1.19487641958797,4,1334,1 -22335,0.0010369812746538127,0.0007154718041419983,0.0007506199181079865,0.809367593084434,4,1335,1 -22336,0.0009604360715874529,0.0009598210453987122,3.436580300331116e-05,0.03578909769311529,4,1336,1 -22337,0.0013765623266025612,0.00042476877570152283,0.0013093873858451843,1.257104779030488,4,1337,1 -22338,0.0010223953061694788,0.0003865174949169159,0.0009465180337429047,1.1831062556239504,4,1338,1 -22339,0.0009952105245484197,0.0004490874707698822,0.0008881241083145142,1.1026322015039753,4,1339,1 -22340,0.0010964975786851528,0.00048013776540756226,0.0009857863187789917,1.1175536446181504,4,1340,1 -22341,0.0010927218864833338,0.0006196126341819763,0.0009000673890113831,0.9678933903942784,4,1341,1 -22342,0.0006121031356847226,0.00028280168771743774,0.000542856752872467,1.0905288598067158,4,1342,1 -22343,0.0008874469600672132,0.00028949230909347534,0.0008389018476009369,1.2385069628421854,4,1343,1 -22344,0.0007853600192358994,0.0005941279232501984,0.0005136169493198395,0.7128456650540707,4,1344,1 -22345,0.0009401473691452866,0.0008645430207252502,0.0003693811595439911,0.40377991426573095,4,1345,1 -22346,0.0009460089109497907,0.0004067718982696533,0.0008540898561477661,1.1263175220171315,4,1346,1 -22347,0.0007223926942606401,0.0004050619900226593,0.0005981437861919403,0.9755379488126795,4,1347,1 -22348,0.0008600063732015602,0.000547993928194046,0.0006628073751926422,0.879939827919751,4,1348,1 -22349,0.0007399603793069626,0.0006433017551898956,0.0003656558692455292,0.5168637616686234,4,1349,1 -22350,0.0011066963009908745,0.0006811618804931641,0.0008722357451915741,0.9077872223695863,4,1350,1 -22351,0.001010678641002886,0.000689379870891571,0.0007390715181827545,0.8201712173388407,4,1351,1 -22352,0.0009082508682137083,0.000683322548866272,0.0005983226001262665,0.7191741751128478,4,1352,1 -22353,0.0012382035512911208,0.0005545727908611298,0.0011070668697357178,1.106397929809452,4,1353,1 -22354,0.001301733555837761,0.001224130392074585,0.00044273585081100464,0.34703652421037123,4,1354,1 -22355,0.0009542225335001993,0.0005800053477287292,0.0007577165961265564,0.9174710197950202,4,1355,1 -22356,0.00158074350931459,0.0009211339056491852,0.001284625381231308,0.9487222842785381,4,1356,1 -22357,0.0010840602093773798,0.0009765811264514923,0.00047061219811439514,0.44906117641189125,4,1357,1 -22358,0.0011107794961163777,9.633973240852356e-05,0.0011065937578678131,1.483955574484107,4,1358,1 -22359,0.0011189040015736652,0.0005832463502883911,0.0009548664093017578,1.0224628346586857,4,1359,1 -22360,0.0009816514304442176,0.00027000904083251953,0.0009437873959541321,1.2921484576976339,4,1360,1 -22361,0.0005507666781024532,8.568912744522095e-05,0.0005440600216388702,1.414580192978806,4,1361,1 -22362,0.0008382400249023881,0.0003358088433742523,0.0007680356502532959,1.1586118572744053,4,1362,1 -22363,0.0012252202434636225,0.0008921995759010315,0.0008397288620471954,0.7551113062514258,4,1363,1 -22364,0.0011502336643895543,0.0009581409394741058,0.0006363987922668457,0.5862941109753969,4,1364,1 -22365,0.0010758956426754074,0.0009003952145576477,0.000588931143283844,0.579238564161496,4,1365,1 -22366,0.0008551703430488463,0.0003731846809387207,0.000769447535276413,1.1192178026877644,4,1366,1 -22367,0.0011084818961585893,0.0007255300879478455,0.000838056206703186,0.8572409874098156,4,1367,1 -22368,0.001331611385868747,0.0004796348512172699,0.0012422315776348114,1.2023233651359893,4,1368,1 -22369,0.0010509809514485761,0.0007145553827285767,0.0007706955075263977,0.8231785895125912,4,1369,1 -22370,0.0008043514045599464,0.0007866248488426208,0.00016793608665466309,0.2103318788818607,4,1370,1 -22371,0.0008515946418987699,0.0005545131862163544,0.0006463192403316498,0.8617017430763736,4,1371,1 -22372,0.0008405488897805745,0.0006541311740875244,0.0005278587341308594,0.6789714242590179,4,1372,1 -22373,0.0011025570434129762,0.0006605014204978943,0.0008828192949295044,0.92846562533946,4,1373,1 -22374,0.0008822437894464498,0.000860702246427536,0.000193767249584198,0.2214352475587384,4,1374,1 -22375,0.0009560247178231452,0.0004433728754520416,0.0008469969034194946,1.0885537493449107,4,1375,1 -22376,0.0010451488155421562,1.0807067155838013e-05,0.0010450929403305054,1.5604559239866609,4,1376,1 -22377,0.0009051830467539061,0.0005410052835941315,0.000725720077753067,0.9301983031589524,4,1377,1 -22378,0.0007956086622036652,0.0005253665149211884,0.0005974806845188141,0.8495344615589687,4,1378,1 -22379,0.0006350364594429778,0.00043146684765815735,0.0004659481346607208,0.8238021729503204,4,1379,1 -22380,0.0009299276537897987,0.0008249320089817047,0.00042924657464027405,0.47978827314178984,4,1380,1 -22381,0.0012332890896082128,0.000595729798078537,0.0010798647999763489,1.0666713138404156,4,1381,1 -22382,0.0010366973302784136,0.0008243508636951447,0.0006286390125751495,0.6515080557543795,4,1382,1 -22383,0.0008847634526103922,0.0005255341529846191,0.0007117725908756256,0.9347958605110256,4,1383,1 -22384,0.000794622376297166,0.0003400854766368866,0.0007181689143180847,1.1285356064624543,4,1384,1 -22385,0.0009809582826318301,0.0007141232490539551,0.0006725378334522247,0.7554175460206879,4,1385,1 -22386,0.00103762512558224,0.0005167014896869659,0.000899825245141983,1.0495452281239086,4,1386,1 -22387,0.0006603454729966965,0.0005457177758216858,0.0003718174993991852,0.5980900740095288,4,1387,1 -22388,0.0009657756937070491,0.00046354159712791443,0.0008472613990306854,1.0701778914548925,4,1388,1 -22389,0.0009280394472298561,0.0009012483060359955,0.0002213791012763977,0.2408672461110435,4,1389,1 -22390,0.0009567692181904016,0.0006119757890701294,0.000735454261302948,0.8767829077929993,4,1390,1 -22391,0.001067651267304103,0.000946488231420517,0.0004940032958984375,0.4810395345062045,4,1391,1 -22392,0.0009404593936406729,0.00040087103843688965,0.0008507445454597473,1.1304528115191854,4,1392,1 -22393,0.000962032242697578,0.0004495494067668915,0.0008505359292030334,1.0845716914972807,4,1393,1 -22394,0.0010087920115524722,0.0007909350097179413,0.0006261654198169708,0.6696455808363488,4,1394,1 -22395,0.0008233387662464715,0.00023119524121284485,0.0007902123034000397,1.2861666117331976,4,1395,1 -22396,0.0012265435899461823,0.0009887032210826874,0.0007258616387844086,0.6332830946832222,4,1396,1 -22397,0.0011527149454390539,0.0009756274521350861,0.000613924115896225,0.5616573993100719,4,1397,1 -22398,0.000979112531042055,0.0003862343728542328,0.0008997134864330292,1.1653010360602953,4,1398,1 -22399,0.0011099544176004768,0.0005942173302173615,0.0009374991059303284,1.0058708033090888,4,1399,1 -22400,0.0009795750152679725,0.0003584548830986023,0.0009116344153881073,1.1961655094442332,4,1400,1 -22401,0.0012115074933987532,0.0004704035818576813,0.0011164546012878418,1.1720323982162595,4,1401,1 -22402,0.0008324797469356279,0.00034513697028160095,0.0007575638592243195,1.143305181998161,4,1402,1 -22403,0.0010616048877882746,0.0005669780075550079,0.0008975192904472351,1.0073815324896342,4,1403,1 -22404,0.0011633605083095715,0.0003705434501171112,0.0011027716100215912,1.2466377635725352,4,1404,1 -22405,0.0009105712101363232,0.0005670152604579926,0.0007124841213226318,0.8986040849566526,4,1405,1 -22406,0.0010482495529907797,0.0003795921802520752,0.0009771063923835754,1.2002550246824337,4,1406,1 -22407,0.001286820144582093,0.0005473606288433075,0.001164603978395462,1.131437718915198,4,1407,1 -22408,0.0008305864182603914,0.000613771378993988,0.0005596056580543518,0.7392686641155491,4,1408,1 -22409,0.0008427945443136176,0.0005189254879951477,0.0006640926003456116,0.9074968930675764,4,1409,1 -22410,0.0008425505381087596,0.0006874427199363708,0.0004871487617492676,0.6165004891152415,4,1410,1 -22411,0.0010509751251449732,0.0010198019444942474,0.00025407224893569946,0.24416797285066696,4,1411,1 -22412,0.001175162295173805,0.000546775758266449,0.0010402128100395203,1.0868490254403833,4,1412,1 -22413,0.0010219682431147372,0.0006369054317474365,0.000799231231212616,0.8979499707723269,4,1413,1 -22414,0.001439948200914202,0.0013810619711875916,0.0004075765609741211,0.28697210846043275,4,1414,1 -22415,0.0011151614853375218,0.000626005232334137,0.0009228773415088654,0.9747700499776412,4,1415,1 -22416,0.001270694877794007,0.0007179379463195801,0.0010484419763088226,0.9703675175624913,4,1416,1 -22417,0.000750147409648215,0.0004046894609928131,0.0006316229701042175,1.0009770186642886,4,1417,1 -22418,0.001040140454722231,0.0003117211163043976,0.0009923316538333893,1.2664271900527126,4,1418,1 -22419,0.000681329535167259,0.0005137994885444641,0.00044745951890945435,0.7164937932240508,4,1419,1 -22420,0.0008103744539752324,0.0004517287015914917,0.0006727911531925201,0.9795068239520033,4,1420,1 -22421,0.0008930944261976125,0.0008238628506660461,0.0003447718918323517,0.39633703736109294,4,1421,1 -22422,0.0010925303619743264,0.000650160014629364,0.000878017395734787,0.9334117229857212,4,1422,1 -22423,0.0008903509902300438,0.0007875487208366394,0.0004153214395046234,0.4852950254865508,4,1423,1 -22424,0.0014774107790476727,0.0007449835538864136,0.0012758299708366394,1.0422837337485815,4,1424,1 -22425,0.0006990064272373161,0.0004740580916404724,0.0005136914551258087,0.8255015621996419,4,1425,1 -22426,0.0010038355181076727,0.00034559890627861023,0.0009424686431884766,1.2193262141039871,4,1426,1 -22427,0.0010038149950929805,0.0005919933319091797,0.0008106715977191925,0.940055179489084,4,1427,1 -22428,0.0011587860029989836,0.0010375678539276123,0.0005159825086593628,0.46148528856289206,4,1428,1 -22429,0.0008771852138052688,0.0006015300750732422,0.0006384477019309998,0.815162184302286,4,1429,1 -22430,0.0011113837678876268,0.0010852105915546417,0.00023977458477020264,0.21745389863891842,4,1430,1 -22431,0.0006570536357364293,0.0002754703164100647,0.0005965195596218109,1.1381763014872155,4,1431,1 -22432,0.0008343847699734864,0.0005715414881706238,0.0006078965961933136,0.8162124987173531,4,1432,1 -22433,0.000949542188551334,0.0005713589489459991,0.0007584057748317719,0.9251429220212559,4,1433,1 -22434,0.0010242063402626635,0.0008742846548557281,0.0005335025489330292,0.5478974748559953,4,1434,1 -22435,0.0008395412791752289,0.00016742199659347534,0.0008226782083511353,1.370029510173755,4,1435,1 -22436,0.0009302078565246721,0.0008434988558292389,0.0003921687602996826,0.4352009323551616,4,1436,1 -22437,0.0010753954606596637,0.00036952272057533264,0.0010099150240421295,1.220032037623783,4,1437,1 -22438,0.0014264459313700448,0.0013918839395046234,-0.0003121010959148407,-0.22058071320791814,4,1438,1 -22439,0.0011583608367826126,0.0003648996353149414,0.0010993853211402893,1.2503251449090576,4,1439,1 -22440,0.0010196585315749428,0.0005946829915046692,0.0008282847702503204,0.9481119926981156,4,1440,1 -22441,0.0009078191493868963,0.0004268549382686615,0.0008012056350708008,1.0812809781001909,4,1441,1 -22442,0.0009090409439011031,0.0007986575365066528,0.00043416768312454224,0.4979331697831298,4,1442,1 -22443,0.0010862581778980892,0.0009921826422214508,0.00044218823313713074,0.4192491116849098,4,1443,1 -22444,0.0011387723218590975,0.00040924549102783203,0.001062694936990738,1.2031990274188438,4,1444,1 -22445,0.0008253645587136955,0.0004187338054180145,0.0007112585008144379,1.0387104571856767,4,1445,1 -22446,0.000907116871920498,0.0003587007522583008,0.0008331835269927979,1.1642609332981395,4,1446,1 -22447,0.0008507173966941627,0.00019213929772377014,0.0008287355303764343,1.3429750738158013,4,1447,1 -22448,0.0010429418071786194,0.0006061866879463196,0.0008486844599246979,0.9505597128075535,4,1448,1 -22449,0.0010724750749958548,0.001009192317724228,0.0003629513084888458,0.3452415705133813,4,1449,1 -22450,0.0005915543804725148,0.0004420839250087738,0.0003930628299713135,0.7267678548314795,4,1450,1 -22451,0.000835532150980799,0.000388268381357193,0.0007398389279842377,1.0875051575650514,4,1451,1 -22452,0.000879727777282034,0.0005338676273822784,0.000699218362569809,0.9186980385939268,4,1452,1 -22453,0.0008480949048224418,0.000372469425201416,0.0007619261741638184,1.1161065168496822,4,1453,1 -22454,0.001206474893682138,0.000562421977519989,0.0010673627257347107,1.085840083164567,4,1454,1 -22455,0.0009227963829198419,0.0004664473235607147,0.0007962286472320557,1.0408679347992678,4,1455,1 -22456,0.0009099455689425362,0.000422794371843338,0.0008057579398155212,1.0875717062725991,4,1456,1 -22457,0.0010018130056519787,0.00046806782484054565,0.000885743647813797,1.0846516157312778,4,1457,1 -22458,0.001168876244936147,0.0003746040165424347,0.0011072233319282532,1.2445578458349704,4,1458,1 -22459,0.0007937049499654048,0.0007287077605724335,0.0003145672380924225,0.40751349850839774,4,1459,1 -22460,0.000971230349333635,0.0004900135099887848,0.0008385553956031799,1.0419604070922897,4,1460,1 -22461,0.0007511616136110982,0.0006598979234695435,0.0003588572144508362,0.4980762000643191,4,1461,1 -22462,0.00111337174062067,0.0006166733801364899,0.0009269900619983673,0.9837801880321894,4,1462,1 -22463,0.0009606012832797422,0.0007923245429992676,0.0005431175231933594,0.6009099981627932,4,1463,1 -22464,0.0010366669846418083,0.0005042664706707001,0.0009057559072971344,1.062796616104798,4,1464,1 -22465,0.001089054813913106,0.0007447563111782074,0.0007945932447910309,0.8177621784323528,4,1465,1 -22466,0.0009843202928832373,0.0008762069046497345,0.00044849514961242676,0.4730904243239781,4,1466,1 -22467,0.0012355536714591959,0.0009478777647018433,0.0007925406098365784,0.6963812680235909,4,1467,1 -22468,0.0010888044296960052,0.0005464069545269012,0.0009417720139026642,1.0450701735358932,4,1468,1 -22469,0.0008544690738168728,0.0007177442312240601,0.00046363845467567444,0.5735342220462264,4,1469,1 -22470,0.0007163597321765203,0.000669676810503006,0.0002543702721595764,0.3630074946165342,4,1470,1 -22471,0.0009671179248272054,0.0005838200449943542,0.0007710196077823639,0.9226998249744564,4,1471,1 -22472,0.0009322590226469922,0.00033981725573539734,0.0008681192994117737,1.1976903346163572,4,1472,1 -22473,0.0012020532775668317,0.0010188817977905273,0.0006378181278705597,0.5593167693620346,4,1473,1 -22474,0.0010897274662045441,0.0008491463959217072,0.000682976096868515,0.6773628700183625,4,1474,1 -22475,0.0009362567920214326,0.0004955753684043884,0.0007943436503410339,1.01300258194587,4,1475,1 -22476,0.0007662262998634476,0.00030315667390823364,0.0007037036120891571,1.1640219143063766,4,1476,1 -22477,0.0009364481929135329,0.00040172040462493896,0.0008459053933620453,1.1274296488853748,4,1477,1 -22478,0.001005672021564273,0.0009588487446308136,0.00030329078435897827,0.3063496017737454,4,1478,1 -22479,0.0009839672433427891,0.0003777407109737396,0.0009085722267627716,1.1767848299165167,4,1479,1 -22480,0.0007354445948298438,0.0005752816796302795,0.00045818090438842773,0.6725702278564003,4,1480,1 -22481,0.0009333436562361977,0.000596899539232254,0.0007175244390964508,0.8769119960437005,4,1481,1 -22482,0.0008343546740985309,0.00044077634811401367,0.0007084235548973083,1.0142179010354149,4,1482,1 -22483,0.001032585851085524,0.00039664655923843384,0.0009533651173114777,1.176531658089328,4,1483,1 -22484,0.0008471042604655411,0.00045225396752357483,0.0007162764668464661,1.007610984606183,4,1484,1 -22485,0.0009006795106667429,0.0006786100566387177,0.0005922093987464905,0.7175144842943114,4,1485,1 -22486,0.0008682813690690509,0.0005296804010868073,0.0006880052387714386,0.9146939258805828,4,1486,1 -22487,0.0009443650295034467,0.0005768872797489166,0.0007476806640625,0.9136333115309472,4,1487,1 -22488,0.0011101975435014151,0.0006987676024436951,0.0008627064526081085,0.8900047331470461,4,1488,1 -22489,0.0011502660740498345,0.00038395076990127563,0.00108429417014122,1.2304718194074604,4,1489,1 -22490,0.0007291026558194775,0.0004420168697834015,0.0005798377096652985,0.9194623999767223,4,1490,1 -22491,0.0008197019933823996,0.00038543716073036194,0.0007234290242195129,1.0812605872542542,4,1491,1 -22492,0.0011803021341522564,0.0005489848554134369,0.0010448582470417023,1.0870235554062628,4,1492,1 -22493,0.0008301842870992232,0.00042591989040374756,0.0007125996053218842,1.0320706431987638,4,1493,1 -22494,0.0011183746232043446,0.00023051723837852478,0.0010943599045276642,1.3631901339179153,4,1494,1 -22495,0.0008220152525946819,0.0006042085587978363,0.0005573518574237823,0.7450805791143752,4,1495,1 -22496,0.0009962693512044324,0.0005840957164764404,0.0008070841431617737,0.9443335159155808,4,1496,1 -22497,0.0011058432351637461,0.0006133615970611572,0.0009201504290103912,0.9828479137118098,4,1497,1 -22498,0.000866136946397102,0.00032740458846092224,0.0008018724620342255,1.183155251984151,4,1498,1 -22499,0.0009255746757433153,0.0002706199884414673,0.0008851289749145508,1.2740811545792954,4,1499,1 -22500,0.0011506201008359609,0.00043120235204696655,0.0010667666792869568,1.1866622157756854,4,1500,1 -22501,0.0006938732369373386,0.00037166476249694824,0.0005859397351741791,1.0055334255404509,4,1501,1 -22502,0.0009288483942710686,0.000478401780128479,0.0007961727678775787,1.029732337613535,4,1502,1 -22503,0.00091674003285055,0.0004302896559238434,0.0008094832301139832,1.0822199173270475,4,1503,1 -22504,0.0010748316736281436,0.000937584787607193,0.0005255453288555145,0.510892455158353,4,1504,1 -22505,0.0010969090187978165,0.0007302239537239075,0.0008185245096683502,0.8423506429389611,4,1505,1 -22506,0.0011050798007836557,0.0009490586817264557,0.0005661174654960632,0.5378450755500772,4,1506,1 -22507,0.0010905264299147473,0.000319797545671463,0.001042582094669342,1.2731711559862273,4,1507,1 -22508,0.001007311951193479,0.00040224194526672363,0.0009235143661499023,1.1600189876425848,4,1508,1 -22509,0.00105419847490223,0.00037541985511779785,0.0009850859642028809,1.2066852798606895,4,1509,1 -22510,0.0010203590115506582,0.0006608627736568451,0.0007774271070957184,0.8662651253859447,4,1510,1 -22511,0.0010785356764632101,0.0006184875965118408,0.0008835792541503906,0.9600839447178947,4,1511,1 -22512,0.0011869659504467895,0.0010817646980285645,0.0004885420203208923,0.4241968068942714,4,1512,1 -22513,0.0009676219985450243,0.0008468218147754669,0.0004681721329689026,0.5050347302925119,4,1513,1 -22514,0.0008454587493885397,0.0007718503475189209,0.000345032662153244,0.4203731234287732,4,1514,1 -22515,0.0010004886958200454,0.00031194090843200684,0.0009506158530712128,1.2537215021828618,4,1515,1 -22516,0.0008992161163073676,0.00018573924899101257,0.000879824161529541,1.3627417213173627,4,1516,1 -22517,0.0010100372116125817,0.00043451786041259766,0.0009117946028709412,1.1260821745921146,4,1517,1 -22518,0.00102274160503241,0.0009077899158000946,0.00047108158469200134,0.4786785465330567,4,1518,1 -22519,0.0010400386986694334,0.0008575916290283203,0.0005884021520614624,0.6013428287138775,4,1519,1 -22520,0.0011075211761039112,0.000571276992559433,0.0009488128125667572,1.0288366161044642,4,1520,1 -22521,0.0007948565483478907,0.00047360360622406006,0.0006383545696735382,0.9324909673666896,4,1521,1 -22522,0.0011614387826267248,0.0008338093757629395,0.0008085183799266815,0.7699998990557713,4,1522,1 -22523,0.0011432401740479213,0.0006916485726833344,0.0009102858603000641,0.9210433483690467,4,1523,1 -22524,0.0010667141081076362,0.0006188377737998962,0.0008688606321811676,0.9519023821763583,4,1524,1 -22525,0.001167521804812178,0.0005678869783878326,0.0010201036930084229,1.0628272718759393,4,1525,1 -22526,0.0009528039755304024,0.0008209049701690674,0.000483684241771698,0.532446834503353,4,1526,1 -22527,0.0008163031100436997,0.0004751235246658325,0.0006637834012508392,0.9495574412417648,4,1527,1 -22528,0.001095172972707581,0.0007908754050731659,0.0007575750350952148,0.7638958686977249,4,1528,1 -22529,0.0012411893566207555,0.001038089394569397,0.0006803832948207855,0.5801751360418604,4,1529,1 -22530,0.0008633239529865837,0.000501781702041626,0.0007025264203548431,0.9505684102548929,4,1530,1 -22531,0.001001148528207759,0.0005636364221572876,0.0008274130523204803,0.9727973691931059,4,1531,1 -22532,0.0008710357874941644,0.0005932003259658813,0.0006378218531608582,0.8216298421076836,4,1532,1 -22533,0.0010299827718297534,0.0008416064083576202,0.000593770295381546,0.6144211758337871,4,1533,1 -22534,0.000894508538351854,0.000710025429725647,0.0005440674722194672,0.6538295559859728,4,1534,1 -22535,0.0010181624005571178,0.0004366971552371979,0.0009197555482387543,1.1275136507533399,4,1535,1 -22536,0.000868722650948417,0.0006256811320781708,0.0006026625633239746,0.7666608385472594,4,1536,1 -22537,0.0013619687054047618,0.001298666000366211,0.00041039660573005676,0.30608300228629204,4,1537,1 -22538,0.0007745401601832364,0.0007503069937229156,0.00019222870469093323,0.2508054571996538,4,1538,1 -22539,0.0010392736490295682,0.0007982999086380005,0.0006654374301433563,0.6948768790696682,4,1539,1 -22540,0.0008998763347498518,0.0004789978265762329,0.0007617995142936707,1.0094895144644673,4,1540,1 -22541,0.0010020624809255745,0.0003871619701385498,0.0009242482483386993,1.1741089323737703,4,1541,1 -22542,0.0011301337262981264,0.0007244795560836792,0.0008673705160617828,0.8749223099764127,4,1542,1 -22543,0.0010675504872194313,0.0005374588072299957,0.0009223893284797668,1.043208674181017,4,1543,1 -22544,0.0010995555321536932,0.0005552694201469421,0.0009490512311458588,1.0414208138143128,4,1544,1 -22545,0.0007205052608915566,0.0006790570914745331,0.00024085119366645813,0.3408422031015688,4,1545,1 -22546,0.0008102533319256583,0.0006521157920360565,0.00048089027404785156,0.635408173776428,4,1546,1 -22547,0.0008188132208422944,0.00044012442231178284,0.0006904676556587219,1.0033088624780444,4,1547,1 -22548,0.0009370206737221084,0.0006875358521938324,0.0006366334855556488,0.7469761017817362,4,1548,1 -22549,0.0008616225026237626,0.0006819665431976318,0.0005266070365905762,0.6575514633615294,4,1549,1 -22550,0.0010520337029926,0.0008556023240089417,0.0006121434271335602,0.6210221290716537,4,1550,1 -22551,0.0007564097273864976,0.0007137134671211243,0.0002505369484424591,0.3375947513246398,4,1551,1 -22552,0.000811859278169656,0.00042246654629707336,0.0006932802498340607,1.0235131090780598,4,1552,1 -22553,0.001079268236500652,0.0005392245948314667,0.0009349100291728973,1.047635641669532,4,1553,1 -22554,0.0007422016280662355,0.0003774799406528473,0.0006390400230884552,1.037244287589784,4,1554,1 -22555,0.0009132059052801524,0.0006185583770275116,0.0006718114018440247,0.8266443421348811,4,1555,1 -22556,0.0009797760427087303,0.0006506703794002533,0.0007325224578380585,0.8445054206811919,4,1556,1 -22557,0.001134631618358803,0.0003065168857574463,0.0010924451053142548,1.2972510265800166,4,1557,1 -22558,0.0012422916601969006,0.0009200051426887512,0.0008347928524017334,0.7368766770053669,4,1558,1 -22559,0.0008810309029674194,6.466731429100037e-05,0.000878654420375824,1.4973306615499786,4,1559,1 -22560,0.0009014646743017909,0.0006393678486347198,0.000635489821434021,0.7823562432441231,4,1560,1 -22561,0.0009264086945329931,0.0007317326962947845,0.0005681551992893219,0.6602164773364719,4,1561,1 -22562,0.0012192091432825258,0.0005450919270515442,0.0010905712842941284,1.1072908296296833,4,1562,1 -22563,0.001076103931054709,0.0009882748126983643,0.0004258081316947937,0.4068236705576841,4,1563,1 -22564,0.0009691147919051778,0.0009126029908657074,0.0003260970115661621,0.3431865849311159,4,1564,1 -22565,0.000797194468758682,0.0002582445740699768,0.0007542073726654053,1.2409033759818784,4,1565,1 -22566,0.0008283974348048517,0.0002974569797515869,0.0007731504738330841,1.203519499149891,4,1566,1 -22567,0.0009992761212712562,0.0005513206124305725,0.0008334256708621979,0.9863712258700031,4,1567,1 -22568,0.0009561209249363358,0.0006502941250801086,0.0007009170949459076,0.8228455320607626,4,1568,1 -22569,0.0010003581727689905,0.0008366517722606659,0.000548388808965683,0.5802014862075712,4,1569,1 -22570,0.0007913438501868861,0.00024313479661941528,0.0007530674338340759,1.2585018679381907,4,1570,1 -22571,0.0009502693635775406,0.0003725513815879822,0.0008741952478885651,1.1679393629138908,4,1571,1 -22572,0.0009001622985713555,0.0002549402415752411,0.0008633062243461609,1.2836507166983413,4,1572,1 -22573,0.0011350521640330988,0.0006657801568508148,0.0009192824363708496,0.9439871522855137,4,1573,1 -22574,0.0008938169181785429,0.0005424469709396362,0.0007103942334651947,0.9186568351935814,4,1574,1 -22575,0.0008251616370027814,0.00042121484875679016,0.0007095560431480408,1.0350726745745227,4,1575,1 -22576,0.0010388099957556187,0.0005097240209579468,0.000905156135559082,1.0579255289028435,4,1576,1 -22577,0.0007246748200337057,0.00017525628209114075,0.0007031634449958801,1.3265333198363363,4,1577,1 -22578,0.00092425965869937,0.0005963407456874847,0.0007061399519443512,0.8694993818124725,4,1578,1 -22579,0.0010989882648685895,0.0009394995868206024,0.0005701892077922821,0.5454829630124298,4,1579,1 -22580,0.0009258630360131991,0.0006423927843570709,0.0006667487323284149,0.8040005361368145,4,1580,1 -22581,0.0010060373948405658,0.0005095526576042175,0.0008674487471580505,1.0396816837968397,4,1581,1 -22582,0.0006619173679453625,5.260854959487915e-05,0.0006598234176635742,1.4912333821090737,4,1582,1 -22583,0.0008412894111146662,3.4570693969726562e-06,0.000841282308101654,1.566687064178861,4,1583,1 -22584,0.001198784696407264,0.0007817335426807404,0.0009088329970836639,0.8604385676037287,4,1584,1 -22585,0.0008952471732505028,0.000589568167924881,0.0006737038493156433,0.8519013462272644,4,1585,1 -22586,0.0009922401065069943,0.0009261071681976318,0.00035618245601654053,0.3671619735323869,4,1586,1 -22587,0.0009256607730086921,0.0007192306220531464,0.0005827136337757111,0.6809236934385122,4,1587,1 -22588,0.0007335370582925997,0.00044151395559310913,0.0005857832729816437,0.9249215106327116,4,1588,1 -22589,0.0007458163310648007,0.0005103722214698792,0.000543840229511261,0.8171344334747088,4,1589,1 -22590,0.0007973328911591328,0.000515419989824295,0.000608343631029129,0.8679001354877605,4,1590,1 -22591,0.0011836924073472396,0.0007174052298069,0.0009415186941623688,0.9196808627977979,4,1591,1 -22592,0.0008634913263785395,0.000553768128156662,0.000662539154291153,0.8745881693302219,4,1592,1 -22593,0.000735298470900474,0.000698484480381012,0.00022974610328674316,0.31777406910614026,4,1593,1 -22594,0.001114057812761587,0.0006253682076931,0.0009219758212566376,0.9747889972385083,4,1594,1 -22595,0.0006904640255482826,0.0006029009819030762,0.00033652782440185547,0.5091024425139742,4,1595,1 -22596,0.0007586204714815566,0.0002575889229774475,0.0007135495543479919,1.2243588170494168,4,1596,1 -22597,0.0011019060987545821,0.0005673132836818695,0.0009446442127227783,1.0299669099279072,4,1597,1 -22598,0.0010491844164149421,0.0008497722446918488,0.0006153658032417297,0.6267533136765726,4,1598,1 -22599,0.00079580070114974,0.0006000734865665436,0.0005226954817771912,0.7165898414536787,4,1599,1 -22600,0.0010343419621432844,0.00036183372139930725,0.0009689889848232269,1.2134171469162411,4,1600,1 -22601,0.0010188133990345894,0.0005695633590221405,0.0008447356522083282,0.9775618006960514,4,1601,1 -22602,0.0010199957344280948,0.0007440485060214996,0.0006976984441280365,0.7532606903525474,4,1602,1 -22603,0.0008136706602686908,0.00033629313111305237,0.0007409229874610901,1.1447171151653197,4,1603,1 -22604,0.0008561190853470566,0.0005048885941505432,0.0006913952529430389,0.9400581306287992,4,1604,1 -22605,0.0007940383018588337,0.0005745552480220795,0.0005480721592903137,0.7618122634125354,4,1605,1 -22606,0.001284831438409403,0.0004551336169242859,0.0012015178799629211,1.2086993058220254,4,1606,1 -22607,0.0008172180437625078,0.0005975961685180664,0.0005574263632297516,0.750633801379332,4,1607,1 -22608,0.0009465922035529896,0.0004164949059486389,0.000850040465593338,1.1152043161688476,4,1608,1 -22609,0.0008797637478531174,0.00039922818541526794,0.000783964991569519,1.0997821941644317,4,1609,1 -22610,0.0005088037302950744,0.0003720112144947052,0.00034711509943008423,0.750792037334273,4,1610,1 -22611,0.0014440211466871839,0.0005832985043525696,0.0013209693133831024,1.1549760786398062,4,1611,1 -22612,0.0009739869032375264,0.0009227506816387177,0.0003117397427558899,0.3257987725013072,4,1612,1 -22613,0.0013321489945138534,0.0001399219036102295,0.001324780285358429,1.4655675074352268,4,1613,1 -22614,0.0011421013622549506,0.0010935328900814056,0.00032951682806015015,0.2926786789532167,4,1614,1 -22615,0.0007861923002160712,0.00018952414393424988,0.0007630065083503723,1.3273323491085955,4,1615,1 -22616,0.0008578794731266003,0.00048164278268814087,0.0007099136710166931,0.9746785472621866,4,1616,1 -22617,0.0005212031205205431,0.00011495500802993774,0.0005083680152893066,1.3484108078071277,4,1617,1 -22618,0.0007614466493333226,0.0002911798655986786,0.0007035732269287109,1.1784002200964385,4,1618,1 -22619,0.0008170220739303592,0.00023090094327926636,0.0007837153971195221,1.2842794060807827,4,1619,1 -22620,0.001144497805865688,0.0006151832640171051,0.0009651035070419312,1.0033104389953231,4,1620,1 -22621,0.0008043544812301782,0.0004197917878627777,0.0006861202418804169,1.0217206639530922,4,1621,1 -22622,0.0010817058938575037,0.0008948557078838348,0.0006077177822589874,0.5965772415874895,4,1622,1 -22623,0.0007870931974429809,0.0006500482559204102,0.0004437938332557678,0.5990268002453069,4,1623,1 -22624,0.0009448539971050321,0.0006999894976615906,0.0006346367299556732,0.7364701507440841,4,1624,1 -22625,0.0011018624717969825,0.0007913932204246521,0.0007666796445846558,0.7695378630648594,4,1625,1 -22626,0.001289876188239672,0.0008253268897533417,0.0009912699460983276,0.8764936552235497,4,1626,1 -22627,0.0008711834756337111,0.00033014267683029175,0.0008062049746513367,1.1821253683854003,4,1627,1 -22628,0.0009239613028232978,0.0006325691938400269,0.0006734691560268402,0.816703982191693,4,1628,1 -22629,0.000602099421797524,0.00027912482619285583,0.0005334913730621338,1.088758294455656,4,1629,1 -22630,0.001160200428322775,0.0008894056081771851,0.0007449984550476074,0.6972723851149131,4,1630,1 -22631,0.0012645514843907441,0.001203048974275589,0.0003895685076713562,0.31316214457995867,4,1631,1 -22632,0.0009737316797807944,0.0006246790289878845,0.000746946781873703,0.8743039259630563,4,1632,1 -22633,0.0011545322178852654,0.0008526556193828583,0.0007784105837345123,0.7399102363191592,4,1633,1 -22634,0.0012434954602559825,0.0011593326926231384,0.00044969841837882996,0.3700269725925215,4,1634,1 -22635,0.0008104136774733442,0.00023231282830238342,0.0007764026522636414,1.2800580877909398,4,1635,1 -22636,0.0009541753734109499,0.0008482635021209717,0.0004369206726551056,0.4756360060405248,4,1636,1 -22637,0.0007846898094035556,0.0004621259868144989,0.0006341747939586639,0.9410642617519304,4,1637,1 -22638,0.001041201427303394,0.00036313384771347046,0.0009758248925209045,1.2145440745514189,4,1638,1 -22639,0.0008180748094002108,0.0004877261817455292,0.0006567873060703278,0.9320520603792473,4,1639,1 -22640,0.00099972439877665,0.0004706159234046936,0.000882025808095932,1.0806605757012384,4,1640,1 -22641,0.000990971049472941,0.0009460337460041046,0.0002950318157672882,0.3023033699595191,4,1641,1 -22642,0.000702170035977888,0.000567365437746048,0.0004136897623538971,0.6300175661203542,4,1642,1 -22643,0.0012325463718638303,0.0005043968558311462,0.0011246129870414734,1.1491846305696132,4,1643,1 -22644,0.0014311043728701433,0.0013964325189590454,0.0003131069242954254,0.2205711019945698,4,1644,1 -22645,0.0011830394137826341,0.0008212737739086151,0.0008515231311321259,0.8034792948327613,4,1645,1 -22646,0.0008015127805653911,0.0003954656422138214,0.0006971582770347595,1.054803050387778,4,1646,1 -22647,0.001230177747543522,0.00018999725580215454,0.0012154169380664825,1.4157286195311451,4,1647,1 -22648,0.0008803496820888531,0.0002995617687702179,0.0008278153836727142,1.2235860498785358,4,1648,1 -22649,0.0010636373092214467,0.0009883791208267212,0.00039297714829444885,0.3784336127445553,4,1649,1 -22650,0.0010169763058855623,0.0008140988647937775,0.0006094947457313538,0.6426520011100962,4,1650,1 -22651,0.0007483578436870631,0.0006427541375160217,0.00038328394293785095,0.5377055467289259,4,1651,1 -22652,0.0010041054133509805,0.0005104392766952515,0.0008646845817565918,1.037526015623441,4,1652,1 -22653,0.0011757345608434497,0.0005739927291870117,0.0010261014103889465,1.0607711167847416,4,1653,1 -22654,0.0009458446739123714,0.0005174539983272552,0.000791747123003006,0.9919227621350979,4,1654,1 -22655,0.0011491147648994514,0.0009716488420963287,0.0006134845316410065,0.5631776260036425,4,1655,1 -22656,0.0011532584667797029,0.0006816200911998749,0.0009302683174610138,0.9384507262602232,4,1656,1 -22657,0.0010194071696567402,0.0007285624742507935,0.0007130131125450134,0.7746122158158156,4,1657,1 -22658,0.0005443575359540752,0.00039413943886756897,0.0003754720091819763,0.7611472636573955,4,1658,1 -22659,0.0014232137395995782,0.0007365383207798004,0.0012178048491477966,1.026848906553515,4,1659,1 -22660,0.0009858939403800482,0.0008229464292526245,0.000542905181646347,0.5831702905073746,4,1660,1 -22661,0.0012783478657797404,0.0006018467247486115,0.0011278092861175537,1.0805984979141614,4,1661,1 -22662,0.0011658255500197191,0.0010509304702281952,0.0005046725273132324,0.4476946629614351,4,1662,1 -22663,0.0012674501098841344,0.001217339187860489,0.0003528669476509094,0.2821351059827111,4,1663,1 -22664,0.0011545526099472623,0.0009447075426578522,0.0006637163460254669,0.6124438728175668,4,1664,1 -22665,0.0005514124741607089,0.0001860782504081726,0.0005190670490264893,1.2265817235555683,4,1665,1 -22666,0.0008008042938839786,0.0005260109901428223,0.0006038211286067963,0.8541583541066171,4,1666,1 -22667,0.0008849039327045579,-2.911314368247986e-05,0.0008844248950481415,1.6037020436248517,4,1667,1 -22668,0.001134984488228936,0.0008308403193950653,0.0007732361555099487,0.7495024803232303,4,1668,1 -22669,0.0010367935091271769,0.0005741007626056671,0.0008633360266685486,0.9839626688098426,4,1669,1 -22670,0.0009735556173464167,0.0003721565008163452,0.0008996166288852692,1.1785498184946257,4,1670,1 -22671,0.0005141887649540625,0.0002795979380607605,0.00043152645230293274,0.9958792933478434,4,1671,1 -22672,0.000675960374181539,0.0005716979503631592,0.00036067143082618713,0.562814743491628,4,1672,1 -22673,0.0012042908714854567,0.0006094090640544891,0.001038718968629837,1.040218909351314,4,1673,1 -22674,0.00110210233536983,0.0010427795350551605,0.00035670772194862366,0.32959638115416273,4,1674,1 -22675,0.0008407310233735116,0.0005041882395744324,0.0006727725267410278,0.9276674231226275,4,1675,1 -22676,0.001044677061433458,0.00032605230808258057,0.0009924918413162231,1.2533850205675303,4,1676,1 -22677,0.0009043258909461004,0.0006647445261478424,0.0006131231784820557,0.745023643344719,4,1677,1 -22678,0.0007466671126353295,0.00043218210339546204,0.0006088763475418091,0.9535215915307723,4,1678,1 -22679,0.0014069412446848372,0.0005193799734115601,0.0013075657188892365,1.1926962484319963,4,1679,1 -22680,0.0008431865392327286,0.0004986636340618134,0.0006799250841140747,0.9379978503158515,4,1680,1 -22681,0.001051603274305432,0.0005624033510684967,0.0008885785937309265,1.006518627480692,4,1681,1 -22682,0.001122449299817414,0.0006378144025802612,0.0009236261248588562,0.9664376283563431,4,1682,1 -22683,0.000740375224059959,0.0004920810461044312,0.0005531832575798035,0.8437879462712884,4,1683,1 -22684,0.0008234105082511345,0.0004116073250770569,0.0007131509482860565,1.0473348754616632,4,1684,1 -22685,0.0009152521002078189,0.0005271695554256439,0.0007481835782527924,0.9569903115780557,4,1685,1 -22686,0.0011488030134284694,0.00047985464334487915,0.0010437853634357452,1.1398842524560817,4,1686,1 -22687,0.0009078822184162504,0.00078568235039711,0.00045492127537727356,0.5248458605953231,4,1687,1 -22688,0.0008822767408851117,0.0007026717066764832,0.0005335398018360138,0.6494276484266276,4,1688,1 -22689,0.001106619817405625,0.0006523393094539642,0.0008939020335674286,0.9403712398691616,4,1689,1 -22690,0.0006229269019674029,0.0005384013056755066,0.00031330808997154236,0.5270215150000738,4,1690,1 -22691,0.0012535974917388837,0.00035847723484039307,0.0012012496590614319,1.2807894650377945,4,1691,1 -22692,0.0008313969900372727,0.0004748813807964325,0.0006824284791946411,0.9628476792913742,4,1692,1 -22693,0.000808966453496041,0.0007171370089054108,0.00037435442209243774,0.4811020669274431,4,1693,1 -22694,0.0006872518085158069,0.0006380379199981689,0.0002553872764110565,0.380738895452966,4,1694,1 -22695,0.0009829799958737037,0.0007172785699367523,0.0006721317768096924,0.7529161006120559,4,1695,1 -22696,0.0008891085031485162,0.0007846355438232422,0.00041816383600234985,0.48965121588609845,4,1696,1 -22697,0.001153589052091277,0.0006067976355552673,0.000981103628873825,1.016895857585668,4,1697,1 -22698,0.0009136045823064191,0.000683855265378952,0.0006058178842067719,0.7249624257803947,4,1698,1 -22699,0.0011568268889807064,0.0010310858488082886,0.0005245096981525421,0.47058053092828334,4,1699,1 -22700,0.00112854368202298,0.0010227635502815247,0.00047703832387924194,0.43642534781572595,4,1700,1 -22701,0.0008955106239198013,0.00035326555371284485,0.0008228868246078491,1.1652889394970836,4,1701,1 -22702,0.0008716926062303741,0.0005507878959178925,0.0006756335496902466,0.8868454067328592,4,1702,1 -22703,0.0012325630462062236,0.0004423782229423523,0.0011504404246807098,1.2036973563183895,4,1703,1 -22704,0.001114996552062626,0.0009633861482143402,0.0005613416433334351,0.5275835959745303,4,1704,1 -22705,0.0009363918243638598,0.00032665953040122986,0.0008775666356086731,1.214453454425291,4,1705,1 -22706,0.0007340900786580404,0.00037129223346710205,0.0006332695484161377,1.0405038646327716,4,1706,1 -22707,0.001045386537250448,0.00047271326184272766,0.0009324029088020325,1.1015772209708952,4,1707,1 -22708,0.00048138452240549463,0.00034404173493385315,0.0003366991877555847,0.7746124706192208,4,1708,1 -22709,0.001006038386561523,0.00013148412108421326,0.0009974092245101929,1.4397264325890125,4,1709,1 -22710,0.0009728486622798369,0.0008735880255699158,0.00042811036109924316,0.4556638629186003,4,1710,1 -22711,0.0010973661761626847,0.0002877563238143921,0.0010589659214019775,1.3054696530382839,4,1711,1 -22712,0.0009763571188550823,0.0006417073309421539,0.0007358565926551819,0.8536367975690735,4,1712,1 -22713,0.0011510983180764475,0.0005426295101642609,0.0010151751339435577,1.079917037925727,4,1713,1 -22714,0.0009899516486305614,0.000722154974937439,0.0006771236658096313,0.7532274636990388,4,1714,1 -22715,0.0009839863251870893,0.0005417279899120331,0.0008214376866817474,0.9877803096879716,4,1715,1 -22716,0.0008772596600705734,0.0005196742713451385,0.0007067695260047913,0.936782059516823,4,1716,1 -22717,0.0010706449752758997,0.0008762069046497345,0.0006152577698230743,0.6121896982080188,4,1717,1 -22718,0.0009738177101921188,0.00045972689986228943,0.0008584707975387573,1.0791393750920941,4,1718,1 -22719,0.0008027323454653371,0.00028913095593452454,0.0007488541305065155,1.2023317248564247,4,1719,1 -22720,0.0009444461746986589,0.0006148368120193481,0.0007169060409069061,0.8618919637472184,4,1720,1 -22721,0.0007193139546942062,0.000557340681552887,0.00045473501086235046,0.6843619563815755,4,1721,1 -22722,0.0009391828062702243,0.0003073178231716156,0.0008874796330928802,1.2374379905871467,4,1722,1 -22723,0.0006463085181295449,0.00042478740215301514,0.00048710405826568604,0.8536298799189304,4,1723,1 -22724,0.001100749142158525,0.00042374804615974426,0.0010159164667129517,1.1756282456049778,4,1724,1 -22725,0.001038687336194399,0.0007270760834217072,0.0007417760789394379,0.7954056407721067,4,1725,1 -22726,0.0010250041212066152,0.0007285438477993011,0.0007210113108158112,0.780201762874644,4,1726,1 -22727,0.00120516622258048,0.0006840452551841736,0.0009922236204147339,0.9672156411915241,4,1727,1 -22728,0.0009358650666456993,0.0008920095860958099,0.0002831295132637024,0.3073484523371443,4,1728,1 -22729,0.0009879390977789067,0.00051836296916008,0.0008410252630710602,1.0184439748434548,4,1729,1 -22730,0.000816567829099709,0.0005918517708778381,0.0005625784397125244,0.760046211330325,4,1730,1 -22731,0.001084341359369338,0.0007637366652488708,0.0007697418332099915,0.7893141865241063,4,1731,1 -22732,0.000697983260287804,0.0005508475005626678,0.00042865797877311707,0.6612931370143279,4,1732,1 -22733,0.0009317714934004228,0.0005732104182243347,0.0007345937192440033,0.9081776680419973,4,1733,1 -22734,0.0009959753192320404,0.0009368285536766052,0.0003381110727787018,0.3463612056791936,4,1734,1 -22735,0.0009665990223749725,0.00032957643270492554,0.0009086765348911285,1.2228531106064833,4,1735,1 -22736,0.0009588357708894766,0.0007686018943786621,0.0005732513964176178,0.6408311807280704,4,1736,1 -22737,0.0008739225987026206,0.0005077756941318512,0.0007112696766853333,0.9508020395518492,4,1737,1 -22738,0.0008779395547609114,0.000545598566532135,0.000687822699546814,0.9001997944192757,4,1738,1 -22739,0.0009167413888607795,0.000648103654384613,0.0006483644247055054,0.7855993024162807,4,1739,1 -22740,0.0009619754501986712,0.0006008781492710114,0.0007512271404266357,0.8961394503045015,4,1740,1 -22741,0.002385645720342007,0.0022537782788276672,0.0007821694016456604,0.33404262089459535,4,1741,1 -22742,0.0013060566981477647,0.0007239170372486115,0.0010870732367038727,0.9833023947479907,4,1742,1 -22743,0.0009997126599502388,0.0009757690131664276,0.000217486172914505,0.2193022969200119,4,1743,1 -22744,0.001735934300283146,0.0016947872936725616,0.0003757178783416748,0.21816198403657744,4,1744,1 -22745,0.001045838511290917,0.0003514587879180908,0.00098501518368721,1.2280716554203592,4,1745,1 -22746,0.0010321665024955451,0.0009713508188724518,0.0003490634262561798,0.34498779505812327,4,1746,1 -22747,0.0010294750503982838,0.000535912811756134,0.0008789859712123871,1.023279078056123,4,1747,1 -22748,0.00098261366339229,0.00029649585485458374,0.0009368136525154114,1.2642769891968537,4,1748,1 -22749,0.0007865714383758957,0.0005104877054691315,0.0005984120070934296,0.8645223049538328,4,1749,1 -22750,0.0010781447879672087,0.000998619943857193,0.0004063919186592102,0.38648639572212296,4,1750,1 -22751,0.0010771462467823757,0.0006548091769218445,0.0008552595973014832,0.917369213286596,4,1751,1 -22752,0.0008422916353809767,0.00035081803798675537,0.0007657557725906372,1.141199563015575,4,1752,1 -22753,0.0010326363975137062,0.0009005889296531677,0.000505249947309494,0.5112657820347448,4,1753,1 -22754,0.001016722664403917,0.0004061795771121979,0.0009320639073848724,1.1598261700348627,4,1754,1 -22755,0.0007699279601957989,0.0005013495683670044,0.0005843266844749451,0.8616788342232621,4,1755,1 -22756,0.0008668257872017442,0.0007261894643306732,0.0004733242094516754,0.577633678488958,4,1756,1 -22757,0.0011713671594177216,0.0009903870522975922,0.0006254874169826508,0.5633016848121943,4,1757,1 -22758,0.0010594176840817873,0.0005866512656211853,0.0008821599185466766,0.983936730361486,4,1758,1 -22759,0.0008312588996140856,0.0007447376847267151,0.00036926567554473877,0.4603086228685141,4,1759,1 -22760,0.0006454953529863327,0.000522080808877945,0.0003795996308326721,0.6286766315820124,4,1760,1 -22761,0.0006367128284337526,0.0005354844033718109,0.00034447014331817627,0.5716415632605307,4,1761,1 -22762,0.000584658477816242,0.00047687068581581116,0.00033826008439064026,0.6169622559955256,4,1762,1 -22763,0.0008443479837513996,0.00034850090742111206,0.0007690712809562683,1.1453299866462796,4,1763,1 -22764,0.0011517972412828424,0.0005077160894870758,0.0010338574647903442,1.114302849018551,4,1764,1 -22765,0.0009282985149835559,0.00047171488404273987,0.0007995143532752991,1.0377609032234671,4,1765,1 -22766,0.0008420536600242001,0.0004359297454357147,0.0007204301655292511,1.0266378511391445,4,1766,1 -22767,0.0010844945466288428,0.0005569644272327423,0.0009305477142333984,1.031455479432925,4,1767,1 -22768,0.0008608031645206976,0.0006037913262844086,0.000613529235124588,0.7933974541699623,4,1768,1 -22769,0.0010436365774629545,0.0008446834981441498,0.0006129331886768341,0.6277252810584028,4,1769,1 -22770,0.0009574319699795692,0.0004949718713760376,0.0008195601403713226,1.0274787945346773,4,1770,1 -22771,0.0010349728557082721,0.000868089497089386,0.000563550740480423,0.5758021211134178,4,1771,1 -22772,0.0010879916906693958,0.0005849115550518036,0.000917389988899231,1.0032002359031773,4,1772,1 -22773,0.0007742416730911258,0.0006448514759540558,0.0004285052418708801,0.5865026480431005,4,1773,1 -22774,0.0009550188032114751,0.0006736554205417633,0.0006769411265850067,0.7878309399125284,4,1774,1 -22775,0.0009767802646075997,0.0004483722150325775,0.000867791473865509,1.0938923741202455,4,1775,1 -22776,0.0010134549769884019,0.0008969306945800781,0.0004718117415904999,0.48425348509168786,4,1776,1 -22777,0.001023009935051104,0.0009321235120296478,0.00042153894901275635,0.42471106324961305,4,1777,1 -22778,0.0006597579900709773,0.0004099905490875244,0.0005169026553630829,0.9002352580943774,4,1778,1 -22779,0.0008860119045527045,0.0006759054958820343,0.0005728602409362793,0.7030670113843085,4,1779,1 -22780,0.0011366640991614916,0.0006462037563323975,0.0009351074695587158,0.9661039997792696,4,1780,1 -22781,0.0008766115367175177,0.0001882612705230713,0.0008561573922634125,1.3543500307182075,4,1781,1 -22782,0.001012627927091474,0.0008913353085517883,0.00048055872321128845,0.49447083839645467,4,1782,1 -22783,0.0010564975355845494,0.0005546659231185913,0.0008991844952106476,1.0180759679125195,4,1783,1 -22784,0.0006807122103571649,0.00035003945231437683,0.0005838163197040558,1.0306921791174888,4,1784,1 -22785,0.0011928408789289827,0.0011075213551521301,0.00044301897287368774,0.3805144961890633,4,1785,1 -22786,0.001104105098411254,0.0003597177565097809,0.001043863594532013,1.2389382517281426,4,1786,1 -22787,0.0009570934425660753,0.0008855611085891724,0.00036305561661720276,0.3890736061754465,4,1787,1 -22788,0.0009409959319758108,0.0005929805338382721,0.0007306486368179321,0.8890335977267702,4,1788,1 -22789,0.0008262490532802156,0.00038637593388557434,0.0007303431630134583,1.0841926670429207,4,1789,1 -22790,0.0008002936424410608,0.00043652579188346863,0.0006707571446895599,0.9938620193630793,4,1790,1 -22791,0.0007974999223880555,0.0004486292600631714,0.0006593465805053711,0.9733359884811046,4,1791,1 -22792,0.0009028086637130951,0.0004416219890117645,0.0007874220609664917,1.0596647119054656,4,1792,1 -22793,0.000948201940508323,0.0008643493056297302,0.00038985535502433777,0.4237177277316517,4,1793,1 -22794,0.0009688263251504387,0.0007001124322414398,0.000669676810503006,0.7631826183665128,4,1794,1 -22795,0.0006893828693115317,0.00047051534056663513,0.0005038492381572723,0.8195957347488251,4,1795,1 -22796,0.0007034461880191003,0.0003669224679470062,0.0006001703441143036,1.022062909350102,4,1796,1 -22797,0.0006999234971452027,0.0006261467933654785,0.00031278282403945923,0.4632762883062691,4,1797,1 -22798,0.0009211151313220672,0.0007847212255001068,0.0004823543131351471,0.5511454785878793,4,1798,1 -22799,0.0010923546032222066,0.0006747357547283173,0.0008590519428253174,0.9049952643881944,4,1799,1 -22800,0.0008573193620666959,0.0003322325646877289,0.000790327787399292,1.1728511991048198,4,1800,1 -22801,0.000894349900923579,0.00030185282230377197,0.000841870903968811,1.2265249689971947,4,1801,1 -22802,0.001284280701399689,0.0008780360221862793,0.000937245786190033,0.8180039987433999,4,1802,1 -22803,0.0012707283513358517,0.0007298365235328674,0.001040235161781311,0.9589924903819212,4,1803,1 -22804,0.0006932912579303547,0.0003244839608669281,0.0006126686930656433,1.0837314423935458,4,1804,1 -22805,0.0009544223561257684,0.0008447691798210144,0.0004441700875759125,0.4840650848236457,4,1805,1 -22806,0.0008826257410449765,0.000774528831243515,0.00042324140667915344,0.500113724179705,4,1806,1 -22807,0.00102516690065101,0.0008631199598312378,0.0005531646311283112,0.56994405803123,4,1807,1 -22808,0.0009291176811608141,0.0005800239741802216,0.0007258318364620209,0.8965945234372346,4,1808,1 -22809,0.0010459553207059708,0.0005554370582103729,0.0008862912654876709,1.0109768327373372,4,1809,1 -22810,0.0009799048196042787,0.00031667202711105347,0.0009273253381252289,1.2417231151188326,4,1810,1 -22811,0.0009566365783315353,0.0008919462561607361,0.00034581124782562256,0.3698617573814981,4,1811,1 -22812,0.0009031091340773096,0.00015423446893692017,0.0008898414671421051,1.3991734066002213,4,1812,1 -22813,0.0011078273036873646,0.000631723552942276,0.0009100586175918579,0.9640026179569802,4,1813,1 -22814,0.0009154115835250595,0.0008868053555488586,0.00022705644369125366,0.2506539710928315,4,1814,1 -22815,0.0008187847428337682,0.00018267333507537842,0.0007981471717357635,1.3457997726109343,4,1815,1 -22816,0.00099837761655893,0.0007226988673210144,0.0006888136267662048,0.7613964393277971,4,1816,1 -22817,0.0009324076983157944,0.0009240880608558655,0.00012427940964698792,0.13368655374404842,4,1817,1 -22818,0.000978355117003609,0.0002585165202617645,0.0009435825049877167,1.3033847750133727,4,1818,1 -22819,0.0007848840123185519,0.00037451833486557007,0.0006897673010826111,1.0733716146710404,4,1819,1 -22820,0.0009972698121402967,0.0005595311522483826,0.0008255131542682648,0.9751269653954332,4,1820,1 -22821,0.0011741628331980829,0.0005799382925033569,0.0010209456086158752,1.0542081442488755,4,1821,1 -22822,0.0011092409415524261,0.0007114410400390625,0.0008510388433933258,0.8745053169083685,4,1822,1 -22823,0.0010323073169677037,0.0009373985230922699,0.00043236836791038513,0.432164050242472,4,1823,1 -22824,0.0008817374226369386,0.0007643364369869232,0.00043960288166999817,0.5219418695610129,4,1824,1 -22825,0.0010493351766081471,0.0005738921463489532,0.0008784942328929901,0.9921271912334466,4,1825,1 -22826,0.0009237322127152127,0.0005081743001937866,0.0007713884115219116,0.9882744810498607,4,1826,1 -22827,0.001067182232225917,0.0009148605167865753,0.00054946169257164,0.5408577212567867,4,1827,1 -22828,0.0010189831314241639,0.00045093148946762085,0.0009137764573097229,1.1123773556494825,4,1828,1 -22829,0.001015487776608234,0.0006836578249931335,0.0007508844137191772,0.8322266492888277,4,1829,1 -22830,0.0008662078817995192,0.0004023909568786621,0.0007670708000659943,1.087677654564983,4,1830,1 -22831,0.0008874571133631167,0.0007268637418746948,0.0005091652274131775,0.6110588499653739,4,1831,1 -22832,0.0008036232042090952,0.0005380138754844666,0.0005969516932964325,0.8372807288146132,4,1832,1 -22833,0.0010578910225106468,0.0010256469249725342,0.0002591945230960846,0.24753063447220322,4,1833,1 -22834,0.001004060768345938,0.0006817169487476349,0.0007371567189693451,0.8244513813760943,4,1834,1 -22835,0.0010565134826492919,0.0003622397780418396,0.0009924732148647308,1.2208329816371004,4,1835,1 -22836,0.0007869997249774882,0.0005302391946315765,0.0005815625190734863,0.8315277154584452,4,1836,1 -22837,0.0007576928312999844,0.0003771074116230011,0.0006571821868419647,1.0498457184516787,4,1837,1 -22838,0.001020269445233456,0.0005434490740299225,0.0008634887635707855,1.0090647320971184,4,1838,1 -22839,0.001050138993413945,0.0007517747581005096,0.0007332302629947662,0.7729109792110713,4,1839,1 -22840,0.0008881071251526998,0.000879678875207901,0.00012206286191940308,0.1378780339915662,4,1840,1 -22841,0.0009868706925790526,0.0005222298204898834,0.000837370753288269,1.013165334568707,4,1841,1 -22842,0.0011457005601864623,0.000980384647846222,0.0005928538739681244,0.5438796284697578,4,1842,1 -22843,0.0011212502282054303,0.0010011084377765656,0.000504959374666214,0.46716163211376704,4,1843,1 -22844,0.0012025416431513587,0.0008671283721923828,0.0008331835269927979,0.7654369217913072,4,1844,1 -22845,0.0011595155921089097,0.00039972737431526184,0.0010884366929531097,1.2188382385134595,4,1845,1 -22846,0.0008424690406884787,0.0005792193114757538,0.0006117671728134155,0.8127198523046442,4,1846,1 -22847,0.0011131087376434654,0.0005629099905490875,0.0009602829813957214,1.0405918042573339,4,1847,1 -22848,0.0011807502838892903,0.0008028596639633179,0.0008657872676849365,0.8230920557200135,4,1848,1 -22849,0.0010159704048639975,0.0007962062954902649,0.0006310716271400452,0.6702112874409264,4,1849,1 -22850,0.001063497167848975,0.0009764768183231354,0.0004213303327560425,0.40734653717363606,4,1850,1 -22851,0.0011612258475034035,0.0009732507169246674,0.0006334260106086731,0.5769622658258922,4,1851,1 -22852,0.0008177956166354424,0.0005496889352798462,0.0006055012345314026,0.8336750049612531,4,1852,1 -22853,0.0010054465846351592,0.0004615485668182373,0.0008932501077651978,1.093872639209927,4,1853,1 -22854,0.0011885773849648585,0.0010182969272136688,0.0006130151450634003,0.5418890756478347,4,1854,1 -22855,0.0010624638670572366,0.000807102769613266,0.000690951943397522,0.7080185384674494,4,1855,1 -22856,0.0008513532111879948,0.00032856687903404236,0.0007853955030441284,1.1745753532530185,4,1856,1 -22857,0.0011157870760802435,5.61736524105072e-05,0.0011143721640110016,1.5204306163699097,4,1857,1 -22858,0.0009685784451976233,0.0009304694831371307,0.00026901811361312866,0.281446268090952,4,1858,1 -22859,0.0011228539618748038,0.0006143227219581604,0.0009398981928825378,0.9918905885793764,4,1859,1 -22860,0.0010225818670344662,0.00029551610350608826,0.000978950411081314,1.2776244991622114,4,1860,1 -22861,0.0010604903841406488,0.00042275339365005493,0.0009725838899612427,1.1607633897240355,4,1861,1 -22862,0.0009003676800986294,0.00040632858872413635,0.0008034668862819672,1.1025838744295116,4,1862,1 -22863,0.0008359372017078833,0.00047643110156059265,0.0006868802011013031,0.9643677846805975,4,1863,1 -22864,0.0012390839070517187,0.0005842074751853943,0.0010927170515060425,1.0798242224040766,4,1864,1 -22865,0.0010421498122560862,0.0009191781282424927,0.0004911087453365326,0.4907027398760264,4,1865,1 -22866,0.000880206371836788,0.00015730038285255432,0.0008660368621349335,1.3911226371588081,4,1866,1 -22867,0.0011515333874416193,0.0008747167885303497,0.0007489323616027832,0.7080823886776364,4,1867,1 -22868,0.0008820326238779849,0.0007722154259681702,0.000426221638917923,0.5043364533075377,4,1868,1 -22869,0.0011466653863141422,0.0008584856986999512,0.0007601603865623474,0.7247273102583712,4,1869,1 -22870,0.0011281733693949201,0.0003445930778980255,0.0010742582380771637,1.260392308439791,4,1870,1 -22871,0.0011297211275061972,0.001090817153453827,0.0002939179539680481,0.26319680259893896,4,1871,1 -22872,0.0011698945882190942,0.0008129328489303589,0.0008413046598434448,0.8025474719679443,4,1872,1 -22873,0.001064315877018923,0.0005739331245422363,0.000896308571100235,1.0012491747862493,4,1873,1 -22874,0.001127247544834523,0.0005108192563056946,0.0010048635303974152,1.1004935198969106,4,1874,1 -22875,0.0010363280998950993,0.00036323070526123047,0.0009705871343612671,1.2126937726401108,4,1875,1 -22876,0.0007410808483777273,0.00038100406527519226,0.0006356388330459595,1.030815632839443,4,1876,1 -22877,0.0006677585428520398,8.949264883995056e-05,0.0006617344915866852,1.436372382592019,4,1877,1 -22878,0.0008099326083440969,0.00034479424357414246,0.0007328763604164124,1.131052890826333,4,1878,1 -22879,0.0011261179075389345,0.0004464685916900635,0.001033831387758255,1.1631310689404482,4,1879,1 -22880,0.001388541784185364,0.0012515224516391754,0.000601448118686676,0.44798571575897805,4,1880,1 -22881,0.0009727089882071622,0.00034309178590774536,0.0009101927280426025,1.2103223234905849,4,1881,1 -22882,0.0011815833856957203,0.00033137574791908264,0.0011341646313667297,1.2865328294361298,4,1882,1 -22883,0.0008429754022050477,0.00048629939556121826,0.0006885640323162079,0.9558870210733007,4,1883,1 -22884,0.0011367554199349364,0.0005724728107452393,0.0009820833802223206,1.043032784903503,4,1884,1 -22885,0.0010971814476923817,0.0007324777543544769,0.0008168742060661316,0.8398164803319041,4,1885,1 -22886,0.0008376182983265661,0.0003653615713119507,0.0007537342607975006,1.1194349152454035,4,1886,1 -22887,0.0007508116321684895,0.0005375929176807404,0.000524129718542099,0.7727183192075909,4,1887,1 -22888,0.0007569505277103667,0.0006374232470989227,0.00040824711322784424,0.56964281679608,4,1888,1 -22889,0.0011723643492784486,0.0006391294300556183,0.000982828438282013,0.9942130299991379,4,1889,1 -22890,0.0008626453268292695,0.0006803534924983978,0.0005303546786308289,0.6621328416727118,4,1890,1 -22891,0.0009357836278091248,0.0006869398057460785,0.0006354562938213348,0.7464858251145425,4,1891,1 -22892,0.0010642038892273535,0.0006687641143798828,0.0008278191089630127,0.8912794581468032,4,1892,1 -22893,0.001146998516336214,0.0006252191960811615,0.0009616166353225708,0.9942980199471466,4,1893,1 -22894,0.000873335567447777,0.000493660569190979,0.0007204264402389526,0.970049440490075,4,1894,1 -22895,0.0010441329807806187,0.0006003230810165405,0.00085429847240448,0.9582546675674075,4,1895,1 -22896,0.0010542155605805785,0.0008578822016716003,0.0006127059459686279,0.6201977270415105,4,1896,1 -22897,0.0008439619752002248,0.000554300844669342,0.0006364136934280396,0.8542501430449353,4,1897,1 -22898,0.0010242144761380984,0.00036547333002090454,0.0009567886590957642,1.205921022536408,4,1898,1 -22899,0.0009836166119359109,0.0004588700830936432,0.0008700229227542877,1.0854517739367278,4,1899,1 -22900,0.0012134548849264957,0.0009219683706760406,0.0007889531552791595,0.7078094554045141,4,1900,1 -22901,0.0010711465331378598,0.0005909986793994904,0.0008933506906032562,0.9863424311865417,4,1901,1 -22902,0.0007246941432227748,0.0005535632371902466,0.00046770647168159485,0.70152673075355,4,1902,1 -22903,0.0007179044265262707,0.0003946460783481598,0.0005997009575366974,0.988767887114854,4,1903,1 -22904,0.0009673225389650926,0.0006669089198112488,0.0007006749510765076,0.8100834299629166,4,1904,1 -22905,0.001261098804409051,0.001042291522026062,0.000709928572177887,0.5979440705577295,4,1905,1 -22906,0.0010503090478991774,0.0005785711109638214,0.0008765868842601776,0.9874044334973607,4,1906,1 -22907,0.0010190290947902142,0.00028667598962783813,0.0009778738021850586,1.285624154994875,4,1907,1 -22908,0.0011033029058864058,0.0004335865378379822,0.0010145343840122223,1.1669158328595892,4,1908,1 -22909,0.0007379658375190235,0.0004763305187225342,0.0005636513233184814,0.8691654593946441,4,1909,1 -22910,0.0009732574309439249,0.0007752813398838043,0.0005883611738681793,0.6491729532465826,4,1910,1 -22911,0.0011425614098098222,0.0005046725273132324,0.0010250620543956757,1.1133005974675567,4,1911,1 -22912,0.001132528062565436,0.0005579628050327301,0.0009855441749095917,1.0556408188370643,4,1912,1 -22913,0.001141508456727308,0.0006025582551956177,0.0009695179760456085,1.0147157174416528,4,1913,1 -22914,0.0007147465986400823,0.0004238337278366089,0.0005755238234996796,0.9360359260961977,4,1914,1 -22915,0.0008338167760463072,0.0007965192198753357,0.00024659186601638794,0.30022868700520267,4,1915,1 -22916,0.0012686235898306357,0.001192331314086914,0.00043330341577529907,0.3485697973527413,4,1916,1 -22917,0.0008309874025854064,0.0007001571357250214,0.0004475712776184082,0.5687767145978311,4,1917,1 -22918,0.0010487671751785571,0.0009654760360717773,0.00040959566831588745,0.40122860082501166,4,1918,1 -22919,0.0005809225890804992,0.0005617402493953705,0.0001480504870414734,0.2576967885086749,4,1919,1 -22920,0.0012510491782639199,0.0005078278481960297,0.00114334374666214,1.1528093364478917,4,1920,1 -22921,0.0009475648977866526,0.0006577447056770325,0.0006820932030677795,0.8035688819729624,4,1921,1 -22922,0.0010811689667088707,0.0009285323321819305,0.0005538538098335266,0.5378295045432334,4,1922,1 -22923,0.00111202275850897,0.0010346248745918274,0.00040761008858680725,0.3752964190513181,4,1923,1 -22924,0.0009015294925782878,0.00043769553303718567,0.0007881484925746918,1.063857561168114,4,1924,1 -22925,0.0008787851860607177,0.000440891832113266,0.0007601827383041382,1.0452264677871592,4,1925,1 -22926,0.0012728263461420912,0.0008093155920505524,0.000982392579317093,0.8816982402329531,4,1926,1 -22927,0.001244994976227115,0.0005614869296550751,0.0011111907660961151,1.1029161101795928,4,1927,1 -22928,0.0011479558609986775,0.0010433681309223175,0.0004787333309650421,0.43017639276584724,4,1928,1 -22929,0.0009656358095000412,0.0009393468499183655,0.0002237856388092041,0.23387578519931762,4,1929,1 -22930,0.0010989973456419257,0.00020527467131614685,0.001079656183719635,1.3829092335767499,4,1930,1 -22931,0.0007807092235496876,0.00029458850622177124,0.0007229968905448914,1.1838800196267028,4,1931,1 -22932,0.0008080439310729867,0.0003984905779361725,0.0007029511034488678,1.0550840705774098,4,1932,1 -22933,0.0009018667006632533,0.0007104836404323578,0.0005554966628551483,0.6635798662610515,4,1933,1 -22934,0.0009750423331637591,0.0006080195307731628,0.0007622465491294861,0.8974790741542641,4,1934,1 -22935,0.000813581718520147,0.00042602792382240295,0.0006931200623512268,1.0196725950225471,4,1935,1 -22936,0.0009077376734840692,0.000684693455696106,0.000595971941947937,0.7162310064664661,4,1936,1 -22937,0.0010393638937470516,0.0005796290934085846,0.0008627325296401978,0.979212049612362,4,1937,1 -22938,0.0011992710198026383,0.0011165030300617218,0.00043780356645584106,0.37369517941850916,4,1938,1 -22939,0.001057828453941912,0.0005678869783878326,0.0008924715220928192,1.0041065434929275,4,1939,1 -22940,0.0009038657467561797,0.0005301721394062042,0.0007320456206798553,0.9439905756502357,4,1940,1 -22941,0.0008292515011297203,0.0006778500974178314,0.0004776790738105774,0.6138715038731951,4,1941,1 -22942,0.0009575728162598436,0.0008399859070777893,0.0004597492516040802,0.500790780810862,4,1942,1 -22943,0.000706002736121566,0.0004786662757396698,0.0005189590156078339,0.8257648747776856,4,1943,1 -22944,0.0009735694381651417,0.0006874576210975647,0.0006893761456012726,0.7867915946949724,4,1944,1 -22945,0.0007896663288492817,0.00023043900728225708,0.0007552951574325562,1.2746690973222385,4,1945,1 -22946,0.0011269263690419891,0.0008152350783348083,0.0007780455052852631,0.7620608920533445,4,1946,1 -22947,0.0005353816371871406,0.00029797106981277466,0.00044479966163635254,0.9805589477823679,4,1947,1 -22948,0.0011057514152970265,0.00049634650349617,0.0009880922734737396,1.105287981522242,4,1948,1 -22949,0.0007561017366408447,0.00023225322365760803,0.0007195472717285156,1.2585764755098685,4,1949,1 -22950,0.0009884386037507609,0.0009532496333122253,0.0002613924443721771,0.2676334230823384,4,1950,1 -22951,0.0007740418492933321,0.00032800063490867615,0.0007011108100414276,1.1332143423528027,4,1951,1 -22952,0.0006780568235498931,0.00018570572137832642,0.0006521306931972504,1.2933720831055402,4,1952,1 -22953,0.001079379083186938,0.0005068108439445496,0.0009529963135719299,1.0820274754643753,4,1953,1 -22954,0.0009208666704700159,0.00022119656205177307,0.000893905758857727,1.328219540523024,4,1954,1 -22955,0.0012137457272417677,0.0007113702595233917,0.0009834282100200653,0.9445655242350931,4,1955,1 -22956,0.0008450107338346493,0.0006182491779327393,0.0005760304629802704,0.7500620996412376,4,1956,1 -22957,0.0010393851511363193,0.0006550289690494537,0.000807005912065506,0.8889750870741355,4,1957,1 -22958,0.001055225905462057,0.0007056668400764465,0.000784561038017273,0.8382898156263613,4,1958,1 -22959,0.0010865584923145477,0.0004945471882820129,0.0009674876928329468,1.0982555655555268,4,1959,1 -22960,0.00046696005990373116,-1.611188054084778e-05,-0.0004666820168495178,-1.60530694243544,4,1960,1 -22961,0.0010692801969455624,0.0010142140090465546,0.0003387182950973511,0.3223245470644992,4,1961,1 -22962,0.0008598633524757106,0.0004078783094882965,0.0007569678127765656,1.0765679847049154,4,1962,1 -22963,0.001294429004101171,0.0006556287407875061,0.0011161081492900848,1.0396751902729264,4,1963,1 -22964,0.001237093957612793,0.0011169202625751495,0.0005318745970726013,0.4444249064454068,4,1964,1 -22965,0.0012149953672678352,0.0010259933769702911,0.0006508082151412964,0.5652733495375154,4,1965,1 -22966,0.001085068846817364,0.0006475485861301422,0.0008706636726856232,0.9313127938884738,4,1966,1 -22967,0.000971615131494251,0.0005427300930023193,0.0008059032261371613,0.9781168997092653,4,1967,1 -22968,0.0009110882895168509,8.207559585571289e-05,0.0009073838591575623,1.480588806642521,4,1968,1 -22969,0.0011167950146043796,0.0006824769079685211,0.0008840002119541168,0.9133428771128285,4,1969,1 -22970,0.0010476985097806744,0.0004791468381881714,0.000931713730096817,1.0958027358412332,4,1970,1 -22971,0.0011554644945068091,0.0006089881062507629,0.0009819529950618744,1.0156702236041253,4,1971,1 -22972,0.0010011780281203838,0.0006513819098472595,0.000760301947593689,0.8624017147700818,4,1972,1 -22973,0.0012794366895504958,0.001140311360359192,0.0005802139639854431,0.47067920090365684,4,1973,1 -22974,0.0009556745555723668,0.00044549256563186646,0.0008454881608486176,1.0858565309445307,4,1974,1 -22975,0.0010539270331138997,0.0006794780492782593,0.0008056499063968658,0.8701515401775443,4,1975,1 -22976,0.0012993929631279902,0.0011486001312732697,0.000607568770647049,0.48654986924823623,4,1976,1 -22977,0.000763534787712268,0.00038329511880874634,0.0006603561341762543,1.0448856139439875,4,1977,1 -22978,0.0008508205726814611,0.0005007795989513397,0.0006878338754177094,0.9414898108848302,4,1978,1 -22979,0.001009850935801036,0.000586383044719696,0.0008221641182899475,0.9512535556875843,4,1979,1 -22980,0.0006945263367072628,0.0003227442502975464,0.0006149820983409882,1.0875040266538958,4,1980,1 -22981,0.0010567784341873555,0.0005356669425964355,0.0009109564125537872,1.039227041114989,4,1981,1 -22982,0.000944182661326359,0.00046964362263679504,0.0008190944790840149,1.050188429910052,4,1982,1 -22983,0.0011550226945292797,0.0006539709866046906,0.0009520500898361206,0.9689109697868978,4,1983,1 -22984,0.0011937952334432336,0.0007626228034496307,0.0009184516966342926,0.8778300322263615,4,1984,1 -22985,0.0008635914989200284,0.000795658677816391,0.0003357343375682831,0.3992910065357633,4,1985,1 -22986,0.0008719720570726664,0.0005646646022796631,0.0006644465029239655,0.866402685533286,4,1986,1 -22987,0.0007001989551197352,0.000650063157081604,0.00026018545031547546,0.38071878866198766,4,1987,1 -22988,0.000809876783848394,0.0006133504211902618,0.0005288682878017426,0.7115694108464867,4,1988,1 -22989,0.0008256984524966369,0.00032858923077583313,0.0007575005292892456,1.1615117832410555,4,1989,1 -22990,0.000987259123694247,0.0005557052791118622,0.0008160099387168884,0.972934077082069,4,1990,1 -22991,0.0011281169768246968,0.00024931132793426514,0.0011002235114574432,1.3479589161619343,4,1991,1 -22992,0.0006719886691035124,0.0003144405782222748,0.0005938820540904999,1.0838544410562931,4,1992,1 -22993,0.0009807624383551677,0.00086960569024086,0.0004535205662250519,0.48071846245845595,4,1993,1 -22994,0.001168997019601394,0.0009348094463348389,0.0007019154727458954,0.6440543269948339,4,1994,1 -22995,0.000966441049966667,0.0009153001010417938,0.00031021609902381897,0.3267726363385466,4,1995,1 -22996,0.0008728023536159141,0.0008065328001976013,0.0003335997462272644,0.3921940845235627,4,1996,1 -22997,0.0011251436095727064,0.0007989071309566498,0.0007922723889350891,0.7812284870739482,4,1997,1 -22998,0.0010060258015200593,0.000791940838098526,0.0006204172968864441,0.6645451985027004,4,1998,1 -22999,0.0008817247794140221,0.000790715217590332,0.0003901384770870209,0.4583532640643056,4,1999,1 -23000,0.0010323102701634862,0.0009050257503986359,0.0004965811967849731,0.5018391196433252,4,2000,1 -23001,0.0011909954979688788,0.0009690970182418823,0.0006923303008079529,0.620330207091216,4,2001,1 -23002,0.0009570384008662823,0.000944092869758606,0.00015687942504882812,0.1646648931843173,4,2002,1 -23003,0.0010249227925411947,0.00032726675271987915,0.0009712688624858856,1.245796429509626,4,2003,1 -23004,0.0008552398515924356,0.0005839616060256958,0.0006248392164707184,0.8192019450260806,4,2004,1 -23005,0.0009067657776072305,0.0008571930229663849,0.0002957098186016083,0.3321908505498468,4,2005,1 -23006,0.0008530452559140701,0.0005258619785308838,0.0006716810166835785,0.9065668464342386,4,2006,1 -23007,0.000980666695635726,0.0005779527127742767,0.0007922612130641937,0.9405463439708254,4,2007,1 -23008,0.000998217689191519,0.0003821812570095062,0.0009221583604812622,1.177902182946174,4,2008,1 -23009,0.000957047448169076,0.00043927133083343506,0.000850282609462738,1.093942844951349,4,2009,1 -23010,0.0010743795254597988,0.0009451806545257568,0.0005108080804347992,0.4954694807113933,4,2010,1 -23011,0.0007159001986756767,0.0006287544965744019,0.0003423169255256653,0.4985618120436523,4,2011,1 -23012,0.0010148747027726654,0.0006718896329402924,0.0007606148719787598,0.8472562887659751,4,2012,1 -23013,0.0009553562131924973,0.0008747726678848267,0.00038402900099754333,0.4136724060966073,4,2013,1 -23014,0.0009787574208654554,0.0008299946784973145,0.0005187243223190308,0.5585799497288276,4,2014,1 -23015,0.0008897757859778317,0.00046149641275405884,0.000760737806558609,1.025506437925947,4,2015,1 -23016,0.0008985827149793109,0.0006017200648784637,0.0006673708558082581,0.8370826582427395,4,2016,1 -23017,0.0005931822752658891,0.00017029792070388794,0.0005682110786437988,1.279606612510532,4,2017,1 -23018,0.0010015032734923077,0.000483144074678421,0.0008772574365139008,1.0673822566105868,4,2018,1 -23019,0.0010228093057230566,0.0005859136581420898,0.0008383579552173615,0.9608207926806757,4,2019,1 -23020,0.0008584961242377488,0.0005080625414848328,0.0006920173764228821,0.9374997424722267,4,2020,1 -23021,0.0010093813595291445,0.0006528832018375397,0.0007698014378547668,0.8673953121106974,4,2021,1 -23022,0.000922773293371009,0.0008235275745391846,0.0004163086414337158,0.468052866847617,4,2022,1 -23023,0.0008753634442627727,0.0005155019462108612,0.0007074736058712006,0.9410986162730216,4,2023,1 -23024,0.000913221799725937,0.000478159636259079,0.0007780343294143677,1.0197295455370798,4,2024,1 -23025,0.0006701575689965013,0.00032186880707740784,0.00058780238032341,1.0698130063567053,4,2025,1 -23026,0.0009981341165594966,0.000554792582988739,0.0008297450840473175,0.9814356177297527,4,2026,1 -23027,0.00102378466005172,0.0006810575723648071,0.0007643923163414001,0.8429875662533698,4,2027,1 -23028,0.0012083445726929873,0.0011735931038856506,0.0002877078950405121,0.2404100163084911,4,2028,1 -23029,0.0007399375217637487,0.0005997829139232635,0.0004333220422267914,0.6256444434034036,4,2029,1 -23030,0.0007186199076912135,0.0002882368862628937,0.000658281147480011,1.1580813353929942,4,2030,1 -23031,0.0009831434535900849,0.00044451281428337097,0.0008769147098064423,1.1016396591715114,4,2031,1 -23032,0.000981192396909231,0.0009070560336112976,0.00037414953112602234,0.3912251374325226,4,2032,1 -23033,0.00118291773234349,0.0004448145627975464,0.001096099615097046,1.1852863890321015,4,2033,1 -23034,0.0009083047622833924,0.0006414912641048431,0.0006430447101593018,0.7866075069489493,4,2034,1 -23035,0.0007865251594748739,0.0003590807318687439,0.0006997734308242798,1.0966931995653915,4,2035,1 -23036,0.0008958177449357566,0.0006408989429473877,0.0006258897483348846,0.7735504950035191,4,2036,1 -23037,0.0012262730903001113,0.0011556558310985565,0.0004101283848285675,0.3410227296534989,4,2037,1 -23038,0.000886702165780047,0.0006162747740745544,0.0006375312805175781,0.8023501235294318,4,2038,1 -23039,0.000759082474439537,0.00048390403389930725,0.0005848444998264313,0.8795661731616756,4,2039,1 -23040,0.0009966726116383588,0.00045079365372657776,0.0008888989686965942,1.1014553454815108,4,2040,1 -23041,0.0007992027528766894,0.0005156993865966797,0.0006105564534664154,0.8694232324373335,4,2041,1 -23042,0.0009374645925213069,0.0008391439914703369,0.0004179440438747406,0.4620943930109072,4,2042,1 -23043,0.0007881809176854851,0.00041168928146362305,0.0006721168756484985,1.0212171684263012,4,2043,1 -23044,0.0011022465486592728,0.0009298846125602722,0.0005918294191360474,0.5667940207936478,4,2044,1 -23045,0.0012233554977965281,0.0005151405930519104,0.0011096075177192688,1.136151561230315,4,2045,1 -23046,0.0010838865919816849,0.0008775591850280762,0.0006361603736877441,0.6272558792032187,4,2046,1 -23047,0.0012002260828750506,0.0008122548460960388,0.0008836202323436737,0.827455096424159,4,2047,1 -23048,0.0010670777403944901,0.0007322020828723907,0.0007762312889099121,0.8145785761665324,4,2048,1 -23049,0.0010298519754616431,0.0007910430431365967,0.0006594285368919373,0.6949068623041664,4,2049,1 -23050,0.0008499205189817666,0.00036770477890968323,0.000766262412071228,1.1233836735524814,4,2050,1 -23051,0.0010302320419095067,0.00024487823247909546,0.0010007061064243317,1.3308069490204741,4,2051,1 -23052,0.0009618666687582212,0.0006132647395133972,0.0007410086691379547,0.8794464342689091,4,2052,1 -23053,0.0011830870348783003,0.0008083395659923553,0.0008638761937618256,0.8185973615477586,4,2053,1 -23054,0.0013956102469236777,0.0008102580904960632,0.0011363141238689423,0.9513601340864755,4,2054,1 -23055,0.0013319872182077702,0.0008349493145942688,0.0010378099977970123,0.8932992650652356,4,2055,1 -23056,0.0010368577097040887,7.261335849761963e-05,0.0010343119502067566,1.5007068202332838,4,2056,1 -23057,0.001118608904960126,0.0006598234176635742,0.0009032823145389557,0.9399100191018989,4,2057,1 -23058,0.0011215410881304402,0.0008843764662742615,0.0006897337734699249,0.662370140869604,4,2058,1 -23059,0.0009101285014244927,0.0004637874662876129,0.000783093273639679,1.036094395372696,4,2059,1 -23060,0.0008788392857818797,0.00036362558603286743,0.0008000843226909637,1.1442197013835005,4,2060,1 -23061,0.0008425020796470742,0.0006521046161651611,0.0005334503948688507,0.6856470668540959,4,2061,1 -23062,0.0006575528563370413,0.00022584199905395508,0.0006175525486469269,1.220199574113892,4,2062,1 -23063,0.0007904403582619162,0.0006952956318855286,0.00037597864866256714,0.4957110141770674,4,2063,1 -23064,0.0013064394062736059,0.0010542236268520355,0.0007716193795204163,0.6318365662255718,4,2064,1 -23065,0.001007041171594769,0.0006495639681816101,0.000769544392824173,0.8697439195459957,4,2065,1 -23066,0.000949906352175352,0.0006975941359996796,0.0006447359919548035,0.7460405959965901,4,2066,1 -23067,0.0011970764961718636,0.0011343099176883698,0.0003825351595878601,0.32526280631575555,4,2067,1 -23068,0.0009161551691661788,0.0006359368562698364,0.0006594881415367126,0.8035765149470736,4,2068,1 -23069,0.000569229217162043,0.000522267073392868,0.00022640451788902283,0.40905094559000993,4,2069,1 -23070,0.0009925645715885808,0.000833459198474884,0.0005390085279941559,0.5740607147605945,4,2070,1 -23071,0.0011172492748180707,0.0010413192212581635,0.0004048459231853485,0.3707982328106548,4,2071,1 -23072,0.0012248695073584432,0.0007130727171897888,0.0009959079325199127,0.9494108750098712,4,2072,1 -23073,0.0011617932459798387,0.000574011355638504,0.0010100863873958588,1.0540273717091828,4,2073,1 -23074,0.0009311169529064314,0.0007780566811561584,0.0005114749073982239,0.5815422031762607,4,2074,1 -23075,0.0008792871015145843,0.00021629780530929565,0.0008522681891918182,1.3222530687971794,4,2075,1 -23076,0.0010025597723067872,0.0005911402404308319,0.000809740275144577,0.9401945300788344,4,2076,1 -23077,0.0010706325244692954,0.00037632137537002563,0.0010023154318332672,1.2116294048498963,4,2077,1 -23078,0.0009135506040438559,0.00025996193289756775,0.0008757822215557098,1.2822466518827467,4,2078,1 -23079,0.0008501501377888125,0.0005203448235988617,0.0006723068654537201,0.9121305627730719,4,2079,1 -23080,0.0008636620723768758,0.0007138848304748535,0.00048608705401420593,0.5977945768616414,4,2080,1 -23081,0.000926741570204891,0.00011042505502700806,0.0009201392531394958,1.451358460625125,4,2081,1 -23082,0.0010211897161894517,0.0007360801100730896,0.000707823783159256,0.765831265040365,4,2082,1 -23083,0.0009587685917805773,0.000499870628118515,0.0008181482553482056,1.0223438083446306,4,2083,1 -23084,0.0013753326439867196,0.0006899982690811157,0.0011897236108779907,1.0452385881140887,4,2084,1 -23085,0.001265456694369534,0.0007361359894275665,0.0010293126106262207,0.9499599448476642,4,2085,1 -23086,0.0007657235821589407,0.0006041266024112701,0.00047049298882484436,0.661678942787896,4,2086,1 -23087,0.001076961752699352,0.00035279616713523865,0.0010175369679927826,1.2370502684433446,4,2087,1 -23088,0.001055356278009827,0.00043087080121040344,0.0009633935987949371,1.1502376974368715,4,2088,1 -23089,0.000565045927620704,0.0001261495053768158,0.000550784170627594,1.3456435218305134,4,2089,1 -23090,0.0011432963375810424,0.0007881000638008118,0.0008282661437988281,0.8102426666461376,4,2090,1 -23091,0.0009684475375232897,0.0005546659231185913,0.0007938742637634277,0.9609552498809621,4,2091,1 -23092,0.0010296696788992415,0.0005902349948883057,0.0008437074720859528,0.9603569751801179,4,2092,1 -23093,0.0009720295375692523,0.0007953010499477386,0.0005588717758655548,0.6125473027323,4,2093,1 -23094,0.0007932711765060574,0.00017047300934791565,0.0007747374475002289,1.3542081378920583,4,2094,1 -23095,0.0009963318627860694,0.0005712322890758514,0.0008163154125213623,0.9602253559060533,4,2095,1 -23096,0.0007371462042244112,8.542463183403015e-05,0.0007321797311306,1.4546497639556315,4,2096,1 -23097,0.0011035912303809631,0.0005850009620189667,0.0009357817471027374,1.0120914564309031,4,2097,1 -23098,0.0011247810817669114,0.0010292194783687592,0.0004536956548690796,0.41518969778021875,4,2098,1 -23099,0.0007821423549161172,0.0004816092550754547,0.0006162784993648529,0.9074505911714109,4,2099,1 -23100,0.001255756809846214,0.0009744204580783844,0.0007921047508716583,0.6825564358017138,4,2100,1 -23101,0.0008257882676145526,0.00046880170702934265,0.0006798170506954193,0.9670845142884472,4,2101,1 -23102,0.0008181609143844607,0.0003407597541809082,0.0007438212633132935,1.1412099636320316,4,2102,1 -23103,0.00127382776386312,0.0008738674223423004,0.0009268186986446381,0.8147958584631156,4,2103,1 -23104,0.0006806182127051917,0.0003596879541873932,0.0005778111517429352,1.0139961456231081,4,2104,1 -23105,0.000983853414307033,0.0005462765693664551,0.0008182600140571594,0.9821426201394804,4,2105,1 -23106,0.0010341278559037206,0.0006874613463878632,0.0007725395262241364,0.8436050295598191,4,2106,1 -23107,0.0009758486211367091,0.000293046236038208,0.0009308084845542908,1.265790358791425,4,2107,1 -23108,0.0012279998049498765,0.0007133744657039642,0.000999540090560913,0.950932994417136,4,2108,1 -23109,0.0008556802485364443,0.0005206391215324402,0.0006790608167648315,0.9166896473993215,4,2109,1 -23110,0.0012515071137100201,0.0012163184583187103,0.00029468536376953125,0.23769636930542998,4,2110,1 -23111,0.0008215119196322826,0.00025391578674316406,0.0007812865078449249,1.2565671231050994,4,2111,1 -23112,0.0012899143027899713,0.00024325400590896606,0.00126677006483078,1.3810787724003613,4,2112,1 -23113,0.0008805864152570852,0.000764261931180954,0.0004374198615550995,0.5198350777588692,4,2113,1 -23114,0.0008530057229710846,0.0005003996193408966,0.0006908103823661804,0.9439037645543942,4,2114,1 -23115,0.0011558752356207618,0.0010404698550701141,0.0005034580826759338,0.4506651630706965,4,2115,1 -23116,0.0008516730165253417,0.0005637779831886292,0.0006383582949638367,0.8473585654594035,4,2116,1 -23117,0.0007990388547646284,0.0007918067276477814,0.00010726228356361389,0.13464560651232427,4,2117,1 -23118,0.001172711423306218,0.0002968497574329376,0.0011345185339450836,1.3148809067416278,4,2118,1 -23119,0.0009059835242299882,0.00016325712203979492,0.0008911527693271637,1.3896077953300032,4,2119,1 -23120,0.0010181643911139771,0.0005840621888637543,0.0008339844644069672,0.9598506507680135,4,2120,1 -23121,0.001035879122014126,0.0009136050939559937,0.00048823282122612,0.4907893315991434,4,2121,1 -23122,0.00085195644922817,0.0004588514566421509,0.0007178336381912231,1.0020388178857909,4,2122,1 -23123,0.0012183191600620433,0.0008209459483623505,0.0009001940488815308,0.8314096258955814,4,2123,1 -23124,0.0009264086356757842,0.0006719529628753662,0.000637739896774292,0.7592811340547448,4,2124,1 -23125,0.000941976806602499,0.0006659775972366333,0.0006661787629127502,0.7855491709522712,4,2125,1 -23126,0.000733504766442962,0.00030295178294181824,0.0006680190563201904,1.1450292301965406,4,2126,1 -23127,0.0011231758682112786,0.0005899481475353241,0.0009557642042636871,1.017787426519529,4,2127,1 -23128,0.0010841720507139242,0.0008533075451850891,0.0006688013672828674,0.6647692322426426,4,2128,1 -23129,0.0010939214917680185,0.0006401389837265015,0.000887066125869751,0.9456965609556716,4,2129,1 -23130,0.0009608833568982366,0.0007849447429180145,0.0005542188882827759,0.6147821928857903,4,2130,1 -23131,0.0008900009193293472,0.0003853552043437958,0.0008022487163543701,1.1229969603105654,4,2131,1 -23132,0.0009730915616643892,0.0007740333676338196,0.0005897283554077148,0.6510674409738674,4,2132,1 -23133,0.0010179765757508076,0.00039558112621307373,0.000937972217798233,1.1716895113833405,4,2133,1 -23134,0.0010421628200249131,0.0006140843033790588,0.000842023640871048,0.9406781154480109,4,2134,1 -23135,0.0004664001365436553,0.00018025562167167664,0.0004301592707633972,1.1739813399906704,4,2135,1 -23136,0.0005286069696097826,0.00018296390771865845,0.0004959329962730408,1.2173590492667326,4,2136,1 -23137,0.0007762981875874816,0.00026825442910194397,0.0007284767925739288,1.2179651997690013,4,2137,1 -23138,0.0010047717215952968,0.000596366822719574,0.0008086487650871277,0.9353526586152496,4,2138,1 -23139,0.0007647864956720681,0.0004173777997493744,0.0006408542394638062,0.9935193421880273,4,2139,1 -23140,0.0010719420832236502,0.0010654404759407043,0.00011788308620452881,0.11019438297236227,4,2140,1 -23141,0.0007052444531803878,0.0006083585321903229,0.00035674870014190674,0.5303683537749787,4,2141,1 -23142,0.0011429170548784074,0.00034581124782562256,0.0010893456637859344,1.2634095051074519,4,2142,1 -23143,0.0010515110476072194,0.0004985369741916656,0.0009258165955543518,1.0768379215319979,4,2143,1 -23144,0.0008932605975853939,0.0008316859602928162,0.0003259032964706421,0.3734682865803862,4,2144,1 -23145,0.000972365728318458,-1.780688762664795e-06,0.0009723640978336334,1.5726276230922729,4,2145,1 -23146,0.0011604657152234758,0.0005311071872711182,0.0010317973792552948,1.0954265228324205,4,2146,1 -23147,0.0011495139289925892,0.000534549355506897,0.0010176636278629303,1.087136777710782,4,2147,1 -23148,0.0011736803774506268,0.0005079619586467743,0.0010580644011497498,1.1232064176459147,4,2148,1 -23149,0.0007783129008710161,0.00025027990341186523,0.0007369741797447205,1.2434121911999865,4,2149,1 -23150,0.0011595978844469398,0.0007176175713539124,0.0009108744561672211,0.9035180262083272,4,2150,1 -23151,0.0012537608680440566,0.000597640872001648,0.0011021532118320465,1.073923873807913,4,2151,1 -23152,0.0011493811317337705,0.0005741342902183533,0.0009957142174243927,1.047756311224096,4,2152,1 -23153,0.0013843149408382278,0.0008534751832485199,0.0010899119079113007,0.9064653575903526,4,2153,1 -23154,0.0008858164975924567,0.0002875886857509613,0.0008378326892852783,1.2401446880432017,4,2154,1 -23155,0.0010667191164448083,0.0008136071264743805,0.0006898790597915649,0.7032890701845191,4,2155,1 -23156,0.0010673518182006615,0.0008161142468452454,0.0006878934800624847,0.7003510757059325,4,2156,1 -23157,0.0010476725859419579,0.0007650852203369141,0.0007157251238822937,0.7520773350471008,4,2157,1 -23158,0.0010828324073978136,0.0003752373158931732,0.0010157376527786255,1.2169236205866474,4,2158,1 -23159,0.0010792023949817663,0.0001746155321598053,0.0010649822652339935,1.4082813622710313,4,2159,1 -23160,0.0010927402112721823,0.0005159229040145874,0.0009632781147956848,1.079083098630893,4,2160,1 -23161,0.0005646277194329731,0.0001583695411682129,0.0005419626832008362,1.2864970914165939,4,2161,1 -23162,0.0007576123205764,7.89053738117218e-05,0.0007534921169281006,1.4664570448380083,4,2162,1 -23163,0.001234491838595749,0.0008933916687965393,0.000851951539516449,0.7616593683381884,4,2163,1 -23164,0.0011849358928706073,0.0011034421622753143,0.000431843101978302,0.3730359653835315,4,2164,1 -23165,0.0008053449310828579,0.0005894936621189117,0.0005487054586410522,0.7495777554345141,4,2165,1 -23166,0.0009550854426441339,0.0005862563848495483,0.0007539838552474976,0.9098982060553776,4,2166,1 -23167,0.0008626809429903067,0.000253044068813324,0.0008247345685958862,1.2730955541300488,4,2167,1 -23168,0.0010287772846898015,0.0006064772605895996,0.0008310042321681976,0.9403409099270987,4,2168,1 -23169,0.0007513772788541916,0.00033098459243774414,0.0006745494902133942,1.1146364823484771,4,2169,1 -23170,0.0011865476374580612,0.00039777904748916626,0.0011178851127624512,1.2289356357687284,4,2170,1 -23171,0.0006960980511445449,0.0005300641059875488,0.00045120343565940857,0.7052043911647407,4,2171,1 -23172,0.0007610810591802122,0.000270254909992218,0.0007114820182323456,1.207782281406705,4,2172,1 -23173,0.0011580843047170053,0.0005190744996070862,0.0010352395474910736,1.106025184183915,4,2173,1 -23174,0.0012002704148550353,0.0011302903294563293,0.0004038475453853607,0.34315922861191206,4,2174,1 -23175,0.001267888312235202,0.0008439160883426666,0.0009462274610996246,0.8424886650375667,4,2175,1 -23176,0.0009725451235517669,0.0004737377166748047,0.0008493624627590179,1.0620172867782234,4,2176,1 -23177,0.0009241654895575402,0.0008091442286968231,0.0004465058445930481,0.5042431222075968,4,2177,1 -23178,0.0009329891455769801,0.0008494295179843903,0.00038592517375946045,0.42645268453415414,4,2178,1 -23179,0.0008128178582324063,0.0004799477756023407,0.0006559900939464569,0.9391503482772441,4,2179,1 -23180,0.0010856651897404894,0.00018546730279922485,0.0010697059333324432,1.3991214212586358,4,2180,1 -23181,0.0007659014515539145,0.0003294721245765686,0.0006914138793945312,1.1261090293556262,4,2181,1 -23182,0.0009742159281180792,0.00034005939960479736,0.000912938266992569,1.2142289566165703,4,2182,1 -23183,0.0008898425888613741,0.0005898065865039825,0.0006662942469120026,0.8462159979992228,4,2183,1 -23184,0.0012129865570170487,0.0001978054642677307,0.00119674950838089,1.4069916870886223,4,2184,1 -23185,0.0007138534696541913,0.00019807741045951843,0.0006858222186565399,1.289630080896764,4,2185,1 -23186,0.0008048729409592955,0.0003645457327365875,0.0007175840437412262,1.1007547762768903,4,2186,1 -23187,0.0013861617807196583,0.0012688599526882172,0.000558067113161087,0.41435416422302024,4,2187,1 -23188,0.000956909153008322,0.0008612945675849915,0.00041694939136505127,0.4508437789093523,4,2188,1 -23189,0.0009879889337116544,0.00046640634536743164,0.000870969146490097,1.0791515547507915,4,2189,1 -23190,0.0010729145388730234,0.0005644410848617554,0.0009124428033828735,1.0168093578215607,4,2190,1 -23191,0.001413085097305664,0.0006885044276714325,0.0012340061366558075,1.0618757104698795,4,2191,1 -23192,0.0008210716746402963,0.00010869279503822327,0.0008138455450534821,1.4380274246409817,4,2192,1 -23193,0.0008310117661729954,0.00032632797956466675,0.0007642582058906555,1.167244252176333,4,2193,1 -23194,0.0013386303403063952,0.0010495558381080627,0.0008308812975883484,0.669628945162066,4,2194,1 -23195,0.0008517761236404551,0.0006215944886207581,0.0005823597311973572,0.7528214452817857,4,2195,1 -23196,0.0011935354401928979,0.0011363402009010315,0.0003650449216365814,0.3108329382183001,4,2196,1 -23197,0.0010211659798534552,0.00041133537888526917,0.0009346567094326019,1.1562119842065546,4,2197,1 -23198,0.0009990321116677002,0.0006014183163642883,0.0007977224886417389,0.9247916322909708,4,2198,1 -23199,0.0007085639974240639,0.00017911940813064575,0.0006855502724647522,1.3152312851064014,4,2199,1 -23200,0.0006413070190671976,0.0002775117754936218,0.0005781538784503937,1.1232792842793478,4,2200,1 -23201,0.0008206525692622857,0.0006004683673381805,0.0005593821406364441,0.7499892432005117,4,2201,1 -23202,0.0008424537560716034,0.0003514587879180908,0.0007656402885913849,1.1404510031895876,4,2202,1 -23203,0.0008566986299671424,0.00012782588601112366,0.0008471086621284485,1.4210295445988692,4,2203,1 -23204,0.0008516101502585663,0.0003223493695259094,0.0007882453501224518,1.1826021987808932,4,2204,1 -23205,0.000898632596807798,0.000447198748588562,0.0007794573903083801,1.0499163723862663,4,2205,1 -23206,0.000977025920335179,0.0006234198808670044,0.0007522813975811005,0.8787953368535694,4,2206,1 -23207,0.0011045838678820333,0.000668838620185852,0.0008790679275989532,0.9203874579908716,4,2207,1 -23208,0.0009154872374596858,0.000845007598400116,0.00035224854946136475,0.3949545132765016,4,2208,1 -23209,0.0008422529704082032,0.00033002719283103943,0.0007749013602733612,1.1681672192281654,4,2209,1 -23210,0.000938092270620815,0.0006036646664142609,0.0007180571556091309,0.8717311137018142,4,2210,1 -23211,0.0009327862342599657,0.0007179416716098785,0.0005955249071121216,0.6924653506243162,4,2211,1 -23212,0.0009125364049799212,0.0008724033832550049,0.0002676472067832947,0.2976771478337151,4,2212,1 -23213,0.0011747130581791043,0.0005899928510189056,0.0010158047080039978,1.0446041975046705,4,2213,1 -23214,0.0007832341348321669,0.0005433447659015656,0.0005641207098960876,0.8041558652940934,4,2214,1 -23215,0.0010220274490665914,0.0008920431137084961,0.000498797744512558,0.5098511200434515,4,2215,1 -23216,0.0008307662722363233,0.0006277821958065033,0.0005441159009933472,0.7141252626589841,4,2216,1 -23217,0.0009834699350124286,0.0006903521716594696,0.0007004477083683014,0.7926568348623994,4,2217,1 -23218,0.00060483198656842,0.0004924163222312927,0.00035120919346809387,0.6195542555482221,4,2218,1 -23219,0.000875480544342139,0.00047316402196884155,0.0007366016507148743,0.9998101326678992,4,2219,1 -23220,0.0009854911294768468,0.0007293783128261566,0.0006627216935157776,0.7375526437240393,4,2220,1 -23221,0.0009013368716249098,0.0006792321801185608,0.000592496246099472,0.7173004333896678,4,2221,1 -23222,0.001101834807324545,0.0006635338068008423,0.0008796378970146179,0.9245322710653022,4,2222,1 -23223,0.0008923075864261201,0.0004507005214691162,0.0007701180875301361,1.0413037452338636,4,2223,1 -23224,0.000993048389370795,0.0009238645434379578,0.00036416947841644287,0.37547960653251283,4,2224,1 -23225,0.0006825260454792546,0.0005101226270198822,0.0004534497857093811,0.7266504995401379,4,2225,1 -23226,0.0008763412918118081,0.0003735274076461792,0.0007927492260932922,1.1304695568021645,4,2226,1 -23227,0.0008550564192215944,0.0006274543702602386,0.0005808807909488678,0.7468736397620891,4,2227,1 -23228,0.0009952206991485912,0.00033561140298843384,0.0009369254112243652,1.2268306783937852,4,2228,1 -23229,0.0008951469023439855,0.0005034841597080231,0.0007401295006275177,0.9734385144210445,4,2229,1 -23230,0.0010546780408451067,0.001001015305519104,0.00033213570713996887,0.320368866174922,4,2230,1 -23231,0.001139433339291033,0.00043600425124168396,0.0010527148842811584,1.1781333519986315,4,2231,1 -23232,0.0011090635890227715,0.0009819716215133667,0.0005155131220817566,0.48342945491876677,4,2232,1 -23233,0.0008686670670120301,0.0006770305335521698,0.0005442537367343903,0.6771045036789455,4,2233,1 -23234,0.0009583917301558815,0.00038328394293785095,0.000878412276506424,1.1593623011080478,4,2234,1 -23235,0.0012862999362574829,0.0011618174612522125,0.0005520395934581757,0.4435721389986596,4,2235,1 -23236,0.0009705468200893031,0.00045903027057647705,0.0008551329374313354,1.078148545572197,4,2236,1 -23237,0.000911158765321099,0.0005875974893569946,0.0006963759660720825,0.8699165297433454,4,2237,1 -23238,0.0008989862027252462,0.000490240752696991,0.000753551721572876,0.9940180747338355,4,2238,1 -23239,0.0010684867969810849,0.0006344765424728394,0.0008597113192081451,0.935012336652987,4,2239,1 -23240,0.0010357269077774908,0.0005539767444133759,0.0008751228451728821,1.0064453097161907,4,2240,1 -23241,0.0009306440478100086,0.0005441457033157349,0.0007549859583377838,0.9462885969867821,4,2241,1 -23242,0.0007645926984308956,0.0006846077740192413,0.00034046173095703125,0.4614926371548067,4,2242,1 -23243,0.0007318273309891357,0.000690709799528122,0.00024184957146644592,0.33680526460295995,4,2243,1 -23244,0.0011568465967029082,0.0010401755571365356,0.0005062893033027649,0.4529789813435642,4,2244,1 -23245,0.001198080554440684,0.00038643181324005127,0.0011340491473674774,1.2423820821426739,4,2245,1 -23246,0.000967340567736659,0.000377655029296875,0.0008905753493309021,1.1697243768838175,4,2246,1 -23247,0.0010533723856989143,0.0003239363431930542,0.0010023266077041626,1.2582074332612538,4,2247,1 -23248,0.0008126901641589758,0.0006444565951824188,0.0004951171576976776,0.6550922174318873,4,2248,1 -23249,0.0009737172405169582,0.00018500536680221558,0.0009559802711009979,1.3796351310115853,4,2249,1 -23250,0.000978828539536815,0.00020822882652282715,0.0009564235806465149,1.3564255107701484,4,2250,1 -23251,0.0010396984775939058,0.00015405938029289246,0.0010282211005687714,1.4220716791288823,4,2251,1 -23252,0.0013331227237463959,0.0008398182690143585,0.0010353364050388336,0.889290489097941,4,2252,1 -23253,0.0009214237294477075,-2.8070062398910522e-05,0.0009209960699081421,1.6012648344084257,4,2253,1 -23254,0.0008006582394323444,0.0005069151520729065,0.0006197504699230194,0.8852151139463246,4,2254,1 -23255,0.0009562990251674731,0.0006845630705356598,0.0006677433848381042,0.7729610280235212,4,2255,1 -23256,0.001158249889930095,0.00026960670948028564,0.0011264346539974213,1.3358705908489246,4,2256,1 -23257,0.0009070174230149687,0.00024774670600891113,0.0008725263178348541,1.2941361335899513,4,2257,1 -23258,0.0011207195263191116,0.0010763593018054962,0.0003121905028820038,0.28229710453762197,4,2258,1 -23259,0.0007318502817898273,0.0005998425185680389,0.00041927769780158997,0.6100408196297693,4,2259,1 -23260,0.0009599058862525541,0.00042541325092315674,0.0008604899048805237,1.1116508464682047,4,2260,1 -23261,0.0009633054883492277,0.00046224892139434814,0.000845152884721756,1.0703045661514536,4,2261,1 -23262,0.001241358299559457,0.0009284690022468567,0.0008239634335041046,0.7258341274355284,4,2262,1 -23263,0.0009113048124590576,0.000334814190864563,0.0008475705981254578,1.1945834173211392,4,2263,1 -23264,0.0009227560621475544,0.0004898905754089355,0.0007819756865501404,1.011134875596037,4,2264,1 -23265,0.000702011911990351,0.00019923970103263855,0.000673145055770874,1.2830286315710058,4,2265,1 -23266,0.0006768235869106738,0.0006727874279022217,7.380545139312744e-05,0.10926408854587297,4,2266,1 -23267,0.0011071838847207173,0.0006666183471679688,0.0008840113878250122,0.9246869355350553,4,2267,1 -23268,0.0012860644408937741,0.0004882030189037323,0.00118979811668396,1.1814215405024375,4,2268,1 -23269,0.0010423037218117146,0.0007842890918254852,0.0006865039467811584,0.7190112234825533,4,2269,1 -23270,0.0009495889613878036,0.0009022802114486694,0.0002959892153739929,0.3169842314082242,4,2270,1 -23271,0.0009474106993124872,0.0006154440343379974,0.0007202886044979095,0.863729741874254,4,2271,1 -23272,0.0010702967562156434,0.0006399191915988922,0.0008579269051551819,0.9299307422738716,4,2272,1 -23273,0.001238522410460913,0.0006536617875099182,0.0010519810020923615,1.014816853042753,4,2273,1 -23274,0.0007465007441468535,0.0004259943962097168,0.0006130188703536987,0.9634930464463872,4,2274,1 -23275,0.0011668005252391436,0.0009014494717121124,0.0007408186793327332,0.6878979661720576,4,2275,1 -23276,0.0011729667934442542,0.0008458830416202545,0.0008126087486743927,0.7653378714749025,4,2276,1 -23277,0.000913573796782862,0.0005040690302848816,0.0007619261741638184,0.986329091755284,4,2277,1 -23278,0.0009330289160983167,0.0009229257702827454,0.00013693422079086304,0.14729514331345875,4,2278,1 -23279,0.0008043387959431226,0.0004077516496181488,0.0006933249533176422,1.0391650158326273,4,2279,1 -23280,0.0013099538214590052,0.0011626817286014557,0.0006034485995769501,0.4787431873748832,4,2280,1 -23281,0.0010855876165830134,0.0008661709725856781,0.0006544068455696106,0.6470226124906101,4,2281,1 -23282,0.0008611393890018657,0.0008600056171417236,4.417449235916138e-05,0.05132025056393263,4,2282,1 -23283,0.0012155738048425359,0.0009487681090831757,0.000759907066822052,0.675314323757656,4,2283,1 -23284,0.0010642073766909713,0.0006806068122386932,0.0008181147277355194,0.8768921452997526,4,2284,1 -23285,0.0010834799219320594,0.0005364120006561279,0.0009413771331310272,1.052866488734319,4,2285,1 -23286,0.0010117369324479852,0.00030471011996269226,0.0009647607803344727,1.2648714406882873,4,2286,1 -23287,0.0008963610016872284,0.0005899183452129364,0.0006748773157596588,0.8524694992262201,4,2287,1 -23288,0.00036206877944763036,0.00036205723881721497,2.8908252716064453e-06,0.007984273017399233,4,2288,1 -23289,0.0014351687496218276,0.0013834573328495026,0.00038177892565727234,0.26925852294922137,4,2289,1 -23290,0.0011269534262296948,0.0006956607103347778,0.0008866116404533386,0.9054988168985854,4,2290,1 -23291,0.0007995285694505331,0.00034252554178237915,0.0007224418222904205,1.1280646257712958,4,2291,1 -23292,0.0006260742352985552,0.0003795437514781952,0.000497911125421524,0.9194872372167558,4,2292,1 -23293,0.0010861707168973581,0.0010715983808040619,0.0001773238182067871,0.16398997184983805,4,2293,1 -23294,0.0008313798938723182,0.0003077015280723572,0.0007723420858383179,1.191669527711236,4,2294,1 -23295,0.0008886545832817433,0.0006737411022186279,0.0005794651806354523,0.7103118175680504,4,2295,1 -23296,0.0010186128386005724,0.0009655989706516266,0.00032433122396469116,0.32404623713262676,4,2296,1 -23297,0.0010636944598811458,0.0007982552051544189,0.0007030181586742401,0.7220455444496016,4,2297,1 -23298,0.0008586202050932142,0.00045112892985343933,0.0007305555045604706,1.0175976509206668,4,2298,1 -23299,0.0015008173655223199,0.0006726086139678955,0.0013416595757007599,1.1060886082950099,4,2299,1 -23300,0.0009065806388657117,0.0006774924695491791,0.0006024055182933807,0.7267989733577066,4,2300,1 -23301,0.0016052232816563914,0.0012000389397144318,0.0010661371052265167,0.7263796549214239,4,2301,1 -23302,0.0010491916041647476,0.000915776938199997,0.0005120113492012024,0.509803304198962,4,2302,1 -23303,0.0007854325241743648,0.0004964880645275116,0.0006086081266403198,0.8865094657612596,4,2303,1 -23304,0.0009424653313979333,0.0005689635872840881,0.0007513463497161865,0.9226657898021798,4,2304,1 -23305,0.0010764284502492508,0.00039244070649147034,0.0010023415088653564,1.1976181775695345,4,2305,1 -23306,0.00107159594102785,0.0006916709244251251,0.0008184798061847687,0.8691726404545603,4,2306,1 -23307,0.0009416396118705139,0.0005098022520542145,0.000791698694229126,0.9986967695703801,4,2307,1 -23308,0.0008527329339739598,0.0004615671932697296,0.0007170140743255615,0.998837803535783,4,2308,1 -23309,0.0007664657312031429,0.0005732923746109009,0.0005087293684482574,0.7257999648882466,4,2309,1 -23310,0.0007823167969299504,0.0005036108195781708,0.0005986616015434265,0.8714170365011223,4,2310,1 -23311,0.0007945613450961206,0.00047170743346214294,0.0006393902003765106,0.9351841475502222,4,2311,1 -23312,0.0009884353131855064,0.0007594078779220581,0.0006326958537101746,0.6946263234026457,4,2312,1 -23313,0.0010206708549271909,0.00036793574690818787,0.0009520463645458221,1.2020093519293729,4,2313,1 -23314,0.001237724007342168,0.0010911189019680023,0.0005843117833137512,0.4916552031592504,4,2314,1 -23315,0.0009534715255627409,0.00043250247836112976,0.0008497349917888641,1.0999864752697048,4,2315,1 -23316,0.0007549837245021509,0.0005178079009056091,0.0005494318902492523,0.8150210643389083,4,2316,1 -23317,0.0010403320553864634,0.000654611736536026,0.0008085630834102631,0.8902297755617334,4,2317,1 -23318,0.001379270076243191,0.0007328391075134277,0.001168474555015564,1.0106338327699083,4,2318,1 -23319,0.0007764709170206562,0.00018539279699325562,0.0007540136575698853,1.3297041578967503,4,2319,1 -23320,0.0011144618693328331,0.00046344101428985596,0.001013532280921936,1.141926923143568,4,2320,1 -23321,0.0009816297689560053,0.0006459951400756836,0.0007391124963760376,0.8525246815832261,4,2321,1 -23322,0.0006857132626678161,0.00044200196862220764,0.0005242489278316498,0.8703131501211407,4,2322,1 -23323,0.0009703727978712893,0.0008217692375183105,0.0005160607397556305,0.5607446855208658,4,2323,1 -23324,0.0011703423465289024,0.000256173312664032,0.0011419616639614105,1.3501221488687454,4,2324,1 -23325,0.0008912070351304956,0.00038068369030952454,0.0008058100938796997,1.1294522148772121,4,2325,1 -23326,0.000686878536454196,0.0005936585366725922,0.0003455020487308502,0.5270699682266382,4,2326,1 -23327,0.000994002118099588,0.0005450807511806488,0.0008312202990055084,0.9903827774148287,4,2327,1 -23328,0.001075316146862221,0.0004564039409160614,0.0009736530482769012,1.1324563360154551,4,2328,1 -23329,0.0012778768577393661,0.0005225464701652527,0.0011661536991596222,1.1495285658014527,4,2329,1 -23330,0.0008290140901520665,0.0008190907537937164,0.00012788549065589905,0.1548806141972824,4,2330,1 -23331,0.0006848371969126655,0.00044218823313713074,0.0005229450762271881,0.868877989595426,4,2331,1 -23332,0.001369691836814723,0.0008346512913703918,0.0010860078036785126,0.9155285400091784,4,2332,1 -23333,0.0005478027122463407,0.0004013851284980774,0.00037279725074768066,0.7484883921542702,4,2333,1 -23334,0.0011408046131928995,0.0005464479327201843,0.0010014139115810394,1.071278641824284,4,2334,1 -23335,0.0010955767558165671,0.0004096813499927521,0.0010160952806472778,1.18754137509439,4,2335,1 -23336,0.0007133792740639732,0.0003824159502983093,0.0006022192537784576,1.0050303399827205,4,2336,1 -23337,0.0007988697093389681,0.00015367195010185242,0.0007839500904083252,1.3772280802544954,4,2337,1 -23338,0.001089301233876553,0.0006584972143173218,0.0008677318692207336,0.9216414258818652,4,2338,1 -23339,0.0009528031904508184,0.0006035380065441132,0.0007372759282588959,0.8848131791502829,4,2339,1 -23340,0.000973164303179327,0.00047388672828674316,0.0008499883115291595,1.0621968250330356,4,2340,1 -23341,0.0007840333699177235,0.0005200840532779694,0.0005867034196853638,0.8455172808531559,4,2341,1 -23342,0.000867066902339587,0.00031197071075439453,0.0008089989423751831,1.2027427491560982,4,2342,1 -23343,0.0008346344332847045,0.0004553385078907013,0.0006994865834712982,0.9937458095378525,4,2343,1 -23344,0.0012622287794808334,0.0005427487194538116,0.0011395812034606934,1.126312022921287,4,2344,1 -23345,0.0008518048665411023,0.0005502291023731232,0.0006502456963062286,0.868520390948794,4,2345,1 -23346,0.0009872653270834638,0.000722058117389679,0.0006732940673828125,0.7504648950838668,4,2346,1 -23347,0.0009001123256589889,0.0003980584442615509,0.0008073113858699799,1.1127106427644637,4,2347,1 -23348,0.0008425746637026753,0.0007743611931800842,0.00033210963010787964,0.4051541937397923,4,2348,1 -23349,0.0008163152234245386,0.0006256140768527985,0.0005243830382823944,0.6975972693518452,4,2349,1 -23350,0.0008241695807674581,0.0006743073463439941,0.0004738830029964447,0.6125826355223578,4,2350,1 -23351,0.001265545249172858,0.0009810924530029297,0.0007994137704372406,0.6837124388207605,4,2351,1 -23352,0.0012519587473365824,0.0006277970969676971,0.0010831765830516815,1.0455202244800048,4,2352,1 -23353,0.0013106166358896423,0.0006107501685619354,0.001159612089395523,1.0860294044911352,4,2353,1 -23354,0.000902864453358266,0.0003186464309692383,0.0008447654545307159,1.2100973515751174,4,2354,1 -23355,0.001194228761554399,0.0006596259772777557,0.0009955279529094696,0.9856219642772728,4,2355,1 -23356,0.0012319327475591646,0.0003875233232975006,0.001169394701719284,1.2507976300442416,4,2356,1 -23357,0.0010833151224726753,0.0004171505570411682,0.0009997785091400146,1.1755142540560457,4,2357,1 -23358,0.001002762165624085,0.0006921589374542236,0.0007255673408508301,0.8089585798799431,4,2358,1 -23359,0.0011811814087719066,0.0011144205927848816,0.00039147958159446716,0.33781940104668995,4,2359,1 -23360,0.001021760102829102,0.0004115067422389984,0.0009352304041385651,1.156284646647191,4,2360,1 -23361,0.0010203303548881953,0.0005616657435894012,0.0008518248796463013,0.9878639465888531,4,2361,1 -23362,0.0010057278039009015,0.0008391402661800385,0.0005543753504753113,0.5838234320137793,4,2362,1 -23363,0.0006527299446752241,0.0004924982786178589,0.0004283711314201355,0.7158727912473415,4,2363,1 -23364,0.0011350506203733378,0.0004717111587524414,0.0010323897004127502,1.142209335422184,4,2364,1 -23365,0.0006902646759589446,0.0004565529525279999,0.0005177110433578491,0.8480895373374192,4,2365,1 -23366,0.0007263811619009129,0.0004884786903858185,0.0005376040935516357,0.8332382800286375,4,2366,1 -23367,0.0010901472372390633,0.0008631907403469086,0.0006658248603343964,0.6570276244961941,4,2367,1 -23368,0.0011268720237142549,0.0009083189070224762,0.0006669312715530396,0.633343323727768,4,2368,1 -23369,0.001235791355065985,0.0009960047900676727,0.000731542706489563,0.6334922061472024,4,2369,1 -23370,0.001034921899693276,0.00028201937675476074,0.0009957551956176758,1.2948027433664553,4,2370,1 -23371,0.0009235696259422598,0.0005167573690414429,0.0007654689252376556,0.9769875685657244,4,2371,1 -23372,0.0010067594342560568,0.0002476349472999573,0.000975828617811203,1.3222736287223933,4,2372,1 -23373,0.0011261687042350618,0.0004940591752529144,0.0010120086371898651,1.1166359475859668,4,2373,1 -23374,0.000853370193932082,0.0006482936441898346,0.000554937869310379,0.7079657499139379,4,2374,1 -23375,0.0010951709117107895,0.0008112341165542603,0.0007357299327850342,0.7366288894562588,4,2375,1 -23376,0.00115711112760847,0.0003094114363193512,0.0011149756610393524,1.3001026359034369,4,2376,1 -23377,0.0008032400862863931,0.0004339367151260376,0.0006759390234947205,1.0000824884119357,4,2377,1 -23378,0.0008994442744238383,0.00010323897004127502,0.0008934997022151947,1.4557619472697374,4,2378,1 -23379,0.0012163274381493813,0.0006154924631118774,0.0010491050779819489,1.0402260414505637,4,2379,1 -23380,0.0011111292476214088,0.0009581409394741058,0.0005626492202281952,0.5309769656680493,4,2380,1 -23381,0.0012092777227272452,0.0011254660785198212,0.0004423558712005615,0.3744940804375809,4,2381,1 -23382,0.0011182634424543518,0.0006592273712158203,0.0009032897651195526,0.940344358010422,4,2382,1 -23383,0.000972345675935399,0.0006204769015312195,0.0007486417889595032,0.878737383838852,4,2383,1 -23384,0.0012095510446245648,0.0005251318216323853,0.0010896101593971252,1.1216970229377115,4,2384,1 -23385,0.0011300829947813245,0.000514540821313858,0.0010061487555503845,1.0980732430543425,4,2385,1 -23386,0.0010010149269010602,0.00013779103755950928,0.0009914860129356384,1.4327065460699304,4,2386,1 -23387,0.0005569960102254492,0.0003857724368572235,0.0004017762839794159,0.805716455247709,4,2387,1 -23388,0.0008797801143220321,0.0005111880600452423,0.0007160305976867676,0.9507895113448933,4,2388,1 -23389,0.0008568185758393473,0.00042904913425445557,0.0007416568696498871,1.0463350407146794,4,2389,1 -23390,0.0009621602952342607,0.0007168762385845184,0.000641748309135437,0.7301573720611043,4,2390,1 -23391,0.0009980307286608706,0.0005481429398059845,0.0008340291678905487,0.989360350499617,4,2391,1 -23392,0.0007047946432432766,0.0006294436752796173,0.00031707435846328735,0.4666331051845266,4,2392,1 -23393,0.0006260605033308587,0.00043103843927383423,0.000454045832157135,0.811386889618152,4,2393,1 -23394,0.0008076579165132086,0.0005112849175930023,0.0006252191960811615,0.8853141089654643,4,2394,1 -23395,0.0010696824081419226,0.0009037405252456665,0.00057225301861763,0.5644777938520658,4,2395,1 -23396,0.0010405082750524152,0.0007443055510520935,0.0007270947098731995,0.773701783572054,4,2396,1 -23397,0.0011921514649282634,0.0006707720458507538,0.0009855404496192932,0.9732003341901387,4,2397,1 -23398,0.0010712307454566216,0.001000434160232544,0.00038297101855278015,0.365595633240005,4,2398,1 -23399,0.001204065112509197,0.0005499087274074554,0.001071155071258545,1.0965027405914949,4,2399,1 -23400,0.0011181101267496345,0.0008204728364944458,0.0007596015930175781,0.7468929159858669,4,2400,1 -23401,0.0010362960924092737,0.0006388351321220398,0.0008159652352333069,0.9065574143592369,4,2401,1 -23402,0.0011431263331612637,0.00045552104711532593,0.001048445701599121,1.160929644520089,4,2402,1 -23403,0.0006403088030233267,0.0005150996148586273,0.0003803521394729614,0.6360389254557516,4,2403,1 -23404,0.0008669769116413696,0.00037431344389915466,0.0007820092141628265,1.1243692087671875,4,2404,1 -23405,0.0008987621006073498,0.00046883895993232727,0.0007667876780033112,1.0220129074935322,4,2405,1 -23406,0.0008718268155755341,0.0004437379539012909,0.0007504522800445557,1.036802867626401,4,2406,1 -23407,0.0013606017915310847,0.0010371804237365723,0.0008806213736534119,0.7039441500913592,4,2407,1 -23408,0.0010394235689216462,0.0006440989673137665,0.000815805047750473,0.9024749284028166,4,2408,1 -23409,0.0010757819053262758,0.0008422993123531342,0.0006692074239253998,0.671378725968312,4,2409,1 -23410,0.0008566874343307957,0.0005544796586036682,0.0006530433893203735,0.8668423271820292,4,2410,1 -23411,0.0010689567863022655,0.0009046979248523712,0.0005693770945072174,0.5617256107871313,4,2411,1 -23412,0.001119323223275796,0.00032056868076324463,0.0010724365711212158,1.2803341267490882,4,2412,1 -23413,0.001064499404673263,0.0010318271815776825,0.0002617090940475464,0.24839836583008937,4,2413,1 -23414,0.001010449749090516,0.00040694326162338257,0.0009248815476894379,1.1562936366533496,4,2414,1 -23415,0.0010645000778536898,0.0006015859544277191,0.000878211110830307,0.9701997839789065,4,2415,1 -23416,0.0009739065045355943,0.00039528682827949524,0.0008900798857212067,1.1528574566052954,4,2416,1 -23417,0.0008823031157858594,0.0003214143216609955,0.000821676105260849,1.1979258789325415,4,2417,1 -23418,0.0009897009177964346,1.6022473573684692e-05,0.000989571213722229,1.5546064119856362,4,2418,1 -23419,0.0008522533069196494,0.0002575218677520752,0.0008124150335788727,1.2638324038437216,4,2419,1 -23420,0.0009725369007134815,0.00020182505249977112,0.0009513646364212036,1.3617528316391323,4,2420,1 -23421,0.0009910269240104687,0.0006668493151664734,0.000733107328414917,0.8326914901796241,4,2421,1 -23422,0.0011722064661268841,0.0004913285374641418,0.0010642670094966888,1.138289112145439,4,2422,1 -23423,0.0006329624627325617,0.000234946608543396,0.0005877427756786346,1.1905107168777482,4,2423,1 -23424,0.001114883103395143,0.000978998839855194,0.0005334094166755676,0.4988821752490336,4,2424,1 -23425,0.0011361860887174678,0.0007561855018138885,0.0008479990065097809,0.842569548324781,4,2425,1 -23426,0.001203695768528956,0.0004945099353790283,0.0010974258184432983,1.1474360827375385,4,2426,1 -23427,0.00113824549907148,0.001016467809677124,0.0005122460424900055,0.46680033041043867,4,2427,1 -23428,0.000964588448207674,0.0004065968096256256,0.0008747056126594543,1.1356714832556416,4,2428,1 -23429,0.0008466571581257578,0.0003720000386238098,0.0007605552673339844,1.1158934621967227,4,2429,1 -23430,0.000970036719321439,0.00016453862190246582,0.0009559802711009979,1.4003512184866762,4,2430,1 -23431,0.001195248033793352,0.0007377564907073975,0.0009403899312019348,0.9055647677409981,4,2431,1 -23432,0.0011598886511457326,0.0010237768292427063,0.0005451813340187073,0.48932366378028835,4,2432,1 -23433,0.0013139904857412585,0.0012366622686386108,0.00044411420822143555,0.3447792292822304,4,2433,1 -23434,0.0008371255161946171,0.0006094761192798615,0.0005738623440265656,0.7553112275256441,4,2434,1 -23435,0.0011024462565126841,0.0004543215036392212,0.0010044798254966736,1.1460352680276236,4,2435,1 -23436,0.0007955323187968412,0.0006380751729011536,0.00047511234879493713,0.640037729433576,4,2436,1 -23437,0.001285221278796585,0.0007050521671772003,0.001074567437171936,0.990126304521841,4,2437,1 -23438,0.0011448061512098254,0.00026866793632507324,0.0011128336191177368,1.3339026261261355,4,2438,1 -23439,0.0007994022491069984,0.0006409138441085815,0.00047777965664863586,0.6405932055131626,4,2439,1 -23440,0.001216933136697532,0.0006428100168704987,0.0010333061218261719,1.0142919063562357,4,2440,1 -23441,0.0008607200097582038,0.0005222037434577942,0.0006842091679573059,0.9188864681168192,4,2441,1 -23442,0.0008940231778832413,0.00039622560143470764,0.00080142542719841,1.1116378727828082,4,2442,1 -23443,0.0009565464581510228,0.0008782260119915009,0.00037907809019088745,0.40748190692076186,4,2443,1 -23444,0.0010635201600373131,0.0007084719836711884,0.0007931850850582123,0.8417515144307612,4,2444,1 -23445,0.0012194356429557833,0.0006280802190303802,0.0010452456772327423,1.0297208834695886,4,2445,1 -23446,0.000931536800571368,0.00030624866485595703,0.0008797571063041687,1.2358098712185666,4,2446,1 -23447,0.0007372508426434539,0.0006147921085357666,0.0004069022834300995,0.5846629761343444,4,2447,1 -23448,0.0010668363479074095,0.0007590390741825104,0.0007496662437915802,0.7791857442456467,4,2448,1 -23449,0.001166309371474309,0.0004637092351913452,0.001070164144039154,1.1619109669265097,4,2449,1 -23450,0.0007674344998508058,0.0007385872304439545,0.00020843371748924255,0.2750531141681084,4,2450,1 -23451,0.0009090604783777952,0.0003355853259563446,0.0008448511362075806,1.1926953826562559,4,2451,1 -23452,0.0007630284118909963,0.0005547665059566498,0.0005238763988018036,0.7567680518725686,4,2452,1 -23453,0.0007235359942811856,0.00037993118166923523,0.0006157569587230682,1.0179597666419964,4,2453,1 -23454,0.0009775940165597538,0.0009407512843608856,0.00026585161685943604,0.2754134284730358,4,2454,1 -23455,0.0007790202942671968,0.0004887506365776062,0.0006066262722015381,0.8925975733617292,4,2455,1 -23456,0.0012713254067868577,0.000566478818655014,0.001138143241405487,1.1089728565441714,4,2456,1 -23457,0.0008718803508977528,0.00044423341751098633,0.000750221312046051,1.036178879725117,4,2457,1 -23458,0.0010320614225206568,0.0008339062333106995,0.0006080716848373413,0.6300456972839935,4,2458,1 -23459,0.0013140046943037878,0.0012264549732208252,0.00047161057591438293,0.36710076084327975,4,2459,1 -23460,0.001218266721723077,0.0008804872632026672,0.0008419714868068695,0.7630409610075027,4,2460,1 -23461,0.0007349147348905114,0.00021925568580627441,0.0007014460861682892,1.2678416059146622,4,2461,1 -23462,0.0008246746247704374,0.0007941126823425293,0.0002224259078502655,0.2730955287456149,4,2462,1 -23463,0.0011418874145917167,0.0010023750364780426,0.0005469471216201782,0.49949825564796513,4,2463,1 -23464,0.0008142258436537861,0.0007215216755867004,0.00037731975317001343,0.4818385828618503,4,2464,1 -23465,0.0008159749071816406,0.0005254372954368591,0.0006242841482162476,0.8711618770394782,4,2465,1 -23466,0.0009645436756099329,0.0008138492703437805,0.0005176812410354614,0.5665343050381271,4,2466,1 -23467,0.0009467815844359017,0.000514153391122818,0.0007950104773044586,0.9967266243037988,4,2467,1 -23468,0.0007697986559966645,0.0005595684051513672,0.0005286522209644318,0.7569959536016044,4,2468,1 -23469,0.0012066187376688336,0.0011252537369728088,0.00043558329343795776,0.36933458644520445,4,2469,1 -23470,0.0007968528646098999,0.0004266388714313507,0.0006730183959007263,1.0058093358757223,4,2470,1 -23471,0.001187337314265702,0.0010532103478908539,0.000548195093870163,0.47991212171610387,4,2471,1 -23472,0.0010917313795865274,0.0004028491675853729,0.0010146871209144592,1.19286318081931,4,2472,1 -23473,0.0012890274619250987,0.0010880902409553528,0.0006911233067512512,0.5658798433655695,4,2473,1 -23474,0.001245655267621645,0.0010722875595092773,0.0006339214742183685,0.5339134662578929,4,2474,1 -23475,0.0009658885681677569,0.0006906762719154358,0.0006752088665962219,0.774074558081194,4,2475,1 -23476,0.001083702804361819,0.00025372207164764404,0.0010535828769207,1.334477726112747,4,2476,1 -23477,0.0007741452154379561,0.0006292387843132019,0.0004509538412094116,0.6218236359331379,4,2477,1 -23478,0.001068187897996435,0.0003126896917819977,0.0010213963687419891,1.2737165977327505,4,2478,1 -23479,0.0009003569708734513,0.0007631778717041016,0.0004777051508426666,0.5592764853531695,4,2479,1 -23480,0.0010886931437668257,0.0009302757680416107,0.0005655437707901001,0.5462309488388862,4,2480,1 -23481,0.0010332154174698916,0.0008204728364944458,0.0006279796361923218,0.6532765803429632,4,2481,1 -23482,0.0009382291706927703,0.0009192638099193573,0.00018769130110740662,0.20140738073730918,4,2482,1 -23483,0.0010148626247793887,0.00042830780148506165,0.0009200535714626312,1.1351071997551507,4,2483,1 -23484,0.00076434765862098,0.00036815181374549866,0.0006698444485664368,1.0682541872235967,4,2484,1 -23485,0.0009298371101795302,0.0006462819874286652,0.0006685182452201843,0.8023088221895281,4,2485,1 -23486,0.0007999826768093935,0.0004556141793727875,0.0006575621664524078,0.9648623124534594,4,2486,1 -23487,0.0006652053720743439,0.0003129616379737854,0.0005869865417480469,1.0809687936620629,4,2487,1 -23488,0.0010565778784552848,0.0009417347609996796,0.00047905370593070984,0.47057765250926625,4,2488,1 -23489,0.0011975263597400715,0.0008208416402339935,0.0008719451725482941,0.8155779920552442,4,2489,1 -23490,0.001274469098882969,0.0005797334015369415,0.001134980469942093,1.0985563118757316,4,2490,1 -23491,0.0009786911883821778,0.0006437972187995911,0.0007371306419372559,0.8528830018786113,4,2491,1 -23492,0.0013892280306338433,0.0011895336210727692,0.0007176101207733154,0.5428205504466515,4,2492,1 -23493,0.0010394577942270254,0.0005153082311153412,0.0009027346968650818,1.0521014058463185,4,2493,1 -23494,0.0008544360844520122,0.0006941184401512146,0.000498257577419281,0.6225910554841055,4,2494,1 -23495,0.0009829577103980347,0.0004776865243911743,0.0008590817451477051,1.0633252995862035,4,2495,1 -23496,0.001170994728181786,0.000577043741941452,0.0010189451277256012,1.0555136744521296,4,2496,1 -23497,0.0008845401730630185,0.0004477463662624359,0.0007628463208675385,1.0400338048875466,4,2497,1 -23498,0.0009637634680030931,0.0008851103484630585,0.00038133934140205383,0.40680523699665105,4,2498,1 -23499,0.0006454360374804062,0.00020600482821464539,0.0006116777658462524,1.2459411275813745,4,2499,1 -23500,0.0008882182386215418,0.0008400753140449524,0.00028845295310020447,0.33075224639583795,4,2500,1 -23501,0.0011527024816015306,0.000830966979265213,0.000798884779214859,0.7657165836011341,4,2501,1 -23502,0.0009818638967911337,0.0004991553723812103,0.0008455179631710052,1.0374992614061427,4,2502,1 -23503,0.000967910442300337,0.0008254535496234894,0.0005054473876953125,0.54943410480164,4,2503,1 -23504,0.0008898789011592895,0.0007185190916061401,0.0005249902606010437,0.6310055480695627,4,2504,1 -23505,0.0010127942841145086,0.0008681528270244598,0.0005215965211391449,0.5410162477364304,4,2505,1 -23506,0.0011207784032303393,0.000907067209482193,0.0006583109498023987,0.6278046176891563,4,2506,1 -23507,0.001177047813602751,0.000693637877702713,0.0009509511291980743,0.940600401732605,4,2507,1 -23508,0.0012591103662879357,0.001165732741355896,0.00047584250569343567,0.38754823565301055,4,2508,1 -23509,0.0009413749766162505,0.0008640699088573456,0.00037359073758125305,0.40808951566300067,4,2509,1 -23510,0.0008114296744021374,0.0006080232560634613,0.000537332147359848,0.7237565532190843,4,2510,1 -23511,0.0011603739032410478,0.0008207261562347412,0.0008202902972698212,0.7851325603599285,4,2511,1 -23512,0.0008785601967930885,0.00037173181772232056,0.0007960423827171326,1.1339160797321102,4,2512,1 -23513,0.0009029558852627216,0.0005254894495010376,0.0007342956960201263,0.9496523896706353,4,2513,1 -23514,0.0009506156667621534,0.0003675892949104309,0.0008766688406467438,1.1737615308752383,4,2514,1 -23515,0.0010461141911082075,0.0006527192890644073,0.0008175037801265717,0.8970136248971086,4,2515,1 -23516,0.0009093204918251577,0.0003494471311569214,0.0008394941687583923,1.176352488391641,4,2516,1 -23517,0.0007752578208720514,0.0006314180791378021,0.00044981762766838074,0.6189948782174499,4,2517,1 -23518,0.001134852510160295,0.00027712807059288025,0.001100495457649231,1.324104342748626,4,2518,1 -23519,0.0011883655392479727,0.0008275285363197327,0.0008528828620910645,0.8004851843877238,4,2519,1 -23520,0.0008261355226190006,0.00048506632447242737,0.0006687380373477936,0.9432615127328767,4,2520,1 -23521,0.0010506623129657867,0.0007514841854572296,0.000734277069568634,0.7738173346633632,4,2521,1 -23522,0.0010482452862406798,0.00042250752449035645,0.0009593255817890167,1.155936449863574,4,2522,1 -23523,0.0008259650096526574,0.00035445764660835266,0.0007460415363311768,1.1272518442757526,4,2523,1 -23524,0.0011656617308795283,0.0006161145865917206,0.000989530235528946,1.0139006381012108,4,2524,1 -23525,0.0008603437256627264,0.0007116124033927917,0.0004835277795791626,0.5968223225382598,4,2525,1 -23526,0.0013027762244298868,0.0010925382375717163,0.0007096379995346069,0.5760457998800907,4,2526,1 -23527,0.001179672626536992,0.0007582753896713257,0.0009036846458911896,0.8726685633871858,4,2527,1 -23528,0.0009706994843814226,0.0005976036190986633,0.0007649362087249756,0.9075956022621168,4,2528,1 -23529,0.0010449335097800299,0.0008073821663856506,0.0006633400917053223,0.687769840126899,4,2529,1 -23530,0.0009174898668213453,0.0006068460643291473,0.0006881318986415863,0.8480859702613959,4,2530,1 -23531,0.0009725201551599955,0.0006874240934848785,0.0006879270076751709,0.7857638257853676,4,2531,1 -23532,0.0011372787891925753,0.0005378425121307373,0.0010020621120929718,1.0781938399877011,4,2532,1 -23533,0.0007793898058988029,0.0006066113710403442,0.0004893578588962555,0.6788174366354317,4,2533,1 -23534,0.0012207082443587269,0.0004568137228488922,0.0011320114135742188,1.1872405601170846,4,2534,1 -23535,0.0010450854411351465,0.0009795241057872772,0.00036432966589927673,0.3560901410508103,4,2535,1 -23536,0.0009153452850843774,0.0005882866680622101,0.000701267272233963,0.8727871815428618,4,2536,1 -23537,0.0009533819790949818,0.0005833134055137634,0.0007541105151176453,0.9124166708906616,4,2537,1 -23538,0.0009525130261571459,0.00034955888986587524,0.0008860528469085693,1.195029519163053,4,2538,1 -23539,0.0009263873397941212,0.0005697384476661682,0.0007304735481739044,0.9083963507004279,4,2539,1 -23540,0.0007494523713334933,0.0007079131901264191,0.00024604424834251404,0.33450189347598247,4,2540,1 -23541,0.0010153280552104016,0.00020432844758033752,0.000994555652141571,1.3681688217415295,4,2541,1 -23542,0.0009763501469894407,0.0003778040409088135,0.0009002909064292908,1.1734687594598798,4,2542,1 -23543,0.0009191363021051103,0.00038012489676475525,0.0008368492126464844,1.144427451315677,4,2543,1 -23544,0.0010742524527704586,0.0008894652128219604,0.0006023868918418884,0.5952911434777931,4,2544,1 -23545,0.0010494443094031098,0.0008930228650569916,0.000551220029592514,0.553008211395996,4,2545,1 -23546,0.000882614762521716,0.0004887282848358154,0.0007349513471126556,0.9839620058195987,4,2546,1 -23547,0.0008961445153284231,0.000783093273639679,0.000435706228017807,0.507736857588343,4,2547,1 -23548,0.0007498344017579009,0.00047402456402778625,0.0005809925496578217,0.8864426760696659,4,2548,1 -23549,0.000982746394349624,0.0006955526769161224,0.0006942600011825562,0.7844680557785064,4,2549,1 -23550,0.0014616805914497571,0.0012337490916252136,0.000783819705247879,0.5659827122516231,4,2550,1 -23551,0.0012270804175880373,0.0006640590727329254,0.0010318681597709656,0.9989685304782635,4,2551,1 -23552,0.0010152380804768202,0.0003760233521461487,0.0009430348873138428,1.1913788047683098,4,2552,1 -23553,0.0012322878861468498,0.0004818141460418701,0.001134190708398819,1.1690876742960543,4,2553,1 -23554,0.0007715664828475809,0.00023495778441429138,0.0007349215447902679,1.2613613834372222,4,2554,1 -23555,0.0010674885381150195,0.0004019215703010559,0.000988934189081192,1.1847686705577942,4,2555,1 -23556,0.0009219530343819914,0.0004716329276561737,0.0007921867072582245,1.0337986988228558,4,2556,1 -23557,0.0008412204304582336,0.0004062540829181671,0.0007366202771663666,1.0667938862858173,4,2557,1 -23558,0.0011643114388354325,0.0009695850312709808,0.0006446130573749542,0.5867327342254395,4,2558,1 -23559,0.0009710363939786031,0.0005460791289806366,0.0008029378950595856,0.973550382914444,4,2559,1 -23560,0.0011441966826001497,0.0007949806749820709,0.0008229166269302368,0.8026632741718392,4,2560,1 -23561,0.0009122319014664103,0.0006308481097221375,0.0006589367985725403,0.8071725300880316,4,2561,1 -23562,0.0009896805857218369,0.0007530227303504944,0.0006422027945518494,0.7061365924386072,4,2562,1 -23563,0.0006990393570176744,0.0005839057266712189,0.00038433074951171875,0.5821229180225156,4,2563,1 -23564,0.0007001172636449099,0.00041179358959198,0.0005662068724632263,0.941992216296153,4,2564,1 -23565,0.0010793526089776032,0.001076865941286087,7.322430610656738e-05,0.06789309628896727,4,2565,1 -23566,0.0009204099428284311,0.000723622739315033,0.0005687922239303589,0.6661670110361714,4,2566,1 -23567,0.0009498315071857619,0.0004794560372829437,0.0008199401199817657,1.0416691232567465,4,2567,1 -23568,0.0009433767929554054,0.0006481930613517761,0.0006854236125946045,0.8133078952689979,4,2568,1 -23569,0.0008468389284419882,0.0003671795129776001,0.0007630959153175354,1.1223251823317981,4,2569,1 -23570,0.001116015205331509,0.0009566992521286011,0.0005746446549892426,0.5408998002064588,4,2570,1 -23571,0.0010023650446775157,0.0009704940021038055,0.0002507530152797699,0.252846923486281,4,2571,1 -23572,0.0008421436774458523,0.00036058947443962097,0.0007610395550727844,1.1283179517270177,4,2572,1 -23573,0.0011738214899717247,0.0009016618132591248,0.0007515735924243927,0.6948618045728592,4,2573,1 -23574,0.0008560838817675165,0.0006709657609462738,0.0005316808819770813,0.670096555140455,4,2574,1 -23575,0.001313202331149958,0.0009577684104442596,0.0008984319865703583,0.7534424407802747,4,2575,1 -23576,0.0012117288504558442,0.0005730092525482178,0.0010676831007003784,1.0782333873573968,4,2576,1 -23577,0.0009223820478918539,0.0007794462144374847,0.0004932060837745667,0.5641634756810553,4,2577,1 -23578,0.0007762809546491631,0.00013862177729606628,0.0007638037204742432,1.3912617420451696,4,2578,1 -23579,0.0010564123108506623,0.0009097941219806671,0.0005369186401367188,0.5331483372240385,4,2579,1 -23580,0.001079953050186656,0.0008963793516159058,0.0006023310124874115,0.5916582280098655,4,2580,1 -23581,0.0010607544497403933,0.0006913058459758759,0.0008045472204685211,0.8609575803689018,4,2581,1 -23582,0.0008899005092839459,0.00042149797081947327,0.0007837489247322083,1.0773701217082763,4,2582,1 -23583,0.0007986755428523155,0.0004338286817073822,0.0006705783307552338,0.996570278060046,4,2583,1 -23584,0.0011574297556525238,0.000987265259027481,0.0006041117012500763,0.5491265964907196,4,2584,1 -23585,0.0013128023588418413,0.0004532523453235626,0.0012320764362812042,1.21828522521515,4,2585,1 -23586,0.0011308929102066196,0.000909220427274704,0.0006724856793880463,0.636830478238954,4,2586,1 -23587,0.0007697080489952814,0.0005326233804225922,0.0005556643009185791,0.8065667194539177,4,2587,1 -23588,0.0009426611764821512,0.0007161162793636322,0.0006130151450634003,0.7079828799747901,4,2588,1 -23589,0.0008592889033873773,0.000356234610080719,0.0007819682359695435,1.1433271041660955,4,2589,1 -23590,0.0008075912674853506,0.0004319213330745697,0.0006823837757110596,1.0064937488436791,4,2590,1 -23591,0.0009502278122507497,0.0006774365901947021,0.0006663426756858826,0.7771425943793459,4,2591,1 -23592,0.001038518479385505,0.0009728893637657166,0.0003633275628089905,0.3574129052636999,4,2592,1 -23593,0.0007343829066151301,0.0006186999380588531,0.00039563700556755066,0.568933615597462,4,2593,1 -23594,0.0010512734428954223,0.000396188348531723,0.0009737610816955566,1.1843867318665438,4,2594,1 -23595,0.0009647089103329522,0.00038825348019599915,0.0008831322193145752,1.1565975238036135,4,2595,1 -23596,0.0008181289722231775,0.00035247206687927246,0.0007383078336715698,1.1253873182542864,4,2596,1 -23597,0.0009039816057469429,0.0007359236478805542,0.0005249753594398499,0.6196334222200672,4,2597,1 -23598,0.0009267440464077985,0.0007790699601173401,0.0005019009113311768,0.5723088898264721,4,2598,1 -23599,0.001196840919426027,0.0010768920183181763,0.0005222372710704803,0.45153414396060937,4,2599,1 -23600,0.0007674781649385621,0.0006238743662834167,0.0004469938576221466,0.6217013240247183,4,2600,1 -23601,0.0008487017209705633,0.0006298497319221497,0.0005688443779945374,0.7345488559571265,4,2601,1 -23602,0.001215331772045745,0.0004462301731109619,0.0011304467916488647,1.1948344725591233,4,2602,1 -23603,0.0010093289914734932,0.0005210600793361664,0.0008644312620162964,1.0283367403071773,4,2603,1 -23604,0.0008090260789231833,0.00047377124428749084,0.0006557926535606384,0.9451677771927705,4,2604,1 -23605,0.0013242395168914696,0.0009963847696781158,0.0008722543716430664,0.7190673810852153,4,2605,1 -23606,0.0008221786745821112,0.0004491768777370453,0.0006886348128318787,0.9928259110017098,4,2606,1 -23607,0.0010167716241142682,0.0006349459290504456,0.0007941462099552155,0.8963403381556774,4,2607,1 -23608,0.0009611702134415738,0.0004749409854412079,0.0008356310427188873,1.0539649397684452,4,2608,1 -23609,0.0010029685107601802,0.0002467706799507141,0.0009721368551254272,1.3222034798885969,4,2609,1 -23610,0.0011449828681635158,0.0006594806909561157,0.0009359866380691528,0.9570008433290143,4,2610,1 -23611,0.0009348227448063058,0.00044412538409233093,0.0008225850760936737,1.075729475364492,4,2611,1 -23612,0.0010492717204699299,0.0003263019025325775,0.0009972453117370605,1.2545729599345865,4,2612,1 -23613,0.0011709260692259593,0.00032278895378112793,0.0011255554854869843,1.291509896012903,4,2613,1 -23614,0.0009551874629108583,0.00047460198402404785,0.0008289366960525513,1.0508104343389262,4,2614,1 -23615,0.0010742988089531894,0.0005619712173938751,0.0009155906736850739,1.0203060614484072,4,2615,1 -23616,0.0008524056435893618,0.00023726746439933777,0.0008187182247638702,1.288720106061119,4,2616,1 -23617,0.0008685990394418545,0.0004907175898551941,0.0007167011499404907,0.9704200959040742,4,2617,1 -23618,0.0009118754759199818,0.0005879141390323639,0.0006970465183258057,0.8701253578280586,4,2618,1 -23619,0.0011942211963950095,0.0005045980215072632,0.0010823793709278107,1.1345579428529136,4,2619,1 -23620,0.0008429687958630768,0.0007648691534996033,0.00035436078906059265,0.43385567126577695,4,2620,1 -23621,0.0014670489774076543,0.0005414038896560669,0.0013634935021400452,1.1928173949612468,4,2621,1 -23622,0.0010042399308489412,0.0008087046444416046,0.0005953945219516754,0.6346314297248686,4,2622,1 -23623,0.0010343376553712108,0.00047588348388671875,0.0009183622896671295,1.0927051310596547,4,2623,1 -23624,0.0009637832886392248,0.00040620937943458557,0.0008739978075027466,1.1357264456735119,4,2624,1 -23625,0.001010701690444951,0.0008575804531574249,0.0005348585546016693,0.5576518705056154,4,2625,1 -23626,0.0008824550298312069,0.000544372946023941,0.0006945393979549408,0.906018060420408,4,2626,1 -23627,0.001131639268733418,0.0009005814790725708,0.0006852447986602783,0.65043530998813,4,2627,1 -23628,0.0012943318059393822,0.0006844326853752136,0.0010985657572746277,1.0136193137448806,4,2628,1 -23629,0.0008408705174440798,0.0003786645829677582,0.0007507838308811188,1.1036676006961643,4,2629,1 -23630,0.0008552698689511232,0.0005430057644844055,0.0006607808172702789,0.8829249284835259,4,2630,1 -23631,0.0008378376982638644,0.0006419345736503601,0.0005384162068367004,0.6979206255010608,4,2631,1 -23632,0.0008374538451152122,0.00039617717266082764,0.0007378160953521729,1.078020311033226,4,2632,1 -23633,0.0012234596419296866,0.00043404102325439453,0.0011438801884651184,1.2081333026959846,4,2633,1 -23634,0.0008624515083447316,0.0006339810788631439,0.0005847141146659851,0.7449941703517446,4,2634,1 -23635,0.0008392661813605402,0.00040658190846443176,0.0007342062890529633,1.0650627779590465,4,2635,1 -23636,0.0010912046283417872,0.0006406120955944061,0.0008833706378936768,0.9433632040244643,4,2636,1 -23637,0.0009543355758055164,0.0005122721195220947,0.000805191695690155,1.0041754877669957,4,2637,1 -23638,0.000906456880968591,0.000520072877407074,0.0007424205541610718,0.9597282935352451,4,2638,1 -23639,0.0008375620096491485,0.0005726516246795654,0.0006112121045589447,0.8179583737585646,4,2639,1 -23640,0.0009086829423354734,0.00075535848736763,0.0005051121115684509,0.5894125346750381,4,2640,1 -23641,0.0010928312773531876,0.00013692304491996765,0.0010842196643352509,1.4451741555270472,4,2641,1 -23642,0.0007346651425943987,0.00039839744567871094,0.0006172619760036469,0.9976427034519189,4,2642,1 -23643,0.0008132700447116697,0.0006616637110710144,0.0004728734493255615,0.6205061450008804,4,2643,1 -23644,0.0009128986885070182,0.0008611828088760376,0.00030289962887763977,0.33821084933686446,4,2644,1 -23645,0.0009369983591028139,0.0007403120398521423,0.0005743727087974548,0.6598422522117928,4,2645,1 -23646,0.0012009995476839773,0.0010573901236057281,0.0005694963037967682,0.49403842684563176,4,2646,1 -23647,0.0013208512211663908,0.0006213672459125519,0.0011655688285827637,1.0810190065648637,4,2647,1 -23648,0.000885315399515835,0.0006907656788825989,0.0005537383258342743,0.6757339089827429,4,2648,1 -23649,0.0012245206841049426,0.0008558519184589386,0.000875767320394516,0.79689868468071,4,2649,1 -23650,0.0013822118131398616,0.001170039176940918,0.0007358789443969727,0.5614241924114121,4,2650,1 -23651,0.0013415162120800205,0.0012753121554851532,0.00041622668504714966,0.3154726839989373,4,2651,1 -23652,0.0010120793917072935,0.0008332505822181702,0.000574454665184021,0.6035859167112052,4,2652,1 -23653,0.0008205185937618078,0.000493362545967102,0.0006556250154972076,0.9256925388566007,4,2653,1 -23654,0.0007908275821505226,0.0007310919463634491,0.0003015175461769104,0.39116791826507447,4,2654,1 -23655,0.0009499362361870317,0.0002360418438911438,0.0009201429784297943,1.3196837691056529,4,2655,1 -23656,0.0011438632773458693,0.0010071806609630585,0.000542227178812027,0.4938637262568586,4,2656,1 -23657,0.001083187309811081,0.0007225498557090759,0.0008069798350334167,0.8405421612883637,4,2657,1 -23658,0.0010503492452964103,0.0007870681583881378,0.0006955265998840332,0.7237322940381369,4,2658,1 -23659,0.0010389803449835924,0.0008023828268051147,0.0006600469350814819,0.6883753918003962,4,2659,1 -23660,0.0007838229555859177,0.0003092624247074127,0.0007202327251434326,1.1652112069214609,4,2660,1 -23661,0.000690161733123759,0.0006369128823280334,0.00026582926511764526,0.39539151075379,4,2661,1 -23662,0.0009897357941883614,0.0008564665913581848,0.0004960261285305023,0.5249505838126834,4,2662,1 -23663,0.0011702404689619727,0.001054331660270691,0.0005077868700027466,0.44883552280284983,4,2663,1 -23664,0.0007325653702733325,0.0005916319787502289,0.0004319995641708374,0.6306970743898973,4,2664,1 -23665,0.000972031655492867,0.00036689266562461853,0.0009001307189464569,1.183756030002598,4,2665,1 -23666,0.0010675094244981078,0.0009739100933074951,0.00043712183833122253,0.4218820409476748,4,2666,1 -23667,0.0006485202973194284,0.0002750121057033539,0.0005873218178749084,1.1328716386365747,4,2667,1 -23668,0.0007990848176973606,0.0003365427255630493,0.0007247589528560638,1.136072199203135,4,2668,1 -23669,0.001001915553700584,0.00045665353536605835,0.0008917972445487976,1.0975474749890903,4,2669,1 -23670,0.001158635754067246,0.001032412052154541,0.0005258917808532715,0.4711247502251551,4,2670,1 -23671,0.0014136688753758507,0.0012656114995479584,0.0006298311054706573,0.46176555276720616,4,2671,1 -23672,0.001096076472079284,0.0006331168115139008,0.0008947327733039856,0.9549849766514459,4,2672,1 -23673,0.0011220087676425954,0.0005165450274944305,0.0009960345923900604,1.0923785041379568,4,2673,1 -23674,0.0009213065877533203,0.000815022736787796,0.0004295855760574341,0.4850794356690946,4,2674,1 -23675,0.0008293265866685124,0.0006419755518436432,0.0005250237882137299,0.6855158596023767,4,2675,1 -23676,0.0007625185691038107,0.00013906881213188171,0.000749729573726654,1.387388917397296,4,2676,1 -23677,0.0010822546001487178,0.0008548945188522339,0.0006636492908000946,0.6601178539717579,4,2677,1 -23678,0.000757196703343583,0.0005918741226196289,0.00047226250171661377,0.6734654797530306,4,2678,1 -23679,0.0009650921518267596,0.0007777810096740723,0.0005713663995265961,0.633579109864652,4,2679,1 -23680,0.0007615217386994033,0.0004269257187843323,0.000630594789981842,0.9756597675922151,4,2680,1 -23681,0.0009312319613274322,0.0006463415920734406,0.0006703995168209076,0.803666939313948,4,2681,1 -23682,0.0007679442736924978,0.00022877007722854614,0.0007330775260925293,1.2683050231528719,4,2682,1 -23683,0.0009300878741238777,0.00041810423135757446,0.0008308142423629761,1.1045550151445702,4,2683,1 -23684,0.000913237983687518,0.0005543380975723267,0.0007257498800754547,0.9185125641176851,4,2684,1 -23685,0.0010294285096332572,0.00078636035323143,0.0006643496453762054,0.7014914958658499,4,2685,1 -23686,0.0009574376415980064,0.0004696846008300781,0.0008343160152435303,1.058059267474827,4,2686,1 -23687,0.0010029576628289231,0.0004133954644203186,0.0009137988090515137,1.1459548172242098,4,2687,1 -23688,0.0008842887774581413,0.0007253363728523254,0.0005058199167251587,0.608951345196884,4,2688,1 -23689,0.0008346064905219052,0.0003265105187892914,0.0007680878043174744,1.168844958652251,4,2689,1 -23690,0.0011523614990630456,0.0011182203888893127,0.000278424471616745,0.24402681935366544,4,2690,1 -23691,0.0008394806626829202,0.0003144890069961548,0.0007783472537994385,1.1868058844075495,4,2691,1 -23692,0.0011708142981150997,0.00039395689964294434,0.001102544367313385,1.2276187123680558,4,2692,1 -23693,0.0010663267507312535,0.0009752474725246429,0.00043121352791786194,0.4163134593701979,4,2693,1 -23694,0.0008758588101522115,0.0006074532866477966,0.0006309747695922852,0.8043888953178016,4,2694,1 -23695,0.0010288501431027983,0.0009231902658939362,0.00045415014028549194,0.4571752860778785,4,2695,1 -23696,0.0009929006047234424,0.0005630627274513245,0.0008178092539310455,0.9678293764307058,4,2696,1 -23697,0.0010146012372945737,0.0008552670478820801,0.0005458332598209381,0.5680367096446745,4,2697,1 -23698,0.0008920785200733382,0.0007637403905391693,0.0004609823226928711,0.5430514368821677,4,2698,1 -23699,0.0007635044921629357,0.0005805939435958862,0.0004958324134349823,0.70681685623848,4,2699,1 -23700,0.00121400266071011,0.00047440454363822937,0.001117471605539322,1.1693205631700763,4,2700,1 -23701,0.0014639433801134456,0.00038452446460723877,0.0014125406742095947,1.3050147507338166,4,2701,1 -23702,0.0010713764721528474,0.000802747905254364,0.0007095374166965485,0.7238405182045438,4,2702,1 -23703,0.0007416432833971345,0.0003102794289588928,0.0006736181676387787,1.1391491356753662,4,2703,1 -23704,0.0008918346698125759,0.00018675997853279114,0.0008720606565475464,1.3598237747280686,4,2704,1 -23705,0.0012105277020970522,0.0007406026124954224,0.0009575411677360535,0.9124603257478651,4,2705,1 -23706,0.0009123326713515353,0.000712960958480835,0.0005692429840564728,0.6737773805948906,4,2706,1 -23707,0.0009981393320924181,0.00020664557814598083,0.00097651407122612,1.3622573073816457,4,2707,1 -23708,0.0008203170074260888,0.0007491782307624817,0.00033414363861083984,0.41953384616289385,4,2708,1 -23709,0.000946935656326422,0.0002750493586063385,0.0009061098098754883,1.2760861192028643,4,2709,1 -23710,0.0010861859545574445,0.0008423812687397003,0.0006857067346572876,0.6832254059681705,4,2710,1 -23711,0.0009594142515189779,0.0004934556782245636,0.0008227862417697906,1.0305699399634065,4,2711,1 -23712,0.0011463200596421852,0.0007567033171653748,0.0008610747754573822,0.8498241891156126,4,2712,1 -23713,0.0012152011231178943,0.001126457005739212,0.00045586004853248596,0.3845384778950543,4,2713,1 -23714,0.0009771051794868744,0.00045489147305488586,0.000864759087562561,1.0865401820506304,4,2714,1 -23715,0.0009439828314430623,0.0006532855331897736,0.000681411474943161,0.8064679488399951,4,2715,1 -23716,0.0011903306747481797,0.0008800923824310303,0.0008014515042304993,0.7386651458505827,4,2716,1 -23717,0.0012843504735542551,0.0002863854169845581,0.0012520141899585724,1.3459251969404045,4,2717,1 -23718,0.0011062436355517961,0.0008291378617286682,0.0007323287427425385,0.7234785783803855,4,2718,1 -23719,0.001281433151251452,0.0010849162936210632,0.0006819292902946472,0.5611514574954723,4,2719,1 -23720,0.001145503198106922,0.0007584989070892334,0.000858403742313385,0.8471074995244345,4,2720,1 -23721,0.0011370894487787067,0.0009296536445617676,0.0006547644734382629,0.6136128113027558,4,2721,1 -23722,0.0010422312061761864,0.0009275302290916443,0.00047532469034194946,0.4735680263106272,4,2722,1 -23723,0.0009790454532409862,0.0008121393620967865,0.0005467720329761505,0.5925457866478904,4,2723,1 -23724,0.0012719395671544579,0.0010817721486091614,0.0006690286099910736,0.553879761109398,4,2724,1 -23725,0.0013369803539745812,0.0006524957716464996,0.0011669471859931946,1.0609571096737491,4,2725,1 -23726,0.0011186580995125436,0.00027409568428993225,0.0010845586657524109,1.323254090676779,4,2726,1 -23727,0.001333136096216174,0.0005797594785690308,0.0012004710733890533,1.1208869395112404,4,2727,1 -23728,0.0011425306828018646,0.0004292912781238556,0.0010588131844997406,1.1856041935047215,4,2728,1 -23729,0.00062668598963484,0.000401470810174942,0.00048120319843292236,0.8754841765466437,4,2729,1 -23730,0.0009202343385546515,0.0006636008620262146,0.000637546181678772,0.7653764457335345,4,2730,1 -23731,0.0009938761301714906,0.0005714334547519684,0.0008131749927997589,0.9582479121180075,4,2731,1 -23732,0.0010638491195213368,0.0003522634506225586,0.0010038353502750397,1.2333043170070201,4,2732,1 -23733,0.0011588046781118115,0.0008939877152442932,0.0007373020052909851,0.6896417102991255,4,2733,1 -23734,0.001047619242949792,0.0006339177489280701,0.0008340589702129364,0.9209008502863092,4,2734,1 -23735,0.001092058235650612,0.0009084083139896393,0.0006061233580112457,0.5883971323489892,4,2735,1 -23736,0.0008486696670245903,0.0003033466637134552,0.0007926039397716522,1.2052732618367077,4,2736,1 -23737,0.000966164566855237,0.0006691999733448029,0.0006968826055526733,0.8056596354149406,4,2737,1 -23738,0.00122102893099122,0.0007116310298442841,0.000992216169834137,0.9486107234791444,4,2738,1 -23739,0.0012448763232516184,0.0011145547032356262,0.0005545131862163544,0.46166159137433777,4,2739,1 -23740,0.0011083665921245405,0.0009853988885879517,0.0005074106156826019,0.47551947602189837,4,2740,1 -23741,0.0008419723926181808,0.0007092058658599854,0.0004538111388683319,0.569232547189765,4,2741,1 -23742,0.0008814357385502557,0.000748712569475174,0.00046514347195625305,0.555903718121361,4,2742,1 -23743,0.0010663990015186346,0.0006286688148975372,0.0008613839745521545,0.9403257309952572,4,2743,1 -23744,0.0012606257912099504,0.0006549805402755737,0.001077115535736084,1.0244513153301005,4,2744,1 -23745,0.0012022389225712392,0.0007227659225463867,0.0009607225656509399,0.9258153130820618,4,2745,1 -23746,0.0011710099223204815,0.0004733651876449585,0.0010710693895816803,1.1546521721544643,4,2746,1 -23747,0.0009301024632595292,0.0005553290247917175,0.0007461234927177429,0.9309624305692412,4,2747,1 -23748,0.0004494679167939748,0.0001228228211402893,-0.0004323609173297882,-1.294013117040462,4,2748,1 -23749,0.0011161398687655648,0.001073680818080902,0.0003049224615097046,0.27671154516338176,4,2749,1 -23750,0.000989722929347516,0.0005334317684173584,0.0008336678147315979,1.0015815413947522,4,2750,1 -23751,0.0009239093071621596,0.0005931071937084198,0.0007084012031555176,0.8737524452794327,4,2751,1 -23752,0.0008504955200348725,0.0005624331533908844,0.0006379745900630951,0.8482451040243778,4,2752,1 -23753,0.0007917442198257893,0.0005850382149219513,0.000533469021320343,0.739325417365613,4,2753,1 -23754,0.0012178737426598771,0.0005904510617256165,0.0010651685297489166,1.0646375547522453,4,2754,1 -23755,0.0010416525343704718,0.0005006715655326843,0.0009134374558925629,1.069399132146207,4,2755,1 -23756,0.0005916810301567947,0.00020209699869155884,0.0005560964345932007,1.2222157444807882,4,2756,1 -23757,0.0009467443568181778,0.0003676488995552063,0.000872444361448288,1.171978035854647,4,2757,1 -23758,0.0010087562274780561,0.0008364841341972351,0.0005638115108013153,0.5930797886983312,4,2758,1 -23759,0.000892142497057121,0.0002979747951030731,0.0008409097790718079,1.2302531721494583,4,2759,1 -23760,0.0010790859199678647,0.0006646141409873962,0.0008501261472702026,0.9072624570676039,4,2760,1 -23761,0.001062454324538485,0.00100032240152359,0.00035800039768218994,0.34368198899207364,4,2761,1 -23762,0.0008015334492330797,0.0007160529494285583,0.00036017224192619324,0.46604206225249045,4,2762,1 -23763,0.0011359446815858605,0.0010057352483272552,0.0005280785262584686,0.48349962987951284,4,2763,1 -23764,0.0006839416066522813,0.0004264526069164276,0.0005347095429897308,0.8975567763785806,4,2764,1 -23765,0.0010064005400072405,0.0005358792841434479,0.0008518658578395844,1.0092789619509703,4,2765,1 -23766,0.0010543550347537364,0.0005041658878326416,0.0009260028600692749,1.072221111553902,4,2766,1 -23767,0.0010354989488424301,0.0004415735602378845,0.0009366273880004883,1.1302479491483628,4,2767,1 -23768,0.0008281904476270624,6.0789287090301514e-05,0.0008259564638137817,1.4973301276348352,4,2768,1 -23769,0.0009468038163308784,0.0007696785032749176,0.0005513913929462433,0.6216426886629426,4,2769,1 -23770,0.0010556560179286545,0.00033942610025405884,0.0009995996952056885,1.243450460641505,4,2770,1 -23771,0.0011115077459956566,0.0009883008897304535,0.0005086362361907959,0.4753045489784701,4,2771,1 -23772,0.0011941246930379048,0.0008548982441425323,0.0008337162435054779,0.7728548091356459,4,2772,1 -23773,0.0011298090939874138,0.0006615258753299713,0.0009158886969089508,0.9452749036248915,4,2773,1 -23774,0.0007123906109860236,6.063282489776611e-05,0.0007098056375980377,1.485581463220487,4,2774,1 -23775,0.0009119062843387242,0.0005245693027973175,0.000745922327041626,0.9578929976909906,4,2775,1 -23776,0.0007447863456336201,0.0003937855362892151,0.0006321705877780914,1.0137011675594438,4,2776,1 -23777,0.0006751898050597869,0.00019741058349609375,0.0006456859409809113,1.2740838660103582,4,2777,1 -23778,0.0007771678635389638,0.00026097893714904785,0.0007320381700992584,1.2283337547515505,4,2778,1 -23779,0.0008929160791488909,0.00048478320240974426,0.0007498562335968018,0.9968844203461875,4,2779,1 -23780,0.0010757696057532207,0.000505644828081131,0.0009495280683040619,1.0814706755940242,4,2780,1 -23781,0.0007951494667282162,0.0007258206605911255,0.0003247261047363281,0.42068270624289905,4,2781,1 -23782,0.0005152356061052357,0.0003220885992050171,0.00040215253829956055,0.8954998290729443,4,2782,1 -23783,0.0007688067995332211,0.0006471052765846252,0.00041511282324790955,0.5703708923380556,4,2783,1 -23784,0.0008966658295615114,0.000698726624250412,0.0005619525909423828,0.6773285187784055,4,2784,1 -23785,0.0008449568616600858,0.0006121918559074402,0.0005823858082294464,0.7604522217912506,4,2785,1 -23786,0.0009288420842490835,0.0004274435341358185,0.0008246451616287231,1.092587502297938,4,2786,1 -23787,0.0011807877571149356,0.0008221752941608429,0.0008475184440612793,0.8005753203765524,4,2787,1 -23788,0.0012821858820379266,0.001147191971540451,0.0005726702511310577,0.463001835012751,4,2788,1 -23789,0.0010583110209718047,0.0007642991840839386,0.0007320307195186615,0.7638364317851506,4,2789,1 -23790,0.0011229331160831928,0.0007739104330539703,0.000813659280538559,0.8104304781146403,4,2790,1 -23791,0.0008827645759299162,0.000695742666721344,0.0005433373153209686,0.6630140636399828,4,2791,1 -23792,0.0010370359890028008,0.0006976574659347534,0.0007672794163227081,0.8328879933488195,4,2792,1 -23793,0.001115550245631949,0.0005191005766391754,0.0009874142706394196,1.0867873275820155,4,2793,1 -23794,0.0007395873815408697,0.00039967894554138184,0.0006222911179065704,0.9998743759181551,4,2794,1 -23795,0.0007057237423850932,0.00018901750445365906,0.0006799399852752686,1.299651118422822,4,2795,1 -23796,0.0007841006921430985,0.0007219947874546051,0.0003058388829231262,0.4006864580933473,4,2796,1 -23797,0.0007472817321812857,0.00040409713983535767,0.0006285980343818665,0.9994606441228329,4,2797,1 -23798,0.0009552528206974742,0.0004852898418903351,0.0008228011429309845,1.0379090286144692,4,2798,1 -23799,0.0009769571501658417,0.00037288665771484375,0.0009029954671859741,1.1791812783015194,4,2799,1 -23800,0.000888014940625308,5.3357332944869995e-05,0.0008864104747772217,1.5106740370704952,4,2800,1 -23801,0.0007713084469196166,0.0007091686129570007,0.0003033094108104706,0.40415295716898253,4,2801,1 -23802,0.0010797442464661846,0.0008203722536563873,0.0007020235061645508,0.7078157063572663,4,2802,1 -23803,0.0009699330108191275,0.0007682442665100098,0.0005920901894569397,0.6566215579740765,4,2803,1 -23804,0.0011157796401342155,0.0005580410361289978,0.0009662061929702759,1.047041053308309,4,2804,1 -23805,0.0009120476217665989,0.00045918673276901245,0.0007880218327045441,1.0431884742426267,4,2805,1 -23806,0.0010861320946160408,0.0010478869080543518,0.00028568506240844727,0.2661612017008902,4,2806,1 -23807,0.0009119349430956694,0.0004700087010860443,0.0007814839482307434,1.029325258000528,4,2807,1 -23808,0.0007744342763441095,0.0003489740192890167,0.0006913505494594574,1.1033388477277704,4,2808,1 -23809,0.0008598274505265392,0.0007114335894584656,0.0004828721284866333,0.5963084875600397,4,2809,1 -23810,0.0010785191101959745,0.00052637979388237,0.0009413436055183411,1.0609330472899698,4,2810,1 -23811,0.0011298772209498208,0.0010354481637477875,0.00045218318700790405,0.4117411810556883,4,2811,1 -23812,0.0010396216894345317,0.0008219294250011444,0.0006365887820720673,0.6590009930640698,4,2812,1 -23813,0.0007437654269580765,0.00029313191771507263,0.000683564692735672,1.1656875083556317,4,2813,1 -23814,0.000924854030509452,0.0006212592124938965,0.0006851218640804291,0.8342444406677799,4,2814,1 -23815,0.001326018749896242,0.0011284947395324707,0.0006962940096855164,0.552833998072514,4,2815,1 -23816,0.0008866398376059331,0.0008397065103054047,0.0002846457064151764,0.3268260459370999,4,2816,1 -23817,0.001163081220310218,0.0007235892117023468,0.000910591334104538,0.8993343106345577,4,2817,1 -23818,0.0010353775332050243,0.0009460039436817169,0.0004208125174045563,0.4185476393246487,4,2818,1 -23819,0.0008571274270815201,0.00029307976365089417,0.0008054636418819427,1.2218236936158338,4,2819,1 -23820,0.0007104852527618904,0.00038985535502433777,0.000593971461057663,0.9899675059550938,4,2820,1 -23821,0.000820584075765779,0.0007385313510894775,0.0003576725721359253,0.4510109235020439,4,2821,1 -23822,0.0011203500656947723,0.0005438253283500671,0.0009795092046260834,1.0639681428565213,4,2822,1 -23823,0.0011648058425268132,0.0010956600308418274,0.0003953501582145691,0.3462927027151736,4,2823,1 -23824,0.0008564228339588477,0.0005044899880886078,0.0006920620799064636,0.9408931930865139,4,2824,1 -23825,0.0007763673213495229,0.00017391890287399292,0.0007566362619400024,1.3448628023453162,4,2825,1 -23826,0.0009424383927573704,0.0004692487418651581,0.0008173100650310516,1.0496101264795812,4,2826,1 -23827,0.00106990063681973,0.0006838440895080566,0.0008228272199630737,0.8773830042608464,4,2827,1 -23828,0.0008444404472333404,0.0006289035081863403,0.0005635246634483337,0.7306246756310307,4,2828,1 -23829,0.0013291715214634775,0.0004192143678665161,0.0012613311409950256,1.2499232061661123,4,2829,1 -23830,0.0010209672667588984,0.0004943870007991791,0.0008932836353778839,1.0653089316471627,4,2830,1 -23831,0.0007475510448019211,0.00044366344809532166,0.0006016604602336884,0.9354091578610607,4,2831,1 -23832,0.0011046350885154964,0.0010204054415225983,0.00042307376861572266,0.39304031547975593,4,2832,1 -23833,0.000923834432241949,0.0006873756647109985,0.0006172396242618561,0.731689924260519,4,2833,1 -23834,0.0011356696783661438,0.0010434389114379883,0.00044830888509750366,0.40579888075748255,4,2834,1 -23835,0.0009918880277001278,0.0006987825036048889,0.0007039494812488556,0.7890816569878161,4,2835,1 -23836,0.0011062155683202164,0.0008491724729537964,0.0007089562714099884,0.6956497841885824,4,2836,1 -23837,0.0011032762225712763,0.0009831935167312622,0.0005005486309528351,0.47090496520434605,4,2837,1 -23838,0.0009238191811113763,0.00042034685611724854,0.0008226484060287476,1.0984130159622427,4,2838,1 -23839,0.0010068662381026638,0.00033167749643325806,0.0009506680071353912,1.235111711896816,4,2839,1 -23840,0.0011249807476721148,0.000402156263589859,0.0010506436228752136,1.205229897881415,4,2840,1 -23841,0.0011469658025723855,0.0010940581560134888,0.00034433603286743164,0.30491776396217346,4,2841,1 -23842,0.000747504039616738,0.00011328235268592834,0.0007388703525066376,1.418662680040779,4,2842,1 -23843,0.0008540504255141038,0.0006926245987415314,0.0004996731877326965,0.6249575706102869,4,2843,1 -23844,0.0009451581005472294,0.0005284063518047333,0.0007836520671844482,0.9775366895373271,4,2844,1 -23845,0.001288233486140984,0.0008065812289714813,0.0010044761002063751,0.894236707974979,4,2845,1 -23846,0.0011152375162668785,0.000644635409116745,0.0009100548923015594,0.9544897354804421,4,2846,1 -23847,0.001284996646305203,0.00041750818490982056,0.0012152791023254395,1.239879825417172,4,2847,1 -23848,0.0013840897402094075,0.0009876452386379242,0.0009696707129478455,0.7762151694998738,4,2848,1 -23849,0.0016952513507829596,0.0003260597586631775,0.0016635991632938385,1.377253149076656,4,2849,1 -23850,0.0008069654560314621,0.0005278736352920532,0.0006103627383708954,0.8577426660539441,4,2850,1 -23851,0.0008157388630145658,0.0007724687457084656,0.0002621486783027649,0.32716899008393036,4,2851,1 -23852,0.0012810891688654542,0.00047567859292030334,0.0011895038187503815,1.190379047221422,4,2852,1 -23853,0.0011119117810567728,0.0009381547570228577,0.0005968362092971802,0.5665991958214069,4,2853,1 -23854,0.001273076573658381,0.0007325373589992523,0.0010412074625492096,0.9576944504368718,4,2854,1 -23855,0.0009529069833114262,0.0005845613777637482,0.0007525421679019928,0.910373764756356,4,2855,1 -23856,0.0009529442617113367,0.00047275424003601074,0.0008274093270301819,1.0516967612076902,4,2856,1 -23857,0.0012794297796297326,0.0007805526256561279,0.0010137446224689484,0.9146366416330772,4,2857,1 -23858,0.0007552503100353312,0.000428125262260437,0.000622183084487915,0.9681004876864795,4,2858,1 -23859,0.0009058849862029259,0.0008152984082698822,0.0003948621451854706,0.45102194762372194,4,2859,1 -23860,0.0008337777967453589,0.0005319416522979736,0.000642046332359314,0.8789115114082878,4,2860,1 -23861,0.0010012956817453556,0.0006460584700107574,0.0007649846374988556,0.8694818901326717,4,2861,1 -23862,0.0009220331385371896,0.00027328357100486755,0.0008806027472019196,1.2698832776845899,4,2862,1 -23863,0.000820940560458618,0.0007356107234954834,0.00036444514989852905,0.45998659905205674,4,2863,1 -23864,0.0010837274607178257,0.0006181560456752777,0.0008901394903659821,0.9638059177354911,4,2864,1 -23865,0.0010364302862581052,0.00036980584263801575,0.0009682103991508484,1.2059483816500147,4,2865,1 -23866,0.0012277757821804742,0.000582132488489151,0.0010809972882270813,1.076814063282487,4,2866,1 -23867,0.0011588256264591886,0.001115690916776657,0.0003132261335849762,0.2737006432098817,4,2867,1 -23868,0.0007766931874024391,0.0005552731454372406,0.0005430690944194794,0.7742872834118149,4,2868,1 -23869,0.0010214631179793286,0.0004717782139778137,0.000905986875295639,1.0906993990163139,4,2869,1 -23870,0.0005917840541185269,0.0005162172019481659,0.0002893581986427307,0.5108960806468744,4,2870,1 -23871,0.0008929251985128859,0.0005058944225311279,0.0007357895374298096,0.9684728826176653,4,2871,1 -23872,0.0009507025288755237,0.0006115846335887909,0.000727873295545578,0.8719987244277443,4,2872,1 -23873,0.001235097124370915,0.0005330145359039307,0.0011141635477542877,1.1245785066046312,4,2873,1 -23874,0.0011008257356377234,0.0005340650677680969,0.0009625963866710663,1.064262185921634,4,2874,1 -23875,0.0011828665985453822,0.0008260868489742279,0.000846613198518753,0.7976689344391523,4,2875,1 -23876,0.0008829406477688486,0.0005689263343811035,0.0006752088665962219,0.8706180956170484,4,2876,1 -23877,0.0008975370598748218,0.0007822923362255096,0.0004399903118610382,0.5123417540654838,4,2877,1 -23878,0.0009347257632024538,0.00024453550577163696,0.000902172178030014,1.3061043016995764,4,2878,1 -23879,0.000831713752891226,0.0006632208824157715,0.0005018822848796844,0.6477974300153008,4,2879,1 -23880,0.0008828467571607236,0.0003083460032939911,0.000827249139547348,1.2140115123889426,4,2880,1 -23881,0.0012104441084895441,0.000956367701292038,0.0007419809699058533,0.6598298540178035,4,2881,1 -23882,0.0012330843616586802,0.0011714287102222443,0.00038503482937812805,0.3175641519719378,4,2882,1 -23883,0.0009212495946782721,0.0003957226872444153,0.0008319281041622162,1.1268020155853429,4,2883,1 -23884,0.00122265761934569,0.0004216320812702179,0.0011476576328277588,1.2187185678313184,4,2884,1 -23885,0.0008521690305002781,0.0006454139947891235,0.0005564466118812561,0.7115082205790528,4,2885,1 -23886,0.0010324782584920453,0.0005125775933265686,0.0008962564170360565,1.0512877129278704,4,2886,1 -23887,0.000710078169641858,0.00047950446605682373,0.0005237236618995667,0.8294465627366847,4,2887,1 -23888,0.0008054337778840444,0.000744987279176712,0.0003061331808567047,0.3898880349167474,4,2888,1 -23889,0.00099925450931419,0.0004393048584461212,0.0008975081145763397,1.1156067443213906,4,2889,1 -23890,0.0009272705432053684,0.00036882609128952026,0.0008507631719112396,1.1617281454977872,4,2890,1 -23891,0.0008569468496991537,0.0005415529012680054,0.0006641373038291931,0.8867215492139348,4,2891,1 -23892,0.001207466415528021,0.0003736764192581177,0.0011481903493404388,1.2561591493281228,4,2892,1 -23893,0.000961301124511544,0.0006457529962062836,0.0007121115922927856,0.8342291330265661,4,2893,1 -23894,0.0008992667710157804,0.00027896836400032043,0.0008549019694328308,1.2553744287204227,4,2894,1 -23895,0.0008166805174455835,0.0005826205015182495,0.0005722939968109131,0.776457043044925,4,2895,1 -23896,0.0011051522064493982,0.0010424591600894928,0.0003669336438179016,0.3384452186699667,4,2896,1 -23897,0.0010728287066696686,0.0010011158883571625,0.00038565322756767273,0.36770335508046487,4,2897,1 -23898,0.0014033576141081285,0.0011281296610832214,0.0008347071707248688,0.6370080210682155,4,2898,1 -23899,0.0009282047469241329,0.00040469318628311157,0.0008353367447853088,1.1196520600719344,4,2899,1 -23900,0.0006476639347614814,0.0004462525248527527,0.00046939030289649963,0.8106622231331229,4,2900,1 -23901,0.0011499688362379666,0.0005261488258838654,0.0010225437581539154,1.0955774105803613,4,2901,1 -23902,0.0008110663155984443,0.0004890896379947662,0.0006470084190368652,0.9235141877434805,4,2902,1 -23903,0.00057459025671592,-3.203749656677246e-06,0.0005745813250541687,1.5763720674543633,4,2903,1 -23904,0.0009895884122786704,0.0009763650596141815,0.0001612342894077301,0.1636602765994171,4,2904,1 -23905,0.0011339887970108868,0.001063365489244461,0.00039393454790115356,0.354784607110768,4,2905,1 -23906,0.0008844527497968661,0.0002513304352760315,0.000847991555929184,1.2826610085554293,4,2906,1 -23907,0.00064596545067212,0.00025691092014312744,0.0005926787853240967,1.1617699670339237,4,2907,1 -23908,0.0006699274722919884,0.00026492029428482056,0.0006153210997581482,1.1642426944389836,4,2908,1 -23909,0.000863824130122457,0.0007161758840084076,0.00048299506306648254,0.5933431616146739,4,2909,1 -23910,0.0007981327481137751,0.0006368160247802734,0.00048112496733665466,0.6470222834540943,4,2910,1 -23911,0.0009819812190820219,0.0002842806279659271,0.000939931720495224,1.2770950217381216,4,2911,1 -23912,0.0009727632873112581,0.0009229853749275208,0.0003071911633014679,0.321291576073516,4,2912,1 -23913,0.000765532612163922,0.0006612390279769897,0.00038575008511543274,0.5281052732387826,4,2913,1 -23914,0.0010352663317532694,0.0005793571472167969,0.0008579753339290619,0.9768674852298749,4,2914,1 -23915,0.001078970910405718,0.000782310962677002,0.0007430799305438995,0.7596851570153246,4,2915,1 -23916,0.0010004366840583282,0.0005203410983085632,0.0008544698357582092,1.0238119390115983,4,2916,1 -23917,0.0008081083860425362,0.0004432015120983124,0.0006757304072380066,0.9902950657071719,4,2917,1 -23918,0.0011317647391702582,0.0007027797400951385,0.0008871257305145264,0.9008304865094379,4,2918,1 -23919,0.0010480361079435283,0.00044144317507743835,0.0009505301713943481,1.1360174166822607,4,2919,1 -23920,0.0010059188692932435,0.0007111020386219025,0.0007114820182323456,0.7856652685991239,4,2920,1 -23921,0.0006268293160719209,0.0005378872156143188,0.00032185763120651245,0.5392229262657152,4,2921,1 -23922,0.0008812395667563758,0.0005758143961429596,0.0006670989096164703,0.8587105272191823,4,2922,1 -23923,0.0012089848216513858,0.00045031309127807617,0.0011219903826713562,1.1891249705509281,4,2923,1 -23924,0.0007150400475922201,0.00028403475880622864,0.0006562061607837677,1.1623007257075906,4,2924,1 -23925,0.001195751322386066,0.0006819926202297211,0.0009821951389312744,0.9638686553943419,4,2925,1 -23926,0.0011013054841749752,0.00043464452028274536,0.0010119080543518066,1.165095282991641,4,2926,1 -23927,0.0007098337858892148,0.0003821738064289093,0.0005981698632240295,1.0022602312473587,4,2927,1 -23928,0.0011474873497709416,0.0007502809166908264,0.0008682198822498322,0.8581388620580778,4,2928,1 -23929,0.0007466698477919724,0.0002479366958141327,0.0007043033838272095,1.2323132102752052,4,2929,1 -23930,0.001210851577933428,0.0010290369391441345,0.0006381571292877197,0.5551039800432788,4,2930,1 -23931,0.0009954368320153613,0.0009063705801963806,0.0004115663468837738,0.4262431299451891,4,2931,1 -23932,0.000878781794119106,0.0004699975252151489,0.0007425360381603241,1.0064915924669122,4,2932,1 -23933,0.0007688673952116488,0.00054149329662323,0.000545840710401535,0.7893963742367345,4,2933,1 -23934,0.0007179684533479111,0.0003424808382987976,0.0006310194730758667,1.0735424666084776,4,2934,1 -23935,0.0009831866063431585,0.0009328871965408325,0.0003104470670223236,0.3212533072698365,4,2935,1 -23936,0.001085749317914388,0.0007396861910820007,0.0007948055863380432,0.8213030200722232,4,2936,1 -23937,0.000559753789539795,0.00034990161657333374,0.00043691322207450867,0.8955377771282671,4,2937,1 -23938,0.000923661007007515,0.0006331726908683777,0.0006724894046783447,0.815501539136374,4,2938,1 -23939,0.0009960815419710867,0.0005460493266582489,0.000833071768283844,0.9905889173924946,4,2939,1 -23940,0.0010524665519925508,0.0004338473081588745,0.0009588859975337982,1.145907420287986,4,2940,1 -23941,0.0009691703264226984,0.0006792284548282623,0.0006913319230079651,0.7942289699431669,4,2941,1 -23942,0.0008058326950946957,0.00034746527671813965,0.0007270723581314087,1.1249874261520771,4,2942,1 -23943,0.0007757591756590963,0.000711299479007721,0.0003096051514148712,0.41053460393856245,4,2943,1 -23944,0.0009377360398278902,0.0007898174226284027,0.0005055069923400879,0.569334605778359,4,2944,1 -23945,0.00127458674598935,0.0005942545831203461,0.001127578318119049,1.0857683136059604,4,2945,1 -23946,0.0006291975596184444,0.0004244297742843628,0.00046448782086372375,0.8304315431234232,4,2946,1 -23947,0.0008730868054872301,0.0008300207555294037,0.0002708248794078827,0.3153953938415821,4,2947,1 -23948,0.000952695513361198,0.0008060149848461151,0.0005079060792922974,0.5622903311756607,4,2948,1 -23949,0.0010928980095322128,0.000437222421169281,0.0010016299784183502,1.1592163671155962,4,2949,1 -23950,0.001352845463739921,0.0012406930327415466,0.0005393251776695251,0.41005509475838786,4,2950,1 -23951,0.0008462309356379249,0.000365331768989563,0.0007633082568645477,1.124401557158262,4,2951,1 -23952,0.0010594752073351842,0.0008152835071086884,0.0006766095757484436,0.6927128300722402,4,2952,1 -23953,0.0012131393975322211,0.0005703642964363098,0.001070696860551834,1.0813292423587582,4,2953,1 -23954,0.0011231615399228039,0.000621989369392395,0.0009352117776870728,0.9838939380629095,4,2954,1 -23955,0.0010073259259030128,0.0004851818084716797,0.0008827820420265198,1.0682560950996365,4,2955,1 -23956,0.0007444158435375558,0.0005451254546642303,0.0005069449543952942,0.7491232604719821,4,2956,1 -23957,0.0010046256771933306,0.0008160024881362915,0.0005860142409801483,0.6228052568219062,4,2957,1 -23958,0.0011240388912826256,0.0007362812757492065,0.0008493252098560333,0.856571553672509,4,2958,1 -23959,0.001124810471220633,0.0009479895234107971,0.0006054043769836426,0.5683330576458998,4,2959,1 -23960,0.0007953858467128154,0.0003867633640766144,0.0006950199604034424,1.0629931605135763,4,2960,1 -23961,0.0008298142043594293,0.0005163662135601044,0.0006495825946331024,0.8991606140951114,4,2961,1 -23962,0.0008383471040731526,0.0003731474280357361,0.0007507242262363434,1.1095115534152915,4,2962,1 -23963,0.0007769946334130215,0.00045165419578552246,0.0006322413682937622,0.9504911060383158,4,2963,1 -23964,0.0009984198127957538,0.0007927790284156799,0.0006069131195545197,0.6533799582465303,4,2964,1 -23965,0.0010467938954084662,0.0009389705955982208,0.0004627220332622528,0.4578687432682565,4,2965,1 -23966,0.0011694120182328828,0.0009123310446739197,0.0007315576076507568,0.6758712821278414,4,2966,1 -23967,0.0010623379137570555,0.0004943720996379852,0.0009402967989444733,1.086752346611554,4,2967,1 -23968,0.0011582983978051325,0.0006592497229576111,0.0009523890912532806,0.9653202119435439,4,2968,1 -23969,0.0009279850329396864,0.0006021596491336823,0.0007060877978801727,0.8646724235862231,4,2969,1 -23970,0.0008250009868105081,0.00028857216238975525,0.0007728859782218933,1.21345577548176,4,2970,1 -23971,0.0011563725775222747,0.0005206502974033356,0.0010325312614440918,1.1037572739831498,4,2971,1 -23972,0.0009891663668053449,0.0006090030074119568,0.000779464840888977,0.9075566079189569,4,2972,1 -23973,0.0009071862959548402,0.0008246675133705139,0.0003780350089073181,0.4298248069191549,4,2973,1 -23974,0.0012606163498097925,0.0006032846868038177,0.0011068880558013916,1.0717786094155644,4,2974,1 -23975,0.0008862596914411643,0.0004568919539451599,0.0007594116032123566,1.0291722449369143,4,2975,1 -23976,0.0007974699042521681,0.0005913823843002319,0.0005350001156330109,0.7353838488123497,4,2976,1 -23977,0.001006287168813795,0.0007314570248126984,0.0006910748779773712,0.7570182693043237,4,2977,1 -23978,0.001100734446048476,0.000593431293964386,0.000927068293094635,1.001400811629044,4,2978,1 -23979,0.0009694709497013673,0.000438150018453598,0.0008648112416267395,1.1018489514637797,4,2979,1 -23980,0.0010842891514386557,0.0007180348038673401,0.0008124709129333496,0.8470225893507156,4,2980,1 -23981,0.0010369105552456303,0.0007178820669651031,0.0007482171058654785,0.8060861984176824,4,2981,1 -23982,0.000771335662906901,0.00048733875155448914,0.0005978792905807495,0.8869082679680944,4,2982,1 -23983,0.0013478968256135943,0.0012457147240638733,0.0005148015916347504,0.39188319383696296,4,2983,1 -23984,0.0008384239706404605,0.0005550719797611237,0.0006283707916736603,0.8472560745715942,4,2984,1 -23985,0.0009550589793840697,0.00045329704880714417,0.0008406303822994232,1.0762557951897878,4,2985,1 -23986,0.0009181884280719108,0.00038514286279678345,0.000833507627248764,1.1379464965488835,4,2986,1 -23987,0.0009879868312923175,0.00070204958319664,0.0006951577961444855,0.7804656592735102,4,2987,1 -23988,0.0009101802645689745,0.0007786862552165985,0.00047124922275543213,0.5442232632448458,4,2988,1 -23989,0.0010917171896194385,0.0008733049035072327,0.0006551221013069153,0.6436062083030245,4,2989,1 -23990,0.0012118296498598042,0.0005868077278137207,0.0010602772235870361,1.065310173295977,4,2990,1 -23991,0.0007262900211439398,0.0004796236753463745,0.0005453974008560181,0.8494784772462841,4,2991,1 -23992,0.001304247093724061,0.0005141012370586395,0.0011986494064331055,1.16562663032659,4,2992,1 -23993,0.0009223151264965687,0.0005152150988578796,0.000764995813369751,0.9780864786482996,4,2993,1 -23994,0.0007815992529602894,0.0003752410411834717,0.0006856322288513184,1.0700345633949364,4,2994,1 -23995,0.0010116113634212548,0.0007843375205993652,0.0006388835608959198,0.6835512388088403,4,2995,1 -23996,0.000847514270399197,0.0005606673657894135,0.0006355568766593933,0.8479214743601924,4,2996,1 -23997,0.00040110107052734065,0.00038401782512664795,-0.00011581182479858398,-0.29290505803868905,4,2997,1 -23998,0.0012695910506675203,0.0006286799907684326,0.0011030063033103943,1.0527507921650174,4,2998,1 -23999,0.0010895275602287673,0.0009215027093887329,0.0005812942981719971,0.5627672988857033,4,2999,1 diff --git a/extras/classification/calibrate_qubit_states/parameters.csv b/extras/classification/calibrate_qubit_states/parameters.csv deleted file mode 100644 index 6c08d3f00..000000000 --- a/extras/classification/calibrate_qubit_states/parameters.csv +++ /dev/null @@ -1,5 +0,0 @@ -,average_state1,fidelity,rotation_angle,threshold,qubit,assignment_fidelity,average_state0 -0,(-0.0001425723284482956-0.0005930572350819906j),0.727,-1.646776634082909,0.0003855139523197204,1,0.13649999999999995,(-0.0001246903178592523-0.00035815970723827677j) -1,(0.0015654905314246813+0.0021019549841682114j),0.9853333333333333,1.259910613288602,0.0031783688666734834,2,0.007333333333333303,(0.0011747067806621393+0.0008857133872807025j) -2,(-0.0017344948649406432-0.003100320282081763j),0.877,-1.7151949654955652,0.0010495724203721042,3,0.0615,(-0.0015028446142872174-0.001507244569559892j) -3,(0.0006098711341619491+0.0007157413872579733j),0.343,2.476908074562068,0.0007482549761447658,4,0.6715,(0.0009256044067442417+0.0004683205944796403j) diff --git a/extras/entanglement_tests/bell_functions.py b/extras/entanglement_tests/bell_functions.py deleted file mode 100644 index fdfa43098..000000000 --- a/extras/entanglement_tests/bell_functions.py +++ /dev/null @@ -1,382 +0,0 @@ -import json -import time -from collections import defaultdict - -import matplotlib.pyplot as plt -import numpy as np -from qibo import gates -from qibo.models import Circuit -from qibolab.pulses import PulseSequence -from utils import calculate_frequencies - - -class BellExperiment: - def __init__(self, platform, nqubits, readout_error_model=(0.0, 0.0)): - """Platform should be left None for simulation""" - self.platform = platform - self.nqubits = nqubits - self.rerr = readout_error_model - - def create_bell_sequence(self, qubits, theta=np.pi / 4, bell_state=0): - """Creates the pulse sequence to generate the bell states and with a theta-measurement - bell_state chooses the initial bell state for the test: - 0 -> |00>+|11> - 1 -> |00>-|11> - 2 -> |10>-|01> - 3 -> |10>+|01> - """ - platform = self.platform - - virtual_z_phases = defaultdict(int) - - sequence = PulseSequence() - sequence.add( - platform.create_RX90_pulse(qubits[0], start=0, relative_phase=np.pi / 2) - ) - sequence.add( - platform.create_RX90_pulse(qubits[1], start=0, relative_phase=np.pi / 2) - ) - - (cz_sequence, cz_virtual_z_phases) = platform.create_CZ_pulse_sequence( - qubits, sequence.finish - ) - sequence.add(cz_sequence) - for qubit in cz_virtual_z_phases: - virtual_z_phases[qubit] += cz_virtual_z_phases[qubit] - - t = sequence.finish - - sequence.add( - platform.create_RX90_pulse( - qubits[1], - start=t, - relative_phase=virtual_z_phases[qubits[1]] - np.pi / 2, - ) - ) - - if bell_state == 0: - virtual_z_phases[qubits[0]] += np.pi - elif bell_state == 1: - virtual_z_phases[qubits[0]] += 0 - elif bell_state == 2: - virtual_z_phases[qubits[0]] += 0 - sequence.add( - platform.create_RX_pulse( - qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] - ) - ) - elif bell_state == 3: - virtual_z_phases[qubits[0]] += np.pi - sequence.add( - platform.create_RX_pulse( - qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] - ) - ) - - t = sequence.finish - sequence.add( - platform.create_RX90_pulse( - qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] - ) - ) - virtual_z_phases[qubits[0]] += theta - sequence.add( - platform.create_RX90_pulse( - qubits[0], - start=sequence.finish, - relative_phase=virtual_z_phases[qubits[0]] + np.pi, - ) - ) - - return sequence, virtual_z_phases - - def create_chsh_sequences(self, qubits, theta=np.pi / 4, bell_state=0): - """Creates the pulse sequences needed for the 4 measurement settings for chsh.""" - - platform = self.platform - - readout_basis = [["Z", "Z"], ["Z", "X"], ["X", "Z"], ["X", "X"]] - - chsh_sequences = [] - - for basis in readout_basis: - sequence, virtual_z_phases = self.create_bell_sequence( - qubits, theta, bell_state - ) - t = sequence.finish - for i, base in enumerate(basis): - if base == "X": - sequence.add( - platform.create_RX90_pulse( - qubits[i], - start=t, - relative_phase=virtual_z_phases[qubits[i]] + np.pi / 2, - ) - ) - measurement_start = sequence.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence.add(MZ_pulse) - chsh_sequences.append(sequence) - - return chsh_sequences - - def create_bell_circuit(self, qubits, theta=np.pi / 4, bell_state=0, native=True): - """Creates the circuit to generate the bell states and with a theta-measurement - bell_state chooses the initial bell state for the test: - 0 -> |00>+|11> - 1 -> |00>-|11> - 2 -> |10>-|01> - 3 -> |10>+|01> - Native defaults to only using GPI2 and GPI gates. - """ - nqubits = self.nqubits - - c = Circuit(nqubits) - p = [0, 0] - if native: - c.add(gates.GPI2(qubits[0], np.pi / 2)) - c.add(gates.GPI2(qubits[1], np.pi / 2)) - c.add(gates.CZ(qubits[0], qubits[1])) - c.add(gates.GPI2(qubits[1], -np.pi / 2)) - if bell_state == 0: - p[0] += np.pi - elif bell_state == 1: - p[0] += 0 - elif bell_state == 2: - p[0] += 0 - c.add(gates.GPI2(qubits[0], p[0])) - c.add(gates.GPI2(qubits[0], p[0])) - elif bell_state == 3: - p[0] += np.pi - c.add(gates.GPI2(qubits[0], p[0])) - c.add(gates.GPI2(qubits[0], p[0])) - - c.add(gates.GPI2(qubits[0], p[0])) - p[0] += theta - c.add(gates.GPI2(qubits[0], p[0] + np.pi)) - - else: - c.add(gates.H(qubits[0])) - c.add(gates.H(qubits[1])) - c.add(gates.CZ(qubits[0], qubits[1])) - c.add(gates.H(qubits[1])) - - if bell_state == 1: - c.add(gates.Z(qubits[0])) - elif bell_state == 2: - c.add(gates.Z(qubits[0])) - c.add(gates.X(qubits[0])) - elif bell_state == 3: - c.add(gates.X(qubits[0])) - - c.add(gates.RY(qubits[0], theta)) - return c, p - - def create_chsh_circuits( - self, qubits, theta=np.pi / 4, bell_state=0, native=True, rerr=None - ): - """Creates the circuits needed for the 4 measurement settings for chsh. - Native defaults to only using GPI2 and GPI gates. - rerr adds a readout bitflip error to the simulation. - """ - if not rerr: - rerr = self.rerr - - readout_basis = [["Z", "Z"], ["Z", "X"], ["X", "Z"], ["X", "X"]] - - chsh_circuits = [] - - for basis in readout_basis: - c, p = self.create_bell_circuit(qubits, theta, bell_state, native) - for i, base in enumerate(basis): - if base == "X": - if native: - c.add(gates.GPI2(qubits[i], p[i] + np.pi / 2)) - else: - c.add(gates.H(qubits[i])) - for qubit in qubits: - c.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - chsh_circuits.append(c) - - return chsh_circuits - - def compute_chsh(self, frequencies, basis): - """Computes the chsh inequality out of the frequencies of the 4 circuits executed.""" - chsh = 0 - aux = 0 - for freq in frequencies: - for outcome in freq: - if aux == 1 + 2 * ( - basis % 2 - ): # This value sets where the minus sign is in the CHSH inequality - chsh -= (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome] - else: - chsh += (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome] - aux += 1 - nshots = sum(freq[x] for x in freq) - return chsh / nshots - - def plot( - self, - thetas, - chsh_values, - mitigated_chsh_values=None, - exact_chsh_values=None, - title="test", - ): - """Standard plot for the chsh results. It can plot the mitigated and exact expected values as well.""" - - fig = plt.figure(figsize=(12, 8)) - plt.rcParams.update({"font.size": 22}) - plt.plot(thetas, chsh_values, "o-", label="bare") - if mitigated_chsh_values: - plt.plot(thetas, mitigated_chsh_values, "o-", label="mitigated") - if exact_chsh_values: - plt.plot(thetas, exact_chsh_values, "o-", label="exact") - plt.grid(which="major", axis="both") - plt.rcParams.update({"font.size": 16}) - plt.legend() - plt.axhline(y=2, color="r", linestyle="-") - plt.axhline(y=-2, color="r", linestyle="-") - plt.axhline(y=np.sqrt(2) * 2, color="k", linestyle="-.") - plt.axhline(y=-np.sqrt(2) * 2, color="k", linestyle="-.") - plt.xlabel("Theta") - plt.ylabel("CHSH value") - plt.title(f"Bell basis = {title}") - fig.savefig(f"bell_sweep_{title}.png", dpi=300, bbox_inches="tight") - - def execute_sequence(self, sequence, qubits, nshots): - platform = self.platform - results = platform.execute_pulse_sequence(sequence, nshots=nshots) - frequencies = calculate_frequencies(results[qubits[0]], results[qubits[1]]) - return frequencies - - def execute_circuit(self, circuit, nshots): - result = circuit(nshots=nshots) - frequencies = result.frequencies() - return frequencies - - def execute( - self, - qubits, - bell_basis, - thetas, - nshots=1024, - pulses=False, - native=True, - readout_mitigation=None, - exact=False, - ): - """Executes the Bell experiment, with the given bell basis and thetas. - pulses decides if to execute in the experiment directly in pulses. - native uses the native interactions but using qibo gates. - readout_mitigation allows to pass a ReadoutErrorMitigation object. - exact also computes the exact simulation to compare with noisy results. - - """ - chsh_values_basis = [] - if readout_mitigation: - mitigated_chsh_values_basis = [] - if exact: - exact_chsh_values_basis = [] - - for basis in bell_basis: - chsh_values = [] - if readout_mitigation: - mitigated_chsh_values = [] - if exact: - exact_chsh_values = [] - for theta in thetas: - chsh_frequencies = [] - if readout_mitigation: - mitigated_chsh_frequencies = [] - if exact: - exact_chsh_frequencies = [] - if pulses: - chsh_sequences = self.create_chsh_sequences(qubits, theta, basis) - for sequence in chsh_sequences: - frequencies = self.execute_sequence(sequence, qubits, nshots) - chsh_frequencies.append(frequencies) - else: - chsh_circuits = self.create_chsh_circuits( - qubits, theta, basis, native - ) - for circuit in chsh_circuits: - frequencies = self.execute_circuit(circuit, nshots) - chsh_frequencies.append(frequencies) - if exact: - exact_chsh_circuits = self.create_chsh_circuits( - qubits, theta, basis, native, rerr=(0.0, 0.0) - ) - for circuit in exact_chsh_circuits: - frequencies = self.execute_circuit(circuit, nshots) - exact_chsh_frequencies.append(frequencies) - - if readout_mitigation: - for frequency in chsh_frequencies: - mitigated_frequency = ( - readout_mitigation.apply_readout_mitigation(frequency) - ) - mitigated_chsh_frequencies.append(mitigated_frequency) - - chsh_bare = self.compute_chsh(chsh_frequencies, basis) - chsh_values.append(chsh_bare) - if readout_mitigation: - chsh_mitigated = self.compute_chsh( - mitigated_chsh_frequencies, basis - ) - mitigated_chsh_values.append(chsh_mitigated) - if exact: - chsh_exact = self.compute_chsh(exact_chsh_frequencies, basis) - exact_chsh_values.append(chsh_exact) - - chsh_values_basis.append(chsh_values) - if readout_mitigation: - mitigated_chsh_values_basis.append(mitigated_chsh_values) - if exact: - exact_chsh_values_basis.append(exact_chsh_values) - - timestr = time.strftime("%Y%m%d-%H%M") - - if readout_mitigation: - data = { - "chsh_bare": chsh_values_basis, - "chsh_mitigated": mitigated_chsh_values_basis, - } - with open(f"{timestr}_chsh.json", "w") as file: - json.dump(data, file) - if exact: - for i in range(len(bell_basis)): - self.plot( - thetas, - chsh_values_basis[i], - mitigated_chsh_values_basis[i], - exact_chsh_values=exact_chsh_values_basis[i], - title=bell_basis[i], - ) - else: - for i in range(len(bell_basis)): - self.plot( - thetas, - chsh_values_basis[i], - mitigated_chsh_values_basis[i], - title=bell_basis[i], - ) - # return chsh_values_basis, mitigated_chsh_values_basis - else: - data = {"chsh_bare": chsh_values_basis} - with open(f"{timestr}_chsh.json", "w") as file: - json.dump(data, file) - if exact: - for i in range(len(bell_basis)): - self.plot( - thetas, - chsh_values_basis[i], - exact_chsh_values=exact_chsh_values_basis[i], - title=bell_basis[i], - ) - else: - for i in range(len(bell_basis)): - self.plot(thetas, chsh_values_basis[i], title=bell_basis[i]) - # return chsh_values_basis diff --git a/extras/entanglement_tests/bell_main.py b/extras/entanglement_tests/bell_main.py deleted file mode 100644 index c907a7193..000000000 --- a/extras/entanglement_tests/bell_main.py +++ /dev/null @@ -1,83 +0,0 @@ -import shutil -import time - -import numpy as np -from bell_functions import BellExperiment -from qibo import set_backend -from qibo.config import log -from qibolab import Platform -from qibolab.backends import QibolabBackend -from qibolab.paths import qibolab_folder -from readout_mitigation import ReadoutErrorMitigation - -nqubits = 5 -qubits = [2, 3] -nshots = 10000 -runcard = "../../../qibolab/src/qibolab/runcards/qw5q_gold_qblox.yml" -timestr = time.strftime("%Y%m%d-%H%M") -shutil.copy(runcard, f"{timestr}_runcard.yml") -ntheta = 20 - -bell_basis = [0, 1, 2, 3] - -thetas = np.linspace(0, 2 * np.pi, ntheta) - -platform = Platform("qblox", runcard) -# platform = None - -platform.connect() -platform.setup() -platform.start() - -readout_mitigation = ReadoutErrorMitigation(platform, nqubits, qubits) - -calibration_matrix = readout_mitigation.get_calibration_matrix(nshots) - -bell = BellExperiment(platform, nqubits) - -bell.execute( - qubits, - bell_basis, - thetas, - nshots, - pulses=True, - native=True, - readout_mitigation=readout_mitigation, - exact=True, -) - -platform.stop() -platform.disconnect() - -""" -Simulation version: - -set_backend('numpy') - -nqubits = 5 -qubits = [2, 3] -nshots = 10000 -ntheta = 20 - -rerr = (0.05, 0.25) - -bell_basis = [0, 1, 2, 3] - -thetas = np.linspace(0, 2*np.pi, ntheta) - -readout_mitigation = ReadoutErrorMitigation(None, nqubits, qubits, rerr) - -calibration_matrix = readout_mitigation.get_calibration_matrix(nshots) - -bell = BellExperiment(None, nqubits, rerr) - -bell.execute(qubits, - bell_basis, - thetas, - nshots, - pulses=False, - native=True, - readout_mitigation=readout_mitigation, - exact=True) - -""" diff --git a/extras/entanglement_tests/readout_mitigation.py b/extras/entanglement_tests/readout_mitigation.py deleted file mode 100644 index cba549352..000000000 --- a/extras/entanglement_tests/readout_mitigation.py +++ /dev/null @@ -1,104 +0,0 @@ -import numpy as np -from qibo import gates -from qibo.models import Circuit -from qibolab.pulses import PulseSequence -from utils import calculate_frequencies - - -class ReadoutErrorMitigation: - def __init__(self, platform, nqubits, qubits, readout_error_model=(0.0, 0.0)): - """Platform should be left None to default to simulation. nqubits should be the total - number of qubits in the chip, while qubits are the qubits that are targetted. - """ - self.platform = platform - self.nqubits = nqubits - self.qubits = qubits - self.calibration_matrix = None - self.rerr = readout_error_model - - def get_calibration_matrix(self, nshots=1024): - """Self explanatory. Prepare states and measure in order to get the readout - matrix for error correction. - """ - nqubits = self.nqubits - qubits = self.qubits - - nq = len(qubits) - - matrix = np.zeros((2**nq, 2**nq)) - - platform = self.platform - - if nq != 2: - raise ValueError("Only 2 qubits supported for now.") - - for i in range(2**nq): - state = format(i, f"0{nq}b") - if platform: - sequence = PulseSequence() - for q, bit in enumerate(state): - if bit == "1": - sequence.add( - platform.create_RX_pulse( - qubits[q], start=0, relative_phase=0 - ) - ) - measurement_start = sequence.finish - for qubit in qubits: - MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) - sequence.add(MZ_pulse) - results = platform.execute_pulse_sequence(sequence, nshots=nshots) - freqs = calculate_frequencies(results[qubits[0]], results[qubits[1]]) - else: - c = Circuit(nqubits) - for q, bit in enumerate(state): - if bit == "1": - c.add(gates.X(qubits[q])) - for qubit in qubits: - c.add(gates.M(qubit, p0=self.rerr[0], p1=self.rerr[1])) - results = c(nshots=nshots) - freqs = results.frequencies() - - column = np.zeros(2**nq) - for key in freqs.keys(): - f = freqs[key] - column[int(key, 2)] = f / nshots - matrix[:, i] = column - - self.calibration_matrix = np.linalg.inv(matrix) - - return self.calibration_matrix - - def apply_readout_mitigation(self, frequencies, calibration_matrix=None): - """Updates the frequencies of the input state with the mitigated ones obtained with `calibration_matrix`*`state.frequencies()`. - - Args: - state (qibo.states.CircuitResult): Input state to be updated. - calibration_matrix (np.ndarray): Calibration matrix for readout mitigation. - - Returns: - qibo.states.CircuitResult : The input state with the updated frequencies. - """ - qubits = self.qubits - nqubits = self.nqubits - nq = len(qubits) - - if calibration_matrix == None: - if self.calibration_matrix is None: - raise ValueError( - "Readout Mitigation Matrix has not been calibrated yet!" - ) - else: - calibration_matrix = self.calibration_matrix - - freq = np.zeros(2**nq) - - for k, v in frequencies.items(): - freq[int(k, 2)] = v - - freq = freq.reshape(-1, 1) - new_freq = {} - for i, val in enumerate(calibration_matrix @ freq): - new_freq[format(i, f"0{nq}b")] = float(val) - - return new_freq diff --git a/extras/entanglement_tests/utils.py b/extras/entanglement_tests/utils.py deleted file mode 100644 index 9016db054..000000000 --- a/extras/entanglement_tests/utils.py +++ /dev/null @@ -1,19 +0,0 @@ -import numpy as np - - -def calculate_frequencies(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} - - -def calculate_probabilities(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return { - f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) - } diff --git a/src/qibocal/protocols/characterization/__init__.py b/src/qibocal/protocols/characterization/__init__.py index e73793d90..dec2fcc0d 100644 --- a/src/qibocal/protocols/characterization/__init__.py +++ b/src/qibocal/protocols/characterization/__init__.py @@ -3,6 +3,7 @@ from .allxy.allxy import allxy from .allxy.allxy_drag_pulse_tuning import allxy_drag_pulse_tuning from .allxy.drag_pulse_tuning import drag_pulse_tuning +from .chsh import chsh_circuits, chsh_pulses from .classification import single_shot_classification from .coherence.spin_echo import spin_echo from .coherence.t1 import t1 @@ -65,3 +66,5 @@ class Operation(Enum): resonator_frequency = resonator_frequency fast_reset = fast_reset zeno = zeno + chsh_pulses = chsh_pulses + chsh_circuits = chsh_circuits diff --git a/src/qibocal/protocols/characterization/chsh/__init__.py b/src/qibocal/protocols/characterization/chsh/__init__.py new file mode 100644 index 000000000..61fe5789b --- /dev/null +++ b/src/qibocal/protocols/characterization/chsh/__init__.py @@ -0,0 +1 @@ +from .protocol import chsh_circuits, chsh_pulses diff --git a/src/qibocal/protocols/characterization/chsh/circuits.py b/src/qibocal/protocols/characterization/chsh/circuits.py new file mode 100644 index 000000000..1c4ea2cc8 --- /dev/null +++ b/src/qibocal/protocols/characterization/chsh/circuits.py @@ -0,0 +1,104 @@ +import numpy as np +from qibo import gates +from qibo.models import Circuit + +from .utils import READOUT_BASIS + + +def create_bell_circuit(nqubits, qubits, theta=np.pi / 4, bell_state=0): + """Creates the circuit to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + Native defaults to only using GPI2 and GPI gates. + """ + p = [0, 0] + c = Circuit(nqubits) + + c.add(gates.H(qubits[0])) + c.add(gates.H(qubits[1])) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.H(qubits[1])) + + if bell_state == 1: + c.add(gates.Z(qubits[0])) + elif bell_state == 2: + c.add(gates.Z(qubits[0])) + c.add(gates.X(qubits[0])) + elif bell_state == 3: + c.add(gates.X(qubits[0])) + + c.add(gates.RY(qubits[0], theta)) + return c, p + + +def create_bell_circuit_native(nqubits, qubits, theta=np.pi / 4, bell_state=0): + """Creates the circuit to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + Native defaults to only using GPI2 and GPI gates. + """ + + c = Circuit(nqubits) + p = [0, 0] + c.add(gates.GPI2(qubits[0], np.pi / 2)) + c.add(gates.GPI2(qubits[1], np.pi / 2)) + c.add(gates.CZ(qubits[0], qubits[1])) + c.add(gates.GPI2(qubits[1], -np.pi / 2)) + if bell_state == 0: + p[0] += np.pi + elif bell_state == 1: + p[0] += 0 + elif bell_state == 2: + p[0] += 0 + c.add(gates.GPI2(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) + elif bell_state == 3: + p[0] += np.pi + c.add(gates.GPI2(qubits[0], p[0])) + c.add(gates.GPI2(qubits[0], p[0])) + + c.add(gates.GPI2(qubits[0], p[0])) + p[0] += theta + c.add(gates.GPI2(qubits[0], p[0] + np.pi)) + + return c, p + + +def create_chsh_circuits( + platform, + qubits, + theta=np.pi / 4, + bell_state=0, + native=True, + rerr=None, + readout_basis=READOUT_BASIS, +): + """Creates the circuits needed for the 4 measurement settings for chsh. + Native defaults to only using GPI2 and GPI gates. + rerr adds a readout bitflip error to the simulation. + """ + create_bell = create_bell_circuit_native if native else create_bell_circuit + chsh_circuits = {} + nqubits = platform.nqubits if platform else max(qubits) + 1 + for basis in readout_basis: + c, p = create_bell(nqubits, qubits, theta, bell_state) + for i, base in enumerate(basis): + if base == "X": + if native: + c.add(gates.GPI2(qubits[i], p[i] + np.pi / 2)) + else: + c.add(gates.H(qubits[i])) + for qubit in qubits: + if rerr is not None: + c.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) + else: + c.add(gates.M(qubit)) + chsh_circuits[basis] = c + + return chsh_circuits diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py new file mode 100644 index 000000000..53fd1907a --- /dev/null +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -0,0 +1,156 @@ +from dataclasses import dataclass, field +from typing import Optional + +import numpy as np +import plotly.graph_objects as go +from qibolab import ExecutionParameters +from qibolab.platform import Platform +from qibolab.qubits import QubitId + +from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine + +from .circuits import create_chsh_circuits +from .pulses import create_chsh_sequences +from .utils import calculate_frequencies, compute_chsh + +COMPUTATIONAL_BASIS = ["00", "01", "10", "11"] + + +@dataclass +class CHSHParameters(Parameters): + """Flipping runcard inputs.""" + + bell_states: list + """""" + nshots: int + ntheta: int + native: bool + readout_error_model: Optional[str] = None + """Error mitigation model""" + + +@dataclass +class CHSHData(Data): + bell_states: list + thetas: list + data: dict[QubitId, QubitId, int, tuple, str] = field(default_factory=dict) + """Raw data acquired.""" + + def register_basis(self, pair, bell_state, basis, frequencies): + """Store output for single qubit.""" + + # Add zero is state do not appear in state + # could be removed by using high number of shots + for i in COMPUTATIONAL_BASIS: + if i not in frequencies: + frequencies[i] = 0 + + for state, freq in frequencies.items(): + if (pair[0], pair[1], bell_state) not in self.data: + self.data[pair[0], pair[1], bell_state] = {} + if basis not in self.data[pair[0], pair[1], bell_state]: + self.data[pair[0], pair[1], bell_state][basis] = {} + if state in self.data[pair[0], pair[1], bell_state][basis]: + self.data[pair[0], pair[1], bell_state][basis][state].append(freq) + else: + self.data[pair[0], pair[1], bell_state][basis][state] = [freq] + + def compute_frequencies(self, pair, bell_state): + freqs = [] + data = self.data[pair[0], pair[1], bell_state] + for freq_basis in data.values(): + freqs.append(freq_basis) + return freqs + + +@dataclass +class CHSHResults(Results): + entropy: dict[tuple[QubitId, QubitId, int], float] = field(default_factory=dict) + + +def _acquisition_pulses( + params: CHSHParameters, + platform: Platform, + qubits: Qubits, +) -> CHSHData: + r""" """ + + thetas = np.linspace(0, 2 * np.pi, params.ntheta) + data = CHSHData(bell_states=params.bell_states, thetas=thetas.tolist()) + for pair in qubits: + for bell_state in params.bell_states: + for theta in thetas: + chsh_sequences = create_chsh_sequences( + platform=platform, + qubits=pair, + theta=theta, + bell_state=bell_state, + ) + for basis, sequence in chsh_sequences.items(): + results = platform.execute_pulse_sequence( + sequence, ExecutionParameters(nshots=params.nshots) + ) + frequencies = calculate_frequencies( + results[pair[0]], results[pair[1]] + ) + data.register_basis(pair, bell_state, basis, frequencies) + return data + + +def _acquisition_circuits( + params: CHSHParameters, + platform: Platform, + qubits: Qubits, +) -> CHSHData: + thetas = np.linspace(0, 2 * np.pi, params.ntheta) + data = CHSHData(bell_states=params.bell_states, thetas=thetas.tolist()) + for pair in qubits: + for bell_state in params.bell_states: + for theta in thetas: + chsh_circuits = create_chsh_circuits( + platform, + qubits=pair, + bell_state=bell_state, + theta=theta, + native=params.native, + rerr=params.readout_error_model, + ) + for basis, circuit in chsh_circuits.items(): + result = circuit(nshots=params.nshots) + frequencies = result.frequencies() + data.register_basis(pair, bell_state, basis, frequencies) + return data + + +def _plot(data: CHSHData, fit: CHSHResults, qubits): + figures = [] + + for bell_state in data.bell_states: + fig = go.Figure() + fig.add_trace( + go.Scatter( + x=data.thetas, + y=fit.entropy[qubits[0], qubits[1], bell_state], + ) + ) + figures.append(fig) + fitting_report = "" + + return figures, fitting_report + + +def _fit(data: CHSHData) -> CHSHResults: + results = {} + for pair in data.pairs: + for bell_state in data.bell_states: + freq = data.compute_frequencies(pair, bell_state) + results[pair[0], pair[1], bell_state] = [ + compute_chsh(freq, bell_state, i) for i in range(len(data.thetas)) + ] + return CHSHResults(entropy=results) + + +chsh_circuits = Routine(_acquisition_circuits, _fit, _plot) +chsh_pulses = Routine(_acquisition_pulses, _fit, _plot) + +"""Flipping Routine object.""" diff --git a/src/qibocal/protocols/characterization/chsh/pulses.py b/src/qibocal/protocols/characterization/chsh/pulses.py new file mode 100644 index 000000000..3c2479285 --- /dev/null +++ b/src/qibocal/protocols/characterization/chsh/pulses.py @@ -0,0 +1,109 @@ +from collections import defaultdict + +import numpy as np +from qibolab.pulses import PulseSequence + +from .utils import READOUT_BASIS + + +def create_bell_sequence(platform, qubits, theta=np.pi / 4, bell_state=0): + """Creates the pulse sequence to generate the bell states and with a theta-measurement + bell_state chooses the initial bell state for the test: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + """ + + virtual_z_phases = defaultdict(int) + + sequence = PulseSequence() + sequence.add( + platform.create_RX90_pulse(qubits[0], start=0, relative_phase=np.pi / 2) + ) + sequence.add( + platform.create_RX90_pulse(qubits[1], start=0, relative_phase=np.pi / 2) + ) + + (cz_sequence, cz_virtual_z_phases) = platform.create_CZ_pulse_sequence( + qubits, sequence.finish + ) + sequence.add(cz_sequence) + for qubit in cz_virtual_z_phases: + virtual_z_phases[qubit] += cz_virtual_z_phases[qubit] + + t = sequence.finish + + sequence.add( + platform.create_RX90_pulse( + qubits[1], + start=t, + relative_phase=virtual_z_phases[qubits[1]] - np.pi / 2, + ) + ) + + if bell_state == 0: + virtual_z_phases[qubits[0]] += np.pi + elif bell_state == 1: + virtual_z_phases[qubits[0]] += 0 + elif bell_state == 2: + virtual_z_phases[qubits[0]] += 0 + sequence.add( + platform.create_RX_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + elif bell_state == 3: + virtual_z_phases[qubits[0]] += np.pi + sequence.add( + platform.create_RX_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + + t = sequence.finish + sequence.add( + platform.create_RX90_pulse( + qubits[0], start=t, relative_phase=virtual_z_phases[qubits[0]] + ) + ) + virtual_z_phases[qubits[0]] += theta + sequence.add( + platform.create_RX90_pulse( + qubits[0], + start=sequence.finish, + relative_phase=virtual_z_phases[qubits[0]] + np.pi, + ) + ) + + return sequence, virtual_z_phases + + +def create_chsh_sequences( + platform, qubits, theta=np.pi / 4, bell_state=0, readout_basis=READOUT_BASIS +): + """Creates the pulse sequences needed for the 4 measurement settings for chsh.""" + + chsh_sequences = {} + + for basis in readout_basis: + sequence, virtual_z_phases = create_bell_sequence( + platform, qubits, theta, bell_state + ) + t = sequence.finish + for i, base in enumerate(basis): + if base == "X": + sequence.add( + platform.create_RX90_pulse( + qubits[i], + start=t, + relative_phase=virtual_z_phases[qubits[i]] + np.pi / 2, + ) + ) + measurement_start = sequence.finish + for qubit in qubits: + MZ_pulse = platform.create_MZ_pulse(qubit, start=measurement_start) + sequence.add(MZ_pulse) + chsh_sequences[basis] = sequence + + return chsh_sequences diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py new file mode 100644 index 000000000..809205cce --- /dev/null +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -0,0 +1,38 @@ +import numpy as np + +READOUT_BASIS = [("Z", "Z"), ("Z", "X"), ("X", "Z"), ("X", "X")] + + +def compute_chsh(frequencies, basis, i): + """Computes the chsh inequality out of the frequencies of the 4 circuits executed.""" + chsh = 0 + aux = 0 + for freq in frequencies: + for outcome in freq: + if aux == 1 + 2 * ( + basis % 2 + ): # This value sets where the minus sign is in the CHSH inequality + chsh -= (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome][i] + else: + chsh += (-1) ** (int(outcome[0]) + int(outcome[1])) * freq[outcome][i] + aux += 1 + nshots = sum(freq[x][i] for x in freq) + return chsh / nshots + + +def calculate_frequencies(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.samples, result2.samples]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} + + +def calculate_probabilities(result1, result2): + """Calculates two-qubit outcome probabilities from individual shots.""" + shots = np.stack([result1.shots, result2.shots]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + nshots = np.sum(counts) + return { + f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) + } From d2e99c930fca1eb271efcaed7bb0142d72e76568 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Tue, 1 Aug 2023 12:01:56 +0400 Subject: [PATCH 10/28] Add docstrings and tests --- .../characterization/chsh/circuits.py | 6 ++-- .../characterization/chsh/protocol.py | 16 +++++++--- .../protocols/characterization/chsh/pulses.py | 2 ++ .../protocols/characterization/chsh/utils.py | 2 ++ tests/runcards/protocols.yml | 31 +++++++++++++++++++ 5 files changed, 51 insertions(+), 6 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/circuits.py b/src/qibocal/protocols/characterization/chsh/circuits.py index 1c4ea2cc8..5cf90288c 100644 --- a/src/qibocal/protocols/characterization/chsh/circuits.py +++ b/src/qibocal/protocols/characterization/chsh/circuits.py @@ -1,3 +1,5 @@ +"""Auxiliary functions to run CHSH using circuits.""" + import numpy as np from qibo import gates from qibo.models import Circuit @@ -16,12 +18,11 @@ def create_bell_circuit(nqubits, qubits, theta=np.pi / 4, bell_state=0): """ p = [0, 0] c = Circuit(nqubits) - + print(qubits) c.add(gates.H(qubits[0])) c.add(gates.H(qubits[1])) c.add(gates.CZ(qubits[0], qubits[1])) c.add(gates.H(qubits[1])) - if bell_state == 1: c.add(gates.Z(qubits[0])) elif bell_state == 2: @@ -86,6 +87,7 @@ def create_chsh_circuits( create_bell = create_bell_circuit_native if native else create_bell_circuit chsh_circuits = {} nqubits = platform.nqubits if platform else max(qubits) + 1 + print(qubits) for basis in readout_basis: c, p = create_bell(nqubits, qubits, theta, bell_state) for i, base in enumerate(basis): diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index 53fd1907a..cfdcf2e99 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -1,3 +1,5 @@ +"""Protocol for CHSH experiment using both circuits and pulses.""" + from dataclasses import dataclass, field from typing import Optional @@ -21,10 +23,14 @@ class CHSHParameters(Parameters): """Flipping runcard inputs.""" bell_states: list - """""" + """Bell states to compute CHSH. Using all states is equivalent + to passing the list [0,1,2,3].""" nshots: int + """Number of shots.""" ntheta: int - native: bool + """Number of angles probed linearly between 0 and 2 pi.""" + native: Optional[bool] = False + """If True a circuit will be created using only GPI2 and CZ gates.""" readout_error_model: Optional[str] = None """Error mitigation model""" @@ -45,6 +51,7 @@ def register_basis(self, pair, bell_state, basis, frequencies): if i not in frequencies: frequencies[i] = 0 + # TODO: improve this for state, freq in frequencies.items(): if (pair[0], pair[1], bell_state) not in self.data: self.data[pair[0], pair[1], bell_state] = {} @@ -107,6 +114,7 @@ def _acquisition_circuits( for pair in qubits: for bell_state in params.bell_states: for theta in thetas: + print(pair) chsh_circuits = create_chsh_circuits( platform, qubits=pair, @@ -151,6 +159,6 @@ def _fit(data: CHSHData) -> CHSHResults: chsh_circuits = Routine(_acquisition_circuits, _fit, _plot) +"""CHSH experiment using circuits.""" chsh_pulses = Routine(_acquisition_pulses, _fit, _plot) - -"""Flipping Routine object.""" +"""CHSH experiment using pulses.""" diff --git a/src/qibocal/protocols/characterization/chsh/pulses.py b/src/qibocal/protocols/characterization/chsh/pulses.py index 3c2479285..3602d88bd 100644 --- a/src/qibocal/protocols/characterization/chsh/pulses.py +++ b/src/qibocal/protocols/characterization/chsh/pulses.py @@ -1,3 +1,5 @@ +"""Auxialiary functions to run CHSH using pulses.""" + from collections import defaultdict import numpy as np diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py index 809205cce..32507eb45 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -1,3 +1,5 @@ +"""Auxiliary functions to run CHSH protocol.""" + import numpy as np READOUT_BASIS = [("Z", "Z"), ("Z", "X"), ("X", "Z"), ("X", "X")] diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index f76d909a8..8345098b0 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -380,3 +380,34 @@ actions: operation: fast_reset parameters: nshots: 1024 + + - id: CHSH with pulses + priority: 0 + operation: chsh_pulses + qubits: [[0,1],[1,2],[0,3]] + parameters: + nshots: 10 + ntheta: 10 + bell_states: [0,1,2,3] + + #FIXME: missing GPI2 gate for transpiler + # - id: CHSH with natives + # priority: 0 + # operation: chsh_circuits + # qubits: [[0,1],[1,2]] + # parameters: + # nshots: 10 + # ntheta: 10 + # bell_states: [0,1,2,3] + # native: True + + #FIME: cannot add pair [0,3] + - id: CHSH with circuits + priority: 0 + operation: chsh_circuits + qubits: [[0,1],[1,2]] + parameters: + nshots: 10 + ntheta: 2 + bell_states: [0,1,2,3] + native: False From e5d4210c4d420893a2df88cdb2886de45c21fd94 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Tue, 1 Aug 2023 21:51:09 +0400 Subject: [PATCH 11/28] Improve coverage --- src/qibocal/protocols/characterization/chsh/utils.py | 10 ---------- tests/runcards/protocols.yml | 2 +- 2 files changed, 1 insertion(+), 11 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py index 32507eb45..0b204190a 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -28,13 +28,3 @@ def calculate_frequencies(result1, result2): values, counts = np.unique(shots, axis=0, return_counts=True) nshots = np.sum(counts) return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} - - -def calculate_probabilities(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.shots, result2.shots]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return { - f"{int(v1)}{int(v2)}": cnt / nshots for (v1, v2), cnt in zip(values, counts) - } diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index 8345098b0..28c51971e 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -401,7 +401,7 @@ actions: # bell_states: [0,1,2,3] # native: True - #FIME: cannot add pair [0,3] + #FIXME: cannot add pair [0,3] - id: CHSH with circuits priority: 0 operation: chsh_circuits From 2e5c7f604cb6ad85b2182643014bee468232da8f Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Wed, 2 Aug 2023 19:13:12 +0400 Subject: [PATCH 12/28] Add prototype for calibration matrix protocol --- .../protocols/characterization/__init__.py | 2 + .../characterization/calibration_matrix.py | 106 ++++++++++++++++++ .../characterization/chsh/circuits.py | 1 - .../characterization/chsh/protocol.py | 7 +- .../protocols/characterization/chsh/utils.py | 10 +- 5 files changed, 115 insertions(+), 11 deletions(-) create mode 100644 src/qibocal/protocols/characterization/calibration_matrix.py diff --git a/src/qibocal/protocols/characterization/__init__.py b/src/qibocal/protocols/characterization/__init__.py index dec2fcc0d..deb68e2f5 100644 --- a/src/qibocal/protocols/characterization/__init__.py +++ b/src/qibocal/protocols/characterization/__init__.py @@ -3,6 +3,7 @@ from .allxy.allxy import allxy from .allxy.allxy_drag_pulse_tuning import allxy_drag_pulse_tuning from .allxy.drag_pulse_tuning import drag_pulse_tuning +from .calibration_matrix import calibration_matrix from .chsh import chsh_circuits, chsh_pulses from .classification import single_shot_classification from .coherence.spin_echo import spin_echo @@ -68,3 +69,4 @@ class Operation(Enum): zeno = zeno chsh_pulses = chsh_pulses chsh_circuits = chsh_circuits + calibration_matrix = calibration_matrix diff --git a/src/qibocal/protocols/characterization/calibration_matrix.py b/src/qibocal/protocols/characterization/calibration_matrix.py new file mode 100644 index 000000000..301c70849 --- /dev/null +++ b/src/qibocal/protocols/characterization/calibration_matrix.py @@ -0,0 +1,106 @@ +from dataclasses import dataclass, field +from typing import Optional + +from qibo import gates +from qibo.models import Circuit +from qibolab import ExecutionParameters +from qibolab.platform import Platform +from qibolab.pulses import PulseSequence + +from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine + +from .chsh.utils import calculate_frequencies + + +@dataclass +class CalibrationMatrixParameters(Parameters): + """Calibration matrix inputs.""" + + pulses: Optional[bool] = True + """Get calibration matrix using pulses. If False gates will be used.""" + nshots: Optional[int] = None + """Number of shots.""" + relaxation_time: Optional[int] = None + """Relaxation time (ns).""" + bitflip_probabilities: Optional[list[int]] = None + """Readout error model.""" + + +@dataclass +class CalibrationMatrixResults(Results): + """Flipping outputs.""" + + +@dataclass +class CalibrationMatrixData(Data): + """CalibrationMatrix acquisition outputs.""" + + nqubits: int + data: dict[str, dict[str, int]] = field(default_factory=dict) + + def add(self, state, freqs): + for result_state, freq in freqs.items(): + if state not in self.data: + self.data[state] = {} + self.data[state][result_state] = freq + + +def _acquisition( + params: CalibrationMatrixParameters, + platform: Platform, + qubits: Qubits, +) -> CalibrationMatrixData: + nqubits = len(qubits) + data = CalibrationMatrixData(nqubits=nqubits) + for i in range(2**nqubits): + state = format(i, f"0{nqubits}b") + if params.pulses: + sequence = PulseSequence() + for q, bit in enumerate(state): + if bit == "1": + sequence.add(platform.create_RX_pulse(q, start=0, relative_phase=0)) + measurement_start = sequence.finish + for q in range(len(state)): + MZ_pulse = platform.create_MZ_pulse(q, start=measurement_start) + sequence.add(MZ_pulse) + results = platform.execute_pulse_sequence( + sequence, ExecutionParameters(nshots=params.nshots) + ) + data.add(state, calculate_frequencies(results)) + else: + c = Circuit(platform.nqubits) + for q, bit in enumerate(state): + if bit == "1": + c.add(gates.X(q)) + if params.bitflip_probabilities is not None: + c.add( + gates.M( + q, + p0=params.bitflip_probabilities[0], + p1=params.bitflip_probabilities[1], + ) + ) + else: + c.add(gates.M(q)) + + results = c(nshots=params.nshots) + + data.add(state, dict(results.frequencies())) + + return data + + +def _fit(data: CalibrationMatrixData) -> CalibrationMatrixResults: + return CalibrationMatrixResults() + + +# TODO: fix plotting +def _plot(data: CalibrationMatrixData, fit: CalibrationMatrixResults, qubit): + """Plotting function for Flipping.""" + print(data) + + return [], "" + + +calibration_matrix = Routine(_acquisition, _fit, _plot) +"""Flipping Routine object.""" diff --git a/src/qibocal/protocols/characterization/chsh/circuits.py b/src/qibocal/protocols/characterization/chsh/circuits.py index 5cf90288c..7c89ecdd9 100644 --- a/src/qibocal/protocols/characterization/chsh/circuits.py +++ b/src/qibocal/protocols/characterization/chsh/circuits.py @@ -18,7 +18,6 @@ def create_bell_circuit(nqubits, qubits, theta=np.pi / 4, bell_state=0): """ p = [0, 0] c = Circuit(nqubits) - print(qubits) c.add(gates.H(qubits[0])) c.add(gates.H(qubits[1])) c.add(gates.CZ(qubits[0], qubits[1])) diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index cfdcf2e99..7121c9dc2 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -20,7 +20,7 @@ @dataclass class CHSHParameters(Parameters): - """Flipping runcard inputs.""" + """CHSH runcard inputs.""" bell_states: list """Bell states to compute CHSH. Using all states is equivalent @@ -97,9 +97,7 @@ def _acquisition_pulses( results = platform.execute_pulse_sequence( sequence, ExecutionParameters(nshots=params.nshots) ) - frequencies = calculate_frequencies( - results[pair[0]], results[pair[1]] - ) + frequencies = calculate_frequencies(results) data.register_basis(pair, bell_state, basis, frequencies) return data @@ -114,7 +112,6 @@ def _acquisition_circuits( for pair in qubits: for bell_state in params.bell_states: for theta in thetas: - print(pair) chsh_circuits = create_chsh_circuits( platform, qubits=pair, diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py index 0b204190a..485e2c4e8 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -22,9 +22,9 @@ def compute_chsh(frequencies, basis, i): return chsh / nshots -def calculate_frequencies(result1, result2): - """Calculates two-qubit outcome probabilities from individual shots.""" - shots = np.stack([result1.samples, result2.samples]).T +def calculate_frequencies(results): + """Calculates outcome probabilities from individual shots.""" + shots = np.stack([result.samples for result in set(results.values())]).T values, counts = np.unique(shots, axis=0, return_counts=True) - nshots = np.sum(counts) - return {f"{int(v1)}{int(v2)}": cnt for (v1, v2), cnt in zip(values, counts)} + + return {"".join(str(i) for i in v): cnt for v, cnt in zip(values, counts)} From bc1d30ed2515ca4695f0ce36fb317ef19dce1fc0 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Wed, 2 Aug 2023 21:43:27 +0400 Subject: [PATCH 13/28] Improve and add tests for calibration matrix routine --- src/qibocal/auto/operation.py | 3 +- src/qibocal/cli/builders.py | 3 +- .../characterization/calibration_matrix.py | 83 ++++++++++++++++--- src/qibocal/web/templates/template.html | 4 +- tests/runcards/protocols.yml | 16 ++++ 5 files changed, 94 insertions(+), 15 deletions(-) diff --git a/src/qibocal/auto/operation.py b/src/qibocal/auto/operation.py index 8c7b18aa1..9b0a74f0d 100644 --- a/src/qibocal/auto/operation.py +++ b/src/qibocal/auto/operation.py @@ -3,7 +3,7 @@ import time from dataclasses import asdict, dataclass, fields from functools import wraps -from typing import Callable, Generic, NewType, TypeVar, Union +from typing import Callable, Generic, NewType, Optional, TypeVar, Union import numpy as np import numpy.typing as npt @@ -191,6 +191,7 @@ class Routine(Generic[_ParametersT, _DataT, _ResultsT]): """Post-processing function.""" report: Callable[[_DataT, _ResultsT], None] = None """Plotting function.""" + repeat_plot_per_qubit: Optional[bool] = True def __post_init__(self): # add decorator to show logs diff --git a/src/qibocal/cli/builders.py b/src/qibocal/cli/builders.py index 747f47f4d..32a5754ea 100644 --- a/src/qibocal/cli/builders.py +++ b/src/qibocal/cli/builders.py @@ -173,8 +173,7 @@ def single_qubit_plot(self, task_id: TaskId, qubit: QubitId): def plot(self, task_id: TaskId): """ "Generate plot when only acquisition data are provided.""" node = self.history[task_id] - data = node.task.data - figures, fitting_report = node.task.operation.report(data) + figures, fitting_report = node.task.operation.report(node.data, node.results) with tempfile.NamedTemporaryFile(delete=False) as temp: html_list = [] for figure in figures: diff --git a/src/qibocal/protocols/characterization/calibration_matrix.py b/src/qibocal/protocols/characterization/calibration_matrix.py index 301c70849..3d3e356d6 100644 --- a/src/qibocal/protocols/characterization/calibration_matrix.py +++ b/src/qibocal/protocols/characterization/calibration_matrix.py @@ -1,11 +1,15 @@ from dataclasses import dataclass, field from typing import Optional +import numpy as np +import numpy.typing as npt +import plotly.graph_objects as go from qibo import gates from qibo.models import Circuit from qibolab import ExecutionParameters from qibolab.platform import Platform from qibolab.pulses import PulseSequence +from qibolab.qubits import QubitId from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine @@ -28,7 +32,15 @@ class CalibrationMatrixParameters(Parameters): @dataclass class CalibrationMatrixResults(Results): - """Flipping outputs.""" + calibration_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( + default_factory=dict + ) + + def save(self, path): + np.savez( + path / "calibration_matrix.npy", + **{str(i): self.calibration_matrix[i] for i in self.calibration_matrix}, + ) @dataclass @@ -36,6 +48,8 @@ class CalibrationMatrixData(Data): """CalibrationMatrix acquisition outputs.""" nqubits: int + nshots: int + qubits_ids: list[QubitId] data: dict[str, dict[str, int]] = field(default_factory=dict) def add(self, state, freqs): @@ -50,8 +64,11 @@ def _acquisition( platform: Platform, qubits: Qubits, ) -> CalibrationMatrixData: + # conversion from list to list in list to make only one plot nqubits = len(qubits) - data = CalibrationMatrixData(nqubits=nqubits) + data = CalibrationMatrixData( + nqubits=nqubits, nshots=params.nshots, qubits_ids=tuple(qubits) + ) for i in range(2**nqubits): state = format(i, f"0{nqubits}b") if params.pulses: @@ -91,16 +108,62 @@ def _acquisition( def _fit(data: CalibrationMatrixData) -> CalibrationMatrixResults: - return CalibrationMatrixResults() - + calibration_matrix = {} + matrix = np.zeros((2**data.nqubits, 2**data.nqubits)) -# TODO: fix plotting -def _plot(data: CalibrationMatrixData, fit: CalibrationMatrixResults, qubit): - """Plotting function for Flipping.""" - print(data) + for state, state_data in data.data.items(): + column = np.zeros(2**data.nqubits) + for basis, basis_freq in state_data.items(): + column[(int(basis, 2))] = basis_freq / data.nshots + matrix[:, int(state, 2)] = column - return [], "" + calibration_matrix[data.qubits_ids] = matrix + return CalibrationMatrixResults(calibration_matrix=calibration_matrix) -calibration_matrix = Routine(_acquisition, _fit, _plot) +def _plot(data: CalibrationMatrixData, fit: CalibrationMatrixResults): + """Plotting function for Flipping.""" + figures = [] + fitting_report = "No fitting data" + fig = go.Figure() + computational_basis = [ + format(i, f"0{data.nqubits}b") for i in range(2**data.nqubits) + ] + fig.add_trace( + go.Heatmap( + x=computational_basis, + y=computational_basis[::-1], + z=fit.calibration_matrix[data.qubits_ids], + coloraxis="coloraxis", + ), + ) + fig.update_layout( + title="Calibration Matrix", + uirevision="0", # ``uirevision`` allows zooming while live plotting + ) + + figures.append(fig) + fig = go.Figure() + for state, state_data in data.data.items(): + fig.add_trace( + go.Bar( + x=list(state_data.keys()), + y=list(state_data.values()), + opacity=1, + name=state, + showlegend=True, + ), + ) + + fig.update_layout( + showlegend=True, + uirevision="0", # ``uirevision`` allows zooming while live plotting + xaxis_title="State Prepared", + yaxis_title="Shots", + ) + figures.append(fig) + return figures, fitting_report + + +calibration_matrix = Routine(_acquisition, _fit, _plot, repeat_plot_per_qubit=False) """Flipping Routine object.""" diff --git a/src/qibocal/web/templates/template.html b/src/qibocal/web/templates/template.html index a94f7b25e..71298ad56 100644 --- a/src/qibocal/web/templates/template.html +++ b/src/qibocal/web/templates/template.html @@ -151,7 +151,7 @@

{{ report.title }}

{{ report.routine_name(*task_uid) }}

- {% if report.qubits != [] %} + {% if report.history[task_uid].task.operation.repeat_plot_per_qubit %} {% for qubit in report.routine_qubits(task_uid) %}
{{ report.title }}
{% endfor %} {% else %} - {% set figures, fitting_report = report.plot(routine, iteration) %} + {% set figures, fitting_report = report.plot(task_uid) %} {{ figures }} {% endif %} diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index 28c51971e..75c5d6da8 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -411,3 +411,19 @@ actions: ntheta: 2 bell_states: [0,1,2,3] native: False + + - id: calibration_matrix + priority: 0 + operation: calibration_matrix + qubits: [0,1,2] + parameters: + nshots: 100 + pulses: True + + - id: calibration_matrix + priority: 0 + operation: calibration_matrix + qubits: [0,1,2] + parameters: + nshots: 100 + pulses: False From d8919f4f47b5ae779452e5caf0bdcf9af92bb8fc Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Thu, 3 Aug 2023 14:47:39 +0400 Subject: [PATCH 14/28] Implement Sergi suggestions --- src/qibocal/auto/operation.py | 2 +- src/qibocal/auto/runcard.py | 6 +- src/qibocal/auto/task.py | 12 +- src/qibocal/cli/builders.py | 15 -- .../protocols/characterization/__init__.py | 4 +- .../characterization/calibration_matrix.py | 169 ----------------- .../characterization/chsh/protocol.py | 4 +- .../protocols/characterization/chsh/utils.py | 2 +- .../readout_mitigation_matrix.py | 171 ++++++++++++++++++ .../two_qubit_interaction/chevron.py | 2 +- .../two_qubit_interaction/cz_virtualz.py | 2 +- src/qibocal/utils.py | 10 + src/qibocal/web/templates/template.html | 5 - tests/runcards/protocols.yml | 12 +- 14 files changed, 208 insertions(+), 208 deletions(-) delete mode 100644 src/qibocal/protocols/characterization/calibration_matrix.py create mode 100644 src/qibocal/protocols/characterization/readout_mitigation_matrix.py diff --git a/src/qibocal/auto/operation.py b/src/qibocal/auto/operation.py index 9b0a74f0d..cbad74588 100644 --- a/src/qibocal/auto/operation.py +++ b/src/qibocal/auto/operation.py @@ -191,7 +191,7 @@ class Routine(Generic[_ParametersT, _DataT, _ResultsT]): """Post-processing function.""" report: Callable[[_DataT, _ResultsT], None] = None """Plotting function.""" - repeat_plot_per_qubit: Optional[bool] = True + two_qubit_gates: Optional[bool] = False def __post_init__(self): # add decorator to show logs diff --git a/src/qibocal/auto/runcard.py b/src/qibocal/auto/runcard.py index 106a1754c..dd19ef649 100644 --- a/src/qibocal/auto/runcard.py +++ b/src/qibocal/auto/runcard.py @@ -28,9 +28,9 @@ class Action: """Alternative subsequent actions, branching from the current one.""" priority: Optional[int] = None """Priority level, determining the execution order.""" - qubits: Union[list[QubitId], list[tuple[QubitId, QubitId]]] = Field( - default_factory=list - ) + qubits: Union[ + list[QubitId], list[tuple[QubitId, QubitId]], list[list[QubitId]] + ] = Field(default_factory=list) """Local qubits (optional).""" update: bool = True """Runcard update mechanism.""" diff --git a/src/qibocal/auto/task.py b/src/qibocal/auto/task.py index 6d04a4bfb..1fcf32337 100644 --- a/src/qibocal/auto/task.py +++ b/src/qibocal/auto/task.py @@ -6,7 +6,11 @@ from qibolab.qubits import QubitId from ..protocols.characterization import Operation -from ..utils import allocate_qubits_pairs, allocate_single_qubits +from ..utils import ( + allocate_qubits_pairs, + allocate_single_qubits, + allocate_single_qubits_lists, +) from .operation import ( Data, DummyPars, @@ -122,8 +126,12 @@ def run( if operation.platform_dependent and operation.qubits_dependent: if len(self.qubits) > 0: if platform is not None: - if any(isinstance(i, tuple) for i in self.qubits): + if operation.two_qubit_gates: qubits = allocate_qubits_pairs(platform, self.qubits) + elif any( + isinstance(i, tuple) or isinstance(i, list) for i in self.qubits + ): + qubits = allocate_single_qubits_lists(platform, self.qubits) else: qubits = allocate_single_qubits(platform, self.qubits) else: diff --git a/src/qibocal/cli/builders.py b/src/qibocal/cli/builders.py index 32a5754ea..c7e1d8cc4 100644 --- a/src/qibocal/cli/builders.py +++ b/src/qibocal/cli/builders.py @@ -169,18 +169,3 @@ def single_qubit_plot(self, task_id: TaskId, qubit: QubitId): all_html = "".join(html_list) return all_html, fitting_report - - def plot(self, task_id: TaskId): - """ "Generate plot when only acquisition data are provided.""" - node = self.history[task_id] - figures, fitting_report = node.task.operation.report(node.data, node.results) - with tempfile.NamedTemporaryFile(delete=False) as temp: - html_list = [] - for figure in figures: - figure.write_html(temp.name, include_plotlyjs=False, full_html=False) - temp.seek(0) - fightml = temp.read().decode("utf-8") - html_list.append(fightml) - - all_html = "".join(html_list) - return all_html, fitting_report diff --git a/src/qibocal/protocols/characterization/__init__.py b/src/qibocal/protocols/characterization/__init__.py index deb68e2f5..3401f9ba6 100644 --- a/src/qibocal/protocols/characterization/__init__.py +++ b/src/qibocal/protocols/characterization/__init__.py @@ -3,7 +3,6 @@ from .allxy.allxy import allxy from .allxy.allxy_drag_pulse_tuning import allxy_drag_pulse_tuning from .allxy.drag_pulse_tuning import drag_pulse_tuning -from .calibration_matrix import calibration_matrix from .chsh import chsh_circuits, chsh_pulses from .classification import single_shot_classification from .coherence.spin_echo import spin_echo @@ -25,6 +24,7 @@ from .ramsey_sequences import ramsey_sequences from .randomized_benchmarking.standard_rb import standard_rb from .readout_characterization import readout_characterization +from .readout_mitigation_matrix import readout_mitigation_matrix from .readout_optimization.resonator_frequency import resonator_frequency from .resonator_punchout import resonator_punchout from .resonator_punchout_attenuation import resonator_punchout_attenuation @@ -69,4 +69,4 @@ class Operation(Enum): zeno = zeno chsh_pulses = chsh_pulses chsh_circuits = chsh_circuits - calibration_matrix = calibration_matrix + readout_mitigation_matrix = readout_mitigation_matrix diff --git a/src/qibocal/protocols/characterization/calibration_matrix.py b/src/qibocal/protocols/characterization/calibration_matrix.py deleted file mode 100644 index 3d3e356d6..000000000 --- a/src/qibocal/protocols/characterization/calibration_matrix.py +++ /dev/null @@ -1,169 +0,0 @@ -from dataclasses import dataclass, field -from typing import Optional - -import numpy as np -import numpy.typing as npt -import plotly.graph_objects as go -from qibo import gates -from qibo.models import Circuit -from qibolab import ExecutionParameters -from qibolab.platform import Platform -from qibolab.pulses import PulseSequence -from qibolab.qubits import QubitId - -from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine - -from .chsh.utils import calculate_frequencies - - -@dataclass -class CalibrationMatrixParameters(Parameters): - """Calibration matrix inputs.""" - - pulses: Optional[bool] = True - """Get calibration matrix using pulses. If False gates will be used.""" - nshots: Optional[int] = None - """Number of shots.""" - relaxation_time: Optional[int] = None - """Relaxation time (ns).""" - bitflip_probabilities: Optional[list[int]] = None - """Readout error model.""" - - -@dataclass -class CalibrationMatrixResults(Results): - calibration_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( - default_factory=dict - ) - - def save(self, path): - np.savez( - path / "calibration_matrix.npy", - **{str(i): self.calibration_matrix[i] for i in self.calibration_matrix}, - ) - - -@dataclass -class CalibrationMatrixData(Data): - """CalibrationMatrix acquisition outputs.""" - - nqubits: int - nshots: int - qubits_ids: list[QubitId] - data: dict[str, dict[str, int]] = field(default_factory=dict) - - def add(self, state, freqs): - for result_state, freq in freqs.items(): - if state not in self.data: - self.data[state] = {} - self.data[state][result_state] = freq - - -def _acquisition( - params: CalibrationMatrixParameters, - platform: Platform, - qubits: Qubits, -) -> CalibrationMatrixData: - # conversion from list to list in list to make only one plot - nqubits = len(qubits) - data = CalibrationMatrixData( - nqubits=nqubits, nshots=params.nshots, qubits_ids=tuple(qubits) - ) - for i in range(2**nqubits): - state = format(i, f"0{nqubits}b") - if params.pulses: - sequence = PulseSequence() - for q, bit in enumerate(state): - if bit == "1": - sequence.add(platform.create_RX_pulse(q, start=0, relative_phase=0)) - measurement_start = sequence.finish - for q in range(len(state)): - MZ_pulse = platform.create_MZ_pulse(q, start=measurement_start) - sequence.add(MZ_pulse) - results = platform.execute_pulse_sequence( - sequence, ExecutionParameters(nshots=params.nshots) - ) - data.add(state, calculate_frequencies(results)) - else: - c = Circuit(platform.nqubits) - for q, bit in enumerate(state): - if bit == "1": - c.add(gates.X(q)) - if params.bitflip_probabilities is not None: - c.add( - gates.M( - q, - p0=params.bitflip_probabilities[0], - p1=params.bitflip_probabilities[1], - ) - ) - else: - c.add(gates.M(q)) - - results = c(nshots=params.nshots) - - data.add(state, dict(results.frequencies())) - - return data - - -def _fit(data: CalibrationMatrixData) -> CalibrationMatrixResults: - calibration_matrix = {} - matrix = np.zeros((2**data.nqubits, 2**data.nqubits)) - - for state, state_data in data.data.items(): - column = np.zeros(2**data.nqubits) - for basis, basis_freq in state_data.items(): - column[(int(basis, 2))] = basis_freq / data.nshots - matrix[:, int(state, 2)] = column - - calibration_matrix[data.qubits_ids] = matrix - return CalibrationMatrixResults(calibration_matrix=calibration_matrix) - - -def _plot(data: CalibrationMatrixData, fit: CalibrationMatrixResults): - """Plotting function for Flipping.""" - figures = [] - fitting_report = "No fitting data" - fig = go.Figure() - computational_basis = [ - format(i, f"0{data.nqubits}b") for i in range(2**data.nqubits) - ] - fig.add_trace( - go.Heatmap( - x=computational_basis, - y=computational_basis[::-1], - z=fit.calibration_matrix[data.qubits_ids], - coloraxis="coloraxis", - ), - ) - fig.update_layout( - title="Calibration Matrix", - uirevision="0", # ``uirevision`` allows zooming while live plotting - ) - - figures.append(fig) - fig = go.Figure() - for state, state_data in data.data.items(): - fig.add_trace( - go.Bar( - x=list(state_data.keys()), - y=list(state_data.values()), - opacity=1, - name=state, - showlegend=True, - ), - ) - - fig.update_layout( - showlegend=True, - uirevision="0", # ``uirevision`` allows zooming while live plotting - xaxis_title="State Prepared", - yaxis_title="Shots", - ) - figures.append(fig) - return figures, fitting_report - - -calibration_matrix = Routine(_acquisition, _fit, _plot, repeat_plot_per_qubit=False) -"""Flipping Routine object.""" diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index 7121c9dc2..ae6f6094e 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -155,7 +155,7 @@ def _fit(data: CHSHData) -> CHSHResults: return CHSHResults(entropy=results) -chsh_circuits = Routine(_acquisition_circuits, _fit, _plot) +chsh_circuits = Routine(_acquisition_circuits, _fit, _plot, two_qubit_gates=True) """CHSH experiment using circuits.""" -chsh_pulses = Routine(_acquisition_pulses, _fit, _plot) +chsh_pulses = Routine(_acquisition_pulses, _fit, _plot, two_qubit_gates=True) """CHSH experiment using pulses.""" diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py index 485e2c4e8..4ba388a41 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -27,4 +27,4 @@ def calculate_frequencies(results): shots = np.stack([result.samples for result in set(results.values())]).T values, counts = np.unique(shots, axis=0, return_counts=True) - return {"".join(str(i) for i in v): cnt for v, cnt in zip(values, counts)} + return {"".join(str(int(i)) for i in v): cnt for v, cnt in zip(values, counts)} diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py new file mode 100644 index 000000000..480479978 --- /dev/null +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -0,0 +1,171 @@ +from dataclasses import dataclass, field +from typing import Optional + +import numpy as np +import numpy.typing as npt +import plotly.graph_objects as go +from qibo import gates +from qibo.models import Circuit +from qibolab import ExecutionParameters +from qibolab.platform import Platform +from qibolab.pulses import PulseSequence +from qibolab.qubits import QubitId + +from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine + +from .chsh.utils import calculate_frequencies + + +@dataclass +class ReadoutMitigationMatrixParameters(Parameters): + """Calibration matrix inputs.""" + + pulses: Optional[bool] = True + """Get calibration matrix using pulses. If False gates will be used.""" + nshots: Optional[int] = None + """Number of shots.""" + relaxation_time: Optional[int] = None + """Relaxation time (ns).""" + bitflip_probabilities: Optional[list[int]] = None + """Readout error model.""" + + +@dataclass +class ReadoutMitigationMatrixResults(Results): + calibration_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( + default_factory=dict + ) + + def save(self, path): + np.savez( + path / "calibration_matrix.npy", + **{str(i): self.calibration_matrix[i] for i in self.calibration_matrix}, + ) + + +@dataclass +class ReadoutMitigationMatrixData(Data): + """ReadoutMitigationMatrix acquisition outputs.""" + + qubits_list: list + nshots: int + data: dict = field(default_factory=dict) + + def add(self, qubits, state, freqs): + for result_state, freq in freqs.items(): + label = qubits + (state,) + if label not in self.data: + self.data[label] = {} + self.data[label][result_state] = freq + + for basis in [format(i, f"0{len(qubits)}b") for i in range(2 ** len(qubits))]: + if basis not in self.data[qubits + (state,)]: + self.data[qubits + (state,)][basis] = 0 + + def __getitem__(self, qubits): + return { + index: value + for index, value in self.data.items() + if qubits == list(index[: len(index) - 1]) + } + + +def _acquisition( + params: ReadoutMitigationMatrixParameters, + platform: Platform, + qubits: Qubits, +) -> ReadoutMitigationMatrixData: + # conversion from list to list in list to make only one plot + data = ReadoutMitigationMatrixData( + nshots=params.nshots, qubits_list=[list(qq) for qq in qubits] + ) + for qubit_list in qubits: + nqubits = len(qubit_list) + for i in range(2**nqubits): + state = format(i, f"0{nqubits}b") + if params.pulses: + sequence = PulseSequence() + for q, bit in enumerate(state): + if bit == "1": + sequence.add( + platform.create_RX_pulse( + qubit_list[q], start=0, relative_phase=0 + ) + ) + measurement_start = sequence.finish + for q in range(len(state)): + MZ_pulse = platform.create_MZ_pulse( + qubit_list[q], start=measurement_start + ) + sequence.add(MZ_pulse) + results = platform.execute_pulse_sequence( + sequence, ExecutionParameters(nshots=params.nshots) + ) + data.add(qubit_list, state, calculate_frequencies(results)) + else: + c = Circuit(platform.nqubits) + for q, bit in enumerate(state): + if bit == "1": + c.add(gates.X(qubit_list[q])) + if params.bitflip_probabilities is not None: + c.add( + gates.M( + q, + p0=params.bitflip_probabilities[0], + p1=params.bitflip_probabilities[1], + ) + ) + else: + c.add(gates.M(q)) + + results = c(nshots=params.nshots) + + data.add(qubit_list, state, dict(results.frequencies())) + + return data + + +def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: + calibration_matrix = {} + for qubit in data.qubits_list: + qubit_data = data[qubit] + matrix = np.zeros((2 ** len(qubit), 2 ** len(qubit))) + + for label, state_data in qubit_data.items(): + state = label[-1] + column = np.zeros(2 ** len(qubit)) + for basis, basis_freq in state_data.items(): + column[(int(basis, 2))] = basis_freq / data.nshots + matrix[:, int(state, 2)] = np.flip(column) + + calibration_matrix[tuple(qubit)] = np.linalg.inv(matrix) + + return ReadoutMitigationMatrixResults(calibration_matrix=calibration_matrix) + + +def _plot( + data: ReadoutMitigationMatrixData, fit: ReadoutMitigationMatrixResults, qubit +): + """Plotting function for Flipping.""" + fitting_report = "No fitting data" + fig = go.Figure() + computational_basis = [format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit))] + + fig.add_trace( + go.Heatmap( + x=computational_basis, + y=computational_basis[::-1], + z=np.linalg.inv(fit.calibration_matrix[tuple(qubit)]), + ), + ) + fig.update_layout( + uirevision="0", # ``uirevision`` allows zooming while live plotting + xaxis_title="State prepared", + yaxis_title="State measured", + ) + + return [fig], fitting_report + + +readout_mitigation_matrix = Routine(_acquisition, _fit, _plot) +"""Flipping Routine object.""" diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py index 251eadf35..156061755 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py @@ -273,5 +273,5 @@ def _fit(data: ChevronData): return ChevronResults(results) -chevron = Routine(_aquisition, _fit, _plot) +chevron = Routine(_aquisition, _fit, _plot, two_qubit_gates=True) """Chevron routine.""" diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py index 1577f27d1..ff97ca58f 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py @@ -397,5 +397,5 @@ def _plot(data: CZVirtualZData, data_fit: CZVirtualZResults, qubits): return [fig1, fig2], fitting_report -cz_virtualz = Routine(_acquisition, _fit, _plot) +cz_virtualz = Routine(_acquisition, _fit, _plot, two_qubit_gates=True) """CZ virtual Z correction routine.""" diff --git a/src/qibocal/utils.py b/src/qibocal/utils.py index f10a9d11e..efb5467c5 100644 --- a/src/qibocal/utils.py +++ b/src/qibocal/utils.py @@ -16,3 +16,13 @@ def allocate_qubits_pairs( ) -> dict[tuple[QubitId, QubitId], QubitPair]: """Construct the map from the chosen id pairs to the corresponding physical qubit pairs available on the platform.""" return {tuple(qq): platform.pairs[tuple(sorted(qq))] for qq in qubit_pairs_ids} + + +def allocate_single_qubits_lists( + platform: Optional[Platform], qubit_lists: list[list[QubitId]] +) -> dict[tuple[QubitId, ...], dict[QubitId, Qubit]]: + """Construct the map from the chosen id pairs to the corresponding physical qubit pairs available on the platform.""" + return { + tuple(qubits): allocate_single_qubits(platform, qubits) + for qubits in qubit_lists + } diff --git a/src/qibocal/web/templates/template.html b/src/qibocal/web/templates/template.html index 71298ad56..340f33420 100644 --- a/src/qibocal/web/templates/template.html +++ b/src/qibocal/web/templates/template.html @@ -151,7 +151,6 @@

{{ report.title }}

{{ report.routine_name(*task_uid) }}

- {% if report.history[task_uid].task.operation.repeat_plot_per_qubit %} {% for qubit in report.routine_qubits(task_uid) %}
{{ report.title }}
{% endfor %} - {% else %} - {% set figures, fitting_report = report.plot(task_uid) %} - {{ figures }} - {% endif %} {% endfor %} diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index 75c5d6da8..b82715a85 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -412,18 +412,18 @@ actions: bell_states: [0,1,2,3] native: False - - id: calibration_matrix + - id: readout_mitigation_matrix pulses priority: 0 - operation: calibration_matrix - qubits: [0,1,2] + operation: readout_mitigation_matrix + qubits: [[0,1,2],[1,2]] parameters: nshots: 100 pulses: True - - id: calibration_matrix + - id: readout_mitigation_matrix circuits priority: 0 - operation: calibration_matrix - qubits: [0,1,2] + operation: readout_mitigation_matrix + qubits: [[0,1,2],[1,2]] parameters: nshots: 100 pulses: False From 0653586e442e3dbb2ded0e73ae11c8085e4f1054 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Thu, 3 Aug 2023 16:02:55 +0400 Subject: [PATCH 15/28] Fix tests for singular matrix --- .../readout_mitigation_matrix.py | 34 ++++++++++++++----- 1 file changed, 26 insertions(+), 8 deletions(-) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 480479978..2728562d5 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -12,6 +12,7 @@ from qibolab.qubits import QubitId from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine +from qibocal.config import log from .chsh.utils import calculate_frequencies @@ -32,14 +33,20 @@ class ReadoutMitigationMatrixParameters(Parameters): @dataclass class ReadoutMitigationMatrixResults(Results): - calibration_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( + readout_mitigation_matrix: dict[ + tuple[QubitId, ...], npt.NDArray[np.float64] + ] = field(default_factory=dict) + measurement_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( default_factory=dict ) def save(self, path): np.savez( - path / "calibration_matrix.npy", - **{str(i): self.calibration_matrix[i] for i in self.calibration_matrix}, + path / "readout_mitigation_matrix.npy", + **{ + str(i): self.readout_mitigation_matrix[i] + for i in self.readout_mitigation_matrix + }, ) @@ -126,7 +133,8 @@ def _acquisition( def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: - calibration_matrix = {} + readout_mitigation_matrix = {} + measurement_matrix = {} for qubit in data.qubits_list: qubit_data = data[qubit] matrix = np.zeros((2 ** len(qubit), 2 ** len(qubit))) @@ -138,9 +146,19 @@ def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: column[(int(basis, 2))] = basis_freq / data.nshots matrix[:, int(state, 2)] = np.flip(column) - calibration_matrix[tuple(qubit)] = np.linalg.inv(matrix) - - return ReadoutMitigationMatrixResults(calibration_matrix=calibration_matrix) + measurement_matrix[tuple(qubit)] = matrix + try: + readout_mitigation_matrix[tuple(qubit)] = np.linalg.inv(matrix) + except np.linalg.LinAlgError as e: + log.warning(f"ReadoutMitigationMatrix: the fitting was not succesful. {e}") + readout_mitigation_matrix[tuple(qubit)] = np.zeros( + (2 ** len(qubit), 2 ** len(qubit)) + ) + + return ReadoutMitigationMatrixResults( + readout_mitigation_matrix=readout_mitigation_matrix, + measurement_matrix=measurement_matrix, + ) def _plot( @@ -155,7 +173,7 @@ def _plot( go.Heatmap( x=computational_basis, y=computational_basis[::-1], - z=np.linalg.inv(fit.calibration_matrix[tuple(qubit)]), + z=fit.measurement_matrix[tuple(qubit)], ), ) fig.update_layout( From 60563b7fd50461bfcf407279b2b31105ccd42ae6 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Thu, 3 Aug 2023 16:23:35 +0400 Subject: [PATCH 16/28] Fix coverage --- poetry.lock | 241 ++++++++++++++++++----------------- tests/runcards/protocols.yml | 18 +-- 2 files changed, 130 insertions(+), 129 deletions(-) diff --git a/poetry.lock b/poetry.lock index 274143746..541b6d55c 100644 --- a/poetry.lock +++ b/poetry.lock @@ -692,45 +692,45 @@ files = [ [[package]] name = "fonttools" -version = "4.41.1" +version = "4.42.0" description = "Tools to manipulate font files" optional = false python-versions = ">=3.8" files = [ - {file = "fonttools-4.41.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a7bbb290d13c6dd718ec2c3db46fe6c5f6811e7ea1e07f145fd8468176398224"}, - {file = "fonttools-4.41.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ec453a45778524f925a8f20fd26a3326f398bfc55d534e37bab470c5e415caa1"}, - {file = "fonttools-4.41.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c2071267deaa6d93cb16288613419679c77220543551cbe61da02c93d92df72f"}, - {file = "fonttools-4.41.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e3334d51f0e37e2c6056e67141b2adabc92613a968797e2571ca8a03bd64773"}, - {file = "fonttools-4.41.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:cac73bbef7734e78c60949da11c4903ee5837168e58772371bd42a75872f4f82"}, - {file = "fonttools-4.41.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:edee0900cf0eedb29d17c7876102d6e5a91ee333882b1f5abc83e85b934cadb5"}, - {file = "fonttools-4.41.1-cp310-cp310-win32.whl", hash = "sha256:2a22b2c425c698dcd5d6b0ff0b566e8e9663172118db6fd5f1941f9b8063da9b"}, - {file = "fonttools-4.41.1-cp310-cp310-win_amd64.whl", hash = "sha256:547ab36a799dded58a46fa647266c24d0ed43a66028cd1cd4370b246ad426cac"}, - {file = "fonttools-4.41.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:849ec722bbf7d3501a0e879e57dec1fc54919d31bff3f690af30bb87970f9784"}, - {file = "fonttools-4.41.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:38cdecd8f1fd4bf4daae7fed1b3170dfc1b523388d6664b2204b351820aa78a7"}, - {file = "fonttools-4.41.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3ae64303ba670f8959fdaaa30ba0c2dabe75364fdec1caeee596c45d51ca3425"}, - {file = "fonttools-4.41.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f14f3ccea4cc7dd1b277385adf3c3bf18f9860f87eab9c2fb650b0af16800f55"}, - {file = "fonttools-4.41.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:33191f062549e6bb1a4782c22a04ebd37009c09360e2d6686ac5083774d06d95"}, - {file = "fonttools-4.41.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:704bccd69b0abb6fab9f5e4d2b75896afa48b427caa2c7988792a2ffce35b441"}, - {file = "fonttools-4.41.1-cp311-cp311-win32.whl", hash = "sha256:4edc795533421e98f60acee7d28fc8d941ff5ac10f44668c9c3635ad72ae9045"}, - {file = "fonttools-4.41.1-cp311-cp311-win_amd64.whl", hash = "sha256:aaaef294d8e411f0ecb778a0aefd11bb5884c9b8333cc1011bdaf3b58ca4bd75"}, - {file = "fonttools-4.41.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:3d1f9471134affc1e3b1b806db6e3e2ad3fa99439e332f1881a474c825101096"}, - {file = "fonttools-4.41.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:59eba8b2e749a1de85760da22333f3d17c42b66e03758855a12a2a542723c6e7"}, - {file = "fonttools-4.41.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a9b3cc10dc9e0834b6665fd63ae0c6964c6bc3d7166e9bc84772e0edd09f9fa2"}, - {file = "fonttools-4.41.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:da2c2964bdc827ba6b8a91dc6de792620be4da3922c4cf0599f36a488c07e2b2"}, - {file = "fonttools-4.41.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:7763316111df7b5165529f4183a334aa24c13cdb5375ffa1dc8ce309c8bf4e5c"}, - {file = "fonttools-4.41.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b2d1ee95be42b80d1f002d1ee0a51d7a435ea90d36f1a5ae331be9962ee5a3f1"}, - {file = "fonttools-4.41.1-cp38-cp38-win32.whl", hash = "sha256:f48602c0b3fd79cd83a34c40af565fe6db7ac9085c8823b552e6e751e3a5b8be"}, - {file = "fonttools-4.41.1-cp38-cp38-win_amd64.whl", hash = "sha256:b0938ebbeccf7c80bb9a15e31645cf831572c3a33d5cc69abe436e7000c61b14"}, - {file = "fonttools-4.41.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e5c2b0a95a221838991e2f0e455dec1ca3a8cc9cd54febd68cc64d40fdb83669"}, - {file = "fonttools-4.41.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:891cfc5a83b0307688f78b9bb446f03a7a1ad981690ac8362f50518bc6153975"}, - {file = "fonttools-4.41.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:73ef0bb5d60eb02ba4d3a7d23ada32184bd86007cb2de3657cfcb1175325fc83"}, - {file = "fonttools-4.41.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f240d9adf0583ac8fc1646afe7f4ac039022b6f8fa4f1575a2cfa53675360b69"}, - {file = "fonttools-4.41.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:bdd729744ae7ecd7f7311ad25d99da4999003dcfe43b436cf3c333d4e68de73d"}, - {file = "fonttools-4.41.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:b927e5f466d99c03e6e20961946314b81d6e3490d95865ef88061144d9f62e38"}, - {file = "fonttools-4.41.1-cp39-cp39-win32.whl", hash = "sha256:afce2aeb80be72b4da7dd114f10f04873ff512793d13ce0b19d12b2a4c44c0f0"}, - {file = "fonttools-4.41.1-cp39-cp39-win_amd64.whl", hash = "sha256:1df1b6f4c7c4bc8201eb47f3b268adbf2539943aa43c400f84556557e3e109c0"}, - {file = "fonttools-4.41.1-py3-none-any.whl", hash = "sha256:952cb405f78734cf6466252fec42e206450d1a6715746013f64df9cbd4f896fa"}, - {file = "fonttools-4.41.1.tar.gz", hash = "sha256:e16a9449f21a93909c5be2f5ed5246420f2316e94195dbfccb5238aaa38f9751"}, + {file = "fonttools-4.42.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:9c456d1f23deff64ffc8b5b098718e149279abdea4d8692dba69172fb6a0d597"}, + {file = "fonttools-4.42.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:150122ed93127a26bc3670ebab7e2add1e0983d30927733aec327ebf4255b072"}, + {file = "fonttools-4.42.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48e82d776d2e93f88ca56567509d102266e7ab2fb707a0326f032fe657335238"}, + {file = "fonttools-4.42.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:58c1165f9b2662645de9b19a8c8bdd636b36294ccc07e1b0163856b74f10bafc"}, + {file = "fonttools-4.42.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:2d6dc3fa91414ff4daa195c05f946e6a575bd214821e26d17ca50f74b35b0fe4"}, + {file = "fonttools-4.42.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fae4e801b774cc62cecf4a57b1eae4097903fced00c608d9e2bc8f84cd87b54a"}, + {file = "fonttools-4.42.0-cp310-cp310-win32.whl", hash = "sha256:b8600ae7dce6ec3ddfb201abb98c9d53abbf8064d7ac0c8a0d8925e722ccf2a0"}, + {file = "fonttools-4.42.0-cp310-cp310-win_amd64.whl", hash = "sha256:57b68eab183fafac7cd7d464a7bfa0fcd4edf6c67837d14fb09c1c20516cf20b"}, + {file = "fonttools-4.42.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:0a1466713e54bdbf5521f2f73eebfe727a528905ff5ec63cda40961b4b1eea95"}, + {file = "fonttools-4.42.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3fb2a69870bfe143ec20b039a1c8009e149dd7780dd89554cc8a11f79e5de86b"}, + {file = "fonttools-4.42.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ae881e484702efdb6cf756462622de81d4414c454edfd950b137e9a7352b3cb9"}, + {file = "fonttools-4.42.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:27ec3246a088555629f9f0902f7412220c67340553ca91eb540cf247aacb1983"}, + {file = "fonttools-4.42.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:8ece1886d12bb36c48c00b2031518877f41abae317e3a55620d38e307d799b7e"}, + {file = "fonttools-4.42.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:10dac980f2b975ef74532e2a94bb00e97a95b4595fb7f98db493c474d5f54d0e"}, + {file = "fonttools-4.42.0-cp311-cp311-win32.whl", hash = "sha256:83b98be5d291e08501bd4fc0c4e0f8e6e05b99f3924068b17c5c9972af6fff84"}, + {file = "fonttools-4.42.0-cp311-cp311-win_amd64.whl", hash = "sha256:e35bed436726194c5e6e094fdfb423fb7afaa0211199f9d245e59e11118c576c"}, + {file = "fonttools-4.42.0-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:c36c904ce0322df01e590ba814d5d69e084e985d7e4c2869378671d79662a7d4"}, + {file = "fonttools-4.42.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:d54e600a2bcfa5cdaa860237765c01804a03b08404d6affcd92942fa7315ffba"}, + {file = "fonttools-4.42.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:01cfe02416b6d416c5c8d15e30315cbcd3e97d1b50d3b34b0ce59f742ef55258"}, + {file = "fonttools-4.42.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f81ed9065b4bd3f4f3ce8e4873cd6a6b3f4e92b1eddefde35d332c6f414acc3"}, + {file = "fonttools-4.42.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:685a4dd6cf31593b50d6d441feb7781a4a7ef61e19551463e14ed7c527b86f9f"}, + {file = "fonttools-4.42.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:329341ba3d86a36e482610db56b30705384cb23bd595eac8cbb045f627778e9d"}, + {file = "fonttools-4.42.0-cp38-cp38-win32.whl", hash = "sha256:4655c480a1a4d706152ff54f20e20cf7609084016f1df3851cce67cef768f40a"}, + {file = "fonttools-4.42.0-cp38-cp38-win_amd64.whl", hash = "sha256:6bd7e4777bff1dcb7c4eff4786998422770f3bfbef8be401c5332895517ba3fa"}, + {file = "fonttools-4.42.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:a9b55d2a3b360e0c7fc5bd8badf1503ca1c11dd3a1cd20f2c26787ffa145a9c7"}, + {file = "fonttools-4.42.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:0df8ef75ba5791e873c9eac2262196497525e3f07699a2576d3ab9ddf41cb619"}, + {file = "fonttools-4.42.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cd2363ea7728496827658682d049ffb2e98525e2247ca64554864a8cc945568"}, + {file = "fonttools-4.42.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d40673b2e927f7cd0819c6f04489dfbeb337b4a7b10fc633c89bf4f34ecb9620"}, + {file = "fonttools-4.42.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:c8bf88f9e3ce347c716921804ef3a8330cb128284eb6c0b6c4b3574f3c580023"}, + {file = "fonttools-4.42.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:703101eb0490fae32baf385385d47787b73d9ea55253df43b487c89ec767e0d7"}, + {file = "fonttools-4.42.0-cp39-cp39-win32.whl", hash = "sha256:f0290ea7f9945174bd4dfd66e96149037441eb2008f3649094f056201d99e293"}, + {file = "fonttools-4.42.0-cp39-cp39-win_amd64.whl", hash = "sha256:ae7df0ae9ee2f3f7676b0ff6f4ebe48ad0acaeeeaa0b6839d15dbf0709f2c5ef"}, + {file = "fonttools-4.42.0-py3-none-any.whl", hash = "sha256:dfe7fa7e607f7e8b58d0c32501a3a7cac148538300626d1b930082c90ae7f6bd"}, + {file = "fonttools-4.42.0.tar.gz", hash = "sha256:614b1283dca88effd20ee48160518e6de275ce9b5456a3134d5f235523fc5065"}, ] [package.extras] @@ -1152,21 +1152,21 @@ files = [ [[package]] name = "jedi" -version = "0.18.2" +version = "0.19.0" description = "An autocompletion tool for Python that can be used for text editors." optional = false python-versions = ">=3.6" files = [ - {file = "jedi-0.18.2-py2.py3-none-any.whl", hash = "sha256:203c1fd9d969ab8f2119ec0a3342e0b49910045abe6af0a3ae83a5764d54639e"}, - {file = "jedi-0.18.2.tar.gz", hash = "sha256:bae794c30d07f6d910d32a7048af09b5a39ed740918da923c6b780790ebac612"}, + {file = "jedi-0.19.0-py2.py3-none-any.whl", hash = "sha256:cb8ce23fbccff0025e9386b5cf85e892f94c9b822378f8da49970471335ac64e"}, + {file = "jedi-0.19.0.tar.gz", hash = "sha256:bcf9894f1753969cbac8022a8c2eaee06bfa3724e4192470aaffe7eb6272b0c4"}, ] [package.dependencies] -parso = ">=0.8.0,<0.9.0" +parso = ">=0.8.3,<0.9.0" [package.extras] docs = ["Jinja2 (==2.11.3)", "MarkupSafe (==1.1.1)", "Pygments (==2.8.1)", "alabaster (==0.7.12)", "babel (==2.9.1)", "chardet (==4.0.0)", "commonmark (==0.8.1)", "docutils (==0.17.1)", "future (==0.18.2)", "idna (==2.10)", "imagesize (==1.2.0)", "mock (==1.0.1)", "packaging (==20.9)", "pyparsing (==2.4.7)", "pytz (==2021.1)", "readthedocs-sphinx-ext (==2.1.4)", "recommonmark (==0.5.0)", "requests (==2.25.1)", "six (==1.15.0)", "snowballstemmer (==2.1.0)", "sphinx (==1.8.5)", "sphinx-rtd-theme (==0.4.3)", "sphinxcontrib-serializinghtml (==1.1.4)", "sphinxcontrib-websupport (==1.2.4)", "urllib3 (==1.26.4)"] -qa = ["flake8 (==3.8.3)", "mypy (==0.782)"] +qa = ["flake8 (==5.0.4)", "mypy (==0.971)", "types-setuptools (==67.2.0.1)"] testing = ["Django (<3.1)", "attrs", "colorama", "docopt", "pytest (<7.0.0)"] [[package]] @@ -1454,19 +1454,20 @@ test = ["coverage", "flaky", "pytest", "pytest-cov"] [[package]] name = "markdown" -version = "3.4.3" +version = "3.4.4" description = "Python implementation of John Gruber's Markdown." optional = false python-versions = ">=3.7" files = [ - {file = "Markdown-3.4.3-py3-none-any.whl", hash = "sha256:065fd4df22da73a625f14890dd77eb8040edcbd68794bcd35943be14490608b2"}, - {file = "Markdown-3.4.3.tar.gz", hash = "sha256:8bf101198e004dc93e84a12a7395e31aac6a9c9942848ae1d99b9d72cf9b3520"}, + {file = "Markdown-3.4.4-py3-none-any.whl", hash = "sha256:a4c1b65c0957b4bd9e7d86ddc7b3c9868fb9670660f6f99f6d1bca8954d5a941"}, + {file = "Markdown-3.4.4.tar.gz", hash = "sha256:225c6123522495d4119a90b3a3ba31a1e87a70369e03f14799ea9c0d7183a3d6"}, ] [package.dependencies] importlib-metadata = {version = ">=4.4", markers = "python_version < \"3.10\""} [package.extras] +docs = ["mdx-gh-links (>=0.2)", "mkdocs (>=1.0)", "mkdocs-nature (>=0.4)"] testing = ["coverage", "pyyaml"] [[package]] @@ -1645,13 +1646,13 @@ tests = ["pytest (>=4.6)"] [[package]] name = "nest-asyncio" -version = "1.5.6" +version = "1.5.7" description = "Patch asyncio to allow nested event loops" optional = false python-versions = ">=3.5" files = [ - {file = "nest_asyncio-1.5.6-py3-none-any.whl", hash = "sha256:b9a953fb40dceaa587d109609098db21900182b16440652454a146cffb06e8b8"}, - {file = "nest_asyncio-1.5.6.tar.gz", hash = "sha256:d267cc1ff794403f7df692964d1d2a3fa9418ffea2a3f6859a439ff482fef290"}, + {file = "nest_asyncio-1.5.7-py3-none-any.whl", hash = "sha256:5301c82941b550b3123a1ea772ba9a1c80bad3a182be8c1a5ae6ad3be57a9657"}, + {file = "nest_asyncio-1.5.7.tar.gz", hash = "sha256:6a80f7b98f24d9083ed24608977c09dd608d83f91cccc24c9d2cba6d10e01c10"}, ] [[package]] @@ -2076,18 +2077,18 @@ tests = ["check-manifest", "coverage", "defusedxml", "markdown2", "olefile", "pa [[package]] name = "platformdirs" -version = "3.9.1" +version = "3.10.0" description = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." optional = false python-versions = ">=3.7" files = [ - {file = "platformdirs-3.9.1-py3-none-any.whl", hash = "sha256:ad8291ae0ae5072f66c16945166cb11c63394c7a3ad1b1bc9828ca3162da8c2f"}, - {file = "platformdirs-3.9.1.tar.gz", hash = "sha256:1b42b450ad933e981d56e59f1b97495428c9bd60698baab9f3eb3d00d5822421"}, + {file = "platformdirs-3.10.0-py3-none-any.whl", hash = "sha256:d7c24979f292f916dc9cbf8648319032f551ea8c49a4c9bf2fb556a02070ec1d"}, + {file = "platformdirs-3.10.0.tar.gz", hash = "sha256:b45696dab2d7cc691a3226759c0d3b00c47c8b6e293d96f6436f733303f77f6d"}, ] [package.extras] -docs = ["furo (>=2023.5.20)", "proselint (>=0.13)", "sphinx (>=7.0.1)", "sphinx-autodoc-typehints (>=1.23,!=1.23.4)"] -test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.3.1)", "pytest-cov (>=4.1)", "pytest-mock (>=3.10)"] +docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.1)", "sphinx-autodoc-typehints (>=1.24)"] +test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4)", "pytest-cov (>=4.1)", "pytest-mock (>=3.11.1)"] [[package]] name = "plotly" @@ -2267,47 +2268,47 @@ pybtex = ">=0.16" [[package]] name = "pydantic" -version = "1.10.11" +version = "1.10.12" description = "Data validation and settings management using python type hints" optional = false python-versions = ">=3.7" files = [ - {file = "pydantic-1.10.11-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ff44c5e89315b15ff1f7fdaf9853770b810936d6b01a7bcecaa227d2f8fe444f"}, - {file = "pydantic-1.10.11-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a6c098d4ab5e2d5b3984d3cb2527e2d6099d3de85630c8934efcfdc348a9760e"}, - {file = "pydantic-1.10.11-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:16928fdc9cb273c6af00d9d5045434c39afba5f42325fb990add2c241402d151"}, - {file = "pydantic-1.10.11-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0588788a9a85f3e5e9ebca14211a496409cb3deca5b6971ff37c556d581854e7"}, - {file = "pydantic-1.10.11-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e9baf78b31da2dc3d3f346ef18e58ec5f12f5aaa17ac517e2ffd026a92a87588"}, - {file = "pydantic-1.10.11-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:373c0840f5c2b5b1ccadd9286782852b901055998136287828731868027a724f"}, - {file = "pydantic-1.10.11-cp310-cp310-win_amd64.whl", hash = "sha256:c3339a46bbe6013ef7bdd2844679bfe500347ac5742cd4019a88312aa58a9847"}, - {file = "pydantic-1.10.11-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:08a6c32e1c3809fbc49debb96bf833164f3438b3696abf0fbeceb417d123e6eb"}, - {file = "pydantic-1.10.11-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a451ccab49971af043ec4e0d207cbc8cbe53dbf148ef9f19599024076fe9c25b"}, - {file = "pydantic-1.10.11-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5b02d24f7b2b365fed586ed73582c20f353a4c50e4be9ba2c57ab96f8091ddae"}, - {file = "pydantic-1.10.11-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3f34739a89260dfa420aa3cbd069fbcc794b25bbe5c0a214f8fb29e363484b66"}, - {file = "pydantic-1.10.11-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:e297897eb4bebde985f72a46a7552a7556a3dd11e7f76acda0c1093e3dbcf216"}, - {file = "pydantic-1.10.11-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:d185819a7a059550ecb85d5134e7d40f2565f3dd94cfd870132c5f91a89cf58c"}, - {file = "pydantic-1.10.11-cp311-cp311-win_amd64.whl", hash = "sha256:4400015f15c9b464c9db2d5d951b6a780102cfa5870f2c036d37c23b56f7fc1b"}, - {file = "pydantic-1.10.11-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:2417de68290434461a266271fc57274a138510dca19982336639484c73a07af6"}, - {file = "pydantic-1.10.11-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:331c031ba1554b974c98679bd0780d89670d6fd6f53f5d70b10bdc9addee1713"}, - {file = "pydantic-1.10.11-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8268a735a14c308923e8958363e3a3404f6834bb98c11f5ab43251a4e410170c"}, - {file = "pydantic-1.10.11-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:44e51ba599c3ef227e168424e220cd3e544288c57829520dc90ea9cb190c3248"}, - {file = "pydantic-1.10.11-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:d7781f1d13b19700b7949c5a639c764a077cbbdd4322ed505b449d3ca8edcb36"}, - {file = "pydantic-1.10.11-cp37-cp37m-win_amd64.whl", hash = "sha256:7522a7666157aa22b812ce14c827574ddccc94f361237ca6ea8bb0d5c38f1629"}, - {file = "pydantic-1.10.11-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:bc64eab9b19cd794a380179ac0e6752335e9555d214cfcb755820333c0784cb3"}, - {file = "pydantic-1.10.11-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:8dc77064471780262b6a68fe67e013298d130414d5aaf9b562c33987dbd2cf4f"}, - {file = "pydantic-1.10.11-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fe429898f2c9dd209bd0632a606bddc06f8bce081bbd03d1c775a45886e2c1cb"}, - {file = "pydantic-1.10.11-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:192c608ad002a748e4a0bed2ddbcd98f9b56df50a7c24d9a931a8c5dd053bd3d"}, - {file = "pydantic-1.10.11-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ef55392ec4bb5721f4ded1096241e4b7151ba6d50a50a80a2526c854f42e6a2f"}, - {file = "pydantic-1.10.11-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:41e0bb6efe86281623abbeeb0be64eab740c865388ee934cd3e6a358784aca6e"}, - {file = "pydantic-1.10.11-cp38-cp38-win_amd64.whl", hash = "sha256:265a60da42f9f27e0b1014eab8acd3e53bd0bad5c5b4884e98a55f8f596b2c19"}, - {file = "pydantic-1.10.11-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:469adf96c8e2c2bbfa655fc7735a2a82f4c543d9fee97bd113a7fb509bf5e622"}, - {file = "pydantic-1.10.11-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e6cbfbd010b14c8a905a7b10f9fe090068d1744d46f9e0c021db28daeb8b6de1"}, - {file = "pydantic-1.10.11-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:abade85268cc92dff86d6effcd917893130f0ff516f3d637f50dadc22ae93999"}, - {file = "pydantic-1.10.11-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e9738b0f2e6c70f44ee0de53f2089d6002b10c33264abee07bdb5c7f03038303"}, - {file = "pydantic-1.10.11-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:787cf23e5a0cde753f2eabac1b2e73ae3844eb873fd1f5bdbff3048d8dbb7604"}, - {file = "pydantic-1.10.11-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:174899023337b9fc685ac8adaa7b047050616136ccd30e9070627c1aaab53a13"}, - {file = "pydantic-1.10.11-cp39-cp39-win_amd64.whl", hash = "sha256:1954f8778489a04b245a1e7b8b22a9d3ea8ef49337285693cf6959e4b757535e"}, - {file = "pydantic-1.10.11-py3-none-any.whl", hash = "sha256:008c5e266c8aada206d0627a011504e14268a62091450210eda7c07fabe6963e"}, - {file = "pydantic-1.10.11.tar.gz", hash = "sha256:f66d479cf7eb331372c470614be6511eae96f1f120344c25f3f9bb59fb1b5528"}, + {file = "pydantic-1.10.12-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a1fcb59f2f355ec350073af41d927bf83a63b50e640f4dbaa01053a28b7a7718"}, + {file = "pydantic-1.10.12-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:b7ccf02d7eb340b216ec33e53a3a629856afe1c6e0ef91d84a4e6f2fb2ca70fe"}, + {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8fb2aa3ab3728d950bcc885a2e9eff6c8fc40bc0b7bb434e555c215491bcf48b"}, + {file = "pydantic-1.10.12-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:771735dc43cf8383959dc9b90aa281f0b6092321ca98677c5fb6125a6f56d58d"}, + {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:ca48477862372ac3770969b9d75f1bf66131d386dba79506c46d75e6b48c1e09"}, + {file = "pydantic-1.10.12-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a5e7add47a5b5a40c49b3036d464e3c7802f8ae0d1e66035ea16aa5b7a3923ed"}, + {file = "pydantic-1.10.12-cp310-cp310-win_amd64.whl", hash = "sha256:e4129b528c6baa99a429f97ce733fff478ec955513630e61b49804b6cf9b224a"}, + {file = "pydantic-1.10.12-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b0d191db0f92dfcb1dec210ca244fdae5cbe918c6050b342d619c09d31eea0cc"}, + {file = "pydantic-1.10.12-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:795e34e6cc065f8f498c89b894a3c6da294a936ee71e644e4bd44de048af1405"}, + {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69328e15cfda2c392da4e713443c7dbffa1505bc9d566e71e55abe14c97ddc62"}, + {file = "pydantic-1.10.12-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2031de0967c279df0d8a1c72b4ffc411ecd06bac607a212892757db7462fc494"}, + {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:ba5b2e6fe6ca2b7e013398bc7d7b170e21cce322d266ffcd57cca313e54fb246"}, + {file = "pydantic-1.10.12-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:2a7bac939fa326db1ab741c9d7f44c565a1d1e80908b3797f7f81a4f86bc8d33"}, + {file = "pydantic-1.10.12-cp311-cp311-win_amd64.whl", hash = "sha256:87afda5539d5140cb8ba9e8b8c8865cb5b1463924d38490d73d3ccfd80896b3f"}, + {file = "pydantic-1.10.12-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:549a8e3d81df0a85226963611950b12d2d334f214436a19537b2efed61b7639a"}, + {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:598da88dfa127b666852bef6d0d796573a8cf5009ffd62104094a4fe39599565"}, + {file = "pydantic-1.10.12-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ba5c4a8552bff16c61882db58544116d021d0b31ee7c66958d14cf386a5b5350"}, + {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c79e6a11a07da7374f46970410b41d5e266f7f38f6a17a9c4823db80dadf4303"}, + {file = "pydantic-1.10.12-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ab26038b8375581dc832a63c948f261ae0aa21f1d34c1293469f135fa92972a5"}, + {file = "pydantic-1.10.12-cp37-cp37m-win_amd64.whl", hash = "sha256:e0a16d274b588767602b7646fa05af2782576a6cf1022f4ba74cbb4db66f6ca8"}, + {file = "pydantic-1.10.12-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6a9dfa722316f4acf4460afdf5d41d5246a80e249c7ff475c43a3a1e9d75cf62"}, + {file = "pydantic-1.10.12-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:a73f489aebd0c2121ed974054cb2759af8a9f747de120acd2c3394cf84176ccb"}, + {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b30bcb8cbfccfcf02acb8f1a261143fab622831d9c0989707e0e659f77a18e0"}, + {file = "pydantic-1.10.12-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2fcfb5296d7877af406ba1547dfde9943b1256d8928732267e2653c26938cd9c"}, + {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:2f9a6fab5f82ada41d56b0602606a5506aab165ca54e52bc4545028382ef1c5d"}, + {file = "pydantic-1.10.12-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:dea7adcc33d5d105896401a1f37d56b47d443a2b2605ff8a969a0ed5543f7e33"}, + {file = "pydantic-1.10.12-cp38-cp38-win_amd64.whl", hash = "sha256:1eb2085c13bce1612da8537b2d90f549c8cbb05c67e8f22854e201bde5d98a47"}, + {file = "pydantic-1.10.12-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:ef6c96b2baa2100ec91a4b428f80d8f28a3c9e53568219b6c298c1125572ebc6"}, + {file = "pydantic-1.10.12-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:6c076be61cd0177a8433c0adcb03475baf4ee91edf5a4e550161ad57fc90f523"}, + {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2d5a58feb9a39f481eda4d5ca220aa8b9d4f21a41274760b9bc66bfd72595b86"}, + {file = "pydantic-1.10.12-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5f805d2d5d0a41633651a73fa4ecdd0b3d7a49de4ec3fadf062fe16501ddbf1"}, + {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:1289c180abd4bd4555bb927c42ee42abc3aee02b0fb2d1223fb7c6e5bef87dbe"}, + {file = "pydantic-1.10.12-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5d1197e462e0364906cbc19681605cb7c036f2475c899b6f296104ad42b9f5fb"}, + {file = "pydantic-1.10.12-cp39-cp39-win_amd64.whl", hash = "sha256:fdbdd1d630195689f325c9ef1a12900524dceb503b00a987663ff4f58669b93d"}, + {file = "pydantic-1.10.12-py3-none-any.whl", hash = "sha256:b749a43aa51e32839c9d71dc67eb1e4221bb04af1033a32e3923d46f9effa942"}, + {file = "pydantic-1.10.12.tar.gz", hash = "sha256:0fe8a415cea8f340e7a9af9c54fc71a649b43e8ca3cc732986116b3cb135d303"}, ] [package.dependencies] @@ -2347,17 +2348,17 @@ plugins = ["importlib-metadata"] [[package]] name = "pylint" -version = "2.17.4" +version = "2.17.5" description = "python code static checker" optional = false python-versions = ">=3.7.2" files = [ - {file = "pylint-2.17.4-py3-none-any.whl", hash = "sha256:7a1145fb08c251bdb5cca11739722ce64a63db479283d10ce718b2460e54123c"}, - {file = "pylint-2.17.4.tar.gz", hash = "sha256:5dcf1d9e19f41f38e4e85d10f511e5b9c35e1aa74251bf95cdd8cb23584e2db1"}, + {file = "pylint-2.17.5-py3-none-any.whl", hash = "sha256:73995fb8216d3bed149c8d51bba25b2c52a8251a2c8ac846ec668ce38fab5413"}, + {file = "pylint-2.17.5.tar.gz", hash = "sha256:f7b601cbc06fef7e62a754e2b41294c2aa31f1cb659624b9a85bcba29eaf8252"}, ] [package.dependencies] -astroid = ">=2.15.4,<=2.17.0-dev0" +astroid = ">=2.15.6,<=2.17.0-dev0" colorama = {version = ">=0.4.5", markers = "sys_platform == \"win32\""} dill = [ {version = ">=0.2", markers = "python_version < \"3.11\""}, @@ -2552,13 +2553,13 @@ files = [ [[package]] name = "qibo" -version = "0.1.15" +version = "0.1.16" description = "A framework for quantum computing with hardware acceleration." optional = false python-versions = ">=3.8,<3.12" files = [ - {file = "qibo-0.1.15-py3-none-any.whl", hash = "sha256:a6d4df4973eccd64dac03b2f1b554529c7e1d5d211282743a1fc924f6d161c8e"}, - {file = "qibo-0.1.15.tar.gz", hash = "sha256:785e2abff2b170c4d8f5ddd19867c48c6eec6243d1bc2630e10bc8fd1822a092"}, + {file = "qibo-0.1.16-py3-none-any.whl", hash = "sha256:ef31f63d8994827e3b104dbae32a5ebf6f07c0555fd93bc26fab2445b93a9f07"}, + {file = "qibo-0.1.16.tar.gz", hash = "sha256:37d5a5590927684a8d1f12a0736dc3073fcadf00ed736489c61515b3340e32d3"}, ] [package.dependencies] @@ -2572,7 +2573,7 @@ tabulate = ">=0.9.0,<0.10.0" [[package]] name = "qibolab" -version = "0.0.5" +version = "0.1.0" description = "Quantum hardware module and drivers for Qibo" optional = false python-versions = ">=3.9,<3.12" @@ -2595,7 +2596,7 @@ zh = ["laboneq (==2.7.0)"] type = "git" url = "https://github.com/qiboteam/qibolab.git" reference = "main" -resolved_reference = "bcfe80866a7b8b0da311e72c958764804fd2e9a7" +resolved_reference = "c4c7ac3c6104a464dc0308fbcfd06570fe7d7e74" [[package]] name = "recommonmark" @@ -3200,33 +3201,33 @@ files = [ [[package]] name = "tensorflow-io-gcs-filesystem" -version = "0.32.0" +version = "0.33.0" description = "TensorFlow IO" optional = true python-versions = ">=3.7, <3.12" files = [ - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:74a7e25e83d4117a7ebb09a3f247553a5497393ab48c3ee0cf0d17b405026817"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:045d51bba586390d0545fcd8a18727d62b175eb142f6f4c6d719d39de40774cd"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:db682e9a510c27dd35710ba5a2c62c371e25b727741b2fe3a920355fa501e947"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:7f15fd22e592661b10de317be2f42a0f84be7bfc5e6a565fcfcb04b60d625b78"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp311-cp311-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:336d9b3fe6b55aea149c4f6aa1fd6ffaf27d4e5c37e55a182340b47caba38846"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:842f5f09cd756bdb3b4d0b5571b3a6f72fd534d42da938b9acf0ef462995eada"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:1ce80e1555d6ee88dda67feddf366cc8b30252b5837a7a17303df7b06a71fc2e"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:05e65d3cb6c93a7929b384d86c6369c63cbbab8a770440a3d95e094878403f9f"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp38-cp38-macosx_10_14_x86_64.whl", hash = "sha256:21de7dcc06eb1e7de3c022b0072d90ba35ef886578149663437aa7a6fb5bf6b3"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:79fdd02103b8ae9f8b89af41f744c013fa1caaea709de19833917795e3063857"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5635df0bbe40f971dc1b946e3372744b0bdfda45c38ffcd28ef53a32bb8da4da"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:122be149e5f6a030f5c2901be0cc3cb07619232f7b03889e2cdf3da1c0d4f92f"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8214cdf85bea694160f9035ff395221c1e25e119784ccb4c104919b1f5dec84e"}, - {file = "tensorflow_io_gcs_filesystem-0.32.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:28202492d904a6e280cf27560791e87ac1c7566000db82065d63a70c27008af2"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:2dd49262831ee20f03fd3f5d2c679e7111cd1575e0ad60f60b5632f2da555bfc"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4e1d833f6856aec465652c0d7a75a7c28cf83b132b8351ba0c4df4e05136c403"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8295a65fd4fa731b06b31fab223e3ba11369430537169934a17f7bcc07dfef76"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:58f953665620725c842de8f4074c14779bf11d9081e4d0d8f2b75145de9ee20a"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp311-cp311-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ac69d8ba4d27435a5e199248b3a3befc19e65d86a97a52a19ee1f43195f51207"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b85c793e313e9cfed6caa328ec1a162844006a4bc016ba1d116813d7541938a9"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:99c063f766fdb431d555f17fa185979195abb0477445f054fe16567bfd340fd7"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cfa1df21535f7c945041fda99da2940a56b67d86e20aa2ac8cde3d371bc08659"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp38-cp38-macosx_10_14_x86_64.whl", hash = "sha256:8d3ddd86a0f7cf4d35f2401d5b28d574d0f296b4e4349c69c671f7b83fc6ce8f"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4657f92dcc2474adc773bf69b836818b416c22cfadaac05b9b64f2a53f3009ee"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dcf4fc3a44f75b7dccb7b40ca709872bf7f0e812522f82aa7881ecdc0d86af48"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:68db367697353184667bbd94faf53a58e7b695acb905f23da1e8ccad8bd6b451"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:a57e64cd5d22085f9b475df9d12086a894eb8861524970c8839a2ec315841a20"}, + {file = "tensorflow_io_gcs_filesystem-0.33.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c7916ca0accdd259c3fbee1b1f0816d61d6e8a639aa5bc1d4cdfbaf63b344623"}, ] [package.extras] -tensorflow = ["tensorflow (>=2.12.0,<2.13.0)"] -tensorflow-aarch64 = ["tensorflow-aarch64 (>=2.12.0,<2.13.0)"] -tensorflow-cpu = ["tensorflow-cpu (>=2.12.0,<2.13.0)"] -tensorflow-gpu = ["tensorflow-gpu (>=2.12.0,<2.13.0)"] -tensorflow-rocm = ["tensorflow-rocm (>=2.12.0,<2.13.0)"] +tensorflow = ["tensorflow (>=2.13.0,<2.14.0)"] +tensorflow-aarch64 = ["tensorflow-aarch64 (>=2.13.0,<2.14.0)"] +tensorflow-cpu = ["tensorflow-cpu (>=2.13.0,<2.14.0)"] +tensorflow-gpu = ["tensorflow-gpu (>=2.13.0,<2.14.0)"] +tensorflow-rocm = ["tensorflow-rocm (>=2.13.0,<2.14.0)"] [[package]] name = "termcolor" @@ -3266,13 +3267,13 @@ files = [ [[package]] name = "tomlkit" -version = "0.11.8" +version = "0.12.1" description = "Style preserving TOML library" optional = false python-versions = ">=3.7" files = [ - {file = "tomlkit-0.11.8-py3-none-any.whl", hash = "sha256:8c726c4c202bdb148667835f68d68780b9a003a9ec34167b6c673b38eff2a171"}, - {file = "tomlkit-0.11.8.tar.gz", hash = "sha256:9330fc7faa1db67b541b28e62018c17d20be733177d290a13b24c62d1614e0c3"}, + {file = "tomlkit-0.12.1-py3-none-any.whl", hash = "sha256:712cbd236609acc6a3e2e97253dfc52d4c2082982a88f61b640ecf0817eab899"}, + {file = "tomlkit-0.12.1.tar.gz", hash = "sha256:38e1ff8edb991273ec9f6181244a6a391ac30e9f5098e7535640ea6be97a7c86"}, ] [[package]] diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index b82715a85..c5db1fe1d 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -391,15 +391,15 @@ actions: bell_states: [0,1,2,3] #FIXME: missing GPI2 gate for transpiler - # - id: CHSH with natives - # priority: 0 - # operation: chsh_circuits - # qubits: [[0,1],[1,2]] - # parameters: - # nshots: 10 - # ntheta: 10 - # bell_states: [0,1,2,3] - # native: True + - id: CHSH with natives + priority: 0 + operation: chsh_circuits + qubits: [[0,1],[1,2]] + parameters: + nshots: 10 + ntheta: 10 + bell_states: [0,1,2,3] + native: True #FIXME: cannot add pair [0,3] - id: CHSH with circuits From 067d5a8e296b8ddf5afc7e86c05581c507f0d15c Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Thu, 3 Aug 2023 18:46:00 +0400 Subject: [PATCH 17/28] Improve CHSH plot, add flux_pulse_amplitude as option to tune landscape --- .../characterization/chsh/protocol.py | 32 +++++++++++++++++-- .../two_qubit_interaction/cz_virtualz.py | 32 +++++++++++++++---- src/qibocal/utils.py | 2 +- tests/runcards/protocols.yml | 1 + 4 files changed, 58 insertions(+), 9 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index ae6f6094e..a4ca33e03 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -131,7 +131,7 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): figures = [] for bell_state in data.bell_states: - fig = go.Figure() + fig = go.Figure(layout_yaxis_range=[-3, 3]) fig.add_trace( go.Scatter( x=data.thetas, @@ -139,7 +139,35 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): ) ) figures.append(fig) - fitting_report = "" + fig.add_hline( + y=2, + line_width=2, + line_color="red", + ) + fig.add_hline( + y=-2, + line_width=2, + line_color="red", + ) + fig.add_hline( + y=2 * np.sqrt(2), + line_width=2, + line_dash="dash", + line_color="grey", + ) + fig.add_hline( + y=-2 * np.sqrt(2), + line_width=2, + line_dash="dash", + line_color="grey", + ) + + fig.update_layout( + uirevision="0", # ``uirevision`` allows zooming while live plotting + xaxis_title="Theta[rad]", + yaxis_title="CHSH value", + ) + fitting_report = "No fitting data" return figures, fitting_report diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py index ff97ca58f..ce04983c9 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py @@ -31,6 +31,8 @@ class CZVirtualZParameters(Parameters): """Final angle for the low frequency qubit measurement in radians.""" theta_step: float """Step size for the theta sweep in radians.""" + flux_pulse_amplitude: Optional[float] = None + """Amplitude of flux pulse implementing CZ.""" nshots: Optional[int] = None """Number of shots per point.""" relaxation_time: Optional[float] = None @@ -68,6 +70,7 @@ class CZVirtualZData(Data): vphases: dict[tuple[QubitId, QubitId], dict[QubitId, float]] = field( default_factory=dict ) + amplitudes: dict[tuple[QubitId, QubitId], float] = field(default_factory=dict) def register_qubit(self, target, control, setup, prob_target, prob_control): ar = np.empty(prob_target.shape, dtype=CZVirtualZType) @@ -88,6 +91,8 @@ def global_params_dict(self): data_dict = super().global_params_dict # pop vphases since dict with tuple keys is not json seriazable data_dict.pop("vphases") + data_dict.pop("amplitudes") + return data_dict @@ -99,6 +104,7 @@ def create_sequence( ordered_pair: list[QubitId, QubitId], parking: bool, dt: float, + amplitude: float = None, ) -> tuple[ PulseSequence, dict[QubitId, Pulse], dict[QubitId, Pulse], dict[QubitId, Pulse] ]: @@ -111,19 +117,22 @@ def create_sequence( ) RX_pulse_start = platform.create_RX_pulse(control_qubit, start=0, relative_phase=0) - flux_sequence, virtual_z_phase = platform.create_CZ_pulse_sequence( + cz, virtual_z_phase = platform.create_CZ_pulse_sequence( (ordered_pair.high_freq, ordered_pair.low_freq), start=max(Y90_pulse.finish, RX_pulse_start.finish), ) + if amplitude is not None: + cz.get_qubit_pulses(ordered_pair.high_freq)[0].amplitude = amplitude + theta_pulse = platform.create_RX90_pulse( target_qubit, - start=flux_sequence.finish + dt, + start=cz.finish + dt, relative_phase=virtual_z_phase[target_qubit], ) RX_pulse_end = platform.create_RX_pulse( control_qubit, - start=flux_sequence.finish + dt, + start=cz.finish + dt, relative_phase=virtual_z_phase[control_qubit], ) measure_target = platform.create_qubit_readout_pulse( @@ -135,7 +144,8 @@ def create_sequence( sequence.add( Y90_pulse, - flux_sequence, + cz.get_qubit_pulses(ordered_pair.low_freq), + cz.get_qubit_pulses(ordered_pair.high_freq), theta_pulse, measure_target, measure_control, @@ -147,12 +157,17 @@ def create_sequence( ) if parking: - for pulse in flux_sequence: + for pulse in cz: if pulse.qubit not in ordered_pair: pulse.duration = theta_pulse.finish sequence.add(pulse) - return sequence, virtual_z_phase, theta_pulse + return ( + sequence, + virtual_z_phase, + theta_pulse, + cz.get_qubit_pulses(ordered_pair.high_freq)[0].amplitude, + ) def _acquisition( @@ -193,6 +208,7 @@ def _acquisition( sequence, virtual_z_phase, theta_pulse, + data.amplitudes[ord_pair], ) = create_sequence( platform, setup, @@ -201,6 +217,7 @@ def _acquisition( ord_pair, params.dt, params.parking, + params.flux_pulse_amplitude, ) data.vphases[ord_pair] = dict(virtual_z_phase) theta = np.arange( @@ -374,6 +391,9 @@ def _plot(data: CZVirtualZData, data_fit: CZVirtualZResults, qubits): reports.append( f"{target} | Virtual Z phase: { - data_fit.virtual_phase[qubits][target]}
" ) + reports.append( + f"{qubits.high_freq} | Flux pulse amplitude: { data.amplitudes[qubits]}
" + ) fitting_report = "".join(list(dict.fromkeys(reports))) fig1.update_layout( diff --git a/src/qibocal/utils.py b/src/qibocal/utils.py index efb5467c5..85bfa7329 100644 --- a/src/qibocal/utils.py +++ b/src/qibocal/utils.py @@ -21,7 +21,7 @@ def allocate_qubits_pairs( def allocate_single_qubits_lists( platform: Optional[Platform], qubit_lists: list[list[QubitId]] ) -> dict[tuple[QubitId, ...], dict[QubitId, Qubit]]: - """Construct the map from the chosen id pairs to the corresponding physical qubit pairs available on the platform.""" + """Construct the map from the chosen id to the corresponding list of physical qubits available on the platform.""" return { tuple(qubits): allocate_single_qubits(platform, qubits) for qubits in qubit_lists diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index c5db1fe1d..dff1c2cf3 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -351,6 +351,7 @@ actions: theta_start: 0 theta_end: 180 theta_step: 10 + flux_pulse_amplitude: 0.5 dt: 0 parking: True From 64b677c9de862e4798361c3ecd58c1e9e494474b Mon Sep 17 00:00:00 2001 From: Andrea Date: Thu, 3 Aug 2023 18:06:56 +0200 Subject: [PATCH 18/28] Implement readout error mitigation in CHSH --- .../characterization/chsh/circuits.py | 8 +- .../characterization/chsh/protocol.py | 88 +++++++++++++++++-- .../readout_mitigation_matrix.py | 2 +- tests/runcards/protocols.yml | 10 ++- 4 files changed, 90 insertions(+), 18 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/circuits.py b/src/qibocal/protocols/characterization/chsh/circuits.py index 7c89ecdd9..6d2f4bba5 100644 --- a/src/qibocal/protocols/characterization/chsh/circuits.py +++ b/src/qibocal/protocols/characterization/chsh/circuits.py @@ -76,7 +76,6 @@ def create_chsh_circuits( theta=np.pi / 4, bell_state=0, native=True, - rerr=None, readout_basis=READOUT_BASIS, ): """Creates the circuits needed for the 4 measurement settings for chsh. @@ -86,7 +85,6 @@ def create_chsh_circuits( create_bell = create_bell_circuit_native if native else create_bell_circuit chsh_circuits = {} nqubits = platform.nqubits if platform else max(qubits) + 1 - print(qubits) for basis in readout_basis: c, p = create_bell(nqubits, qubits, theta, bell_state) for i, base in enumerate(basis): @@ -96,10 +94,6 @@ def create_chsh_circuits( else: c.add(gates.H(qubits[i])) for qubit in qubits: - if rerr is not None: - c.add(gates.M(qubit, p0=rerr[0], p1=rerr[1])) - else: - c.add(gates.M(qubit)) + c.add(gates.M(qubit)) chsh_circuits[basis] = c - return chsh_circuits diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index a4ca33e03..3cefb09bf 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -4,6 +4,7 @@ from typing import Optional import numpy as np +import numpy.typing as npt import plotly.graph_objects as go from qibolab import ExecutionParameters from qibolab.platform import Platform @@ -11,6 +12,11 @@ from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine +from ..readout_mitigation_matrix import ( + ReadoutMitigationMatrixParameters as mitigation_params, +) +from ..readout_mitigation_matrix import _acquisition as mitigation_acquisition +from ..readout_mitigation_matrix import _fit as mitigation_fit from .circuits import create_chsh_circuits from .pulses import create_chsh_sequences from .utils import calculate_frequencies, compute_chsh @@ -31,7 +37,7 @@ class CHSHParameters(Parameters): """Number of angles probed linearly between 0 and 2 pi.""" native: Optional[bool] = False """If True a circuit will be created using only GPI2 and CZ gates.""" - readout_error_model: Optional[str] = None + apply_error_mitigation: Optional[bool] = False """Error mitigation model""" @@ -41,6 +47,9 @@ class CHSHData(Data): thetas: list data: dict[QubitId, QubitId, int, tuple, str] = field(default_factory=dict) """Raw data acquired.""" + mitigation_matrix: dict[tuple[QubitId, ...], npt.NDArray] = field( + default_factory=dict + ) def register_basis(self, pair, bell_state, basis, frequencies): """Store output for single qubit.""" @@ -69,10 +78,21 @@ def compute_frequencies(self, pair, bell_state): freqs.append(freq_basis) return freqs + @property + def global_params_dict(self): + """Convert non-arrays attributes into dict.""" + data_dict = super().global_params_dict + data_dict.pop("mitigation_matrix") + + return data_dict + @dataclass class CHSHResults(Results): - entropy: dict[tuple[QubitId, QubitId, int], float] = field(default_factory=dict) + chsh: dict[tuple[QubitId, QubitId, int], float] = field(default_factory=dict) + chsh_mitigated: dict[tuple[QubitId, QubitId, int], float] = field( + default_factory=dict + ) def _acquisition_pulses( @@ -84,7 +104,18 @@ def _acquisition_pulses( thetas = np.linspace(0, 2 * np.pi, params.ntheta) data = CHSHData(bell_states=params.bell_states, thetas=thetas.tolist()) + + if params.apply_error_mitigation: + mitigation_data = mitigation_acquisition( + mitigation_params(pulses=True, nshots=params.nshots), platform, qubits + ) + mitigation_results = mitigation_fit(mitigation_data) + for pair in qubits: + if params.apply_error_mitigation: + data.mitigation_matrix[pair] = mitigation_results.readout_mitigation_matrix[ + pair + ] for bell_state in params.bell_states: for theta in thetas: chsh_sequences = create_chsh_sequences( @@ -108,8 +139,21 @@ def _acquisition_circuits( qubits: Qubits, ) -> CHSHData: thetas = np.linspace(0, 2 * np.pi, params.ntheta) - data = CHSHData(bell_states=params.bell_states, thetas=thetas.tolist()) + data = CHSHData( + bell_states=params.bell_states, + thetas=thetas.tolist(), + ) + + if params.apply_error_mitigation: + mitigation_data = mitigation_acquisition( + mitigation_params(pulses=True, nshots=params.nshots), platform, qubits + ) + mitigation_results = mitigation_fit(mitigation_data) for pair in qubits: + if params.apply_error_mitigation: + data.mitigation_matrix[pair] = mitigation_results.readout_mitigation_matrix[ + pair + ] for bell_state in params.bell_states: for theta in thetas: chsh_circuits = create_chsh_circuits( @@ -118,7 +162,6 @@ def _acquisition_circuits( bell_state=bell_state, theta=theta, native=params.native, - rerr=params.readout_error_model, ) for basis, circuit in chsh_circuits.items(): result = circuit(nshots=params.nshots) @@ -135,9 +178,18 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): fig.add_trace( go.Scatter( x=data.thetas, - y=fit.entropy[qubits[0], qubits[1], bell_state], + y=fit.chsh[qubits[0], qubits[1], bell_state], + name="Bare", ) ) + if fit.chsh_mitigated: + fig.add_trace( + go.Scatter( + x=data.thetas, + y=fit.chsh_mitigated[qubits[0], qubits[1], bell_state], + name="Mitigated", + ) + ) figures.append(fig) fig.add_hline( y=2, @@ -174,13 +226,35 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): def _fit(data: CHSHData) -> CHSHResults: results = {} + mitigated_results = {} for pair in data.pairs: for bell_state in data.bell_states: freq = data.compute_frequencies(pair, bell_state) + if data.mitigation_matrix: + matrix = data.mitigation_matrix[pair] + + mitigated_freq_list = [] + for freq_basis in freq: + mitigated_freq = {format(i, f"0{2}b"): [] for i in range(4)} + for i in range(len(data.thetas)): + freq_array = np.zeros(4) + for k, v in freq_basis.items(): + freq_array[int(k, 2)] = v[i] + freq_array = freq_array.reshape(-1, 1) + for j, val in enumerate(matrix @ freq_array): + mitigated_freq[format(j, f"0{2}b")].append(float(val)) + mitigated_freq_list.append(mitigated_freq) + results[pair[0], pair[1], bell_state] = [ - compute_chsh(freq, bell_state, i) for i in range(len(data.thetas)) + compute_chsh(freq, bell_state, l) for l in range(len(data.thetas)) ] - return CHSHResults(entropy=results) + + if data.mitigation_matrix: + mitigated_results[pair[0], pair[1], bell_state] = [ + compute_chsh(mitigated_freq_list, bell_state, l) + for l in range(len(data.thetas)) + ] + return CHSHResults(chsh=results, chsh_mitigated=mitigated_results) chsh_circuits = Routine(_acquisition_circuits, _fit, _plot, two_qubit_gates=True) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 2728562d5..16d97cb81 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -42,7 +42,7 @@ class ReadoutMitigationMatrixResults(Results): def save(self, path): np.savez( - path / "readout_mitigation_matrix.npy", + path / "readout_mitigation_matrix", **{ str(i): self.readout_mitigation_matrix[i] for i in self.readout_mitigation_matrix diff --git a/tests/runcards/protocols.yml b/tests/runcards/protocols.yml index dff1c2cf3..2329b0121 100644 --- a/tests/runcards/protocols.yml +++ b/tests/runcards/protocols.yml @@ -387,9 +387,10 @@ actions: operation: chsh_pulses qubits: [[0,1],[1,2],[0,3]] parameters: - nshots: 10 + nshots: 1000 ntheta: 10 bell_states: [0,1,2,3] + apply_error_mitigation: True #FIXME: missing GPI2 gate for transpiler - id: CHSH with natives @@ -397,10 +398,11 @@ actions: operation: chsh_circuits qubits: [[0,1],[1,2]] parameters: - nshots: 10 + nshots: 1000 ntheta: 10 bell_states: [0,1,2,3] native: True + apply_error_mitigation: True #FIXME: cannot add pair [0,3] - id: CHSH with circuits @@ -408,10 +410,11 @@ actions: operation: chsh_circuits qubits: [[0,1],[1,2]] parameters: - nshots: 10 + nshots: 1000 ntheta: 2 bell_states: [0,1,2,3] native: False + apply_error_mitigation: True - id: readout_mitigation_matrix pulses priority: 0 @@ -421,6 +424,7 @@ actions: nshots: 100 pulses: True + - id: readout_mitigation_matrix circuits priority: 0 operation: readout_mitigation_matrix From e6480a7d1faccc5cdd5df9ac6f421e808f08b377 Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Fri, 4 Aug 2023 13:00:21 +0400 Subject: [PATCH 19/28] Fix frequencies :( --- src/qibocal/protocols/characterization/chsh/utils.py | 4 ++-- .../protocols/characterization/readout_mitigation_matrix.py | 2 +- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/chsh/utils.py index 4ba388a41..81780c8ea 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/chsh/utils.py @@ -22,9 +22,9 @@ def compute_chsh(frequencies, basis, i): return chsh / nshots -def calculate_frequencies(results): +def calculate_frequencies(results, qubit_list): """Calculates outcome probabilities from individual shots.""" - shots = np.stack([result.samples for result in set(results.values())]).T + shots = np.stack([results[i].samples for i in qubit_list]).T values, counts = np.unique(shots, axis=0, return_counts=True) return {"".join(str(int(i)) for i in v): cnt for v, cnt in zip(values, counts)} diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 16d97cb81..b3eed4b58 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -108,7 +108,7 @@ def _acquisition( results = platform.execute_pulse_sequence( sequence, ExecutionParameters(nshots=params.nshots) ) - data.add(qubit_list, state, calculate_frequencies(results)) + data.add(qubit_list, state, calculate_frequencies(results, qubit_list)) else: c = Circuit(platform.nqubits) for q, bit in enumerate(state): From 797704c222374cceadaa381bf949a5d41936a6ac Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Fri, 4 Aug 2023 15:03:56 +0400 Subject: [PATCH 20/28] Minor modifications and fix tests --- src/qibocal/protocols/characterization/chsh/protocol.py | 2 +- .../characterization/two_qubit_interaction/chevron.py | 3 ++- .../characterization/two_qubit_interaction/cz_virtualz.py | 2 +- 3 files changed, 4 insertions(+), 3 deletions(-) diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/chsh/protocol.py index 3cefb09bf..e7bd0da5e 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/chsh/protocol.py @@ -128,7 +128,7 @@ def _acquisition_pulses( results = platform.execute_pulse_sequence( sequence, ExecutionParameters(nshots=params.nshots) ) - frequencies = calculate_frequencies(results) + frequencies = calculate_frequencies(results, list(pair)) data.register_basis(pair, bell_state, basis, frequencies) return data diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py index 156061755..72635ebb2 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/chevron.py @@ -121,12 +121,13 @@ def _aquisition( start=initialize_highfreq.finish, ) - sequence.add(cz.get_qubit_pulses(ordered_pair.low_freq)) sequence.add(cz.get_qubit_pulses(ordered_pair.high_freq)) if params.parking: for pulse in cz: if pulse.qubit not in ordered_pair: + pulse.start = 0 + pulse.duration = 100 sequence.add(pulse) # add readout diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py index ce04983c9..75d863a85 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/cz_virtualz.py @@ -144,12 +144,12 @@ def create_sequence( sequence.add( Y90_pulse, - cz.get_qubit_pulses(ordered_pair.low_freq), cz.get_qubit_pulses(ordered_pair.high_freq), theta_pulse, measure_target, measure_control, ) + if setup == "X": sequence.add( RX_pulse_start, From 9535a9c4a07433b73a81ef3e4f2162a7ac552228 Mon Sep 17 00:00:00 2001 From: Andrea Date: Sun, 6 Aug 2023 10:25:54 +0200 Subject: [PATCH 21/28] Docstrings, moving chsh into two_qubit_interactions and update example runcard --- runcards/actions_qq.yml | 749 ++++++++++-------- .../protocols/characterization/__init__.py | 4 +- .../readout_mitigation_matrix.py | 33 +- .../two_qubit_interaction/__init__.py | 3 + .../chsh/__init__.py | 0 .../chsh/circuits.py | 0 .../chsh/protocol.py | 37 +- .../chsh/pulses.py | 0 .../{ => two_qubit_interaction}/chsh/utils.py | 9 - .../protocols/characterization/utils.py | 15 + 10 files changed, 490 insertions(+), 360 deletions(-) rename src/qibocal/protocols/characterization/{ => two_qubit_interaction}/chsh/__init__.py (100%) rename src/qibocal/protocols/characterization/{ => two_qubit_interaction}/chsh/circuits.py (100%) rename src/qibocal/protocols/characterization/{ => two_qubit_interaction}/chsh/protocol.py (89%) rename src/qibocal/protocols/characterization/{ => two_qubit_interaction}/chsh/pulses.py (100%) rename src/qibocal/protocols/characterization/{ => two_qubit_interaction}/chsh/utils.py (68%) diff --git a/runcards/actions_qq.yml b/runcards/actions_qq.yml index 26af72336..6dbfa8dee 100644 --- a/runcards/actions_qq.yml +++ b/runcards/actions_qq.yml @@ -5,322 +5,433 @@ qubits: [0, 1] actions: -# - id: time of flight -# priority: 0 -# operation: time_of_flight_readout -# parameters: -# nshots: 1024 -# readout_amplitude: 0.5 - - -# - id: resonator high power high amplitude -# priority: 0 -# operation: resonator_spectroscopy -# parameters: -# freq_width: 10_000_000 # 20_000_000 -# freq_step: 100_000 # 500_00 -# amplitude: 0.4 -# power_level: high -# nshots: 10 - - -# - id: resonator high power low attenuation -# priority: 0 -# operation: resonator_spectroscopy_attenuation -# parameters: -# freq_width: 10_000_000 # 20_000_000 -# freq_step: 100_000 # 500_00 -# attenuation: 15 -# power_level: high -# nshots: 10 - - -# - id: resonator low power high attenuation -# priority: 0 -# operation: resonator_spectroscopy_attenuation -# parameters: -# freq_width: 10_000_000 # 20_000_000 -# freq_step: 100_000 # 500_00 -# attenuation: 60 -# power_level: low -# nshots: 10 - - -# - id: resonator punchout -# priority: 0 -# operation: resonator_punchout -# parameters: -# freq_width: 10_000_000 -# freq_step: 1_000_000 -# amplitude: 0.04 -# min_amp_factor: 0.005 -# max_amp_factor: 0.3 -# step_amp_factor: 0.005 -# nshots: 100 - - -# - id: resonator_punchout_attenuation -# priority: 0 -# operation: resonator_punchout_attenuation -# parameters: -# freq_width: 10_000_000 -# freq_step: 500_000 -# min_att: 4 -# max_att: 60 -# step_att: 4 -# nshots: 1000 - - - -# - id: resonator spectroscopy low power -# priority: 0 -# operation: resonator_spectroscopy -# parameters: -# freq_width: 10_000_000 -# freq_step: 50_000 -# amplitude: 0.022 -# power_level: low -# nshots: 10 - - -# - id: qubit spectroscopy -# priority: 0 -# operation: qubit_spectroscopy -# parameters: -# drive_amplitude: 0.001 -# drive_duration: 1000 -# freq_width: 2_000_000 -# freq_step: 500_000 -# nshots: 10 - - -# - id: resonator flux dependence -# priority: 0 -# operation: resonator_flux -# parameters: -# freq_width: 10_000_000 -# freq_step: 500_000 -# bias_width: 0.8 -# bias_step: 0.1 -# nshots: 10 - - -# - id: qubit flux dependence -# priority: 0 -# operation: qubit_flux -# parameters: -# freq_width: 10_000_000 -# freq_step: 1_000_000 -# bias_width: 0.8 #0.1 -# bias_step: 0.1 # 0.001 -# drive_amplitude: 0.005 -# nshots: 10 - - -# - id: rabi -# priority: 0 -# operation: rabi_amplitude -# parameters: -# min_amp_factor: 0.0 -# max_amp_factor: 4.0 -# step_amp_factor: 0.1 -# pulse_length: 30 -# nshots: 1024 - - -# - id: rabi length -# priority: 0 -# operation: rabi_length -# parameters: -# pulse_duration_start: 4 -# pulse_duration_end: 84 -# pulse_duration_step: 8 -# pulse_amplitude: 0.5 -# nshots: 1024 - - -# - id: rabi length sequences -# priority: 0 -# operation: rabi_length_sequences -# parameters: -# pulse_duration_start: 4 -# pulse_duration_end: 84 -# pulse_duration_step: 8 -# pulse_amplitude: 0.5 -# nshots: 1024 - - -# - id: t1 -# priority: 0 -# operation: t1 -# parameters: -# delay_before_readout_start: 0 -# delay_before_readout_end: 20_000 -# delay_before_readout_step: 2000 -# nshots: 1024 - - -# - id: t1 sequences -# priority: 0 -# operation: t1_sequences -# parameters: -# delay_before_readout_start: 0 -# delay_before_readout_end: 20_000 -# delay_before_readout_step: 2000 -# nshots: 10 - - -# - id: t2 -# priority: 0 -# operation: t2 -# parameters: -# delay_between_pulses_start: 16 -# delay_between_pulses_end: 20000 -# delay_between_pulses_step: 100 -# nshots: 10 - - -# - id: t2 sequences -# priority: 0 -# operation: t2_sequences -# parameters: -# delay_between_pulses_start: 16 -# delay_between_pulses_end: 20000 -# delay_between_pulses_step: 100 -# nshots: 1024 - - -# - id: ramsey_detuned -# priority: 0 -# operation: ramsey -# parameters: -# delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 -# delay_between_pulses_end: 5000 -# delay_between_pulses_step: 500 # must be a multiple of 4 -# n_osc: 10 -# nshots: 10 - - -# - id: ramsey detuned sequences -# priority: 0 -# operation: ramsey_sequences -# parameters: -# delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 -# delay_between_pulses_end: 5000 -# delay_between_pulses_step: 500 # must be a multiple of 4 -# n_osc: 10 -# nshots: 1024 - - -# - id: ramsey -# priority: 0 -# operation: ramsey -# parameters: -# delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 -# delay_between_pulses_end: 5000 -# delay_between_pulses_step: 500 # must be a multiple of 4 -# n_osc: 0 -# nshots: 1024 - - -# - id: single shot classification -# priority: 0 -# operation: single_shot_classification -# parameters: -# nshots: 10 - - -# - id: allXY -# priority: 0 -# operation: allxy -# parameters: -# beta_param: null -# nshots: 10 - - -# - id: allxy_drag_pulse_tuning -# priority: 0 -# operation: allxy_drag_pulse_tuning -# parameters: -# beta_start: 0 -# beta_end: 0.02 -# beta_step: 0.01 -# nshots: 10 - - -# - id: drag_pulse_tuning -# priority: 0 -# operation: drag_pulse_tuning -# parameters: -# beta_start: 0 -# beta_end: 0.02 -# beta_step: 0.01 -# nshots: 10 - - -# - id: spin_echo -# priority: 0 -# operation: spin_echo -# parameters: -# delay_between_pulses_start: 0 -# delay_between_pulses_end: 20000 -# delay_between_pulses_step: 2000 -# nshots: 10 - - -# - id: flipping -# priority: 0 -# operation: flipping -# parameters: -# nflips_max: 5 -# nflips_step: 1 -# nshots: 10 - - -# - id: dispersive shift -# priority: 0 -# operation: dispersive_shift -# parameters: -# freq_width: 10_000_000 -# freq_step: 100_000 -# nshots: 10 - - -# - id: standard rb no error -# priority: 0 -# operation: standard_rb -# parameters: -# depths: -# start: 1 -# stop: 10 -# step: 2 -# niter: 2 -# nshots: 50 -# uncertainties: None -# n_bootstrap: 0 - - -# - id: standard rb bootstrap -# priority: 0 -# operation: standard_rb -# qubits: [1] -# parameters: -# depths: [1, 2, 3, 5] -# niter: 5 -# nshots: 50 -# n_bootstrap: 10 -# noise_model: PauliErrorOnAll - - -# - id: standard rb inhomogeneous -# priority: 0 -# operation: standard_rb -# qubits: [0, 1, 3] -# parameters: -# depths: [1, 3, 3, 5] -# niter: 5 -# nshots: 50 -# uncertainties: std -# n_bootstrap: 10 -# noise_model: PauliErrorOnX -# noise_params: [0.01, 0.01, 0.01] + # - id: time of flight + # priority: 0 + # operation: time_of_flight_readout + # parameters: + # nshots: 1024 + # readout_amplitude: 0.5 + + # - id: resonator high power high amplitude + # priority: 0 + # operation: resonator_spectroscopy + # parameters: + # freq_width: 10_000_000 # 20_000_000 + # freq_step: 100_000 # 500_00 + # amplitude: 0.4 + # power_level: high + # nshots: 10 + + + # - id: resonator high power low attenuation + # priority: 0 + # operation: resonator_spectroscopy_attenuation + # parameters: + # freq_width: 10_000_000 # 20_000_000 + # freq_step: 100_000 # 500_00 + # attenuation: 15 + # power_level: high + # nshots: 10 + + + # - id: resonator low power high attenuation + # priority: 0 + # operation: resonator_spectroscopy_attenuation + # parameters: + # freq_width: 10_000_000 # 20_000_000 + # freq_step: 100_000 # 500_00 + # attenuation: 60 + # power_level: low + # nshots: 10 + + + # - id: resonator punchout + # priority: 0 + # operation: resonator_punchout + # parameters: + # freq_width: 10_000_000 + # freq_step: 1_000_000 + # amplitude: 0.04 + # min_amp_factor: 0.005 + # max_amp_factor: 0.3 + # step_amp_factor: 0.005 + # nshots: 100 + + + # - id: resonator_punchout_attenuation + # priority: 0 + # operation: resonator_punchout_attenuation + # parameters: + # freq_width: 10_000_000 + # freq_step: 500_000 + # min_att: 4 + # max_att: 60 + # step_att: 4 + # nshots: 1000 + + + + # - id: resonator spectroscopy low power + # priority: 0 + # operation: resonator_spectroscopy + # parameters: + # freq_width: 10_000_000 + # freq_step: 50_000 + # amplitude: 0.022 + # power_level: low + # nshots: 10 + + + + # - id: qubit spectroscopy + # priority: 0 + # operation: qubit_spectroscopy + # parameters: + # drive_amplitude: 0.001 + # drive_duration: 1000 + # freq_width: 2_000_000 + # freq_step: 500_000 + # nshots: 10 + + + + # - id: resonator flux dependence + # priority: 0 + # operation: resonator_flux + # parameters: + # freq_width: 10_000_000 + # freq_step: 500_000 + # bias_width: 0.8 + # bias_step: 0.1 + # nshots: 10 + + + + # - id: qubit flux dependence #"01" transition + # priority: 0 + # operation: qubit_flux + # parameters: + # freq_width: 150_000_000 + # freq_step: 500_000 + # bias_width: 0.2 + # bias_step: 0.005 + # drive_amplitude: 0.5 + # nshots: 1024 + # relaxation_time: 2000 + # transition: "01" + + + + # - id: qubit flux dependence #"02" transition + # priority: 0 + # operation: qubit_flux + # parameters: + # freq_width: 150_000_000 + # freq_step: 500_000 + # bias_width: 0.2 + # bias_step: 0.005 + # drive_amplitude: 0.5 + # nshots: 1024 + # relaxation_time: 2000 + # transition: "02" + + + + # - id: rabi + # priority: 0 + # operation: rabi_amplitude + # parameters: + # min_amp_factor: 0.0 + # max_amp_factor: 4.0 + # step_amp_factor: 0.1 + # pulse_length: 30 + # nshots: 1024 + + + # - id: rabi length + # priority: 0 + # operation: rabi_length + # parameters: + # pulse_duration_start: 4 + # pulse_duration_end: 84 + # pulse_duration_step: 8 + # pulse_amplitude: 0.5 + # nshots: 1024 + + # - id: rabi length sequences + # priority: 0 + # operation: rabi_length_sequences + # parameters: + # pulse_duration_start: 4 + # pulse_duration_end: 84 + # pulse_duration_step: 8 + # pulse_amplitude: 0.5 + # nshots: 1024 + + # - id: t1 + # priority: 0 + # operation: t1 + # parameters: + # delay_before_readout_start: 0 + # delay_before_readout_end: 20_000 + # delay_before_readout_step: 2000 + # nshots: 1024 + + # - id: t1 sequences + # priority: 0 + # operation: t1_sequences + # parameters: + # delay_before_readout_start: 0 + # delay_before_readout_end: 20_000 + # delay_before_readout_step: 2000 + # nshots: 10 + + # - id: zeno + # priority: 00 + # operation: zeno + # parameters: + # readouts: 100 + # nshots: 4096 + + # - id: t2 + # priority: 0 + # operation: t2 + # parameters: + # delay_between_pulses_start: 16 + # delay_between_pulses_end: 20000 + # delay_between_pulses_step: 100 + # nshots: 10 + + # - id: t2 sequences + # priority: 0 + # operation: t2_sequences + # parameters: + # delay_between_pulses_start: 16 + # delay_between_pulses_end: 20000 + # delay_between_pulses_step: 100 + # nshots: 1024 + + # - id: ramsey_detuned + # priority: 0 + # operation: ramsey + # parameters: + # delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 + # delay_between_pulses_end: 5000 + # delay_between_pulses_step: 500 # must be a multiple of 4 + # n_osc: 10 + # nshots: 10 + + # - id: ramsey detuned sequences + # priority: 0 + # operation: ramsey_sequences + # parameters: + # delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 + # delay_between_pulses_end: 5000 + # delay_between_pulses_step: 500 # must be a multiple of 4 + # n_osc: 10 + # nshots: 1024 + + # - id: ramsey + # priority: 0 + # operation: ramsey + # parameters: + # delay_between_pulses_start: 0 # must be a multiple of 4 incl 0 + # delay_between_pulses_end: 5000 + # delay_between_pulses_step: 500 # must be a multiple of 4 + # n_osc: 0 + # nshots: 1024 + + + + # - id: single shot classification + # priority: 0 + # operation: single_shot_classification + # parameters: + # nshots: 10 + + # - id: readout characterization + # priority: 0 + # operation: readout_characterization + # parameters: + # nshots: 10 + + # - id: allXY + # priority: 0 + # operation: allxy + # parameters: + # beta_param: null + # nshots: 10 + + + # - id: allxy_drag_pulse_tuning + # priority: 0 + # operation: allxy_drag_pulse_tuning + # parameters: + # beta_start: 0 + # beta_end: 0.02 + # beta_step: 0.01 + # nshots: 10 + + + # - id: drag_pulse_tuning + # priority: 0 + # operation: drag_pulse_tuning + # parameters: + # beta_start: 0 + # beta_end: 0.02 + # beta_step: 0.01 + # nshots: 10 + + # - id: spin_echo + # priority: 0 + # operation: spin_echo + # parameters: + # delay_between_pulses_start: 0 + # delay_between_pulses_end: 20000 + # delay_between_pulses_step: 2000 + # nshots: 10 + + + # - id: flipping + # priority: 0 + # operation: flipping + # parameters: + # nflips_max: 5 + # nflips_step: 1 + # nshots: 10 + + # - id: dispersive shift + # priority: 0 + # operation: dispersive_shift + # parameters: + # freq_width: 10_000_000 + # freq_step: 100_000 + # nshots: 10 + + # - id: standard rb no error + # priority: 0 + # operation: standard_rb + # parameters: + # depths: + # start: 1 + # stop: 10 + # step: 2 + # niter: 2 + # nshots: 50 + # uncertainties: None + # n_bootstrap: 0 + + # - id: standard rb bootstrap + # priority: 0 + # operation: standard_rb + # qubits: [1] + # parameters: + # depths: [1, 2, 3, 5] + # niter: 5 + # nshots: 50 + # n_bootstrap: 10 + # noise_model: PauliErrorOnAll + + # - id: chevron id + # priority: 0 + # operation: chevron + # qubits: [[0, 1],[1,2],[0,3]] + # parameters: + # amplitude_min: 0.1 + # amplitude_max: 0.6 + # amplitude_step: 0.01 + # duration_min: 10 + # duration_max: 50 + # duration_step: 1 + # nshots: 1000 + # parking: True + + # - id: tune landscape + # priority: 0 + # operation: cz_virtualz + # qubits: [[0, 1],[1,2],[0,3]] + # parameters: + # theta_start: 0 + # theta_end: 180 + # theta_step: 10 + # flux_pulse_amplitude: 0.5 + # dt: 0 + # parking: True + + # - id: standard rb inhomogeneous + # priority: 0 + # operation: standard_rb + # qubits: [0, 1, 3] + # parameters: + # depths: [1, 3, 3, 5] + # niter: 5 + # nshots: 50 + # uncertainties: std + # n_bootstrap: 10 + # noise_model: PauliErrorOnX + # noise_params: [0.01, 0.01, 0.01] + + # - id : resonator_frequency + # priority: 0 + # operation: resonator_frequency + # parameters: + # freq_width: 200.e+6 + # freq_step: 25.e+6 + # nshots: 1000 + + # - id: fast reset + # priority: 0 + # operation: fast_reset + # parameters: + # nshots: 1024 + + # - id: CHSH with pulses + # priority: 0 + # operation: chsh_pulses + # qubits: [[0,1],[1,2],[0,3]] + # parameters: + # nshots: 1000 + # ntheta: 10 + # bell_states: [0,1,2,3] + # apply_error_mitigation: True + + # #FIXME: missing GPI2 gate for transpiler + # - id: CHSH with natives + # priority: 0 + # operation: chsh_circuits + # qubits: [[0,1],[1,2]] + # parameters: + # nshots: 1000 + # ntheta: 10 + # bell_states: [0,1,2,3] + # native: True + # apply_error_mitigation: True + + # #FIXME: cannot add pair [0,3] + # - id: CHSH with circuits + # priority: 0 + # operation: chsh_circuits + # qubits: [[0,1],[1,2]] + # parameters: + # nshots: 1000 + # ntheta: 2 + # bell_states: [0,1,2,3] + # native: False + # apply_error_mitigation: True + + # - id: readout_mitigation_matrix pulses + # priority: 0 + # operation: readout_mitigation_matrix + # qubits: [[0,1,2],[1,2]] + # parameters: + # nshots: 100 + # pulses: True + + + # - id: readout_mitigation_matrix circuits + # priority: 0 + # operation: readout_mitigation_matrix + # qubits: [[0,1,2],[1,2]] + # parameters: + # nshots: 100 + # pulses: False diff --git a/src/qibocal/protocols/characterization/__init__.py b/src/qibocal/protocols/characterization/__init__.py index 3401f9ba6..1a9499cf4 100644 --- a/src/qibocal/protocols/characterization/__init__.py +++ b/src/qibocal/protocols/characterization/__init__.py @@ -3,7 +3,6 @@ from .allxy.allxy import allxy from .allxy.allxy_drag_pulse_tuning import allxy_drag_pulse_tuning from .allxy.drag_pulse_tuning import drag_pulse_tuning -from .chsh import chsh_circuits, chsh_pulses from .classification import single_shot_classification from .coherence.spin_echo import spin_echo from .coherence.t1 import t1 @@ -31,8 +30,7 @@ from .resonator_spectroscopy import resonator_spectroscopy from .resonator_spectroscopy_attenuation import resonator_spectroscopy_attenuation from .signal_experiments.time_of_flight_readout import time_of_flight_readout -from .two_qubit_interaction.chevron import chevron -from .two_qubit_interaction.cz_virtualz import cz_virtualz +from .two_qubit_interaction import chevron, chsh_circuits, chsh_pulses, cz_virtualz class Operation(Enum): diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index b3eed4b58..a4d50b512 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -14,21 +14,19 @@ from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine from qibocal.config import log -from .chsh.utils import calculate_frequencies +from .utils import calculate_frequencies @dataclass class ReadoutMitigationMatrixParameters(Parameters): - """Calibration matrix inputs.""" + """ReadoutMitigationMatrix matrix inputs.""" pulses: Optional[bool] = True - """Get calibration matrix using pulses. If False gates will be used.""" + """Get readout mitigation matrix using pulses. If False gates will be used.""" nshots: Optional[int] = None """Number of shots.""" relaxation_time: Optional[int] = None """Relaxation time (ns).""" - bitflip_probabilities: Optional[list[int]] = None - """Readout error model.""" @dataclass @@ -36,11 +34,14 @@ class ReadoutMitigationMatrixResults(Results): readout_mitigation_matrix: dict[ tuple[QubitId, ...], npt.NDArray[np.float64] ] = field(default_factory=dict) + """Readout mitigation matrices (inverse of measurement matrix).""" measurement_matrix: dict[tuple[QubitId, ...], npt.NDArray[np.float64]] = field( default_factory=dict ) + """Matrix containing measurement matrices for each state.""" def save(self, path): + """Store readout mitigation matrix to file.""" np.savez( path / "readout_mitigation_matrix", **{ @@ -55,8 +56,11 @@ class ReadoutMitigationMatrixData(Data): """ReadoutMitigationMatrix acquisition outputs.""" qubits_list: list + """List of qubit ids""" nshots: int + """Number of shots""" data: dict = field(default_factory=dict) + """Raw data acquited.""" def add(self, qubits, state, freqs): for result_state, freq in freqs.items(): @@ -80,9 +84,8 @@ def __getitem__(self, qubits): def _acquisition( params: ReadoutMitigationMatrixParameters, platform: Platform, - qubits: Qubits, + qubits: list[Qubits], ) -> ReadoutMitigationMatrixData: - # conversion from list to list in list to make only one plot data = ReadoutMitigationMatrixData( nshots=params.nshots, qubits_list=[list(qq) for qq in qubits] ) @@ -114,16 +117,7 @@ def _acquisition( for q, bit in enumerate(state): if bit == "1": c.add(gates.X(qubit_list[q])) - if params.bitflip_probabilities is not None: - c.add( - gates.M( - q, - p0=params.bitflip_probabilities[0], - p1=params.bitflip_probabilities[1], - ) - ) - else: - c.add(gates.M(q)) + c.add(gates.M(q)) results = c(nshots=params.nshots) @@ -133,6 +127,7 @@ def _acquisition( def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: + """Post processing for readout mitigation matrix protocol.""" readout_mitigation_matrix = {} measurement_matrix = {} for qubit in data.qubits_list: @@ -164,7 +159,7 @@ def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: def _plot( data: ReadoutMitigationMatrixData, fit: ReadoutMitigationMatrixResults, qubit ): - """Plotting function for Flipping.""" + """Plotting function for readout mitigation matrix.""" fitting_report = "No fitting data" fig = go.Figure() computational_basis = [format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit))] @@ -186,4 +181,4 @@ def _plot( readout_mitigation_matrix = Routine(_acquisition, _fit, _plot) -"""Flipping Routine object.""" +"""Readout mitigation matrix protocol.""" diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/__init__.py b/src/qibocal/protocols/characterization/two_qubit_interaction/__init__.py index e69de29bb..5b247bf04 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/__init__.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/__init__.py @@ -0,0 +1,3 @@ +from .chevron import chevron +from .chsh import chsh_circuits, chsh_pulses +from .cz_virtualz import cz_virtualz diff --git a/src/qibocal/protocols/characterization/chsh/__init__.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/__init__.py similarity index 100% rename from src/qibocal/protocols/characterization/chsh/__init__.py rename to src/qibocal/protocols/characterization/two_qubit_interaction/chsh/__init__.py diff --git a/src/qibocal/protocols/characterization/chsh/circuits.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/circuits.py similarity index 100% rename from src/qibocal/protocols/characterization/chsh/circuits.py rename to src/qibocal/protocols/characterization/two_qubit_interaction/chsh/circuits.py diff --git a/src/qibocal/protocols/characterization/chsh/protocol.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py similarity index 89% rename from src/qibocal/protocols/characterization/chsh/protocol.py rename to src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py index e7bd0da5e..290d71e93 100644 --- a/src/qibocal/protocols/characterization/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py @@ -12,14 +12,15 @@ from qibocal.auto.operation import Data, Parameters, Qubits, Results, Routine -from ..readout_mitigation_matrix import ( +from ...readout_mitigation_matrix import ( ReadoutMitigationMatrixParameters as mitigation_params, ) -from ..readout_mitigation_matrix import _acquisition as mitigation_acquisition -from ..readout_mitigation_matrix import _fit as mitigation_fit +from ...readout_mitigation_matrix import _acquisition as mitigation_acquisition +from ...readout_mitigation_matrix import _fit as mitigation_fit +from ...utils import calculate_frequencies from .circuits import create_chsh_circuits from .pulses import create_chsh_sequences -from .utils import calculate_frequencies, compute_chsh +from .utils import compute_chsh COMPUTATIONAL_BASIS = ["00", "01", "10", "11"] @@ -29,8 +30,13 @@ class CHSHParameters(Parameters): """CHSH runcard inputs.""" bell_states: list - """Bell states to compute CHSH. Using all states is equivalent - to passing the list [0,1,2,3].""" + """List with Bell states to compute CHSH. + The following notation it is used: + 0 -> |00>+|11> + 1 -> |00>-|11> + 2 -> |10>-|01> + 3 -> |10>+|01> + """ nshots: int """Number of shots.""" ntheta: int @@ -44,12 +50,15 @@ class CHSHParameters(Parameters): @dataclass class CHSHData(Data): bell_states: list + """Bell states list.""" thetas: list + """Angles probed.""" data: dict[QubitId, QubitId, int, tuple, str] = field(default_factory=dict) """Raw data acquired.""" mitigation_matrix: dict[tuple[QubitId, ...], npt.NDArray] = field( default_factory=dict ) + """Mitigation matrix computed using the readout_mitigation_matrix protocol.""" def register_basis(self, pair, bell_state, basis, frequencies): """Store output for single qubit.""" @@ -71,7 +80,8 @@ def register_basis(self, pair, bell_state, basis, frequencies): else: self.data[pair[0], pair[1], bell_state][basis][state] = [freq] - def compute_frequencies(self, pair, bell_state): + def merge_frequencies(self, pair, bell_state): + """Merge frequencies with different measurement basis.""" freqs = [] data = self.data[pair[0], pair[1], bell_state] for freq_basis in data.values(): @@ -100,7 +110,7 @@ def _acquisition_pulses( platform: Platform, qubits: Qubits, ) -> CHSHData: - r""" """ + r"""Data acquisition for CHSH protocol using pulse sequences.""" thetas = np.linspace(0, 2 * np.pi, params.ntheta) data = CHSHData(bell_states=params.bell_states, thetas=thetas.tolist()) @@ -138,6 +148,7 @@ def _acquisition_circuits( platform: Platform, qubits: Qubits, ) -> CHSHData: + """Data acquisition for CHSH protocol using circuits.""" thetas = np.linspace(0, 2 * np.pi, params.ntheta) data = CHSHData( bell_states=params.bell_states, @@ -171,6 +182,7 @@ def _acquisition_circuits( def _plot(data: CHSHData, fit: CHSHResults, qubits): + """Plotting function for CHSH protocol.""" figures = [] for bell_state in data.bell_states: @@ -190,7 +202,8 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): name="Mitigated", ) ) - figures.append(fig) + + # classical bounds fig.add_hline( y=2, line_width=2, @@ -201,6 +214,8 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): line_width=2, line_color="red", ) + + # maximum values fig.add_hline( y=2 * np.sqrt(2), line_width=2, @@ -219,17 +234,19 @@ def _plot(data: CHSHData, fit: CHSHResults, qubits): xaxis_title="Theta[rad]", yaxis_title="CHSH value", ) + figures.append(fig) fitting_report = "No fitting data" return figures, fitting_report def _fit(data: CHSHData) -> CHSHResults: + """Fitting for CHSH protocol.""" results = {} mitigated_results = {} for pair in data.pairs: for bell_state in data.bell_states: - freq = data.compute_frequencies(pair, bell_state) + freq = data.merge_frequencies(pair, bell_state) if data.mitigation_matrix: matrix = data.mitigation_matrix[pair] diff --git a/src/qibocal/protocols/characterization/chsh/pulses.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/pulses.py similarity index 100% rename from src/qibocal/protocols/characterization/chsh/pulses.py rename to src/qibocal/protocols/characterization/two_qubit_interaction/chsh/pulses.py diff --git a/src/qibocal/protocols/characterization/chsh/utils.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/utils.py similarity index 68% rename from src/qibocal/protocols/characterization/chsh/utils.py rename to src/qibocal/protocols/characterization/two_qubit_interaction/chsh/utils.py index 81780c8ea..5cfff4636 100644 --- a/src/qibocal/protocols/characterization/chsh/utils.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/utils.py @@ -1,6 +1,5 @@ """Auxiliary functions to run CHSH protocol.""" -import numpy as np READOUT_BASIS = [("Z", "Z"), ("Z", "X"), ("X", "Z"), ("X", "X")] @@ -20,11 +19,3 @@ def compute_chsh(frequencies, basis, i): aux += 1 nshots = sum(freq[x][i] for x in freq) return chsh / nshots - - -def calculate_frequencies(results, qubit_list): - """Calculates outcome probabilities from individual shots.""" - shots = np.stack([results[i].samples for i in qubit_list]).T - values, counts = np.unique(shots, axis=0, return_counts=True) - - return {"".join(str(int(i)) for i in v): cnt for v, cnt in zip(values, counts)} diff --git a/src/qibocal/protocols/characterization/utils.py b/src/qibocal/protocols/characterization/utils.py index db9672544..51ce8afd3 100644 --- a/src/qibocal/protocols/characterization/utils.py +++ b/src/qibocal/protocols/characterization/utils.py @@ -16,6 +16,21 @@ S_TO_NS = 1e9 +def calculate_frequencies(results, qubit_list): + """Calculates outcome frequencies from individual shots. + Args: + results (dict): return of execute_pulse_sequence + qubit_list (list): list of qubit ids executed in pulse sequence. + + Returns: + dictionary containing frequencies. + """ + shots = np.stack([results[i].samples for i in qubit_list]).T + values, counts = np.unique(shots, axis=0, return_counts=True) + + return {"".join(str(int(i)) for i in v): cnt for v, cnt in zip(values, counts)} + + class PowerLevel(str, Enum): """Power Regime for Resonator Spectroscopy""" From 6d99da577687eca64a4d0f7e75b39211bab639dd Mon Sep 17 00:00:00 2001 From: andrea-pasquale Date: Wed, 23 Aug 2023 13:09:16 +0400 Subject: [PATCH 22/28] Fix bug in readout mitigation matrix using circuits --- .../protocols/characterization/readout_mitigation_matrix.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index a4d50b512..356bf384b 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -117,8 +117,7 @@ def _acquisition( for q, bit in enumerate(state): if bit == "1": c.add(gates.X(qubit_list[q])) - c.add(gates.M(q)) - + c.add(gates.M(qubit_list[q])) results = c(nshots=params.nshots) data.add(qubit_list, state, dict(results.frequencies())) From 44c29a53873dcd83351e212c7c5420aca2f0ab07 Mon Sep 17 00:00:00 2001 From: Andrea Date: Wed, 23 Aug 2023 16:02:23 +0200 Subject: [PATCH 23/28] Fix error mitigation in chsh circuits --- runcards/actions_qq.yml | 24 +++++++++++-------- .../two_qubit_interaction/chsh/protocol.py | 2 +- 2 files changed, 15 insertions(+), 11 deletions(-) diff --git a/runcards/actions_qq.yml b/runcards/actions_qq.yml index 1850492ed..799aecfb2 100644 --- a/runcards/actions_qq.yml +++ b/runcards/actions_qq.yml @@ -1,3 +1,7 @@ +# platform: dummy + +# backend: numpy + platform: dummy qubits: [0, 1] @@ -548,16 +552,16 @@ actions: # native: True # apply_error_mitigation: True -# - id: CHSH with circuits -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 2 -# bell_states: [0,1,2,3] -# native: False -# apply_error_mitigation: True +- id: CHSH with circuits + priority: 0 + operation: chsh_circuits + qubits: [[0,1],[1,2]] + parameters: + nshots: 1000 + ntheta: 100 + bell_states: [0] + native: False + apply_error_mitigation: True # - id: readout_mitigation_matrix pulses # priority: 0 diff --git a/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py index 290d71e93..7a47486e3 100644 --- a/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py +++ b/src/qibocal/protocols/characterization/two_qubit_interaction/chsh/protocol.py @@ -157,7 +157,7 @@ def _acquisition_circuits( if params.apply_error_mitigation: mitigation_data = mitigation_acquisition( - mitigation_params(pulses=True, nshots=params.nshots), platform, qubits + mitigation_params(pulses=False, nshots=params.nshots), platform, qubits ) mitigation_results = mitigation_fit(mitigation_data) for pair in qubits: From 1ae93ec3806671910dd10fef8e355f9721615820 Mon Sep 17 00:00:00 2001 From: MatteoRobbiati Date: Fri, 25 Aug 2023 09:35:55 +0200 Subject: [PATCH 24/28] explicit values on the heatmap --- .../protocols/characterization/readout_mitigation_matrix.py | 1 + 1 file changed, 1 insertion(+) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 356bf384b..95b858a70 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -168,6 +168,7 @@ def _plot( x=computational_basis, y=computational_basis[::-1], z=fit.measurement_matrix[tuple(qubit)], + text_auto=True, ), ) fig.update_layout( From 049f146facae385565f8e1626b3b98ad1c5f74d8 Mon Sep 17 00:00:00 2001 From: MatteoRobbiati Date: Fri, 25 Aug 2023 11:50:57 +0200 Subject: [PATCH 25/28] rm heatmap modification --- .../protocols/characterization/readout_mitigation_matrix.py | 1 - 1 file changed, 1 deletion(-) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 95b858a70..356bf384b 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -168,7 +168,6 @@ def _plot( x=computational_basis, y=computational_basis[::-1], z=fit.measurement_matrix[tuple(qubit)], - text_auto=True, ), ) fig.update_layout( From 560121b4edd2402938a0247d813c7eed7278c9cf Mon Sep 17 00:00:00 2001 From: MatteoRobbiati Date: Fri, 25 Aug 2023 15:05:08 +0200 Subject: [PATCH 26/28] use annotated_heatmap --- .../readout_mitigation_matrix.py | 18 +++++++++++------- 1 file changed, 11 insertions(+), 7 deletions(-) diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 356bf384b..4be62907c 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -3,6 +3,7 @@ import numpy as np import numpy.typing as npt +import plotly.figure_factory as ff import plotly.graph_objects as go from qibo import gates from qibo.models import Circuit @@ -163,17 +164,20 @@ def _plot( fig = go.Figure() computational_basis = [format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit))] - fig.add_trace( - go.Heatmap( - x=computational_basis, - y=computational_basis[::-1], - z=fit.measurement_matrix[tuple(qubit)], - ), - ) + x = computational_basis + y = computational_basis[::-1] + + [X, Y] = np.meshgrid(x, y) + + Z = fit.measurement_matrix[tuple(qubit)] + + fig = ff.create_annotated_heatmap(Z, showscale=True) fig.update_layout( uirevision="0", # ``uirevision`` allows zooming while live plotting xaxis_title="State prepared", yaxis_title="State measured", + width=700, + height=700, ) return [fig], fitting_report From 5a41cd49a036f15d866f2e284880942d783131de Mon Sep 17 00:00:00 2001 From: Andrea Date: Tue, 19 Sep 2023 13:04:22 +0400 Subject: [PATCH 27/28] Fix tests --- src/qibocal/auto/task.py | 6 +- src/qibocal/cli/builders.py | 172 ------------------ .../readout_mitigation_matrix.py | 95 ++++++---- 3 files changed, 60 insertions(+), 213 deletions(-) delete mode 100644 src/qibocal/cli/builders.py diff --git a/src/qibocal/auto/task.py b/src/qibocal/auto/task.py index 4d67f39ae..02a5204d3 100644 --- a/src/qibocal/auto/task.py +++ b/src/qibocal/auto/task.py @@ -8,7 +8,11 @@ from qibolab.qubits import QubitId from ..protocols.characterization import Operation -from ..utils import allocate_qubits_pairs, allocate_single_qubits +from ..utils import ( + allocate_qubits_pairs, + allocate_single_qubits, + allocate_single_qubits_lists, +) from .mode import ExecutionMode from .operation import ( DATAFILE, diff --git a/src/qibocal/cli/builders.py b/src/qibocal/cli/builders.py deleted file mode 100644 index c4f083b10..000000000 --- a/src/qibocal/cli/builders.py +++ /dev/null @@ -1,172 +0,0 @@ -import datetime -import json -import tempfile -from pathlib import Path - -import yaml -from qibolab.qubits import QubitId -from qibolab.serialize import dump_runcard - -from qibocal.auto.execute import Executor, History -from qibocal.auto.runcard import Runcard -from qibocal.auto.task import TaskId -from qibocal.cli.utils import generate_output_folder -from qibocal.utils import allocate_qubits_pairs, allocate_single_qubits - -META = "meta.json" -RUNCARD = "runcard.yml" -UPDATED_PLATFORM = "new_platform.yml" -PLATFORM = "platform.yml" - - -class ActionBuilder: - """Class for parsing and executing runcards. - Args: - runcard (path): path containing the runcard. - folder (path): path for the output folder. - force (bool): option to overwrite the output folder if it exists already. - update (bool): option to update platform after each routine. - """ - - def __init__(self, runcard, folder, force, update): - # setting output folder - self.folder = generate_output_folder(folder, force) - # parse runcard - self.runcard = Runcard.load(runcard) - # store update option - self.update = update - # prepare output - self.meta = self._prepare_output(runcard) - # allocate executor - self.executor = Executor.load( - self.runcard, - self.folder, - self.platform, - self.qubits, - self.update, - ) - - @property - def platform(self): - """Qibolab's platform object.""" - return self.runcard.platform_obj - - @property - def backend(self): - """ "Qibo's backend object.""" - return self.runcard.backend_obj - - @property - def qubits(self): - """Qubits dictionary.""" - if self.platform is not None: - if any(isinstance(i, list) for i in self.runcard.qubits): - return allocate_qubits_pairs(self.platform, self.runcard.qubits) - - return allocate_single_qubits(self.platform, self.runcard.qubits) - - return self.runcard.qubits - - def _prepare_output(self, runcard): - """Methods that takes care of: - - dumping original platform - - storing qq runcard - - generating meta.yml - """ - if self.backend.name == "qibolab": - dump_runcard(self.platform, self.folder / PLATFORM) - - with open(self.folder / RUNCARD, "w") as file: - yaml.dump(runcard, file) - - import qibocal - - e = datetime.datetime.now(datetime.timezone.utc) - meta = {} - meta["title"] = self.folder.name - meta["backend"] = str(self.backend) - meta["platform"] = str(self.backend.platform) - meta["date"] = e.strftime("%Y-%m-%d") - meta["start-time"] = e.strftime("%H:%M:%S") - meta["end-time"] = e.strftime("%H:%M:%S") - meta["versions"] = self.backend.versions # pylint: disable=E1101 - meta["versions"]["qibocal"] = qibocal.__version__ - - (self.folder / META).write_text(json.dumps(meta, indent=4)) - - return meta - - def run(self): - """Execute protocols in runcard.""" - if self.platform is not None: - self.platform.connect() - self.platform.setup() - self.platform.start() - - for data_time, result_time, task_id in self.executor.run(): - timing_task = {} - timing_task["acquisition"] = data_time - timing_task["fit"] = result_time - timing_task["tot"] = data_time + result_time - self.meta[task_id] = timing_task - - self.dump_report() - - if self.platform is not None: - self.platform.stop() - self.platform.disconnect() - - def dump_report(self): - """Generate report as html.""" - from qibocal.web.report import create_report - - # update end time - e = datetime.datetime.now(datetime.timezone.utc) - self.meta["end-time"] = e.strftime("%H:%M:%S") - (self.folder / META).write_text(json.dumps(self.meta, indent=4)) - - create_report(self.folder, self.executor.history) - - def dump_platform_runcard(self): - """Dump platform runcard.""" - if self.platform is not None: - dump_runcard(self.platform, self.folder / UPDATED_PLATFORM) - - -class ReportBuilder: - def __init__(self, path: Path, history: History): - """Helper class to generate html report.""" - # FIXME: currently the title of the report is the output folder - self.path = self.title = path - self.metadata = json.loads((path / META).read_text()) - self.runcard = Runcard.load(yaml.safe_load((path / RUNCARD).read_text())) - self.qubits = self.runcard.qubits - - self.history = history - - def routine_name(self, routine, iteration): - """Prettify routine's name for report headers.""" - name = routine.replace("_", " ").title() - return f"{name} - {iteration}" - - def routine_qubits(self, task_id: TaskId): - """Get local qubits parameter from Task if available otherwise use global one.""" - local_qubits = self.history[task_id].task.qubits - return local_qubits if len(local_qubits) > 0 else self.qubits - - def single_qubit_plot(self, task_id: TaskId, qubit: QubitId): - """Generate single qubit plot.""" - node = self.history[task_id] - figures, fitting_report = node.task.operation.report( - node.data, node.results, qubit - ) - with tempfile.NamedTemporaryFile(delete=False) as temp: - html_list = [] - for figure in figures: - figure.write_html(temp.name, include_plotlyjs=False, full_html=False) - temp.seek(0) - fightml = temp.read().decode("utf-8") - html_list.append(fightml) - - all_html = "".join(html_list) - return all_html, fitting_report diff --git a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py index 4be62907c..7fbb708ba 100644 --- a/src/qibocal/protocols/characterization/readout_mitigation_matrix.py +++ b/src/qibocal/protocols/characterization/readout_mitigation_matrix.py @@ -41,16 +41,6 @@ class ReadoutMitigationMatrixResults(Results): ) """Matrix containing measurement matrices for each state.""" - def save(self, path): - """Store readout mitigation matrix to file.""" - np.savez( - path / "readout_mitigation_matrix", - **{ - str(i): self.readout_mitigation_matrix[i] - for i in self.readout_mitigation_matrix - }, - ) - @dataclass class ReadoutMitigationMatrixData(Data): @@ -65,20 +55,36 @@ class ReadoutMitigationMatrixData(Data): def add(self, qubits, state, freqs): for result_state, freq in freqs.items(): - label = qubits + (state,) - if label not in self.data: - self.data[label] = {} - self.data[label][result_state] = freq + self.data[ + qubits + + ( + state, + result_state, + ) + ] = freq for basis in [format(i, f"0{len(qubits)}b") for i in range(2 ** len(qubits))]: - if basis not in self.data[qubits + (state,)]: - self.data[qubits + (state,)][basis] = 0 + if ( + qubits + + ( + state, + basis, + ) + not in self.data + ): + self.data[ + qubits + + ( + state, + basis, + ) + ] = 0 def __getitem__(self, qubits): return { index: value for index, value in self.data.items() - if qubits == list(index[: len(index) - 1]) + if qubits == list(index[: len(index) - 2]) } @@ -122,7 +128,6 @@ def _acquisition( results = c(nshots=params.nshots) data.add(qubit_list, state, dict(results.frequencies())) - return data @@ -133,22 +138,28 @@ def _fit(data: ReadoutMitigationMatrixData) -> ReadoutMitigationMatrixResults: for qubit in data.qubits_list: qubit_data = data[qubit] matrix = np.zeros((2 ** len(qubit), 2 ** len(qubit))) - - for label, state_data in qubit_data.items(): - state = label[-1] + computational_basis = [ + format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit)) + ] + for state in computational_basis: column = np.zeros(2 ** len(qubit)) - for basis, basis_freq in state_data.items(): - column[(int(basis, 2))] = basis_freq / data.nshots + qubit_state_data = { + index: value + for index, value in qubit_data.items() + if index[-2] == state + } + for index, value in qubit_state_data.items(): + column[(int(index[-1], 2))] = value / data.nshots matrix[:, int(state, 2)] = np.flip(column) - measurement_matrix[tuple(qubit)] = matrix + measurement_matrix[tuple(qubit)] = matrix.tolist() try: - readout_mitigation_matrix[tuple(qubit)] = np.linalg.inv(matrix) + readout_mitigation_matrix[tuple(qubit)] = np.linalg.inv(matrix).tolist() except np.linalg.LinAlgError as e: log.warning(f"ReadoutMitigationMatrix: the fitting was not succesful. {e}") readout_mitigation_matrix[tuple(qubit)] = np.zeros( (2 ** len(qubit), 2 ** len(qubit)) - ) + ).tolist() return ReadoutMitigationMatrixResults( readout_mitigation_matrix=readout_mitigation_matrix, @@ -162,25 +173,29 @@ def _plot( """Plotting function for readout mitigation matrix.""" fitting_report = "No fitting data" fig = go.Figure() - computational_basis = [format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit))] - x = computational_basis - y = computational_basis[::-1] + if fit is not None: + computational_basis = [ + format(i, f"0{len(qubit)}b") for i in range(2 ** len(qubit)) + ] - [X, Y] = np.meshgrid(x, y) + x = computational_basis + y = computational_basis[::-1] - Z = fit.measurement_matrix[tuple(qubit)] + [X, Y] = np.meshgrid(x, y) - fig = ff.create_annotated_heatmap(Z, showscale=True) - fig.update_layout( - uirevision="0", # ``uirevision`` allows zooming while live plotting - xaxis_title="State prepared", - yaxis_title="State measured", - width=700, - height=700, - ) + Z = fit.measurement_matrix[tuple(qubit)] + + fig = ff.create_annotated_heatmap(Z, showscale=True) + fig.update_layout( + uirevision="0", # ``uirevision`` allows zooming while live plotting + xaxis_title="State prepared", + yaxis_title="State measured", + width=700, + height=700, + ) - return [fig], fitting_report + return [fig], None readout_mitigation_matrix = Routine(_acquisition, _fit, _plot) From cbd870734779d8a17026b46e3e3e475c0be71427 Mon Sep 17 00:00:00 2001 From: Andrea Date: Mon, 25 Sep 2023 15:07:21 +0200 Subject: [PATCH 28/28] Update example runcard --- runcards/actions_qq.yml | 292 +++++++--------------------------------- 1 file changed, 45 insertions(+), 247 deletions(-) diff --git a/runcards/actions_qq.yml b/runcards/actions_qq.yml index fb8fd4886..fa0d640fa 100644 --- a/runcards/actions_qq.yml +++ b/runcards/actions_qq.yml @@ -1,7 +1,3 @@ -# platform: dummy - -# backend: numpy - platform: dummy qubits: [0, 1] @@ -374,192 +370,6 @@ actions: # parameters: # nflips_max: 5 # nflips_step: 1 -# - id : resonator_frequency -# priority: 0 -# operation: resonator_frequency -# parameters: -# freq_width: 200.e+6 -# freq_step: 25.e+6 -# nshots: 1000 - -# - id: fast reset -# priority: 0 -# operation: fast_reset -# parameters: -# - id : resonator_frequency -# priority: 0 -# operation: resonator_frequency -# parameters: -# freq_width: 200.e+6 -# freq_step: 25.e+6 -# nshots: 1000 - -# - id: fast reset -# priority: 0 -# operation: fast_reset -# parameters: -# nshots: 1024 - -# - id: CHSH with pulses -# priority: 0 -# operation: chsh_pulses -# qubits: [[0,1],[1,2],[0,3]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# apply_error_mitigation: True - -# - id: CHSH with natives -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# native: True -# apply_error_mitigation: True - -# - id: CHSH with circuits -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# - id : resonator_frequency -# priority: 0 -# operation: resonator_frequency -# parameters: -# freq_width: 200.e+6 -# freq_step: 25.e+6 -# nshots: 1000 - -# - id: fast reset -# priority: 0 -# operation: fast_reset -# parameters: -# nshots: 1024 - -# - id: CHSH with pulses -# priority: 0 -# operation: chsh_pulses -# qubits: [[0,1],[1,2],[0,3]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# apply_error_mitigation: True - -# - id: CHSH with natives -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# native: True -# apply_error_mitigation: True - -# - id: CHSH with circuits -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 2 -# bell_states: [0,1,2,3] -# native: False -# apply_error_mitigation: True - -# - id: readout_mitigation_matrix pulses -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: True - - -# - id: readout_mitigation_matrix circuits -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: False -# parameters: -# nshots: 1000 -# ntheta: 2 -# bell_states: [0,1,2,3] -# native: False -# apply_error_mitigation: True - -# - id: readout_mitigation_matrix pulses -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: True - - -# - id: readout_mitigation_matrix circuits -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: False -# nshots: 1024 - -# - id: CHSH with pulses -# priority: 0 -# operation: chsh_pulses -# qubits: [[0,1],[1,2],[0,3]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# apply_error_mitigation: True - -# - id: CHSH with natives -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# native: True -# apply_error_mitigation: True - -# - id: CHSH with circuits -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 2 -# bell_states: [0,1,2,3] -# native: False -# apply_error_mitigation: True - -# - id: readout_mitigation_matrix pulses -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: True - - -# - id: readout_mitigation_matrix circuits -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: False # nshots: 10 @@ -611,65 +421,53 @@ actions: # noise_model: PauliErrorOnX # noise_params: [0.01, 0.01, 0.01] -# - id : resonator_frequency -# priority: 0 -# operation: resonator_frequency -# parameters: -# freq_width: 200.e+6 -# freq_step: 25.e+6 -# nshots: 1000 -# - id: fast reset -# priority: 0 -# operation: fast_reset -# parameters: -# nshots: 1024 +# - id: CHSH with pulses +# priority: 0 +# operation: chsh_pulses +# qubits: [[0,1],[1,2],[0,3]] +# parameters: +# nshots: 1000 +# ntheta: 10 +# bell_states: [0,1,2,3] +# apply_error_mitigation: True -# - id: CHSH with pulses -# priority: 0 -# operation: chsh_pulses -# qubits: [[0,1],[1,2],[0,3]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# apply_error_mitigation: True -# - id: CHSH with natives -# priority: 0 -# operation: chsh_circuits -# qubits: [[0,1],[1,2]] -# parameters: -# nshots: 1000 -# ntheta: 10 -# bell_states: [0,1,2,3] -# native: True -# apply_error_mitigation: True - -- id: CHSH with circuits - priority: 0 - operation: chsh_circuits - qubits: [[0,1],[1,2]] - parameters: - nshots: 1000 - ntheta: 100 - bell_states: [0] - native: False - apply_error_mitigation: True - -# - id: readout_mitigation_matrix pulses -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: True +# - id: CHSH with natives +# priority: 0 +# operation: chsh_circuits +# qubits: [[0,1],[1,2]] +# parameters: +# nshots: 1000 +# ntheta: 10 +# bell_states: [0,1,2,3] +# native: True +# apply_error_mitigation: True -# - id: readout_mitigation_matrix circuits -# priority: 0 -# operation: readout_mitigation_matrix -# qubits: [[0,1,2],[1,2]] -# parameters: -# nshots: 100 -# pulses: False +# - id: CHSH with circuits +# priority: 0 +# operation: chsh_circuits +# qubits: [[0,1],[1,2]] +# parameters: +# nshots: 1000 +# ntheta: 10 +# bell_states: [0,1,2,3] + + +# - id: readout_mitigation_matrix pulses +# priority: 0 +# operation: readout_mitigation_matrix +# qubits: [[0,1,2],[1,2]] +# parameters: +# nshots: 100 +# pulses: True + + +# - id: readout_mitigation_matrix circuits +# priority: 0 +# operation: readout_mitigation_matrix +# qubits: [[0,1,2],[1,2]] +# parameters: +# nshots: 100 +# pulses: False