Effective Area and Raman Gain Coefficient Scaling

1. Effective area scaling along frequency is implemented by means of a technological model.
2. Raman gain coefficient is extended coherently, including the scaling due to the pump frequency.

Change-Id: I4e8b79697500ef0f73ba2f969713d9bdb3e9949c
Co-authored-by: Giacomo Borraccini <giacomo.borraccini@polito.it>
This commit is contained in:
AndreaDAmico
2023-05-29 17:32:26 +02:00
committed by EstherLerouzic
parent 3bea4b3c9f
commit c20e6fb320
15 changed files with 1011 additions and 429 deletions

View File

@@ -1848,3 +1848,15 @@ month={Sept},}
title = {Telecom Infra Project}, title = {Telecom Infra Project},
url = {https://www.telecominfraproject.com}, url = {https://www.telecominfraproject.com},
} }
@ARTICLE{DAmicoJLT2022,
author={DAmico, Andrea and Correia, Bruno and London, Elliot and Virgillito,
Emanuele and Borraccini, Giacomo and Napoli, Antonio and Curri, Vittorio},
journal={Journal of Lightwave Technology},
title={Scalable and Disaggregated GGN Approximation Applied to a C+L+S Optical Network},
year={2022},
volume={40},
number={11},
pages={3499-3511},
doi={10.1109/JLT.2022.3162134}
}

View File

@@ -95,6 +95,24 @@ The fiber library currently describes SSMF and NZDF but additional fiber types c
| | | each relevant position (in km): | | | | each relevant position (in km): |
| | | ``{"position": 10, "loss": 1.5}``) | | | | ``{"position": 10, "loss": 1.5}``) |
+----------------------+-----------+------------------------------------------+ +----------------------+-----------+------------------------------------------+
| ``raman_coefficient``| (dict) | The fundamental parameter that describes |
| | | the regulation of the power transfer |
| | | between channels during fiber propagation|
| | | is the Raman gain coefficient (see |
| | | :cite:`DAmicoJLT2022` for further |
| | | details); :math:`f_{ref}` represents the |
| | | pump reference frequency used for the |
| | | Raman gain coefficient profile |
| | | measurement ("reference_frequency"), |
| | | :math:`\Delta f` is the frequency shift |
| | | between the pump and the specific Stokes |
| | | wave, the Raman gain coefficient |
| | | in terms of optical power |
| | | :math:`g_0`, expressed in |
| | | :math:`1/(m\;W)`. |
| | | Default values measured for a SSMF are |
| | | considered when not specified. |
+----------------------+-----------+------------------------------------------+
.. _Corning whitepaper on MFD/EA: https://www.corning.com/microsites/coc/oem/documents/specialty-fiber/WP7071-Mode-Field-Diam-and-Eff-Area.pdf .. _Corning whitepaper on MFD/EA: https://www.corning.com/microsites/coc/oem/documents/specialty-fiber/WP7071-Mode-Field-Diam-and-Eff-Area.pdf

View File

@@ -473,17 +473,6 @@ class Fiber(_Node):
self.pch_out_db = None self.pch_out_db = None
self.passive = True self.passive = True
self.propagated_labels = [""] self.propagated_labels = [""]
# Raman efficiency matrix function of the delta frequency constructed such that each row is related to a
# fixed frequency: positive elements represent a gain (from higher frequency) and negative elements represent
# a loss (to lower frequency)
if self.params.raman_efficiency:
frequency_offset = self.params.raman_efficiency['frequency_offset']
frequency_offset = append(-flip(frequency_offset[1:]), frequency_offset)
cr = self.params.raman_efficiency['cr']
cr = append(- flip(cr[1:]), cr)
self._cr_function = lambda frequency: interp(frequency, frequency_offset, cr)
else:
self._cr_function = lambda frequency: zeros(squeeze(frequency).shape)
# Lumped losses # Lumped losses
z_lumped_losses = array([lumped['position'] for lumped in self.params.lumped_losses]) # km z_lumped_losses = array([lumped['position'] for lumped in self.params.lumped_losses]) # km
@@ -566,15 +555,17 @@ class Fiber(_Node):
return self.loss_coef_func(frequency) / (10 * log10(exp(1))) return self.loss_coef_func(frequency) / (10 * log10(exp(1)))
def cr(self, frequency): def cr(self, frequency):
"""Returns the raman efficiency matrix including the vibrational loss """Returns the raman gain coefficient matrix including the vibrational loss
:param frequency: the frequency at which cr is computed [Hz] :param frequency: the frequency at which cr is computed [Hz]
:return: cr: raman efficiency matrix [1 / (W m)] :return: cr: raman gain coefficient matrix [1 / (W m)]
""" """
df = outer(ones(frequency.shape), frequency) - outer(frequency, ones(frequency.shape)) df = outer(ones(frequency.shape), frequency) - outer(frequency, ones(frequency.shape))
cr = self._cr_function(df) effective_area_overlap = self.params.effective_area_overlap(frequency, frequency)
cr = interp(df, self.params.raman_coefficient.frequency_offset,
self.params.raman_coefficient.normalized_gamma_raman) * frequency / effective_area_overlap
vibrational_loss = outer(frequency, ones(frequency.shape)) / outer(ones(frequency.shape), frequency) vibrational_loss = outer(frequency, ones(frequency.shape)) / outer(ones(frequency.shape), frequency)
return cr * (cr >= 0) + cr * (cr < 0) * vibrational_loss # Raman efficiency [1/(W m)] return cr * (cr >= 0) + cr * (cr < 0) * vibrational_loss # [1/(W m)]
def chromatic_dispersion(self, freq=None): def chromatic_dispersion(self, freq=None):
"""Returns accumulated chromatic dispersion (CD). """Returns accumulated chromatic dispersion (CD).

View File

@@ -7,9 +7,10 @@ gnpy.core.parameters
This module contains all parameters to configure standard network elements. This module contains all parameters to configure standard network elements.
""" """
from collections import namedtuple
from scipy.constants import c, pi from scipy.constants import c, pi
from numpy import asarray, array from numpy import asarray, array, exp, sqrt, log, outer, ones, squeeze, append, flip
from gnpy.core.utils import convert_length from gnpy.core.utils import convert_length
from gnpy.core.exceptions import ParametersError from gnpy.core.exceptions import ParametersError
@@ -106,26 +107,50 @@ class FusedParams(Parameters):
self.loss = kwargs['loss'] if 'loss' in kwargs else 1 self.loss = kwargs['loss'] if 'loss' in kwargs else 1
# SSMF Raman coefficient profile normalized with respect to the effective area (Cr * A_eff) DEFAULT_RAMAN_COEFFICIENT = {
CR_NORM = array([ # SSMF Raman coefficient profile normalized with respect to the effective area overlap (g0 * A_eff(f_probe, f_pump))
0., 7.802e-16, 2.4236e-15, 4.0504e-15, 5.6606e-15, 6.8973e-15, 7.802e-15, 8.4162e-15, 8.8727e-15, 9.2877e-15, 'g0': array(
1.01011e-14, 1.05244e-14, 1.13295e-14, 1.2367e-14, 1.3695e-14, 1.5023e-14, 1.64091e-14, 1.81936e-14, 2.04927e-14, [0.00000000e+00, 1.12351610e-05, 3.47838074e-05, 5.79356636e-05, 8.06921680e-05, 9.79845709e-05, 1.10454361e-04,
2.28167e-14, 2.48917e-14, 2.66098e-14, 2.82615e-14, 2.98136e-14, 3.1042e-14, 3.17558e-14, 3.18803e-14, 3.17558e-14, 1.18735302e-04, 1.24736889e-04, 1.30110053e-04, 1.41001273e-04, 1.46383247e-04, 1.57011792e-04, 1.70765865e-04,
3.15566e-14, 3.11748e-14, 2.94567e-14, 3.14985e-14, 2.8552e-14, 2.43439e-14, 1.67992e-14, 9.6114e-15, 7.02180e-15, 1.88408911e-04, 2.05914127e-04, 2.24074028e-04, 2.47508283e-04, 2.77729174e-04, 3.08044243e-04, 3.34764439e-04,
5.9262e-15, 5.6938e-15, 7.055e-15, 7.4119e-15, 7.4783e-15, 6.7645e-15, 5.5361e-15, 3.6271e-15, 2.7224e-15, 3.56481704e-04, 3.77127256e-04, 3.96269124e-04, 4.10955175e-04, 4.18718761e-04, 4.19511263e-04, 4.17025384e-04,
2.4568e-15, 2.1995e-15, 2.1331e-15, 2.3323e-15, 2.5564e-15, 3.0461e-15, 4.8555e-15, 5.5029e-15, 5.2788e-15, 4.13565369e-04, 4.07726048e-04, 3.83671291e-04, 4.08564283e-04, 3.69571936e-04, 3.14442090e-04, 2.16074535e-04,
4.565e-15, 3.3698e-15, 2.2991e-15, 2.0086e-15, 1.5521e-15, 1.328e-15, 1.162e-15, 9.379e-16, 8.715e-16, 8.134e-16, 1.23097823e-04, 8.95457457e-05, 7.52470400e-05, 7.19806145e-05, 8.87961158e-05, 9.30812065e-05, 9.37058268e-05,
8.134e-16, 9.379e-16, 1.3612e-15, 1.6185e-15, 1.9754e-15, 1.8758e-15, 1.6849e-15, 1.2284e-15, 9.047e-16, 8.134e-16, 8.45719619e-05, 6.90585286e-05, 4.50407159e-05, 3.36521245e-05, 3.02292475e-05, 2.69376939e-05, 2.60020897e-05,
8.715e-16, 9.711e-16, 1.0375e-15, 1.0043e-15, 9.047e-16, 8.134e-16, 6.806e-16, 5.478e-16, 3.901e-16, 2.241e-16, 2.82958958e-05, 3.08667558e-05, 3.66024657e-05, 5.80610307e-05, 6.54797937e-05, 6.25022715e-05, 5.37806442e-05,
1.577e-16, 9.96e-17, 3.32e-17, 1.66e-17, 8.3e-18]) 3.94996621e-05, 2.68120644e-05, 2.33038554e-05, 1.79140757e-05, 1.52472424e-05, 1.32707565e-05, 1.06541760e-05,
9.84649374e-06, 9.13999627e-06, 9.08971012e-06, 1.04227525e-05, 1.50419271e-05, 1.77838232e-05, 2.15810815e-05,
2.03744008e-05, 1.81939341e-05, 1.31862121e-05, 9.65352116e-06, 8.62698322e-06, 9.18688016e-06, 1.01737784e-05,
1.08017817e-05, 1.03903588e-05, 9.30040333e-06, 8.30809173e-06, 6.90650401e-06, 5.52238029e-06, 3.90648708e-06,
2.22908227e-06, 1.55796177e-06, 9.77218716e-07, 3.23477236e-07, 1.60602454e-07, 7.97306386e-08]
), # [m/W]
# Note the non-uniform spacing of this range; this is required for properly capturing the Raman peak shape. # Note the non-uniform spacing of this range; this is required for properly capturing the Raman peak shape.
FREQ_OFFSET = array([ 'frequency_offset': array([
0., 0.5, 1., 1.5, 2., 2.5, 3., 3.5, 4., 4.5, 5., 5.5, 6., 6.5, 7., 7.5, 8., 8.5, 9., 9.5, 10., 10.5, 11., 11.5, 12., 0., 0.5, 1., 1.5, 2., 2.5, 3., 3.5, 4., 4.5, 5., 5.5, 6., 6.5, 7., 7.5, 8., 8.5, 9., 9.5, 10., 10.5, 11., 11.5,
12.5, 12.75, 13., 13.25, 13.5, 14., 14.5, 14.75, 15., 15.5, 16., 16.5, 17., 17.5, 18., 18.25, 18.5, 18.75, 19., 12.,
19.5, 20., 20.5, 21., 21.5, 22., 22.5, 23., 23.5, 24., 24.5, 25., 25.5, 26., 26.5, 27., 27.5, 28., 28.5, 29., 29.5, 12.5, 12.75, 13., 13.25, 13.5, 14., 14.5, 14.75, 15., 15.5, 16., 16.5, 17., 17.5, 18., 18.25, 18.5, 18.75, 19.,
30., 30.5, 31., 31.5, 32., 32.5, 33., 33.5, 34., 34.5, 35., 35.5, 36., 36.5, 37., 37.5, 38., 38.5, 39., 39.5, 40., 19.5, 20., 20.5, 21., 21.5, 22., 22.5, 23., 23.5, 24., 24.5, 25., 25.5, 26., 26.5, 27., 27.5, 28., 28.5, 29.,
40.5, 41., 41.5, 42.]) * 1e12 29.5,
30., 30.5, 31., 31.5, 32., 32.5, 33., 33.5, 34., 34.5, 35., 35.5, 36., 36.5, 37., 37.5, 38., 38.5, 39., 39.5,
40.,
40.5, 41., 41.5, 42.]
) * 1e12, # [Hz]
# Raman profile reference frequency
'reference_frequency': 206184634112792 # [Hz] (1454 nm)}
}
class RamanGainCoefficient(namedtuple('RamanGainCoefficient', 'normalized_gamma_raman frequency_offset')):
""" Raman Gain Coefficient Parameters
Based on:
Andrea DAmico, Bruno Correia, Elliot London, Emanuele Virgillito, Giacomo Borraccini, Antonio Napoli,
and Vittorio Curri, "Scalable and Disaggregated GGN Approximation Applied to a C+L+S Optical Network,"
J. Lightwave Technol. 40, 3499-3511 (2022)
Section III.D
"""
class FiberParams(Parameters): class FiberParams(Parameters):
@@ -139,6 +164,8 @@ class FiberParams(Parameters):
# with default values from eqpt_config.json[Spans] # with default values from eqpt_config.json[Spans]
self._con_in = kwargs.get('con_in') self._con_in = kwargs.get('con_in')
self._con_out = kwargs.get('con_out') self._con_out = kwargs.get('con_out')
# Reference frequency (unique for all parameters: beta2, beta3, gamma, effective_area)
if 'ref_wavelength' in kwargs: if 'ref_wavelength' in kwargs:
self._ref_wavelength = kwargs['ref_wavelength'] self._ref_wavelength = kwargs['ref_wavelength']
self._ref_frequency = c / self._ref_wavelength self._ref_frequency = c / self._ref_wavelength
@@ -148,6 +175,8 @@ class FiberParams(Parameters):
else: else:
self._ref_wavelength = 1550e-9 # conventional central C band wavelength [m] self._ref_wavelength = 1550e-9 # conventional central C band wavelength [m]
self._ref_frequency = c / self._ref_wavelength self._ref_frequency = c / self._ref_wavelength
# Chromatic Dispersion
self._dispersion = kwargs['dispersion'] # s/m/m self._dispersion = kwargs['dispersion'] # s/m/m
self._dispersion_slope = \ self._dispersion_slope = \
kwargs.get('dispersion_slope', -2 * self._dispersion / self.ref_wavelength) # s/m/m/m kwargs.get('dispersion_slope', -2 * self._dispersion / self.ref_wavelength) # s/m/m/m
@@ -157,10 +186,13 @@ class FiberParams(Parameters):
# (accessed on 25 March 2018) (2005). # (accessed on 25 March 2018) (2005).
self._beta3 = ((self.dispersion_slope - (4*pi*c/self.ref_wavelength**3) * self.beta2) / self._beta3 = ((self.dispersion_slope - (4*pi*c/self.ref_wavelength**3) * self.beta2) /
(2*pi*c/self.ref_wavelength**2)**2) (2*pi*c/self.ref_wavelength**2)**2)
# Effective Area and Nonlinear Coefficient
self._effective_area = kwargs.get('effective_area') # m^2 self._effective_area = kwargs.get('effective_area') # m^2
self._n1 = 1.468 self._n1 = 1.468
self._core_radius = 4.2e-6 # m
n2 = 2.6e-20 # m^2/W n2 = 2.6e-20 # m^2/W
if self._effective_area: if self._effective_area is not None:
self._gamma = kwargs.get('gamma', 2 * pi * n2 / (self.ref_wavelength * self._effective_area)) # 1/W/m self._gamma = kwargs.get('gamma', 2 * pi * n2 / (self.ref_wavelength * self._effective_area)) # 1/W/m
elif 'gamma' in kwargs: elif 'gamma' in kwargs:
self._gamma = kwargs['gamma'] # 1/W/m self._gamma = kwargs['gamma'] # 1/W/m
@@ -168,16 +200,37 @@ class FiberParams(Parameters):
else: else:
self._gamma = 0 # 1/W/m self._gamma = 0 # 1/W/m
self._effective_area = 83e-12 # m^2 self._effective_area = 83e-12 # m^2
default_raman_efficiency = {'cr': CR_NORM / self._effective_area, 'frequency_offset': FREQ_OFFSET} self._contrast = 0.5 * (c / (2 * pi * self.ref_frequency * self._core_radius * self._n1) * exp(
self._raman_efficiency = kwargs.get('raman_efficiency', default_raman_efficiency) pi * self._core_radius ** 2 / self._effective_area)) ** 2
# Raman Gain Coefficient
raman_coefficient = kwargs.get('raman_coefficient', DEFAULT_RAMAN_COEFFICIENT)
self._g0 = asarray(raman_coefficient['g0'])
raman_reference_frequency = raman_coefficient['reference_frequency']
frequency_offset = asarray(raman_coefficient['frequency_offset'])
stokes_wave = raman_reference_frequency - frequency_offset
gamma_raman = self._g0 * self.effective_area_overlap(stokes_wave, raman_reference_frequency)
normalized_gamma_raman = gamma_raman / raman_reference_frequency # 1 / m / W / Hz
self._raman_reference_frequency = raman_reference_frequency
# Raman gain coefficient array of the frequency offset constructed such that positive frequency values
# represent a positive power transfer from higher frequency and vice versa
frequency_offset = append(-flip(frequency_offset[1:]), frequency_offset)
normalized_gamma_raman = append(- flip(normalized_gamma_raman[1:]), normalized_gamma_raman)
self._raman_coefficient = RamanGainCoefficient(normalized_gamma_raman, frequency_offset)
# Polarization Mode Dispersion
self._pmd_coef = kwargs['pmd_coef'] # s/sqrt(m) self._pmd_coef = kwargs['pmd_coef'] # s/sqrt(m)
# Loss Coefficient
if isinstance(kwargs['loss_coef'], dict): if isinstance(kwargs['loss_coef'], dict):
self._loss_coef = asarray(kwargs['loss_coef']['value']) * 1e-3 # lineic loss dB/m self._loss_coef = asarray(kwargs['loss_coef']['value']) * 1e-3 # lineic loss dB/m
self._f_loss_ref = asarray(kwargs['loss_coef']['frequency']) # Hz self._f_loss_ref = asarray(kwargs['loss_coef']['frequency']) # Hz
else: else:
self._loss_coef = asarray(kwargs['loss_coef']) * 1e-3 # lineic loss dB/m self._loss_coef = asarray(kwargs['loss_coef']) * 1e-3 # lineic loss dB/m
self._f_loss_ref = asarray(self._ref_frequency) # Hz self._f_loss_ref = asarray(self._ref_frequency) # Hz
self._lumped_losses = kwargs['lumped_losses'] if 'lumped_losses' in kwargs else [] # Lumped Losses
self._lumped_losses = kwargs['lumped_losses'] if 'lumped_losses' in kwargs else array([])
self._latency = self._length / (c / self._n1) # s self._latency = self._length / (c / self._n1) # s
except KeyError as e: except KeyError as e:
raise ParametersError(f'Fiber configurations json must include {e}. Configuration: {kwargs}') raise ParametersError(f'Fiber configurations json must include {e}. Configuration: {kwargs}')
@@ -231,6 +284,17 @@ class FiberParams(Parameters):
def gamma(self): def gamma(self):
return self._gamma return self._gamma
def effective_area_scaling(self, frequency):
V = 2 * pi * frequency / c * self._core_radius * self._n1 * sqrt(2 * self._contrast)
w = self._core_radius / sqrt(log(V))
return asarray(pi * w ** 2)
def effective_area_overlap(self, frequency_stokes_wave, frequency_pump):
effective_area_stokes_wave = self.effective_area_scaling(frequency_stokes_wave)
effective_area_pump = self.effective_area_scaling(frequency_pump)
return squeeze(outer(effective_area_stokes_wave, ones(effective_area_pump.size)) + outer(
ones(effective_area_stokes_wave.size), effective_area_pump)) / 2
@property @property
def pmd_coef(self): def pmd_coef(self):
return self._pmd_coef return self._pmd_coef
@@ -260,8 +324,8 @@ class FiberParams(Parameters):
return self._f_loss_ref return self._f_loss_ref
@property @property
def raman_efficiency(self): def raman_coefficient(self):
return self._raman_efficiency return self._raman_coefficient
@property @property
def latency(self): def latency(self):
@@ -271,10 +335,16 @@ class FiberParams(Parameters):
dictionary = super().asdict() dictionary = super().asdict()
dictionary['loss_coef'] = self.loss_coef * 1e3 dictionary['loss_coef'] = self.loss_coef * 1e3
dictionary['length_units'] = 'm' dictionary['length_units'] = 'm'
if not self.lumped_losses: if len(self.lumped_losses) == 0:
dictionary.pop('lumped_losses') dictionary.pop('lumped_losses')
if not self.raman_efficiency: if not self.raman_coefficient:
dictionary.pop('raman_efficiency') dictionary.pop('raman_coefficient')
else:
raman_frequency_offset = \
self.raman_coefficient.frequency_offset[self.raman_coefficient.frequency_offset >= 0]
dictionary['raman_coefficient'] = {'g0': self._g0.tolist(),
'frequency_offset': raman_frequency_offset.tolist(),
'reference_frequency': self._raman_reference_frequency}
return dictionary return dictionary

View File

@@ -26,6 +26,7 @@ from gnpy.core.info import SpectralInformation
logger = getLogger(__name__) logger = getLogger(__name__)
sim_params = SimParams() sim_params = SimParams()
def raised_cosine_comb(f, *carriers): def raised_cosine_comb(f, *carriers):
"""Returns an array storing the PSD of a WDM comb of raised cosine shaped """Returns an array storing the PSD of a WDM comb of raised cosine shaped
channels at the input frequencies defined in array f channels at the input frequencies defined in array f
@@ -191,13 +192,13 @@ class RamanSolver:
# calculate ase power # calculate ase power
ase = zeros(spectral_info.number_of_channels) ase = zeros(spectral_info.number_of_channels)
cr = fiber.cr(srs.frequency)[:spectral_info.number_of_channels, spectral_info.number_of_channels:]
for i, pump in enumerate(fiber.raman_pumps): for i, pump in enumerate(fiber.raman_pumps):
pump_power = srs.power_profile[spectral_info.number_of_channels + i, :] pump_power = srs.power_profile[spectral_info.number_of_channels + i, :]
df = pump.frequency - frequency df = pump.frequency - frequency
eta = - 1 / (1 - exp(h * df / (k * fiber.temperature))) eta = - 1 / (1 - exp(h * df / (k * fiber.temperature)))
cr = fiber._cr_function(df)
integral = trapz(pump_power / channels_loss, z, axis=1) integral = trapz(pump_power / channels_loss, z, axis=1)
ase += 2 * h * baud_rate * frequency * (1 + eta) * cr * (df > 0) * integral # 2 factor for double pol ase += 2 * h * baud_rate * frequency * (1 + eta) * cr[:, i] * (df > 0) * integral # 2 factor for double pol
return ase return ase
@staticmethod @staticmethod

View File

@@ -21,6 +21,7 @@ from gnpy.core.exceptions import ConfigurationError, EquipmentConfigError, Netwo
from gnpy.core.science_utils import estimate_nf_model from gnpy.core.science_utils import estimate_nf_model
from gnpy.core.info import Carrier from gnpy.core.info import Carrier
from gnpy.core.utils import automatic_nch, automatic_fmax, merge_amplifier_restrictions from gnpy.core.utils import automatic_nch, automatic_fmax, merge_amplifier_restrictions
from gnpy.core.parameters import DEFAULT_RAMAN_COEFFICIENT
from gnpy.topology.request import PathRequest, Disjunction, compute_spectrum_slot_vs_bandwidth from gnpy.topology.request import PathRequest, Disjunction, compute_spectrum_slot_vs_bandwidth
from gnpy.tools.convert import xls_to_json_data from gnpy.tools.convert import xls_to_json_data
from gnpy.tools.service_sheet import read_service_sheet from gnpy.tools.service_sheet import read_service_sheet
@@ -163,9 +164,14 @@ class Fiber(_JsonThing):
def __init__(self, **kwargs): def __init__(self, **kwargs):
self.update_attr(self.default_values, kwargs, self.__class__.__name__) self.update_attr(self.default_values, kwargs, self.__class__.__name__)
for optional in ['gamma', 'raman_efficiency']: if 'gamma' in kwargs:
if optional in kwargs: setattr(self, 'gamma', kwargs['gamma'])
setattr(self, optional, kwargs[optional]) if 'raman_efficiency' in kwargs:
raman_coefficient = kwargs['raman_efficiency']
cr = raman_coefficient.pop('cr')
raman_coefficient['g0'] = cr
raman_coefficient['reference_frequency'] = DEFAULT_RAMAN_COEFFICIENT['reference_frequency']
setattr(self, 'raman_coefficient', raman_coefficient)
class RamanFiber(Fiber): class RamanFiber(Fiber):

View File

@@ -1,96 +1,96 @@
0.001,0.0007532367899292016,0.0005915557166626927,0.00038408772212450497,0.0002466727384040634,0.00015734746299754382,9.994300566924636e-05,6.33121782843872e-05,4.004003600460594e-05,2.5295530132384264e-05 0.001,0.0007537739940510926,0.0005921033539224395,0.000384643453726324,0.00024710943492700773,0.00015765779381207088,0.00010015276356884663,6.345008665672524e-05,4.012925332336102e-05,2.535268958174273e-05
0.001,0.0007527027569114317,0.000591008714088151,0.00038352599237371365,0.00024622798333442106,0.0001570298910751132,9.972770370845924e-05,6.317035443958771e-05,3.994817502675088e-05,2.5236632189663175e-05 0.001,0.0007532443480762404,0.0005915606741358828,0.00038408573214392957,0.00024666764094038643,0.00015734224135307426,9.993879038586218e-05,6.330912140259024e-05,4.003794165686942e-05,2.529414108865862e-05
0.001,0.0007521693300508858,0.0005904624672772725,0.00038296538462781346,0.00024578429034045,0.0001567131560243821,9.951300275831495e-05,6.302894048828063e-05,3.9856585263472816e-05,2.5177910454727035e-05 0.001,0.0007527148738848327,0.0005910183036445593,0.0003835286706438232,0.0002462265418760313,0.00015702726304657165,9.972523988324127e-05,6.316844848796591e-05,3.994682503096186e-05,2.5235719950422228e-05
0.001,0.0007516365068997756,0.0005899169734839468,0.0003824058950962419,0.00024534165572340287,0.00015639725482879884,9.929890059644242e-05,6.288793488850427e-05,3.976526568300959e-05,2.5119364252406752e-05 0.001,0.0007521855703345118,0.0005904762413907948,0.00038297226807207136,0.0002457861365766504,0.00015671285789580896,9.9512111295817e-05,6.302806736731544e-05,3.985590307420444e-05,2.5177425921282973e-05
0.001,0.0007511042849865948,0.0005893722299298781,0.00038184751993553635,0.0002449000757332959,0.00015608218443128777,9.90853949714062e-05,6.274733607851798e-05,3.967421524053716e-05,2.5060992899059294e-05 0.001,0.0007516564362539944,0.0005899344862777934,0.00038241652320864807,0.0002453464238190796,0.00015639902485083639,9.929940381972637e-05,6.288797746852316e-05,3.976517539750482e-05,2.511925874398998e-05
0.001,0.0007505726618162419,0.0005888282338048205,0.00038129025524998993,0.0002444595465697164,0.000155767941734979,9.887248360327204e-05,6.260714247720704e-05,3.958343287844485e-05,2.500279570274923e-05 0.001,0.0007511274704431355,0.0005893930371697809,0.0003818614347679428,0.0002449074023149522,0.00015608576280913723,9.908711661290977e-05,6.27481781932559e-05,3.967464159435973e-05,2.5061218149955632e-05
0.001,0.0007500416348701675,0.0005882849822668305,0.0003807340970923119,0.0002440200643826254,0.00015545452360392976,9.866016418416756e-05,6.246735248448249e-05,3.949291752660743e-05,2.4944771963428786e-05 0.001,0.0007505986716729718,0.0005888518928921378,0.00038130700139925517,0.0002444690707113658,0.00015577307061625246,9.887524879560432e-05,6.260866891731864e-05,3.958430124109855e-05,2.5003303859417958e-05
0.001,0.0007495090858251885,0.0005877403241312353,0.00038017688268912993,0.00024357993927957565,0.0001551407333476893,9.844762961169771e-05,6.232743618144161e-05,3.940232665622857e-05,2.488670234861411e-05 0.001,0.0007500678710880661,0.0005883088511431218,0.000380751009486411,0.0002440296996901373,0.00015545972380501664,9.866297459432463e-05,6.246890748950651e-05,3.949380391318895e-05,2.4945291488462056e-05
0.001,0.0007489750173390955,0.0005871942634186001,0.00037961861900225594,0.0002431391779090945,0.00015482657614637553,9.823488356157069e-05,6.218739605181586e-05,3.931166190013138e-05,2.4828587914583644e-05 0.001,0.0007495350705096461,0.0005877639154939723,0.000380193466563788,0.00024358929686534952,0.00015514572847430736,9.8450298405315e-05,6.232889690863924e-05,3.9403151593579556e-05,2.4887182324516918e-05
0.001,0.0007484394320489054,0.000586646804117398,0.0003790593129257516,0.00024269778684510537,0.00015451205711655025,9.80219296618084e-05,6.204723454596647e-05,3.922092486871355e-05,2.4770429702906434e-05 0.001,0.0007490002717484986,0.0005872170894971442,0.00037963438011605534,0.00024314786979147204,0.00015483109067004745,9.823722458416644e-05,6.218864014470764e-05,3.931234624568946e-05,2.4828977642138712e-05
0.001,0.0007479023325710157,0.0005860979501842716,0.0003784989712866058,0.00024225577258776658,0.00015419718131198063,9.780877149334108e-05,6.190695408131256e-05,3.913011715023943e-05,2.471222874063607e-05 0.001,0.0007484634766050366,0.000586668376686434,0.0003790737575785661,0.00024270542596389042,0.0001545158163857142,9.802375744622405e-05,6.204814013916893e-05,3.9221389813611975e-05,2.4770678703146694e-05
0.001,0.0007473589501028839,0.0005855428054911819,0.00037793253622143226,0.00024180911527200605,0.0001538790714407034,9.759345536126727e-05,6.176526646718061e-05,3.903840385562049e-05,2.4653449519288003e-05 0.001,0.0007479199274773811,0.0005861128912299699,0.0003785065486556895,0.00024225795000622747,0.0001541970308568484,9.780794472023814e-05,6.190610951865765e-05,3.9129447888412384e-05,2.471175028700643e-05
0.001,0.0007468092967825838,0.0005849813875456967,0.00037736003826256307,0.0002413578451141304,0.0001535577517356502,9.737599881379702e-05,6.162218372343696e-05,3.894579295722817e-05,2.459409722576533e-05 0.001,0.0007473696306726699,0.0005855506450602122,0.0003779327791658341,0.00024180546890527417,0.0001538747562360148,9.758980264023896e-05,6.176255947727244e-05,3.903652792388679e-05,2.4652197254708885e-05
0.001,0.0007462533848733049,0.0005844137140093278,0.0003767815081401628,0.000240901992492228,0.00015323324654353314,9.715641947446165e-05,6.147771791853057e-05,3.885229245840824e-05,2.4534177066613415e-05 0.001,0.0007468125926679213,0.0005849816503235855,0.0003773524752207052,0.00024134800990073543,0.00015354901486124996,9.736934756691086e-05,6.161750129261558e-05,3.8942637427869684e-05,2.459202450185328e-05
0.001,0.000745691226763116,0.0005838398026969794,0.0003761969767804803,0.0002404415879440079,0.00015290558032290768,9.693473504062416e-05,6.133188116843622e-05,3.8757910392765306e-05,2.4473694267548183e-05 0.001,0.0007462488201102061,0.0005844059193804029,0.00037676566322402907,0.00024088560048334876,0.0001532198292542639,9.714659598616437e-05,6.147094632476142e-05,3.884778396152801e-05,2.4531236958179027e-05
0.001,0.0007451228349647373,0.0005832596715764015,0.0003756064753041118,0.00023997666216464767,0.00015257477764224695,9.671096328199676e-05,6.118468563560255e-05,3.866265482344967e-05,2.4412654072986313e-05 0.001,0.0007456783198168171,0.0005838234648047683,0.00037617236987025305,0.00024041826839299018,0.00015288722211863548,9.692156450770277e-05,6.132290601522212e-05,3.875197513865345e-05,2.4469839587096592e-05
0.001,0.0007445482221152969,0.0005826733387676383,0.00037501003502424463,0.00023950724600462937,0.00015224086317800717,9.648512203915508e-05,6.10361435278989e-05,3.856653384244466e-05,2.4351061745575383e-05 0.001,0.0007451010987754332,0.0005832342993844907,0.0003755726221432343,0.0002399460416167659,0.00015255121633799497,9.66942698635831e-05,6.11733918859104e-05,3.8655218624953314e-05,2.4407837385217267e-05
0.001,0.0007439676197518897,0.0005820810441807425,0.00037440790891368455,0.00023903354281979173,0.00015190398344726316,9.625731118926499e-05,6.088632085792883e-05,3.8469590296183435e-05,2.4288944792708768e-05 0.001,0.0007445173992825126,0.0005826386743528757,0.00037496668540476865,0.00023946913369259697,0.00015221196586566552,9.646481704279825e-05,6.102247334575324e-05,3.85575594785277e-05,2.4345259282747418e-05
0.001,0.0007433810401766963,0.0005814828054675655,0.0003738001274474017,0.00023855558259725708,0.00015156416241431266,9.602754804766523e-05,6.073522946956701e-05,3.837183203343021e-05,2.422630831805139e-05 0.001,0.0007439272282773631,0.0005820366023339485,0.0003743545861363169,0.00023898757201912962,0.00015186949307274757,9.623322238874437e-05,6.0870161643097905e-05,3.845900518061352e-05,2.4282110155051444e-05
0.001,0.0007427884958139745,0.0005808786404289665,0.0003731867212872195,0.00023807339547377812,0.00015122142414692073,9.579584999731261e-05,6.0582881249900104e-05,3.827326693032388e-05,2.416315744255339e-05 0.001,0.0007433305928659832,0.0005814280961601982,0.00037373635109929905,0.0002385013842326201,0.0001515238205025659,9.599950236146117e-05,6.071646810276464e-05,3.835956326175255e-05,2.4218394908993806e-05
0.001,0.0007421899992098021,0.0005802685670142344,0.00037256772128003497,0.000237587011733569,0.0001508757928143868,9.556223448729982e-05,6.042928812817624e-05,3.817390288966712e-05,2.4099497303981975e-05 0.001,0.0007427275003211868,0.0005808131688724332,0.0003731120073337174,0.00023801059820498021,0.0001511749708688244,9.576367353617374e-05,6.05614041249978e-05,3.825924130107498e-05,2.4154118482464792e-05
0.001,0.0007415856543227021,0.0005796526968519213,0.0003719432545624588,0.0002370965379259533,0.00015052734704952642,9.532675589286383e-05,6.027448635812983e-05,3.8073763569630884e-05,2.4035343141902214e-05 0.001,0.0007421180800523362,0.0005801919587229117,0.00037248171070273063,0.0002375153439047009,0.00015082303982525373,9.55258019540184e-05,6.0405013700224733e-05,3.815806798909622e-05,2.4089299350133826e-05
0.001,0.0007409754737456764,0.0005790310479093866,0.0003713133518665245,0.00023660200414609388,0.00015017611083395813,9.508943151110323e-05,6.0118487758033374e-05,3.797285679655887e-05,2.3970700043170417e-05 0.001,0.0007415023395254894,0.0005795644789202474,0.00037184548827748576,0.0002370156491221818,0.00015046804996987382,9.528590408468248e-05,6.0247308147258e-05,3.8056050847170796e-05,2.4023942410771268e-05
0.001,0.0007403594702011648,0.0005784036383121743,0.00037067804412380096,0.00023610344065010713,0.00014982210826137852,9.485027871279472e-05,5.996130419345522e-05,3.78711904268521e-05,2.390557311366359e-05 0.001,0.0007408802863797739,0.000578930742889133,0.00037120336741830446,0.00023651154189285886,0.00015011002407818366,9.504399651802114e-05,6.008829886368558e-05,3.7953197447440844e-05,2.395805259559495e-05
0.001,0.0007397376565407343,0.0005777704863433433,0.0003700373624633736,0.00023560087785260114,0.00014946536353537454,9.460931494071504e-05,5.980294757607068e-05,3.7768772346164856e-05,2.3839967477749735e-05 0.001,0.0007402519284274773,0.00057829076427012,0.0003705553757730914,0.00023600305049498863,0.0001497489851010917,9.480009596242987e-05,5.992799732470356e-05,3.784951541204015e-05,2.389163486774317e-05
0.001,0.0007391100457447578,0.0005771316104427772,0.0003693913382097967,0.00023509434632419326,0.00014910590096722126,9.43665577079545e-05,5.9643429862469775e-05,3.766561046859827e-05,2.3773888277757113e-05 0.001,0.0007396172736541335,0.0005776445569193926,0.0003699015412757306,0.000235490203447419,0.00014938495616282697,9.455421924320194e-05,5.976641508193571e-05,3.774501241228877e-05,2.38246942217421e-05
0.001,0.000738476650922101,0.0005764870292064977,0.00036874000288103975,0.00023458387678901917,0.00014874374497367155,9.412202459622686e-05,5.9482763052961085e-05,3.756171273589169e-05,2.3707340673441675e-05 0.001,0.0007389763302186035,0.0005769921349085269,0.00036924189214444916,0.00023497302950733012,0.00014901796055883247,9.4306383300876e-05,5.960356376224896e-05,3.763969616788547e-05,2.37572356829714e-05
0.001,0.0007378383098574075,0.0005758375946234994,0.0003680842155919215,0.00023407014148765632,0.00014837937194987178,9.387603703510192e-05,5.9321158235205615e-05,3.7457215608374264e-05,2.3640412051558293e-05 0.001,0.000738329973009011,0.0005763343882557762,0.00036857732657886674,0.00023445223185895243,0.00014864849677321228,9.40569245366171e-05,5.943966431343476e-05,3.753370952478887e-05,2.3689350732036766e-05
0.001,0.0007371950334860535,0.0005751833223951592,0.00036742400321047484,0.00023355316664168087,0.00014801280273272775,9.362861002461525e-05,5.915862564500113e-05,3.7352125858877144e-05,2.3573106811906043e-05 0.001,0.0007376782088319843,0.0005756713289449496,0.0003679078688863157,0.00023392783529630037,0.00014827658488585004,9.38058575472753e-05,5.927472675087035e-05,3.7427059131368685e-05,2.362104369630353e-05
0.001,0.00073654683284441,0.000574524228343977,0.00036675939274831334,0.00023303297858185806,0.00014764405823135713,9.337975861033522e-05,5.8995175546471016e-05,3.7246450277835196e-05,2.3505429365254772e-05 0.001,0.0007370210446325295,0.0005750029691304239,0.000367233543593211,0.00023339986479263558,0.00014790224510292775,9.355319701349314e-05,5.910876114408311e-05,3.7319751670569666e-05,2.3552318925085614e-05
0.001,0.0007358937190696075,0.0005738603284130473,0.00036609041135903555,0.00023250960374621979,0.00014727315942538642,9.312949788206356e-05,5.883081823114703e-05,3.714019567266728e-05,2.3437384132937352e-05 0.001,0.0007363584874940915,0.0005743293211369546,0.0003665543754437431,0.00023286834549865966,0.00014752549775524457,9.329895769838934e-05,5.8941777615809794e-05,3.721179385927125e-05,2.348318078922229e-05
0.001,0.0007352357941493111,0.0005731917314000998,0.00036541718100671807,0.00023198314335306009,0.00014690018055717562,9.287787898176903e-05,5.8665587714515226e-05,3.7033384207063736e-05,2.336898537810764e-05 0.001,0.0007356906659117175,0.0005736505214206793,0.00036587051603697917,0.00023233340267585003,0.00014714643450378646,9.30432026577021e-05,5.8773818072131705e-05,3.710321298927822e-05,2.3413646846771747e-05
0.001,0.0007345730691988726,0.0005725184531760585,0.00036473972859165694,0.00023145362352237773,0.00014652514231900017,9.262491677678543e-05,5.849949412959568e-05,3.692602258076439e-05,2.330023745100292e-05 0.001,0.0007350175870680764,0.0005729665823498456,0.00036518198995355594,0.00023179506120909636,0.00014676507541963834,9.278594644638945e-05,5.8604892484780656e-05,3.699401567385024e-05,2.3343721399750524e-05
0.001,0.0007339055554363943,0.0005718405097346715,0.00036405808115834703,0.00023092107048297024,0.00014614806547462797,9.237062617930094e-05,5.8332547637208486e-05,3.681811751074024e-05,2.3231144712579286e-05 0.001,0.000734339258284937,0.0005722775164633901,0.0003644888219905243,0.00023125334615855053,0.0001463814406964208,9.252720370024704e-05,5.8435010877524154e-05,3.688420855938328e-05,2.327340877117354e-05
0.001,0.0007332332641824373,0.0005711579171919053,0.00036337226589374283,0.00023038551057034875,0.00014576897085748306,9.211502214495855e-05,5.816475842498649e-05,3.6709675730527174e-05,2.316171153407366e-05 0.001,0.0007336556870231954,0.0005715833364706749,0.00036379103715988533,0.00023070828275766533,0.00014599555064848363,9.226698913450141e-05,5.82641833251609e-05,3.677379832472749e-05,2.320271330460301e-05
0.001,0.0007325562068597424,0.0005704706917853448,0.00036268231012551475,0.00022984697022465777,0.00014538787936881694,9.185811967146481e-05,5.7996136706394345e-05,3.660070398956385e-05,2.3091942296568752e-05 0.001,0.0007329668808828947,0.0005708840552512191,0.00036308866068712113,0.00023015989641122435,0.00014560742570909416,9.200531754239911e-05,5.8092419952513674e-05,3.666279168050168e-05,2.313163936369656e-05
0.001,0.0007318743949929397,0.0005697788498735841,0.00036198824132029425,0.00022930547598857658,0.00014500481197586598,9.159993379718755e-05,5.782669271974067e-05,3.64912090525257e-05,2.302184139055488e-05 0.001,0.000732272847603227,0.0005701796858544125,0.000362381718009681,0.0002296082126933358,0.00014521708642859763,9.174220379377606e-05,5.791973093340874e-05,3.6551195368400524e-05,2.3060191331749373e-05
0.001,0.0007311893455218696,0.0005690839249361782,0.00036129158319864115,0.00022876220922826379,0.00014462060105886957,9.134102410651873e-05,5.765679311500336e-05,3.638142760462866e-05,2.2951560247830835e-05 0.001,0.0007315751779154508,0.0005694718366517781,0.00036167180797618383,0.00022905447155647377,0.00014482540661409508,9.147823538482221e-05,5.774650123146614e-05,3.643925790598459e-05,2.2988528215049473e-05
0.001,0.0007305010654158725,0.0005683859273133331,0.00036059235374610366,0.00022821718741648022,0.0001442352604283837,9.108140050118302e-05,5.7486444630234186e-05,3.6271364096158895e-05,2.2881101755991867e-05 0.001,0.0007308738763564251,0.0005687605159526348,0.00036095894758939165,0.00022849869020493823,0.00014443240010265552,9.121342232553745e-05,5.7572737692798364e-05,3.6326983828340116e-05,2.2916652961499898e-05
0.001,0.0007298095617060222,0.0005676848674169826,0.0003598905710243091,0.00022767042807726517,0.00014384880392493142,9.082107289971861e-05,5.731565401294061e-05,3.616102298282374e-05,2.2810468805814132e-05 0.001,0.0007301689475478705,0.0005680457321686527,0.00036024315397386176,0.00022794088593578913,0.00014403808079282816,9.094777466478586e-05,5.739844718775089e-05,3.6214377685641065e-05,2.2844568528419092e-05
0.001,0.00072911484148498,0.0005669807557304629,0.00035918625316998416,0.0002271219487847659,0.00014346124541797894,9.056005123670258e-05,5.7144428019538954e-05,3.6050408725382995e-05,2.273966429101268e-05 0.001,0.0007294603961963875,0.0005673274938137002,0.0003595244443750873,0.00022738107613769066,0.00014364246264358423,9.068130248947494e-05,5.72236366103174e-05,3.610144404275241e-05,2.2772277882278848e-05
0.001,0.0007284189402274404,0.0005662756696284718,0.0003584815135619231,0.00022657341249110831,0.00014307376755976422,9.029913524493679e-05,5.6973292587264155e-05,3.5939861625220895e-05,2.266890625682277e-05 0.001,0.0007287502876018436,0.0005666079096289159,0.00035880496633647314,0.00022682095171468864,0.00014324674865159545,9.041481948469436e-05,5.7048841153261715e-05,3.598852922211342e-05,2.270000293927642e-05
0.001,0.0007277218596828616,0.0005655696121370723,0.0003577763576655677,0.00022602482426511535,0.00014268637418612671,9.003832758694041e-05,5.6802249487864933e-05,3.582938283523434e-05,2.2598195444084937e-05 0.001,0.0007280386231103084,0.0005658869826353605,0.0003580847262718071,0.00022626051891339797,0.00014285094367250402,9.014832907727154e-05,5.687406312117876e-05,3.587563473352017e-05,2.2627744673782604e-05
0.001,0.0007270236016312707,0.0005648625863181646,0.00035707079098725147,0.00022547618920668692,0.00014229906915382045,8.977763093872483e-05,5.6631300501660895e-05,3.571897351373498e-05,2.252753259705454e-05 0.001,0.0007273254041056322,0.0005651647158992671,0.00035736373064750184,0.00022569978402038908,0.00014245505258865028,8.988183471111395e-05,5.669930482943582e-05,3.5762762093538084e-05,2.2555504064421286e-05
0.001,0.0007263241678831768,0.0005641545952693013,0.00035636481907368883,0.0002249275124461922,0.00014191185633998538,8.951704798938974e-05,5.646044741725799e-05,3.560863482425828e-05,2.2456918463276655e-05 0.001,0.0007266106320094578,0.0005644411125319691,0.00035664198598218,0.00022513875336164715,0.0001420590803085807,8.961533984682783e-05,5.652456860390248e-05,3.564991282531874e-05,2.2483282093948716e-05
0.001,0.0007256235602794768,0.0005634456421235029,0.00035565844751146345,0.00022437879914387126,0.0001415247396416227,8.92565814407266e-05,5.628969203126926e-05,3.54983679353742e-05,2.238635379346144e-05 0.001,0.000725894308281204,0.0005637161756897977,0.0003559194988462394,0.00022457743330201225,0.00014166303176654256,8.934884796133105e-05,5.634985678067539e-05,3.5537088458413665e-05,2.2411079749130865e-05
0.001,0.0007249217806913707,0.0005627357300490819,0.000354951681926527,0.00022383005448923837,0.00014113772297507317,8.899623400682166e-05,5.611903614803532e-05,3.53881740204995e-05,2.2315839341360706e-05 0.001,0.0007251764344180624,0.0005629899085739927,0.00035519627586142176,0.0002240158302446243,0.00014126691192198565,8.90823625474685e-05,5.6175171705805915e-05,3.542429052859005e-05,2.233889802062196e-05
0.001,0.0007242205350997713,0.0005620265745740796,0.0003542462045793823,0.00022328257183555817,0.0001407517127660702,8.873661298955798e-05,5.5948876831026616e-05,3.5278309050946e-05,2.2245538738097002e-05 0.001,0.0007244588135748975,0.0005622641246704724,0.00035447409591105305,0.0002234553120905153,0.00014087167955905718,8.881652603390643e-05,5.600093342830372e-05,3.531178983274928e-05,2.2266910019981595e-05
0.001,0.0007235198199107672,0.0005613181716914067,0.0003535420099674468,0.0002227363458317741,0.0001403667046661989,8.847771519474716e-05,5.577921186868757e-05,3.516877154903826e-05,2.217545101761858e-05 0.001,0.000723741443178776,0.000561538821268995,0.0003537529553873339,0.00022289587522719752,0.00014047733166655684,8.855133617099835e-05,5.5827140373801375e-05,3.519958531186087e-05,2.219511505192651e-05
0.001,0.0007228196315623742,0.0005606105174362019,0.000352839092656763,0.00022219137119484662,0.00013998269438221042,8.82195374685625e-05,5.5610039077319794e-05,3.5059560055673866e-05,2.210557522599889e-05 0.001,0.0007230243206833482,0.0005608139956950427,0.00035303285074046774,0.00022233751609917817,0.00014008386527925162,8.82867907426191e-05,5.565379099102327e-05,3.508767592227262e-05,2.212351243120618e-05
0.001,0.0007221199665243819,0.0005599036078855734,0.00035213744728134107,0.00022164764270896924,0.00013959967767532665,8.796207669700402e-05,5.5441356300701596e-05,3.495067313006486e-05,2.203591042126611e-05 0.001,0.0007223074435688039,0.0005600896453097011,0.0003523137784782074,0.00022178023120736695,0.00013969127747733319,8.802288756574066e-05,5.5480883751481105e-05,3.4976060635503277e-05,2.2052101482465692e-05
0.001,0.0007214226116738875,0.00055919925818199,0.00035143889914646847,0.00022110658621085868,0.00013921866391991675,8.770601346645835e-05,5.527361030479937e-05,3.484239951455166e-05,2.1966641478546615e-05 0.001,0.0007215926247557181,0.0005593676122940626,0.00035159759247597197,0.00022122546934306127,0.00013930059415776796,8.776031848020719e-05,5.5308872854303e-05,3.486503301641155e-05,2.198107017600086e-05
0.001,0.0007207275586713733,0.0005584974577369658,0.000350743431731219,0.0002205681855748304,0.0001388396401724236,8.745133837595374e-05,5.51067946333829e-05,3.473473491875525e-05,2.189776560286087e-05 0.001,0.0007208798585848073,0.0005586478889723664,0.0003508842795507963,0.0002206732171528304,0.00013891180440309996,8.749907547557891e-05,5.513775276548628e-05,3.475458937431628e-05,2.1910416102241813e-05
0.001,0.0007200347992232686,0.0005577981960279813,0.00035005102864126545,0.00022003242481127128,0.00013846259360448558,8.719804211084999e-05,5.4940902890648815e-05,3.4627675092925375e-05,2.1829280025890328e-05 0.001,0.0007201691394257483,0.000557930467712979,0.00035017382661216696,0.00022012346138632064,0.00013852489738482468,8.723915060881119e-05,5.49675179985075e-05,3.464472605058592e-05,2.184013687270143e-05
0.001,0.0007193443250816912,0.0005571014625980538,0.00034936167360778735,0.00021949928806531,0.00013808751150173721,8.694611544190508e-05,5.477592874055209e-05,3.452121582748435e-05,2.176118200567564e-05 0.001,0.0007194604616770773,0.00055721534092818,0.00034946622066134466,0.00021957618889536463,0.00013813986236255893,8.698053600359808e-05,5.4798163113848986e-05,3.453543941831367e-05,2.177023011975932e-05
0.001,0.0007186561280441844,0.0005564072470552915,0.00034867535048636997,0.0002189687596154907,0.00013771438126261137,8.66955492243454e-05,5.4611865906141816e-05,3.441535295257523e-05,2.1693468826317737e-05 0.001,0.0007187538197660722,0.0005565025010739346,0.00034876144879066544,0.00021903138663308575,0.0001377566886832086,8.672322384971475e-05,5.462968271852315e-05,3.442672588199151e-05,2.1700693496445714e-05
0.001,0.0007179701999534672,0.0005557155390724778,0.0003479920432559457,0.0002184408238724854,0.0001373431903971786,8.64463343969623e-05,5.444870816891465e-05,3.431008233762035e-05,2.1626137797685595e-05 0.001,0.0007180492081486484,0.0005557919406496801,0.00034805949818288173,0.0002184890416530366,0.00013737536578016266,8.646720640237894e-05,5.446207146561145e-05,3.431858187719449e-05,2.1631524676231647e-05
0.001,0.000717288431568037,0.0005550282308874212,0.0003473135853761227,0.00021791687977418356,0.00013697491462892579,8.619912270820691e-05,5.428688083545963e-05,3.4205677829313845e-05,2.155936384410791e-05 0.001,0.000717348639431565,0.0005550856739198547,0.00034736232071304855,0.00021795064331956514,0.00013699693247692832,8.621317757037385e-05,5.429578217858938e-05,3.421129897003673e-05,2.1562909902755936e-05
0.001,0.0007166108087790344,0.0005543453044039097,0.0003466399489498414,0.0002173969005859272,0.0001366095327799803,8.595389890905567e-05,5.412637349122351e-05,3.410213253115887e-05,2.1493142482837824e-05 0.001,0.0007166521035756881,0.0005543836868927082,0.0003466698924934393,0.00021741616794755068,0.00013662136971116798,8.596112351100096e-05,5.413080535731451e-05,3.410487085131832e-05,2.1494845067789903e-05
0.001,0.0007159373175677644,0.000553666741654326,0.00034597110632076457,0.00021688085982693404,0.00013624702388469857,8.571064790824491e-05,5.3967175831502814e-05,3.3999439620274345e-05,2.1427469279335487e-05 0.001,0.0007159595906065037,0.0005536859656730149,0.00034598218983055497,0.0002168855920630381,0.0001362486585998701,8.571103051605296e-05,5.396713159578493e-05,3.399929127512844e-05,2.142732610463052e-05
0.001,0.0007152679440051748,0.0005529925247987736,0.0003453070300711249,0.00021636873126772794,0.00013588736718736773,8.54693547704962e-05,5.380927766017945e-05,3.3897592346535196e-05,2.1362339846699945e-05 0.001,0.0007152710906138687,0.0005529924964615861,0.00034529918922366796,0.00021635889240138666,0.0001358787804376394,8.546288501047042e-05,5.380475158117202e-05,3.389455405818364e-05,2.1360348987661796e-05
0.001,0.0007146042301318863,0.0005523242123557686,0.00034464926798753265,0.00021586171454972283,0.00013553140778002078,8.523058755788533e-05,5.365305115434923e-05,3.379683095199964e-05,2.129790788796337e-05 0.001,0.0007145881681833736,0.0005523048607339887,0.0003446224616264519,0.00021583728670966556,0.00013551259312919557,8.521726369129195e-05,5.364404315662281e-05,3.379090310339315e-05,2.129406976339983e-05
0.001,0.0007139461581540615,0.0005516617811459008,0.0003439977838203789,0.00021535977487705093,0.00013517911810864477,8.499432644189093e-05,5.349848277838687e-05,3.369714647650299e-05,2.1234167580343154e-05 0.001,0.0007139108109389651,0.0005516230407004492,0.0003439519758859039,0.00021532074399295122,0.00013515007172518374,8.497414844816332e-05,5.3484993898260945e-05,3.368833016244125e-05,2.122848306212633e-05
0.001,0.0007132937104198171,0.0005510052081904127,0.0003433525416882429,0.00021486287783793048,0.00013483047093827601,8.4760551830257e-05,5.334555916079864e-05,3.359853006971444e-05,2.1171113172916172e-05 0.001,0.0007132390066148024,0.0005509470187317473,0.00034328770115903844,0.00021480923358720733,0.0001347911915544671,8.473352137819455e-05,5.3327591526929936e-05,3.358682708410006e-05,2.1163583577742056e-05
0.001,0.000712646869418432,0.0005503544707098636,0.0003427135060745518,0.00021437098940066518,0.0001344854393494214,8.452924436422565e-05,5.319426709225049e-05,3.350097298979682e-05,2.1108738985733553e-05 0.001,0.0007125727430549207,0.0005502767773585094,0.000342629606910633,0.00021430272515636744,0.0001344359282214269,8.449536478383494e-05,5.317182390666476e-05,3.348638581318404e-05,2.109936606707349e-05
0.001,0.0007120056177795682,0.0005497095461228063,0.00034208064182428624,0.0002138840759097001,0.00013414399673453123,8.430038491581449e-05,5.3044593523628075e-05,3.340446660208796e-05,2.104703940894962e-05 0.001,0.0007119120082129148,0.0005496122992705212,0.0003419776629110174,0.0002138011886894788,0.00013408425760331254,8.425966117078749e-05,5.3017679043188334e-05,3.3386998389521964e-05,2.1035825349191292e-05
0.001,0.0007113699382724852,0.0005490704120444732,0.00034145391414072506,0.00021340210408172906,0.00013380611679452464,8.407395458513211e-05,5.289652556412503e-05,3.3309002377802235e-05,2.0986008901964495e-05 0.001,0.000711256790151613,0.0005489535673160376,0.0003413318392338714,0.00021330459449785352,0.00013373615584760944,8.40263932459383e-05,5.286514508242194e-05,3.3288656946938245e-05,2.0972956304734848e-05
0.001,0.0007107398974346918,0.0005484371298422446,0.0003408333692467681,0.0002129251024270059,0.0001334718163299164,8.384996326436759e-05,5.27500691136353e-05,3.321458388816915e-05,2.0925649653747234e-05 0.001,0.0007106071943639499,0.0005483006816957998,0.00034069221933208274,0.0002128129992904075,0.00013339165932644894,8.379558393280961e-05,5.271423641048183e-05,3.31913705135711e-05,2.091076460544407e-05
0.001,0.0007101154780577116,0.0005478096771889333,0.000340218972546931,0.00021245303792142659,0.00013314106927932073,8.362839223924153e-05,5.2605211414281855e-05,3.312120269498457e-05,2.0865956183619514e-05 0.001,0.000709963208882901,0.0005476536252143895,0.0003400587732671483,0.0002123263734210078,0.00013305074425072359,8.356721599784782e-05,5.256494122003263e-05,3.3095131256746724e-05,2.0849245154782437e-05
0.001,0.0007094966630684226,0.0005471880319478338,0.0003396106897916775,0.00021198587789957333,0.0001328138498781884,8.340922301478034e-05,5.2461939860316274e-05,3.3028850461753656e-05,2.080692307740899e-05 0.001,0.0007093248218486061,0.0005470123808316875,0.00033943147139689077,0.0002118446875576196,0.00013271338709432742,8.334127240311385e-05,5.241724783997488e-05,3.299993143509595e-05,2.0788392916005465e-05
0.001,0.0007088834355283207,0.000546572172171486,0.00033900848707437136,0.0002115235900510877,0.00013249013265557633,8.319243731282517e-05,5.2320241996347285e-05,3.293751895248774e-05,2.0748544986654934e-05 0.001,0.0007086920215080653,0.0005463769316622218,0.0003388102843733889,0.00021136791267964032,0.0001323795645916927,8.311773630434548e-05,5.2271144734051514e-05,3.290576339760186e-05,2.07282029115292e-05
0.001,0.0007082766179820793,0.0005459629241404545,0.0003384131725428775,0.0002110667946787101,0.00013217035189441468,8.297832591380874e-05,5.2180307862151704e-05,3.2847330647180594e-05,2.0690900194825664e-05 0.001,0.0007080656480431051,0.0005457481216341828,0.0003381960373995552,0.00021089668206097172,0.0001320497200486003,8.289690449717853e-05,5.2126825862102536e-05,3.2812752146082854e-05,2.0668755034757233e-05
0.001,0.0007076761917572053,0.0005453602635114508,0.00033782470837237906,0.000210615455710121,0.00013185447915895794,8.27668684152456e-05,5.2042123556757356e-05,3.275827635495e-05,2.0633982733786933e-05 0.001,0.0007074456886869565,0.0005451259321489777,0.0003375886977799707,0.0002104309633113142,0.00013172382748945162,8.26787581753205e-05,5.198427834496719e-05,3.2720889139431744e-05,2.061004372929991e-05
0.001,0.0007070821383469261,0.0005447641661727003,0.00033724305715188347,0.00021016953749834074,0.00013154248636368206,8.255804467261117e-05,5.190567535780167e-05,3.267034700418964e-05,2.057778671334095e-05 0.001,0.0007068321308093747,0.0005445103448031184,0.0003369882331820464,0.00020997072442018424,0.00013140186125447996,8.246327876643199e-05,5.18434894660219e-05,3.2630165945308436e-05,2.055206350992823e-05
0.001,0.0007064944394093131,0.0005441746082424759,0.0003366681818805846,0.00020972900481740832,0.0001312343457694376,8.23518347963793e-05,5.177094971942625e-05,3.258353364113958e-05,2.052230632028257e-05 0.001,0.0007062249619162967,0.0005439013413874698,0.00033639461163356655,0.00020951593375373114,0.00013108379599680725,8.225044792981545e-05,5.170444666951808e-05,3.254057423900392e-05,2.0494808961820763e-05
0.001,0.0007059130767664236,0.0005435915660676415,0.0003361000459642789,0.0002092938228581225,0.00013093002997966176,8.2148219149105e-05,5.163793327020207e-05,3.249782742847868e-05,2.0467535817470585e-05 0.001,0.00070562416964951,0.0005432989038865089,0.00033580780152024723,0.000209066560051587,0.00013076960667953474,8.204024755412909e-05,5.156713755893784e-05,3.2452105802317056e-05,2.0438274739819433e-05
0.001,0.0007053380324034396,0.000543015016222211,0.00033553861321181615,0.00020886395722383082,0.0001306295119366351,8.194717834254395e-05,5.150661281108238e-05,3.2413219643935075e-05,2.0413469542910655e-05 0.001,0.0007050297417863318,0.0005427030144775926,0.0003352277715833316,0.00020862257242375786,0.00013045926857287288,8.183265975513502e-05,5.143154989537623e-05,3.236475252244954e-05,2.038245556769746e-05
0.001,0.0007047693713997632,0.0005424450181544463,0.0003349839271155604,0.00020843943405997803,0.00013033280670757434,8.174872108664716e-05,5.1376993463287795e-05,3.232971335519107e-05,2.036010936323693e-05 0.001,0.0007044417829621171,0.000542113771820027,0.0003346546023905152,0.00020818402485557293,0.00013015281596227648,8.162770599537212e-05,5.129769708700084e-05,3.227852278867728e-05,2.032735670561579e-05
0.001,0.0007042070758264602,0.0005418815485793469,0.0003344359518126676,0.0002080202193468777,0.00013003988756313126,8.155282824274543e-05,5.12490622037789e-05,3.224729995882104e-05,2.0307449694639518e-05 0.001,0.0007038602809995153,0.0005415311581470623,0.00033408826282687573,0.00020775088664703998,0.00012985022429639665,8.142536853201701e-05,5.116556699709043e-05,3.219340855821242e-05,2.0272972923816322e-05
0.001,0.0007036511279085835,0.0005413245844265016,0.00033389465182139466,0.00020760627945491382,0.00012975072809427607,8.135948090770287e-05,5.1122806172421973e-05,3.216597096011364e-05,2.0255485024312964e-05 0.001,0.0007032852238493367,0.0005409551558747416,0.0003335287221154158,0.00020732312745044945,0.00012955146931603386,8.122562983828357e-05,5.103514763884953e-05,3.2109401888525124e-05,2.0219299058105656e-05
0.001,0.0007031015100243787,0.0005407741028387587,0.00033335999203785527,0.00020719758114069915,0.00012946530220888763,8.116866041129419e-05,5.0998212670124914e-05,3.208571797180734e-05,2.020420990962221e-05 0.001,0.0007027165995902542,0.0005403857476012292,0.00033297594981485264,0.00020690071726752732,0.0001292565270515082,8.102847260135871e-05,5.090642717392409e-05,3.202649493632917e-05,2.0166330009182866e-05
0.001,0.0007025584243776222,0.0005402303025747015,0.0003328321561526746,0.0002067942601549092,0.00012918370261533042,8.098042783792958e-05,5.087532120941395e-05,3.200656629292941e-05,2.015364045325786e-05 0.001,0.0007021546252265139,0.0005398231466905069,0.00033243014325207994,0.00020648380199548492,0.0001289654971719027,8.083396250547584e-05,5.077944809587575e-05,3.194471491165552e-05,2.0114083097018264e-05
0.001,0.0007020218531757066,0.0005396931605409548,0.00033231110871733115,0.00020639628295911018,0.00012890590300828107,8.079476437365657e-05,5.0754118997337993e-05,3.192850747587868e-05,2.010377117411101e-05 0.001,0.0007015992888126556,0.0005392673356287205,0.0003318912717105927,0.00020607235137144977,0.0001286783555062261,8.06420820982489e-05,5.065419847368218e-05,3.186405391103787e-05,2.006255318369691e-05
0.001,0.0007014917787802405,0.0005391626538584482,0.00033179681466138206,0.0002060036164003213,0.00012863187739818246,8.061165143636152e-05,5.063459340114707e-05,3.1851533179901e-05,2.0054596660832207e-05 0.001,0.0007010505785332368,0.0005387182970867077,0.00033135930481238495,0.00020566633548374424,0.0001283950781739038,8.04528141416734e-05,5.053066652493675e-05,3.1784504130324826e-05,2.001173519622426e-05
0.001,0.0007009681837062737,0.0005386387598611086,0.00033128923928927895,0.00020561622770725436,0.00012836160010791048,8.043107067321032e-05,5.051673194647494e-05,3.177563516985718e-05,2.0006111571018593e-05 0.001,0.000700508482702546,0.0005381760139193414,0.00033083421251577956,0.00020526572476908743,0.000128115641582197,8.026614161010359e-05,5.040884061439589e-05,3.170605786368809e-05,1.9961624125869314e-05
0.001,0.0007004510506215145,0.0005381214560945621,0.0003307883482772016,0.00020523408448658455,0.00012809504576947474,8.02530039581159e-05,5.040052231554307e-05,3.1700805315005306e-05,1.9958310630411395e-05 0.001,0.0006999729897643184,0.0005376404691648787,0.00033031596511327947,0.00020487049000982136,0.00012784002242364822,8.008204768824872e-05,5.028870925253973e-05,3.1628707502639986e-05,1.9912215027513866e-05
0.001,0.0006999403623455618,0.0005376107203148404,0.00033029410766993267,0.0002048571547192701,0.00012783218932076133,8.007743338923888e-05,5.028595234538582e-05,3.162703558779805e-05,1.9911188632102376e-05 0.001,0.0006994440882914515,0.0005371116460443127,0.0003298045332294241,0.0002044806023311588,0.0001275681976735486,7.990051576919067e-05,5.0170261094149856e-05,3.155244553506268e-05,1.9863503019009735e-05
0.001,0.0006994318218007185,0.0005371022748594453,0.00032980242468128913,0.00020448233902526256,0.00012757087888919618,7.990292563076895e-05,5.0172088326043745e-05,3.155372544493714e-05,1.9864362230287972e-05 0.001,0.0006989172535560769,0.0005365850419669894,0.000329295612913881,0.00020409280438264766,0.00012729790663346764,7.972004038787022e-05,5.0052515589855926e-05,3.147664135129994e-05,1.9815085586326718e-05
0.001,0.0006989254227893593,0.0005365961117498912,0.0003293132869081722,0.00020410962547078523,0.00012731110500315576,7.97294738559706e-05,5.005892559260895e-05,3.148087179640125e-05,1.9817829416090883e-05 0.001,0.0006983924815322933,0.0005360606511477293,0.0003287891938968759,0.00020370708584067882,0.00012702914094133737,7.954061545150935e-05,4.993546855036179e-05,3.140129216611291e-05,1.9766960914662127e-05
0.001,0.0006984211591086833,0.0005360922230056121,0.000328826681963312,0.00020373900214896472,0.00012705285821815147,7.955707126027153e-05,4.994645949643471e-05,3.140847156340457e-05,1.977158818812823e-05 0.001,0.0006978697681747856,0.000535538467781285,0.000328285265898271,0.00020332343638453147,0.00012676189224377013,7.936223487646896e-05,4.981911579385119e-05,3.1326395199731696e-05,1.971912719297887e-05
0.001,0.0006979190245507289,0.0005355906006439992,0.00032834259747533784,0.00020337045717987526,0.00012679612911684654,7.938571106126266e-05,4.9834685405128945e-05,3.133652167839011e-05,1.9725636552505712e-05 0.001,0.0006973491094188342,0.0005350184860423863,0.0003277838186277228,0.0002029418456965422,0.0001264961521961901,7.918489258833681e-05,4.970345314604528e-05,3.125194767789152e-05,1.967158261402843e-05
0.001,0.0006974169140024356,0.0005350891259362026,0.00032785895021137046,0.00020300238558847177,0.00012653979122008349,7.921463777328526e-05,4.9723109049032396e-05,3.126470337114675e-05,1.9679770678755685e-05 0.001,0.0006968284099289676,0.000534498597351666,0.00032728277956097635,0.00020256071739357045,0.0001262308004979493,7.900783730702533e-05,4.958798911408524e-05,3.1177632631488905e-05,1.9624124503146986e-05
0.001,0.0006969148254151754,0.0005345877966909636,0.0003273757374134148,0.00020263478480404742,0.000126283842486217,7.904384991646645e-05,4.9611729411717634e-05,3.1193015965876866e-05,1.9633990126415905e-05 0.001,0.0006963076677967887,0.0005339787996978908,0.00032678214616920946,0.00020218004908417888,0.0001259658352285323,7.883106763041168e-05,4.947272273059253e-05,3.110344941552445e-05,1.957675243920473e-05
0.001,0.0006964127567206359,0.0005340866106918127,0.000326892956287765,0.00020226765222458769,0.000126028280850426,7.887334599501782e-05,4.950054546622813e-05,3.112145877995457e-05,1.9588294450645086e-05 0.001,0.0006957868810888677,0.0005334590910383602,0.00032628191587964447,0.00020179983833834103,0.00012570125443876325,7.865458213663353e-05,4.935765301510161e-05,3.102939737649859e-05,1.9529465995615212e-05
0.001,0.0006959107058309331,0.0005335855656972701,0.00032641060400549705,0.0002019009852173301,0.00012577310422519486,7.870312449759832e-05,4.938955617533216e-05,3.105003112409614e-05,1.9542683202334784e-05 0.001,0.0006952660478468047,0.0005329394692990367,0.0003257820860759608,0.00020142008268794192,0.0001254370561512512,7.847837938443003e-05,4.924277897429975e-05,3.0955475852573814e-05,1.94822647404421e-05
0.001,0.0006954086706387427,0.0005330846594410641,0.0003259286777029715,0.0002015347811193284,0.00012551831050079858,7.853318389767884e-05,4.927876049177822e-05,3.0978732302531976e-05,1.9497155928222272e-05 0.001,0.00069474516608728,0.0005324199323746772,0.00032528265409871067,0.0002010407796272818,0.0001251732383608348,7.830245791348127e-05,4.91280996022673e-05,3.088168417373684e-05,1.943514823650581e-05
1 0.001 0.0007532367899292016 0.0007537739940510926 0.0005915557166626927 0.0005921033539224395 0.00038408772212450497 0.000384643453726324 0.0002466727384040634 0.00024710943492700773 0.00015734746299754382 0.00015765779381207088 9.994300566924636e-05 0.00010015276356884663 6.33121782843872e-05 6.345008665672524e-05 4.004003600460594e-05 4.012925332336102e-05 2.5295530132384264e-05 2.535268958174273e-05
2 0.001 0.0007527027569114317 0.0007532443480762404 0.000591008714088151 0.0005915606741358828 0.00038352599237371365 0.00038408573214392957 0.00024622798333442106 0.00024666764094038643 0.0001570298910751132 0.00015734224135307426 9.972770370845924e-05 9.993879038586218e-05 6.317035443958771e-05 6.330912140259024e-05 3.994817502675088e-05 4.003794165686942e-05 2.5236632189663175e-05 2.529414108865862e-05
3 0.001 0.0007521693300508858 0.0007527148738848327 0.0005904624672772725 0.0005910183036445593 0.00038296538462781346 0.0003835286706438232 0.00024578429034045 0.0002462265418760313 0.0001567131560243821 0.00015702726304657165 9.951300275831495e-05 9.972523988324127e-05 6.302894048828063e-05 6.316844848796591e-05 3.9856585263472816e-05 3.994682503096186e-05 2.5177910454727035e-05 2.5235719950422228e-05
4 0.001 0.0007516365068997756 0.0007521855703345118 0.0005899169734839468 0.0005904762413907948 0.0003824058950962419 0.00038297226807207136 0.00024534165572340287 0.0002457861365766504 0.00015639725482879884 0.00015671285789580896 9.929890059644242e-05 9.9512111295817e-05 6.288793488850427e-05 6.302806736731544e-05 3.976526568300959e-05 3.985590307420444e-05 2.5119364252406752e-05 2.5177425921282973e-05
5 0.001 0.0007511042849865948 0.0007516564362539944 0.0005893722299298781 0.0005899344862777934 0.00038184751993553635 0.00038241652320864807 0.0002449000757332959 0.0002453464238190796 0.00015608218443128777 0.00015639902485083639 9.90853949714062e-05 9.929940381972637e-05 6.274733607851798e-05 6.288797746852316e-05 3.967421524053716e-05 3.976517539750482e-05 2.5060992899059294e-05 2.511925874398998e-05
6 0.001 0.0007505726618162419 0.0007511274704431355 0.0005888282338048205 0.0005893930371697809 0.00038129025524998993 0.0003818614347679428 0.0002444595465697164 0.0002449074023149522 0.000155767941734979 0.00015608576280913723 9.887248360327204e-05 9.908711661290977e-05 6.260714247720704e-05 6.27481781932559e-05 3.958343287844485e-05 3.967464159435973e-05 2.500279570274923e-05 2.5061218149955632e-05
7 0.001 0.0007500416348701675 0.0007505986716729718 0.0005882849822668305 0.0005888518928921378 0.0003807340970923119 0.00038130700139925517 0.0002440200643826254 0.0002444690707113658 0.00015545452360392976 0.00015577307061625246 9.866016418416756e-05 9.887524879560432e-05 6.246735248448249e-05 6.260866891731864e-05 3.949291752660743e-05 3.958430124109855e-05 2.4944771963428786e-05 2.5003303859417958e-05
8 0.001 0.0007495090858251885 0.0007500678710880661 0.0005877403241312353 0.0005883088511431218 0.00038017688268912993 0.000380751009486411 0.00024357993927957565 0.0002440296996901373 0.0001551407333476893 0.00015545972380501664 9.844762961169771e-05 9.866297459432463e-05 6.232743618144161e-05 6.246890748950651e-05 3.940232665622857e-05 3.949380391318895e-05 2.488670234861411e-05 2.4945291488462056e-05
9 0.001 0.0007489750173390955 0.0007495350705096461 0.0005871942634186001 0.0005877639154939723 0.00037961861900225594 0.000380193466563788 0.0002431391779090945 0.00024358929686534952 0.00015482657614637553 0.00015514572847430736 9.823488356157069e-05 9.8450298405315e-05 6.218739605181586e-05 6.232889690863924e-05 3.931166190013138e-05 3.9403151593579556e-05 2.4828587914583644e-05 2.4887182324516918e-05
10 0.001 0.0007484394320489054 0.0007490002717484986 0.000586646804117398 0.0005872170894971442 0.0003790593129257516 0.00037963438011605534 0.00024269778684510537 0.00024314786979147204 0.00015451205711655025 0.00015483109067004745 9.80219296618084e-05 9.823722458416644e-05 6.204723454596647e-05 6.218864014470764e-05 3.922092486871355e-05 3.931234624568946e-05 2.4770429702906434e-05 2.4828977642138712e-05
11 0.001 0.0007479023325710157 0.0007484634766050366 0.0005860979501842716 0.000586668376686434 0.0003784989712866058 0.0003790737575785661 0.00024225577258776658 0.00024270542596389042 0.00015419718131198063 0.0001545158163857142 9.780877149334108e-05 9.802375744622405e-05 6.190695408131256e-05 6.204814013916893e-05 3.913011715023943e-05 3.9221389813611975e-05 2.471222874063607e-05 2.4770678703146694e-05
12 0.001 0.0007473589501028839 0.0007479199274773811 0.0005855428054911819 0.0005861128912299699 0.00037793253622143226 0.0003785065486556895 0.00024180911527200605 0.00024225795000622747 0.0001538790714407034 0.0001541970308568484 9.759345536126727e-05 9.780794472023814e-05 6.176526646718061e-05 6.190610951865765e-05 3.903840385562049e-05 3.9129447888412384e-05 2.4653449519288003e-05 2.471175028700643e-05
13 0.001 0.0007468092967825838 0.0007473696306726699 0.0005849813875456967 0.0005855506450602122 0.00037736003826256307 0.0003779327791658341 0.0002413578451141304 0.00024180546890527417 0.0001535577517356502 0.0001538747562360148 9.737599881379702e-05 9.758980264023896e-05 6.162218372343696e-05 6.176255947727244e-05 3.894579295722817e-05 3.903652792388679e-05 2.459409722576533e-05 2.4652197254708885e-05
14 0.001 0.0007462533848733049 0.0007468125926679213 0.0005844137140093278 0.0005849816503235855 0.0003767815081401628 0.0003773524752207052 0.000240901992492228 0.00024134800990073543 0.00015323324654353314 0.00015354901486124996 9.715641947446165e-05 9.736934756691086e-05 6.147771791853057e-05 6.161750129261558e-05 3.885229245840824e-05 3.8942637427869684e-05 2.4534177066613415e-05 2.459202450185328e-05
15 0.001 0.000745691226763116 0.0007462488201102061 0.0005838398026969794 0.0005844059193804029 0.0003761969767804803 0.00037676566322402907 0.0002404415879440079 0.00024088560048334876 0.00015290558032290768 0.0001532198292542639 9.693473504062416e-05 9.714659598616437e-05 6.133188116843622e-05 6.147094632476142e-05 3.8757910392765306e-05 3.884778396152801e-05 2.4473694267548183e-05 2.4531236958179027e-05
16 0.001 0.0007451228349647373 0.0007456783198168171 0.0005832596715764015 0.0005838234648047683 0.0003756064753041118 0.00037617236987025305 0.00023997666216464767 0.00024041826839299018 0.00015257477764224695 0.00015288722211863548 9.671096328199676e-05 9.692156450770277e-05 6.118468563560255e-05 6.132290601522212e-05 3.866265482344967e-05 3.875197513865345e-05 2.4412654072986313e-05 2.4469839587096592e-05
17 0.001 0.0007445482221152969 0.0007451010987754332 0.0005826733387676383 0.0005832342993844907 0.00037501003502424463 0.0003755726221432343 0.00023950724600462937 0.0002399460416167659 0.00015224086317800717 0.00015255121633799497 9.648512203915508e-05 9.66942698635831e-05 6.10361435278989e-05 6.11733918859104e-05 3.856653384244466e-05 3.8655218624953314e-05 2.4351061745575383e-05 2.4407837385217267e-05
18 0.001 0.0007439676197518897 0.0007445173992825126 0.0005820810441807425 0.0005826386743528757 0.00037440790891368455 0.00037496668540476865 0.00023903354281979173 0.00023946913369259697 0.00015190398344726316 0.00015221196586566552 9.625731118926499e-05 9.646481704279825e-05 6.088632085792883e-05 6.102247334575324e-05 3.8469590296183435e-05 3.85575594785277e-05 2.4288944792708768e-05 2.4345259282747418e-05
19 0.001 0.0007433810401766963 0.0007439272282773631 0.0005814828054675655 0.0005820366023339485 0.0003738001274474017 0.0003743545861363169 0.00023855558259725708 0.00023898757201912962 0.00015156416241431266 0.00015186949307274757 9.602754804766523e-05 9.623322238874437e-05 6.073522946956701e-05 6.0870161643097905e-05 3.837183203343021e-05 3.845900518061352e-05 2.422630831805139e-05 2.4282110155051444e-05
20 0.001 0.0007427884958139745 0.0007433305928659832 0.0005808786404289665 0.0005814280961601982 0.0003731867212872195 0.00037373635109929905 0.00023807339547377812 0.0002385013842326201 0.00015122142414692073 0.0001515238205025659 9.579584999731261e-05 9.599950236146117e-05 6.0582881249900104e-05 6.071646810276464e-05 3.827326693032388e-05 3.835956326175255e-05 2.416315744255339e-05 2.4218394908993806e-05
21 0.001 0.0007421899992098021 0.0007427275003211868 0.0005802685670142344 0.0005808131688724332 0.00037256772128003497 0.0003731120073337174 0.000237587011733569 0.00023801059820498021 0.0001508757928143868 0.0001511749708688244 9.556223448729982e-05 9.576367353617374e-05 6.042928812817624e-05 6.05614041249978e-05 3.817390288966712e-05 3.825924130107498e-05 2.4099497303981975e-05 2.4154118482464792e-05
22 0.001 0.0007415856543227021 0.0007421180800523362 0.0005796526968519213 0.0005801919587229117 0.0003719432545624588 0.00037248171070273063 0.0002370965379259533 0.0002375153439047009 0.00015052734704952642 0.00015082303982525373 9.532675589286383e-05 9.55258019540184e-05 6.027448635812983e-05 6.0405013700224733e-05 3.8073763569630884e-05 3.815806798909622e-05 2.4035343141902214e-05 2.4089299350133826e-05
23 0.001 0.0007409754737456764 0.0007415023395254894 0.0005790310479093866 0.0005795644789202474 0.0003713133518665245 0.00037184548827748576 0.00023660200414609388 0.0002370156491221818 0.00015017611083395813 0.00015046804996987382 9.508943151110323e-05 9.528590408468248e-05 6.0118487758033374e-05 6.0247308147258e-05 3.797285679655887e-05 3.8056050847170796e-05 2.3970700043170417e-05 2.4023942410771268e-05
24 0.001 0.0007403594702011648 0.0007408802863797739 0.0005784036383121743 0.000578930742889133 0.00037067804412380096 0.00037120336741830446 0.00023610344065010713 0.00023651154189285886 0.00014982210826137852 0.00015011002407818366 9.485027871279472e-05 9.504399651802114e-05 5.996130419345522e-05 6.008829886368558e-05 3.78711904268521e-05 3.7953197447440844e-05 2.390557311366359e-05 2.395805259559495e-05
25 0.001 0.0007397376565407343 0.0007402519284274773 0.0005777704863433433 0.00057829076427012 0.0003700373624633736 0.0003705553757730914 0.00023560087785260114 0.00023600305049498863 0.00014946536353537454 0.0001497489851010917 9.460931494071504e-05 9.480009596242987e-05 5.980294757607068e-05 5.992799732470356e-05 3.7768772346164856e-05 3.784951541204015e-05 2.3839967477749735e-05 2.389163486774317e-05
26 0.001 0.0007391100457447578 0.0007396172736541335 0.0005771316104427772 0.0005776445569193926 0.0003693913382097967 0.0003699015412757306 0.00023509434632419326 0.000235490203447419 0.00014910590096722126 0.00014938495616282697 9.43665577079545e-05 9.455421924320194e-05 5.9643429862469775e-05 5.976641508193571e-05 3.766561046859827e-05 3.774501241228877e-05 2.3773888277757113e-05 2.38246942217421e-05
27 0.001 0.000738476650922101 0.0007389763302186035 0.0005764870292064977 0.0005769921349085269 0.00036874000288103975 0.00036924189214444916 0.00023458387678901917 0.00023497302950733012 0.00014874374497367155 0.00014901796055883247 9.412202459622686e-05 9.4306383300876e-05 5.9482763052961085e-05 5.960356376224896e-05 3.756171273589169e-05 3.763969616788547e-05 2.3707340673441675e-05 2.37572356829714e-05
28 0.001 0.0007378383098574075 0.000738329973009011 0.0005758375946234994 0.0005763343882557762 0.0003680842155919215 0.00036857732657886674 0.00023407014148765632 0.00023445223185895243 0.00014837937194987178 0.00014864849677321228 9.387603703510192e-05 9.40569245366171e-05 5.9321158235205615e-05 5.943966431343476e-05 3.7457215608374264e-05 3.753370952478887e-05 2.3640412051558293e-05 2.3689350732036766e-05
29 0.001 0.0007371950334860535 0.0007376782088319843 0.0005751833223951592 0.0005756713289449496 0.00036742400321047484 0.0003679078688863157 0.00023355316664168087 0.00023392783529630037 0.00014801280273272775 0.00014827658488585004 9.362861002461525e-05 9.38058575472753e-05 5.915862564500113e-05 5.927472675087035e-05 3.7352125858877144e-05 3.7427059131368685e-05 2.3573106811906043e-05 2.362104369630353e-05
30 0.001 0.00073654683284441 0.0007370210446325295 0.000574524228343977 0.0005750029691304239 0.00036675939274831334 0.000367233543593211 0.00023303297858185806 0.00023339986479263558 0.00014764405823135713 0.00014790224510292775 9.337975861033522e-05 9.355319701349314e-05 5.8995175546471016e-05 5.910876114408311e-05 3.7246450277835196e-05 3.7319751670569666e-05 2.3505429365254772e-05 2.3552318925085614e-05
31 0.001 0.0007358937190696075 0.0007363584874940915 0.0005738603284130473 0.0005743293211369546 0.00036609041135903555 0.0003665543754437431 0.00023250960374621979 0.00023286834549865966 0.00014727315942538642 0.00014752549775524457 9.312949788206356e-05 9.329895769838934e-05 5.883081823114703e-05 5.8941777615809794e-05 3.714019567266728e-05 3.721179385927125e-05 2.3437384132937352e-05 2.348318078922229e-05
32 0.001 0.0007352357941493111 0.0007356906659117175 0.0005731917314000998 0.0005736505214206793 0.00036541718100671807 0.00036587051603697917 0.00023198314335306009 0.00023233340267585003 0.00014690018055717562 0.00014714643450378646 9.287787898176903e-05 9.30432026577021e-05 5.8665587714515226e-05 5.8773818072131705e-05 3.7033384207063736e-05 3.710321298927822e-05 2.336898537810764e-05 2.3413646846771747e-05
33 0.001 0.0007345730691988726 0.0007350175870680764 0.0005725184531760585 0.0005729665823498456 0.00036473972859165694 0.00036518198995355594 0.00023145362352237773 0.00023179506120909636 0.00014652514231900017 0.00014676507541963834 9.262491677678543e-05 9.278594644638945e-05 5.849949412959568e-05 5.8604892484780656e-05 3.692602258076439e-05 3.699401567385024e-05 2.330023745100292e-05 2.3343721399750524e-05
34 0.001 0.0007339055554363943 0.000734339258284937 0.0005718405097346715 0.0005722775164633901 0.00036405808115834703 0.0003644888219905243 0.00023092107048297024 0.00023125334615855053 0.00014614806547462797 0.0001463814406964208 9.237062617930094e-05 9.252720370024704e-05 5.8332547637208486e-05 5.8435010877524154e-05 3.681811751074024e-05 3.688420855938328e-05 2.3231144712579286e-05 2.327340877117354e-05
35 0.001 0.0007332332641824373 0.0007336556870231954 0.0005711579171919053 0.0005715833364706749 0.00036337226589374283 0.00036379103715988533 0.00023038551057034875 0.00023070828275766533 0.00014576897085748306 0.00014599555064848363 9.211502214495855e-05 9.226698913450141e-05 5.816475842498649e-05 5.82641833251609e-05 3.6709675730527174e-05 3.677379832472749e-05 2.316171153407366e-05 2.320271330460301e-05
36 0.001 0.0007325562068597424 0.0007329668808828947 0.0005704706917853448 0.0005708840552512191 0.00036268231012551475 0.00036308866068712113 0.00022984697022465777 0.00023015989641122435 0.00014538787936881694 0.00014560742570909416 9.185811967146481e-05 9.200531754239911e-05 5.7996136706394345e-05 5.8092419952513674e-05 3.660070398956385e-05 3.666279168050168e-05 2.3091942296568752e-05 2.313163936369656e-05
37 0.001 0.0007318743949929397 0.000732272847603227 0.0005697788498735841 0.0005701796858544125 0.00036198824132029425 0.000362381718009681 0.00022930547598857658 0.0002296082126933358 0.00014500481197586598 0.00014521708642859763 9.159993379718755e-05 9.174220379377606e-05 5.782669271974067e-05 5.791973093340874e-05 3.64912090525257e-05 3.6551195368400524e-05 2.302184139055488e-05 2.3060191331749373e-05
38 0.001 0.0007311893455218696 0.0007315751779154508 0.0005690839249361782 0.0005694718366517781 0.00036129158319864115 0.00036167180797618383 0.00022876220922826379 0.00022905447155647377 0.00014462060105886957 0.00014482540661409508 9.134102410651873e-05 9.147823538482221e-05 5.765679311500336e-05 5.774650123146614e-05 3.638142760462866e-05 3.643925790598459e-05 2.2951560247830835e-05 2.2988528215049473e-05
39 0.001 0.0007305010654158725 0.0007308738763564251 0.0005683859273133331 0.0005687605159526348 0.00036059235374610366 0.00036095894758939165 0.00022821718741648022 0.00022849869020493823 0.0001442352604283837 0.00014443240010265552 9.108140050118302e-05 9.121342232553745e-05 5.7486444630234186e-05 5.7572737692798364e-05 3.6271364096158895e-05 3.6326983828340116e-05 2.2881101755991867e-05 2.2916652961499898e-05
40 0.001 0.0007298095617060222 0.0007301689475478705 0.0005676848674169826 0.0005680457321686527 0.0003598905710243091 0.00036024315397386176 0.00022767042807726517 0.00022794088593578913 0.00014384880392493142 0.00014403808079282816 9.082107289971861e-05 9.094777466478586e-05 5.731565401294061e-05 5.739844718775089e-05 3.616102298282374e-05 3.6214377685641065e-05 2.2810468805814132e-05 2.2844568528419092e-05
41 0.001 0.00072911484148498 0.0007294603961963875 0.0005669807557304629 0.0005673274938137002 0.00035918625316998416 0.0003595244443750873 0.0002271219487847659 0.00022738107613769066 0.00014346124541797894 0.00014364246264358423 9.056005123670258e-05 9.068130248947494e-05 5.7144428019538954e-05 5.72236366103174e-05 3.6050408725382995e-05 3.610144404275241e-05 2.273966429101268e-05 2.2772277882278848e-05
42 0.001 0.0007284189402274404 0.0007287502876018436 0.0005662756696284718 0.0005666079096289159 0.0003584815135619231 0.00035880496633647314 0.00022657341249110831 0.00022682095171468864 0.00014307376755976422 0.00014324674865159545 9.029913524493679e-05 9.041481948469436e-05 5.6973292587264155e-05 5.7048841153261715e-05 3.5939861625220895e-05 3.598852922211342e-05 2.266890625682277e-05 2.270000293927642e-05
43 0.001 0.0007277218596828616 0.0007280386231103084 0.0005655696121370723 0.0005658869826353605 0.0003577763576655677 0.0003580847262718071 0.00022602482426511535 0.00022626051891339797 0.00014268637418612671 0.00014285094367250402 9.003832758694041e-05 9.014832907727154e-05 5.6802249487864933e-05 5.687406312117876e-05 3.582938283523434e-05 3.587563473352017e-05 2.2598195444084937e-05 2.2627744673782604e-05
44 0.001 0.0007270236016312707 0.0007273254041056322 0.0005648625863181646 0.0005651647158992671 0.00035707079098725147 0.00035736373064750184 0.00022547618920668692 0.00022569978402038908 0.00014229906915382045 0.00014245505258865028 8.977763093872483e-05 8.988183471111395e-05 5.6631300501660895e-05 5.669930482943582e-05 3.571897351373498e-05 3.5762762093538084e-05 2.252753259705454e-05 2.2555504064421286e-05
45 0.001 0.0007263241678831768 0.0007266106320094578 0.0005641545952693013 0.0005644411125319691 0.00035636481907368883 0.00035664198598218 0.0002249275124461922 0.00022513875336164715 0.00014191185633998538 0.0001420590803085807 8.951704798938974e-05 8.961533984682783e-05 5.646044741725799e-05 5.652456860390248e-05 3.560863482425828e-05 3.564991282531874e-05 2.2456918463276655e-05 2.2483282093948716e-05
46 0.001 0.0007256235602794768 0.000725894308281204 0.0005634456421235029 0.0005637161756897977 0.00035565844751146345 0.0003559194988462394 0.00022437879914387126 0.00022457743330201225 0.0001415247396416227 0.00014166303176654256 8.92565814407266e-05 8.934884796133105e-05 5.628969203126926e-05 5.634985678067539e-05 3.54983679353742e-05 3.5537088458413665e-05 2.238635379346144e-05 2.2411079749130865e-05
47 0.001 0.0007249217806913707 0.0007251764344180624 0.0005627357300490819 0.0005629899085739927 0.000354951681926527 0.00035519627586142176 0.00022383005448923837 0.0002240158302446243 0.00014113772297507317 0.00014126691192198565 8.899623400682166e-05 8.90823625474685e-05 5.611903614803532e-05 5.6175171705805915e-05 3.53881740204995e-05 3.542429052859005e-05 2.2315839341360706e-05 2.233889802062196e-05
48 0.001 0.0007242205350997713 0.0007244588135748975 0.0005620265745740796 0.0005622641246704724 0.0003542462045793823 0.00035447409591105305 0.00022328257183555817 0.0002234553120905153 0.0001407517127660702 0.00014087167955905718 8.873661298955798e-05 8.881652603390643e-05 5.5948876831026616e-05 5.600093342830372e-05 3.5278309050946e-05 3.531178983274928e-05 2.2245538738097002e-05 2.2266910019981595e-05
49 0.001 0.0007235198199107672 0.000723741443178776 0.0005613181716914067 0.000561538821268995 0.0003535420099674468 0.0003537529553873339 0.0002227363458317741 0.00022289587522719752 0.0001403667046661989 0.00014047733166655684 8.847771519474716e-05 8.855133617099835e-05 5.577921186868757e-05 5.5827140373801375e-05 3.516877154903826e-05 3.519958531186087e-05 2.217545101761858e-05 2.219511505192651e-05
50 0.001 0.0007228196315623742 0.0007230243206833482 0.0005606105174362019 0.0005608139956950427 0.000352839092656763 0.00035303285074046774 0.00022219137119484662 0.00022233751609917817 0.00013998269438221042 0.00014008386527925162 8.82195374685625e-05 8.82867907426191e-05 5.5610039077319794e-05 5.565379099102327e-05 3.5059560055673866e-05 3.508767592227262e-05 2.210557522599889e-05 2.212351243120618e-05
51 0.001 0.0007221199665243819 0.0007223074435688039 0.0005599036078855734 0.0005600896453097011 0.00035213744728134107 0.0003523137784782074 0.00022164764270896924 0.00022178023120736695 0.00013959967767532665 0.00013969127747733319 8.796207669700402e-05 8.802288756574066e-05 5.5441356300701596e-05 5.5480883751481105e-05 3.495067313006486e-05 3.4976060635503277e-05 2.203591042126611e-05 2.2052101482465692e-05
52 0.001 0.0007214226116738875 0.0007215926247557181 0.00055919925818199 0.0005593676122940626 0.00035143889914646847 0.00035159759247597197 0.00022110658621085868 0.00022122546934306127 0.00013921866391991675 0.00013930059415776796 8.770601346645835e-05 8.776031848020719e-05 5.527361030479937e-05 5.5308872854303e-05 3.484239951455166e-05 3.486503301641155e-05 2.1966641478546615e-05 2.198107017600086e-05
53 0.001 0.0007207275586713733 0.0007208798585848073 0.0005584974577369658 0.0005586478889723664 0.000350743431731219 0.0003508842795507963 0.0002205681855748304 0.0002206732171528304 0.0001388396401724236 0.00013891180440309996 8.745133837595374e-05 8.749907547557891e-05 5.51067946333829e-05 5.513775276548628e-05 3.473473491875525e-05 3.475458937431628e-05 2.189776560286087e-05 2.1910416102241813e-05
54 0.001 0.0007200347992232686 0.0007201691394257483 0.0005577981960279813 0.000557930467712979 0.00035005102864126545 0.00035017382661216696 0.00022003242481127128 0.00022012346138632064 0.00013846259360448558 0.00013852489738482468 8.719804211084999e-05 8.723915060881119e-05 5.4940902890648815e-05 5.49675179985075e-05 3.4627675092925375e-05 3.464472605058592e-05 2.1829280025890328e-05 2.184013687270143e-05
55 0.001 0.0007193443250816912 0.0007194604616770773 0.0005571014625980538 0.00055721534092818 0.00034936167360778735 0.00034946622066134466 0.00021949928806531 0.00021957618889536463 0.00013808751150173721 0.00013813986236255893 8.694611544190508e-05 8.698053600359808e-05 5.477592874055209e-05 5.4798163113848986e-05 3.452121582748435e-05 3.453543941831367e-05 2.176118200567564e-05 2.177023011975932e-05
56 0.001 0.0007186561280441844 0.0007187538197660722 0.0005564072470552915 0.0005565025010739346 0.00034867535048636997 0.00034876144879066544 0.0002189687596154907 0.00021903138663308575 0.00013771438126261137 0.0001377566886832086 8.66955492243454e-05 8.672322384971475e-05 5.4611865906141816e-05 5.462968271852315e-05 3.441535295257523e-05 3.442672588199151e-05 2.1693468826317737e-05 2.1700693496445714e-05
57 0.001 0.0007179701999534672 0.0007180492081486484 0.0005557155390724778 0.0005557919406496801 0.0003479920432559457 0.00034805949818288173 0.0002184408238724854 0.0002184890416530366 0.0001373431903971786 0.00013737536578016266 8.64463343969623e-05 8.646720640237894e-05 5.444870816891465e-05 5.446207146561145e-05 3.431008233762035e-05 3.431858187719449e-05 2.1626137797685595e-05 2.1631524676231647e-05
58 0.001 0.000717288431568037 0.000717348639431565 0.0005550282308874212 0.0005550856739198547 0.0003473135853761227 0.00034736232071304855 0.00021791687977418356 0.00021795064331956514 0.00013697491462892579 0.00013699693247692832 8.619912270820691e-05 8.621317757037385e-05 5.428688083545963e-05 5.429578217858938e-05 3.4205677829313845e-05 3.421129897003673e-05 2.155936384410791e-05 2.1562909902755936e-05
59 0.001 0.0007166108087790344 0.0007166521035756881 0.0005543453044039097 0.0005543836868927082 0.0003466399489498414 0.0003466698924934393 0.0002173969005859272 0.00021741616794755068 0.0001366095327799803 0.00013662136971116798 8.595389890905567e-05 8.596112351100096e-05 5.412637349122351e-05 5.413080535731451e-05 3.410213253115887e-05 3.410487085131832e-05 2.1493142482837824e-05 2.1494845067789903e-05
60 0.001 0.0007159373175677644 0.0007159595906065037 0.000553666741654326 0.0005536859656730149 0.00034597110632076457 0.00034598218983055497 0.00021688085982693404 0.0002168855920630381 0.00013624702388469857 0.0001362486585998701 8.571064790824491e-05 8.571103051605296e-05 5.3967175831502814e-05 5.396713159578493e-05 3.3999439620274345e-05 3.399929127512844e-05 2.1427469279335487e-05 2.142732610463052e-05
61 0.001 0.0007152679440051748 0.0007152710906138687 0.0005529925247987736 0.0005529924964615861 0.0003453070300711249 0.00034529918922366796 0.00021636873126772794 0.00021635889240138666 0.00013588736718736773 0.0001358787804376394 8.54693547704962e-05 8.546288501047042e-05 5.380927766017945e-05 5.380475158117202e-05 3.3897592346535196e-05 3.389455405818364e-05 2.1362339846699945e-05 2.1360348987661796e-05
62 0.001 0.0007146042301318863 0.0007145881681833736 0.0005523242123557686 0.0005523048607339887 0.00034464926798753265 0.0003446224616264519 0.00021586171454972283 0.00021583728670966556 0.00013553140778002078 0.00013551259312919557 8.523058755788533e-05 8.521726369129195e-05 5.365305115434923e-05 5.364404315662281e-05 3.379683095199964e-05 3.379090310339315e-05 2.129790788796337e-05 2.129406976339983e-05
63 0.001 0.0007139461581540615 0.0007139108109389651 0.0005516617811459008 0.0005516230407004492 0.0003439977838203789 0.0003439519758859039 0.00021535977487705093 0.00021532074399295122 0.00013517911810864477 0.00013515007172518374 8.499432644189093e-05 8.497414844816332e-05 5.349848277838687e-05 5.3484993898260945e-05 3.369714647650299e-05 3.368833016244125e-05 2.1234167580343154e-05 2.122848306212633e-05
64 0.001 0.0007132937104198171 0.0007132390066148024 0.0005510052081904127 0.0005509470187317473 0.0003433525416882429 0.00034328770115903844 0.00021486287783793048 0.00021480923358720733 0.00013483047093827601 0.0001347911915544671 8.4760551830257e-05 8.473352137819455e-05 5.334555916079864e-05 5.3327591526929936e-05 3.359853006971444e-05 3.358682708410006e-05 2.1171113172916172e-05 2.1163583577742056e-05
65 0.001 0.000712646869418432 0.0007125727430549207 0.0005503544707098636 0.0005502767773585094 0.0003427135060745518 0.000342629606910633 0.00021437098940066518 0.00021430272515636744 0.0001344854393494214 0.0001344359282214269 8.452924436422565e-05 8.449536478383494e-05 5.319426709225049e-05 5.317182390666476e-05 3.350097298979682e-05 3.348638581318404e-05 2.1108738985733553e-05 2.109936606707349e-05
66 0.001 0.0007120056177795682 0.0007119120082129148 0.0005497095461228063 0.0005496122992705212 0.00034208064182428624 0.0003419776629110174 0.0002138840759097001 0.0002138011886894788 0.00013414399673453123 0.00013408425760331254 8.430038491581449e-05 8.425966117078749e-05 5.3044593523628075e-05 5.3017679043188334e-05 3.340446660208796e-05 3.3386998389521964e-05 2.104703940894962e-05 2.1035825349191292e-05
67 0.001 0.0007113699382724852 0.000711256790151613 0.0005490704120444732 0.0005489535673160376 0.00034145391414072506 0.0003413318392338714 0.00021340210408172906 0.00021330459449785352 0.00013380611679452464 0.00013373615584760944 8.407395458513211e-05 8.40263932459383e-05 5.289652556412503e-05 5.286514508242194e-05 3.3309002377802235e-05 3.3288656946938245e-05 2.0986008901964495e-05 2.0972956304734848e-05
68 0.001 0.0007107398974346918 0.0007106071943639499 0.0005484371298422446 0.0005483006816957998 0.0003408333692467681 0.00034069221933208274 0.0002129251024270059 0.0002128129992904075 0.0001334718163299164 0.00013339165932644894 8.384996326436759e-05 8.379558393280961e-05 5.27500691136353e-05 5.271423641048183e-05 3.321458388816915e-05 3.31913705135711e-05 2.0925649653747234e-05 2.091076460544407e-05
69 0.001 0.0007101154780577116 0.000709963208882901 0.0005478096771889333 0.0005476536252143895 0.000340218972546931 0.0003400587732671483 0.00021245303792142659 0.0002123263734210078 0.00013314106927932073 0.00013305074425072359 8.362839223924153e-05 8.356721599784782e-05 5.2605211414281855e-05 5.256494122003263e-05 3.312120269498457e-05 3.3095131256746724e-05 2.0865956183619514e-05 2.0849245154782437e-05
70 0.001 0.0007094966630684226 0.0007093248218486061 0.0005471880319478338 0.0005470123808316875 0.0003396106897916775 0.00033943147139689077 0.00021198587789957333 0.0002118446875576196 0.0001328138498781884 0.00013271338709432742 8.340922301478034e-05 8.334127240311385e-05 5.2461939860316274e-05 5.241724783997488e-05 3.3028850461753656e-05 3.299993143509595e-05 2.080692307740899e-05 2.0788392916005465e-05
71 0.001 0.0007088834355283207 0.0007086920215080653 0.000546572172171486 0.0005463769316622218 0.00033900848707437136 0.0003388102843733889 0.0002115235900510877 0.00021136791267964032 0.00013249013265557633 0.0001323795645916927 8.319243731282517e-05 8.311773630434548e-05 5.2320241996347285e-05 5.2271144734051514e-05 3.293751895248774e-05 3.290576339760186e-05 2.0748544986654934e-05 2.07282029115292e-05
72 0.001 0.0007082766179820793 0.0007080656480431051 0.0005459629241404545 0.0005457481216341828 0.0003384131725428775 0.0003381960373995552 0.0002110667946787101 0.00021089668206097172 0.00013217035189441468 0.0001320497200486003 8.297832591380874e-05 8.289690449717853e-05 5.2180307862151704e-05 5.2126825862102536e-05 3.2847330647180594e-05 3.2812752146082854e-05 2.0690900194825664e-05 2.0668755034757233e-05
73 0.001 0.0007076761917572053 0.0007074456886869565 0.0005453602635114508 0.0005451259321489777 0.00033782470837237906 0.0003375886977799707 0.000210615455710121 0.0002104309633113142 0.00013185447915895794 0.00013172382748945162 8.27668684152456e-05 8.26787581753205e-05 5.2042123556757356e-05 5.198427834496719e-05 3.275827635495e-05 3.2720889139431744e-05 2.0633982733786933e-05 2.061004372929991e-05
74 0.001 0.0007070821383469261 0.0007068321308093747 0.0005447641661727003 0.0005445103448031184 0.00033724305715188347 0.0003369882331820464 0.00021016953749834074 0.00020997072442018424 0.00013154248636368206 0.00013140186125447996 8.255804467261117e-05 8.246327876643199e-05 5.190567535780167e-05 5.18434894660219e-05 3.267034700418964e-05 3.2630165945308436e-05 2.057778671334095e-05 2.055206350992823e-05
75 0.001 0.0007064944394093131 0.0007062249619162967 0.0005441746082424759 0.0005439013413874698 0.0003366681818805846 0.00033639461163356655 0.00020972900481740832 0.00020951593375373114 0.0001312343457694376 0.00013108379599680725 8.23518347963793e-05 8.225044792981545e-05 5.177094971942625e-05 5.170444666951808e-05 3.258353364113958e-05 3.254057423900392e-05 2.052230632028257e-05 2.0494808961820763e-05
76 0.001 0.0007059130767664236 0.00070562416964951 0.0005435915660676415 0.0005432989038865089 0.0003361000459642789 0.00033580780152024723 0.0002092938228581225 0.000209066560051587 0.00013093002997966176 0.00013076960667953474 8.2148219149105e-05 8.204024755412909e-05 5.163793327020207e-05 5.156713755893784e-05 3.249782742847868e-05 3.2452105802317056e-05 2.0467535817470585e-05 2.0438274739819433e-05
77 0.001 0.0007053380324034396 0.0007050297417863318 0.000543015016222211 0.0005427030144775926 0.00033553861321181615 0.0003352277715833316 0.00020886395722383082 0.00020862257242375786 0.0001306295119366351 0.00013045926857287288 8.194717834254395e-05 8.183265975513502e-05 5.150661281108238e-05 5.143154989537623e-05 3.2413219643935075e-05 3.236475252244954e-05 2.0413469542910655e-05 2.038245556769746e-05
78 0.001 0.0007047693713997632 0.0007044417829621171 0.0005424450181544463 0.000542113771820027 0.0003349839271155604 0.0003346546023905152 0.00020843943405997803 0.00020818402485557293 0.00013033280670757434 0.00013015281596227648 8.174872108664716e-05 8.162770599537212e-05 5.1376993463287795e-05 5.129769708700084e-05 3.232971335519107e-05 3.227852278867728e-05 2.036010936323693e-05 2.032735670561579e-05
79 0.001 0.0007042070758264602 0.0007038602809995153 0.0005418815485793469 0.0005415311581470623 0.0003344359518126676 0.00033408826282687573 0.0002080202193468777 0.00020775088664703998 0.00013003988756313126 0.00012985022429639665 8.155282824274543e-05 8.142536853201701e-05 5.12490622037789e-05 5.116556699709043e-05 3.224729995882104e-05 3.219340855821242e-05 2.0307449694639518e-05 2.0272972923816322e-05
80 0.001 0.0007036511279085835 0.0007032852238493367 0.0005413245844265016 0.0005409551558747416 0.00033389465182139466 0.0003335287221154158 0.00020760627945491382 0.00020732312745044945 0.00012975072809427607 0.00012955146931603386 8.135948090770287e-05 8.122562983828357e-05 5.1122806172421973e-05 5.103514763884953e-05 3.216597096011364e-05 3.2109401888525124e-05 2.0255485024312964e-05 2.0219299058105656e-05
81 0.001 0.0007031015100243787 0.0007027165995902542 0.0005407741028387587 0.0005403857476012292 0.00033335999203785527 0.00033297594981485264 0.00020719758114069915 0.00020690071726752732 0.00012946530220888763 0.0001292565270515082 8.116866041129419e-05 8.102847260135871e-05 5.0998212670124914e-05 5.090642717392409e-05 3.208571797180734e-05 3.202649493632917e-05 2.020420990962221e-05 2.0166330009182866e-05
82 0.001 0.0007025584243776222 0.0007021546252265139 0.0005402303025747015 0.0005398231466905069 0.0003328321561526746 0.00033243014325207994 0.0002067942601549092 0.00020648380199548492 0.00012918370261533042 0.0001289654971719027 8.098042783792958e-05 8.083396250547584e-05 5.087532120941395e-05 5.077944809587575e-05 3.200656629292941e-05 3.194471491165552e-05 2.015364045325786e-05 2.0114083097018264e-05
83 0.001 0.0007020218531757066 0.0007015992888126556 0.0005396931605409548 0.0005392673356287205 0.00033231110871733115 0.0003318912717105927 0.00020639628295911018 0.00020607235137144977 0.00012890590300828107 0.0001286783555062261 8.079476437365657e-05 8.06420820982489e-05 5.0754118997337993e-05 5.065419847368218e-05 3.192850747587868e-05 3.186405391103787e-05 2.010377117411101e-05 2.006255318369691e-05
84 0.001 0.0007014917787802405 0.0007010505785332368 0.0005391626538584482 0.0005387182970867077 0.00033179681466138206 0.00033135930481238495 0.0002060036164003213 0.00020566633548374424 0.00012863187739818246 0.0001283950781739038 8.061165143636152e-05 8.04528141416734e-05 5.063459340114707e-05 5.053066652493675e-05 3.1851533179901e-05 3.1784504130324826e-05 2.0054596660832207e-05 2.001173519622426e-05
85 0.001 0.0007009681837062737 0.000700508482702546 0.0005386387598611086 0.0005381760139193414 0.00033128923928927895 0.00033083421251577956 0.00020561622770725436 0.00020526572476908743 0.00012836160010791048 0.000128115641582197 8.043107067321032e-05 8.026614161010359e-05 5.051673194647494e-05 5.040884061439589e-05 3.177563516985718e-05 3.170605786368809e-05 2.0006111571018593e-05 1.9961624125869314e-05
86 0.001 0.0007004510506215145 0.0006999729897643184 0.0005381214560945621 0.0005376404691648787 0.0003307883482772016 0.00033031596511327947 0.00020523408448658455 0.00020487049000982136 0.00012809504576947474 0.00012784002242364822 8.02530039581159e-05 8.008204768824872e-05 5.040052231554307e-05 5.028870925253973e-05 3.1700805315005306e-05 3.1628707502639986e-05 1.9958310630411395e-05 1.9912215027513866e-05
87 0.001 0.0006999403623455618 0.0006994440882914515 0.0005376107203148404 0.0005371116460443127 0.00033029410766993267 0.0003298045332294241 0.0002048571547192701 0.0002044806023311588 0.00012783218932076133 0.0001275681976735486 8.007743338923888e-05 7.990051576919067e-05 5.028595234538582e-05 5.0170261094149856e-05 3.162703558779805e-05 3.155244553506268e-05 1.9911188632102376e-05 1.9863503019009735e-05
88 0.001 0.0006994318218007185 0.0006989172535560769 0.0005371022748594453 0.0005365850419669894 0.00032980242468128913 0.000329295612913881 0.00020448233902526256 0.00020409280438264766 0.00012757087888919618 0.00012729790663346764 7.990292563076895e-05 7.972004038787022e-05 5.0172088326043745e-05 5.0052515589855926e-05 3.155372544493714e-05 3.147664135129994e-05 1.9864362230287972e-05 1.9815085586326718e-05
89 0.001 0.0006989254227893593 0.0006983924815322933 0.0005365961117498912 0.0005360606511477293 0.0003293132869081722 0.0003287891938968759 0.00020410962547078523 0.00020370708584067882 0.00012731110500315576 0.00012702914094133737 7.97294738559706e-05 7.954061545150935e-05 5.005892559260895e-05 4.993546855036179e-05 3.148087179640125e-05 3.140129216611291e-05 1.9817829416090883e-05 1.9766960914662127e-05
90 0.001 0.0006984211591086833 0.0006978697681747856 0.0005360922230056121 0.000535538467781285 0.000328826681963312 0.000328285265898271 0.00020373900214896472 0.00020332343638453147 0.00012705285821815147 0.00012676189224377013 7.955707126027153e-05 7.936223487646896e-05 4.994645949643471e-05 4.981911579385119e-05 3.140847156340457e-05 3.1326395199731696e-05 1.977158818812823e-05 1.971912719297887e-05
91 0.001 0.0006979190245507289 0.0006973491094188342 0.0005355906006439992 0.0005350184860423863 0.00032834259747533784 0.0003277838186277228 0.00020337045717987526 0.0002029418456965422 0.00012679612911684654 0.0001264961521961901 7.938571106126266e-05 7.918489258833681e-05 4.9834685405128945e-05 4.970345314604528e-05 3.133652167839011e-05 3.125194767789152e-05 1.9725636552505712e-05 1.967158261402843e-05
92 0.001 0.0006974169140024356 0.0006968284099289676 0.0005350891259362026 0.000534498597351666 0.00032785895021137046 0.00032728277956097635 0.00020300238558847177 0.00020256071739357045 0.00012653979122008349 0.0001262308004979493 7.921463777328526e-05 7.900783730702533e-05 4.9723109049032396e-05 4.958798911408524e-05 3.126470337114675e-05 3.1177632631488905e-05 1.9679770678755685e-05 1.9624124503146986e-05
93 0.001 0.0006969148254151754 0.0006963076677967887 0.0005345877966909636 0.0005339787996978908 0.0003273757374134148 0.00032678214616920946 0.00020263478480404742 0.00020218004908417888 0.000126283842486217 0.0001259658352285323 7.904384991646645e-05 7.883106763041168e-05 4.9611729411717634e-05 4.947272273059253e-05 3.1193015965876866e-05 3.110344941552445e-05 1.9633990126415905e-05 1.957675243920473e-05
94 0.001 0.0006964127567206359 0.0006957868810888677 0.0005340866106918127 0.0005334590910383602 0.000326892956287765 0.00032628191587964447 0.00020226765222458769 0.00020179983833834103 0.000126028280850426 0.00012570125443876325 7.887334599501782e-05 7.865458213663353e-05 4.950054546622813e-05 4.935765301510161e-05 3.112145877995457e-05 3.102939737649859e-05 1.9588294450645086e-05 1.9529465995615212e-05
95 0.001 0.0006959107058309331 0.0006952660478468047 0.0005335855656972701 0.0005329394692990367 0.00032641060400549705 0.0003257820860759608 0.0002019009852173301 0.00020142008268794192 0.00012577310422519486 0.0001254370561512512 7.870312449759832e-05 7.847837938443003e-05 4.938955617533216e-05 4.924277897429975e-05 3.105003112409614e-05 3.0955475852573814e-05 1.9542683202334784e-05 1.94822647404421e-05
96 0.001 0.0006954086706387427 0.00069474516608728 0.0005330846594410641 0.0005324199323746772 0.0003259286777029715 0.00032528265409871067 0.0002015347811193284 0.0002010407796272818 0.00012551831050079858 0.0001251732383608348 7.853318389767884e-05 7.830245791348127e-05 4.927876049177822e-05 4.91280996022673e-05 3.0978732302531976e-05 3.088168417373684e-05 1.9497155928222272e-05 1.943514823650581e-05

View File

@@ -1,98 +1,98 @@
0.001,0.0007642422168481868,0.0006059596816131985,0.0004124540545641951,0.00028743289525394683,0.00021033989197728514,0.0001677242405549143,0.00015448630019828015,0.00018105210067450352,0.00032006435169343127 0.001,0.0007651928200015371,0.0006070713937965498,0.00041423535558437785,0.0002897888610631573,0.00021340907299884933,0.00017198131811953097,0.00016127923791982795,0.00019503601408127412,0.00036549739730595273
0.001,0.0007636453684814074,0.0006053276391419513,0.0004117105797931639,0.0002867132476380171,0.0002096494018677202,0.0001670078900317705,0.00015362357483190292,0.0001797412011853683,0.0003172302656811063 0.001,0.0007645995806173374,0.0006064422887178694,0.00041349144049413134,0.00028906380160320487,0.00021270693331134475,0.0001712438796411692,0.0001603765556252246,0.00019363496213474675,0.00036239423700181427
0.001,0.0007630492230771192,0.0006046965215788323,0.0004109687952835337,0.000285995748681695,0.00020896149740334239,0.0001662949011112697,0.0001527659914515381,0.0001784402430016445,0.00031442230320442356 0.001,0.0007640065772643761,0.0006058136176614386,0.00041274866023030733,0.0002883403899406645,0.0002120069527025505,0.00017050944162049183,0.000159478716966613,0.00019224364342300643,0.0003593168093314386
0.001,0.0007624537779591674,0.0006040663257237133,0.00041022869520294497,0.00028528039002687875,0.00020827616693730144,0.0001655852558250782,0.00015191351650049715,0.0001771491455864909,0.0003116402083285432 0.001,0.0007634138087852742,0.000605185379478,0.0004120070127662441,0.0002876186224176594,0.00021130912485491145,0.00016977799240843955,0.0001585856969223786,0.00019086199210672448,0.0003562649023666937
0.001,0.0007618411150470453,0.0006034134049131552,0.0004094420572177278,0.00028449406848889933,0.00020749035347019792,0.00016472993112613538,0.00015082479786945245,0.00017537576485722448,0.0003073546770239319 0.001,0.0007628028346998721,0.0006045332187986192,0.0004112166712442958,0.0002868226029691562,0.00021050564591298308,0.0001688917074786142,0.00015743651373617922,0.00018893812235512526,0.0003514029291704815
0.001,0.0007612291751301334,0.0006027614491955141,0.0004086572704905903,0.0002837102537033676,0.000206707815868992,0.00016387931725086143,0.00014974419220665431,0.00017362055931489465,0.0003031290170068882 0.001,0.0007621921143131398,0.0006038815297458003,0.00041042762231867933,0.00028602858816935265,0.00020970502628600424,0.00016800982241073787,0.00015629534163924753,0.00018703308452519017,0.00034660591682276115
0.001,0.0007606179553856057,0.0006021104551256277,0.00040787432832054433,0.0002829289352705668,0.000205928537967639,0.00016303338540292863,0.00014867163523376724,0.00017188333586129508,0.00029896237140081527 0.001,0.0007615816463554626,0.0006032303109890501,0.0004096398633263614,0.0002852365728026657,0.00020890725596775628,0.00016713231600712825,0.00015516212643578583,0.00018514669874176095,0.00034187301148734186
0.001,0.0007600053015158586,0.0006014582116574244,0.00040709088973388784,0.00028214811685008036,0.00020515088523411382,0.0001621907338278938,0.00014760575203092395,0.00017016233535919076,0.00029485108544654464 0.001,0.0007609692265548555,0.000602577299493926,0.0004088509941253184,0.00028444450359523985,0.00020811064471691694,0.00016625772561605027,0.00015403541161623416,0.00018327705284413884,0.00033720006213702974
0.001,0.000759391216638964,0.0006008047235362061,0.00040630696329078226,0.0002813678065291968,0.00020437486190949568,0.00016135135725352056,0.00014654650960916002,0.00016845741882617118,0.0002907944492354505 0.001,0.0007603548574442921,0.0006019224999904981,0.0004080610253035772,0.00028365239238410656,0.0002073152021201705,0.00016538605339556675,0.00015291517504370476,0.00018142402424673905,0.0003325863766610152
0.001,0.0007587720586145543,0.0006001451360530016,0.0004055123728737174,0.0002805722092000019,0.0002035777116783122,0.00016048161721743102,0.00014543804327941403,0.00016665097495405112,0.0002864106919229302 0.001,0.0007597350402439383,0.0006012612395706585,0.0004072600935672035,0.0002828447987841907,0.00020649842223713097,0.00016448344741808307,0.00015174362495246272,0.00017946021794659197,0.00032758319657592714
0.001,0.0007581514816416482,0.0005994843238884264,0.00040471735098123834,0.00027977722421684495,0.00020278237390117395,0.00015961549674182405,0.00014433697477623616,0.00016486277599195767,0.0002820911717580149 0.001,0.0007591132829776185,0.0006005982088110791,0.0004064581175876688,0.00028203726728774387,0.00020568299547110922,0.00016358411213968798,0.00015057934813125987,0.00017751539893581778,0.00032265060787650516
0.001,0.0007575246223928069,0.000598817234218389,0.0004039163714190686,0.00027897802934983895,0.00020198483630414635,0.00015874952259862122,0.00014323989914272293,0.00016308854263938154,0.00027782730235943954 0.001,0.000758484736453085,0.0005999283660908604,0.0004056495676510805,0.00028122495212139567,0.00020486486304104927,0.00016268449575399985,0.00014941879820841596,0.00017558496339953558,0.0003177787884410679
0.001,0.0007568914952673734,0.0005981438884479927,0.00040310947706384174,0.0002781746763026651,0.00020118515258944538,0.0001578837467363928,0.00014214685629890375,0.0001613282432889087,0.00027361854406126197 0.001,0.0007578494094215417,0.0005992517275730322,0.0004048344831924046,0.000280407904430663,0.00020404408117776887,0.0001617846565020927,0.00014826202727426984,0.00017366890284920263,0.0003129672376410902
0.001,0.0007562521147869044,0.0005974643081279906,0.00040229671093330654,0.00027736721679042555,0.0002003833762773818,0.00015701822065241307,0.00014105788530548912,0.00015958184503244287,0.00026946435896055607 0.001,0.0007572073108060312,0.0005985683096346821,0.0004040129039083478,0.0002795861755026316,0.00020322070604404603,0.00016088465224596546,0.00014710908652278506,0.00017176720707727308,0.00030821545426856767
0.001,0.000755605838719484,0.0005967776135628261,0.00040147608354544747,0.00027655236397152664,0.000199574510785017,0.00015614517514372922,0.0001399593838969533,0.00015781896955542566,0.0002652593622585595 0.001,0.0007565575890478602,0.00059787696153193,0.0004031823074325593,0.00027875567967892653,0.00020238859856737548,0.00015997497741322437,0.00014594324831107206,0.00016984173084389243,0.0003033838449669414
0.001,0.0007549533398999176,0.0005960847301704034,0.00040064967944625836,0.00027573352826336774,0.00019876370058053116,0.00015527256865954434,0.00013886524259069415,0.0001560705931497472,0.00026111110919882404 0.001,0.0007559011152632264,0.0005971788697390111,0.00040234530612592536,0.0002779206290242912,0.00020155405878687617,0.00015906535701622418,0.0001447815990558725,0.00016793142878541938,0.0002986152551090434
0.001,0.000754294633298813,0.000595385680066487,0.0003998175424230218,0.0002749107619574642,0.00019795099930370165,0.00015440045194623555,0.00013777549759070928,0.00015433667273669408,0.0002570190084729973 0.001,0.000755237898986442,0.000596474051424026,0.00040150194087318277,0.00027708107588917086,0.00020071714346489746,0.00015815584855490808,0.00014362418708307366,0.00016603627832169687,0.00029390910930431773
0.001,0.0007536299562501872,0.0005946807128856676,0.0003989799547069151,0.0002740843182982304,0.00019713662238837732,0.00015352901066558418,0.00013669031069808908,0.00015261731049252011,0.00025298272247687093 0.001,0.0007545681886825906,0.0005957627683701927,0.00040065250958751827,0.00027623729012494873,0.00019987808563904174,0.00015724665811831285,0.0001424712015659587,0.00016415642490307197,0.0002892651425802985
0.001,0.0007529593232996838,0.0005939698501124463,0.000398136958653357,0.00027325424753567567,0.00019632062085626862,0.00015265829211793188,0.00013560971316739344,0.00015091245570016796,0.00024900165263704006 0.001,0.0007538919937536639,0.0005950450374279253,0.0003997970520738093,0.0002753893223189692,0.00019903693960802692,0.00015633783972296886,0.0001413226854400146,0.00016229183664828758,0.0002846827650697017
0.001,0.0007522778205755884,0.0005932465626846949,0.00039727499006554824,0.0002723996767755988,0.00019547324204400923,0.0001517449722599865,0.00013446333531622604,0.000149078720703927,0.0002446311790608479 0.001,0.0007532045557665671,0.0005943145247994342,0.0003989223236188871,0.00027451662339635243,0.0001981640806362608,0.00015538551594067732,0.00014010540813129958,0.00016028630721570607,0.00027963581042999
0.001,0.0007515904003179944,0.0005925174390191371,0.0003964077570693369,0.00027154170944448285,0.00019462459408398986,0.00015083297690243419,0.00013332276354433093,0.00014726274100716465,0.0002403295419535726 0.001,0.0007525106592079478,0.0005935776116184588,0.00039804170193550713,0.0002736399653899091,0.00019728948692008958,0.00015443417816766013,0.00013889388158999866,0.0001582996284854468,0.0002746667454821644
0.001,0.0007508971705656233,0.0005917825975966207,0.0003955354074700222,0.00027068048696522187,0.00019377480237168544,0.000149922414240016,0.00013218807846837474,0.0001454644877205459,0.00023609595016955176 0.001,0.0007518104383956622,0.000592834444449282,0.0003971553683797481,0.0002727595219957832,0.00019641331428482412,0.00015348396557824612,0.00013768822268133468,0.000156331819705631,0.00026977480754699626
0.001,0.0007501981462290484,0.0005910420603206252,0.00039465798398753514,0.00026981605948597916,0.0001929239167799044,0.00014901332767319379,0.00013105929841636285,0.00014368385793506536,0.0002319294885748936 0.001,0.0007511039033537896,0.0005920850408658466,0.0003962633635582371,0.00027187534416274955,0.00019553561634171146,0.00015253492870981108,0.00013648846139846028,0.00015438279270990136,0.0002649590347362105
0.001,0.0007494933423444325,0.0005902958492424382,0.00039377552947491087,0.00026894847714578276,0.00019207198696990867,0.00014810576012693974,0.00012993644091841133,0.0001419207481479104,0.00022782925087968414 0.001,0.0007503910642803073,0.0005913294186556257,0.0003953657283217157,0.0002709874829437419,0.00019465644657888978,0.0001515871176567501,0.0001352946268320504,0.0001524524582210848,0.0002602184722292356
0.001,0.0007487951576086034,0.0005895598685634121,0.0003929178479527317,0.000268119353143814,0.00019127261161796337,0.00014726895845265095,0.00012891521651901263,0.00014032763677239397,0.00022410401808071667 0.001,0.0007496855573046408,0.0005905851062898704,0.00039449552403657745,0.00027014241927282736,0.0001938361803657908,0.0001507194393001951,0.00013421767536698768,0.000150722476765932,0.0002559376038022294
0.001,0.0007480912004555941,0.0005888182184446728,0.0003920550888852156,0.00026728691045862797,0.00019047182803019546,0.0001464329431074321,0.00012789836896064653,0.00013874824160279832,0.00022043266486418972 0.001,0.0007489737467556278,0.0005898345737440663,0.000393619635985906,0.00026929349394052985,0.00019301404332913125,0.00014985216957655317,0.00013314488789598826,0.00014900672746282064,0.00025171693602497907
0.001,0.0007473814860181556,0.0005880709209312292,0.0003911872944022057,0.0002664511977530461,0.00018966968430259438,0.0001455977573633373,0.00012688592498545233,0.000137182507796334,0.00021681455327323657 0.001,0.0007482556429977025,0.0005890778388714725,0.00039273810426086416,0.0002684407562332248,0.0001921900867993824,0.00014898535811302548,0.00013207630234912348,0.00014730517414690737,0.000247555825445753
0.001,0.0007466668663290878,0.000587318851603833,0.00039031539275312594,0.0002656130037940035,0.00018886681818219397,0.00014476392925891462,0.00012587835326584095,0.00013563087447417943,0.00021324985468225665 0.001,0.000747532135526673,0.0005883158165865031,0.0003918519024244402,0.00026758503804540166,0.0001913649895279964,0.00014811957577380352,0.00013101244041258906,0.0001456183389249714,0.00024345460151209766
0.001,0.0007459473540516049,0.0005865620290918571,0.00038943941965791394,0.00026477236945277103,0.00018806326915868973,0.00014393149220569748,0.00012487566783837023,0.0001340932673985179,0.00020973789896360962 0.001,0.0007468032330641541,0.0005875485221384682,0.0003909610648762846,0.00026672638132361175,0.0001905387943939666,0.00014725486211264363,0.00012995332641946747,0.00014394616337354944,0.00023941257691738652
0.001,0.0007452229619470538,0.0005858004721379564,0.00038855941092972375,0.00026392933558288086,0.00018725907655801186,0.00014310047927033044,0.00012387788217825776,0.00013256961189810038,0.00020627802202933374 0.001,0.0007460689444707028,0.0005867759709451519,0.0003900656262003575,0.00026586482808789615,0.00018971154418348472,0.00014639125636754904,0.00012889898406950181,0.00014228858823944247,0.00023542906884335907
0.001,0.0007444937028877476,0.0005850341996176139,0.0003876754025264287,0.00026308394310036435,0.0001864542796470906,0.00014227092330844953,0.00012288500938946196,0.00013105983321743794,0.0002028695668674851 0.001,0.0007453292787585437,0.0005859981786120694,0.0003891656212152682,0.00026500042051039684,0.000188883281693472,0.0001455287975953345,0.000127849436626481,0.0001406455538271199,0.00023150340029334736
0.001,0.0007437596822179647,0.0005842633259194078,0.0003867875329548579,0.000262236320666865,0.00018564898887356605,0.0001414429165168561,0.00012189711735957699,0.0001295639192660443,0.000199511988902221 0.001,0.0007445843685250069,0.0005852152884984452,0.0003882612223549495,0.00026413331906842847,0.00018805414639063353,0.00014466760638632992,0.00012680478406473458,0.00013901709088191773,0.00022763506393382832
0.001,0.0007430209127498431,0.0005834878697730811,0.00038589583762092946,0.0002613865082576557,0.00018484324218853197,0.000140616489957364,0.00012091421668260002,0.00012808179221971222,0.00019620463751089478 0.001,0.0007438342228409441,0.0005844273161744179,0.0003873524639441998,0.00026326356496406687,0.00018722417962072503,0.0001438077197030893,0.00012576504647438162,0.00013740313489262333,0.00022382338328436597
0.001,0.0007422774073952411,0.0005827078500230524,0.0003850003520236475,0.0002605345458299027,0.0001840370773822074,0.00013979167435970082,0.00011993631743042839,0.00012661337392822102,0.00019294686820390427 0.001,0.0007430788509165626,0.0005836342773781009,0.0003864393804873395,0.0002623911994661588,0.00018639342263244998,0.00014294917419819004,0.000124730243348245,0.00013580362065026603,0.00022006768669446508
0.001,0.0007415371643434652,0.0005819334261621241,0.0003841195496874486,0.0002597054450234843,0.0001832615752361228,0.00013900673591370235,0.00011901248378855687,0.00012522664776718924,0.00018983426695428422 0.001,0.000742327254060605,0.0005828476385639736,0.00038554300530339766,0.00026154496076193957,0.00018559797011481673,0.0001421370333657246,0.00012375932796391997,0.00013430279846409174,0.00021649152387618443
0.001,0.0007407921954678516,0.0005811544494713084,0.00038323494259291836,0.00025887411180317097,0.00018248546192902126,0.00013822302742719057,0.00011809289236498493,0.00012385194290872307,0.0001867668194223294 0.001,0.0007415704350109161,0.0005820559385468977,0.00038464228372291103,0.0002606960153281244,0.00018480150743526303,0.00014132579578003348,0.000122792459010487,0.0001328143978658426,0.0002129659469511457
0.001,0.0007400425137834713,0.0005803709388350691,0.0003823465658113373,0.00025804058521812766,0.00018170877425558924,0.0001374405795299253,0.0001171775570200931,0.00012248920040363166,0.0001837439681062861 0.001,0.0007408084031449065,0.0005812591931755618,0.00038373724983374976,0.00025984440338310303,0.0001840040745362742,0.0001405154975809745,0.00012182965960439977,0.00013133837476817992,0.00020949038404752677
0.001,0.0007392896587110708,0.0005795844646861092,0.00038145604963539797,0.000257206224570191,0.00018093258979935716,0.00013666026630486947,0.00011626724431999227,0.00012113917506529582,0.00018076641712098392 0.001,0.0007400427720784002,0.0005804590496942265,0.00038282961864956994,0.0002589915613698488,0.00018320681873232144,0.00013970708155515462,0.00012087177639736769,0.00012987560432955444,0.00020606578076074432
0.001,0.0007385336382242656,0.0005787950390386191,0.0003805634168176052,0.000256371054619105,0.00018015693036939866,0.00013588210216111047,0.00011536194835793428,0.00011980177871202105,0.00017783355505844874 0.001,0.0007392735475065714,0.0005796555183614057,0.00038191941292656456,0.0002581375157328154,0.0001824097650442608,0.00013890056717630873,0.00011991881140841177,0.0001284260094133047,0.00020269149646849757
0.001,0.0007377744603568601,0.0005780026739739645,0.000379668690156197,0.0002555351001009416,0.0001793818176715785,0.00013510610132246048,0.00011446166299662903,0.0001184769233829579,0.00017494477754267698 0.001,0.0007385007352097838,0.0005788486095364762,0.00038100665551987393,0.00025728229294257515,0.00018161293842329387,0.00013809597373520515,0.00011897076635433426,0.0001269895128043655,0.00019936689671873207
0.001,0.0007370121332022243,0.0005772073816396078,0.0003787718924921195,0.00025469838572380867,0.00017860727330380426,0.00013433227782286975,0.0001135663818643436,0.00011716452133237579,0.00017209948713891066 0.001,0.0007377243410529983,0.0005780383336785572,0.0003800913693799712,0.0002564259194903244,0.00018081636374445108,0.00013729332033271256,0.00011802764264291933,0.00012556603720150224,0.00019609135315036536
0.001,0.0007362487278310292,0.0005764112975619451,0.00037787530492292514,0.00025386285299855627,0.00017783486065845198,0.0001335619170774595,0.00011267725245333752,0.00011586575774135038,0.00016929913205277768 0.001,0.0007369464655998592,0.0005772268587748353,0.0003791758785432219,0.0002555703831979673,0.00018002165393456068,0.00013649394990366146,0.00011709066577140669,0.00012415690240967774,0.0001928666431485617
0.001,0.0007354842463305357,0.0005756144252522814,0.0003769789335549948,0.00025302850652752227,0.0001770645798114453,0.00013279500952465158,0.00011179423934368461,0.00011458050097488754,0.00016654302480013724 0.001,0.0007361671107233329,0.000576414188654825,0.000378260191109379,0.00025471569177879693,0.0001792288130669198,0.00013569785799734456,0.00011615980704210183,0.00012276198311838844,0.00018969202938803596
0.001,0.0007347186908184151,0.0005748167682568086,0.000376082784528366,0.00025219535092907197,0.00017629643084276958,0.00013203154562570375,0.00011091730729612058,0.00011330862059011105,0.00016383048809533992 0.001,0.0007353862783344302,0.000575600327192691,0.00037734431522203,0.00025386185296321013,0.00017843784520433673,0.00013490504014296103,0.00011523503783001357,0.00012138115492992521,0.0001865667844236815
0.001,0.0007339508148184618,0.0005740166237139158,0.00037518307367998444,0.000251357274908892,0.00017552138723803319,0.0001312580494760663,0.00011002427337801452,0.00011200509772768233,0.00016102683232974594 0.001,0.0007346027258369329,0.0005747835721418604,0.00037642443290667116,0.0002530026346493095,0.000177639416207763,0.0001341012793025371,0.0001142922256260196,0.00011996295037667013,0.00018332302768968173
0.001,0.0007331818716843885,0.0005732157063485666,0.00037428361547964836,0.00025052043931478443,0.00017474855432015454,0.00013048813405985683,0.0001091376023135285,0.00011071570778925662,0.00015826989478955368 0.001,0.0007338177018431625,0.0005739656376861859,0.00037550439543261463,0.0002521443237629474,0.00017684294734265143,0.00013330094534015117,0.00011335582519792064,0.00011855974750452474,0.00018013280630154984
0.001,0.0007324118635856686,0.0005724140197507473,0.0003733844159930686,0.00024968484848127967,0.00017397793155477724,0.00012972178849487032,0.00010825725527113567,0.00010944030701256882,0.000155558917314012 0.001,0.0007330312083387708,0.0005731465277735759,0.000374584210907019,0.00025128692777751636,0.0001760484420635206,0.00013250403238709868,0.00011242580398299235,0.00011717140625198769,0.000176995286763841
0.001,0.0007316425191579306,0.0005716133163514535,0.0003724872615728836,0.00024885196670941084,0.00017321065734213591,0.00012895991193268897,0.00010738398869604882,0.0001081795839980316,0.00015289436855880578 0.001,0.0007322450716827681,0.0005723280950701311,0.00037366577307640326,0.00025043200586833656,0.00017525712146802507,0.00013171151729665014,0.00011150300328069361,0.00011579873047427355,0.00017391111613739919
0.001,0.0007308738345547976,0.0005708135916089465,0.000371592144048162,0.0002480217821880965,0.00017244671463870938,0.00012820247619362707,0.00010651774364235068,0.00010693336748909632,0.00015027544915077433 0.001,0.0007314592892342591,0.0005715103366354928,0.0003727490765712826,0.00024957954955556494,0.0001744689721973381,0.00013092337604814113,0.00011058736861417956,0.00011444154833756723,0.0001708794064250159
0.001,0.0007301058059639468,0.0005700148410279018,0.00037069905533588675,0.000247194283220712,0.00017168608654973425,0.00012744945333717904,0.00010565846172329786,0.00010570148832486944,0.0001477013737020835 0.001,0.0007306738583803173,0.0005706932495677312,0.00037183411609277345,0.00024872955044744495,0.00017368398100343736,0.0001301395848004509,0.00010967884595770732,0.00011309968990727626,0.00016789928423747183
0.001,0.0007293384296024965,0.0005692170601522963,0.0003698079874222008,0.0002463694581964103,0.00017092875629263332,0.0001267008156164751,0.00010480608504760816,0.00010448377931452183,0.0001451713702741069 0.001,0.0007298887765314699,0.0005698768309963597,0.00037092088639398746,0.0002478820002115871,0.00017290213471209804,0.00012936011984533696,0.0001087773816703527,0.00011177298701463364,0.00016496989019036454
0.001,0.0007285735211383413,0.0005684221107462932,0.00036892089730516725,0.0002455489480245546,0.00017017602225028507,0.000125957604268953,0.00010396150528629175,0.00010328108640327874,0.00014268621185516803 0.001,0.0007291058850619836,0.0005690629705872476,0.0003700113801847071,0.0002470385774678141,0.00017212477134492983,0.0001285860674779147,0.00010788392632853856,0.00011046237940908493,0.00016209217355659912
0.001,0.0007278110713957532,0.0005676299806599447,0.0003680377623533837,0.00024473272381986337,0.00016942784947534425,0.00012521977210196866,0.0001031246414956519,0.00010209320996382951,0.00014024507145122587 0.001,0.0007283251776795193,0.0005682516594285885,0.0003691055790623401,0.0002461992575642169,0.00017135185999287266,0.00012781738439880834,0.00010699840217906239,0.00010916766306641233,0.00015926520709064215
0.001,0.0007270510712493048,0.0005668406578186927,0.0003671585601102087,0.00024392075694806188,0.00016868420335255848,0.00012448727241536485,0.00010229541369301486,0.00010091995325769166,0.00013784713804493645 0.001,0.000727546648123048,0.000567442888658507,0.0003682034647519281,0.00024536401604150686,0.00017058337001160307,0.00012705402771768452,0.00010612073231230378,0.0001078886367084761,0.00015648808062028533
0.001,0.0007262925597308668,0.0005660528798623399,0.0003662807588285738,0.0002431092838206292,0.00016793992786212755,0.00012375298416061897,0.00010146311738678827,9.974194130068656e-05,0.0001354424501489321 0.001,0.0007267691175258129,0.0005666351120658079,0.00036730194585451363,0.00024452825978826814,0.00016981299319253088,0.00012628722374912656,0.00010523753204397677,0.00010660034638564814,0.00015369233245141463
0.001,0.000725536481695815,0.0005652678887062091,0.0003654068578608937,0.0002423020363044335,0.00016720015578929428,0.00012302401939938217,0.0001006384714692424,9.857860748076281e-05,0.0001330810886504239 0.001,0.0007259937543683618,0.0005658298620581495,0.00036640409142867466,0.00024369656281803695,0.0001690470312136919,0.00012552576286196436,0.00010436224908854787,0.00010532792661952348,0.00015094700928094292
0.001,0.0007247828281800468,0.0005644856725120149,0.0003645368352560149,0.00024149898640204765,0.00016646485318572073,0.000122300332076045,9.982139651422967e-05,9.742975533494339e-05,0.0001307622432316707 0.001,0.0007252205525006216,0.0005650271299429238,0.0003655098835814395,0.0002428689011484816,0.0001682854538881413,0.00012476960247399048,0.00010349480634605481,0.00010407117393308648,0.00014825118806841486
0.001,0.0007240335124542264,0.0005637081598516872,0.0003636726247466106,0.00024070169510414006,0.00016573521249009244,0.00012158284185632764,9.90126387955962e-05,9.629602344691409e-05,0.00012848626793883245 0.001,0.0007244515476870691,0.0005642289688561167,0.00036462138604045246,0.00024204694758546622,0.00016752954803985582,0.00012401974721449815,0.00010263603739686231,0.00010283083470852359,0.0001456053538142381
0.001,0.0007232885189976402,0.000562935330079349,0.0003628141892281136,0.00023991011748542945,0.00016501118273097446,0.00012087148525732681,9.821209936496323e-05,9.517719041742418e-05,0.0001262523213089875 0.001,0.0007236867286572494,0.0005634353625294562,0.0003637385663464586,0.00024123066115747858,0.00016677926586679636,0.00012327613591461942,0.00010178584352378332,0.00010160667618634935,0.0001430085413998934
0.001,0.0007225478323869915,0.0005621671626935266,0.0003619614919160761,0.00023912420905877396,0.00016429271348494684,0.00012016619955136691,9.741968060975319e-05,9.407303841474722e-05,0.00012405957942244244 0.001,0.0007229260842094953,0.0005626462948017631,0.0003628613922977866,0.00024042000126051454,0.00016603456004153966,0.00012253870808207087,0.0001009441272602465,0.00010039846917127745,0.000140459805170444
0.001,0.0007218114372864636,0.0005614036373218869,0.0003611144963064037,0.00023834392571492785,0.00016357975480047488,0.00011946692267216706,9.663528612429731e-05,9.298335293466474e-05,0.00012190723503642013 0.001,0.0007221696032014468,0.000561861749604344,0.00036198983191176377,0.0002396149275989645,0.00016529538363567852,0.00012180740380654271,0.00010011079225737115,9.920598777483068e-05,0.00013795821792425024
0.001,0.0007210808982549796,0.000560646348566497,0.0003602748496609082,0.0002375706263435289,0.00016287336143262394,0.00011877447744416489,9.585958850070355e-05,9.190871230268098e-05,0.00011979562575244498 0.001,0.0007214188723728384,0.00056108334509554,0.0003611255610840681,0.0002388168283348348,0.00016456282140960994,0.00012108307905286178,9.928655238677393e-05,9.802986918413655e-05,0.0001355041849544529
0.001,0.0007203561955972675,0.0005598952698555576,0.00035944250384332076,0.00023680425324267576,0.00016217346932262557,0.00011808878701286078,9.509247448928166e-05,9.084888029067287e-05,0.00011772391668518521 0.001,0.0007206738776295639,0.0005603110603628828,0.0003602685373417506,0.00023802565027806571,0.00016383681258690845,0.00012036565891864721,9.847129356381268e-05,9.686986333449523e-05,0.0001330967445342526
0.001,0.000719637309769789,0.0005591503748394264,0.00035861741119377113,0.00023604474934308694,0.00016148001517586545,0.0001174097755299612,9.433383251239639e-05,8.980362478385647e-05,0.00011569129136277749 0.001,0.0007199346049934109,0.0005595448746691314,0.00035941871861020354,0.00023724134078502595,0.00016311729706930416,0.00011965506942237431,9.7664903298557e-05,9.57257243308077e-05,0.00013073495556510661
0.001,0.0007189327894628185,0.0005584225591487144,0.0003578196518919506,0.00023531976978343147,0.0001608280111225492,0.00011678149168348325,9.36420983445431e-05,8.886089862139267e-05,0.00011386709874931629 0.001,0.0007192103057281418,0.0005587965882928195,0.000358597914203722,0.00023649404923234267,0.0001624426539507404,0.00011900000933912548,9.693290327537121e-05,9.469853254875163e-05,0.0001286228242214262
0.001,0.0007182340307235517,0.0005577008468242452,0.0003570289620106132,0.00023460137500775805,0.00016018203169925163,0.00011615925180788917,9.295772679954119e-05,8.793036528463706e-05,0.00011207480933074718 0.001,0.0007184916860834766,0.000558054333130965,0.0003577841401235257,0.0002357533416394368,0.00016177407584741055,0.00011835110239617177,9.620855295571759e-05,9.368449216343134e-05,0.0001265476735456528
0.001,0.0007175410146739297,0.0005569852125454167,0.0003562452965139749,0.00023388951217284172,0.00015954201987143326,0.00011554299005040648,9.228062559771085e-05,8.70118430001138e-05,0.00011031381123161977 0.001,0.000717778732645577,0.0005573180893469085,0.0003569773567342285,0.0002350191694371068,0.0001611115088719043,0.00011770828481211398,9.549176022876216e-05,9.268341301362701e-05,0.00012450880618841231
0.001,0.0007168538071726812,0.00055627571631164,0.0003554686957703368,0.00023318419742326423,0.00015890797152821821,0.00011493268195898073,9.161073769793274e-05,8.610518609906001e-05,0.0001085835484715732 0.001,0.0007170715507844816,0.0005565879566941514,0.0003561776441627035,0.00023429158098135867,0.00016045497378223205,0.00011707155159443024,9.47824835635146e-05,9.169515755193108e-05,0.00012250560759307665
0.001,0.0007161723893572532,0.0005555723328562508,0.0003546991150005097,0.00023248537836428318,0.00015827983027596573,0.0001143282626503791,9.094797264045832e-05,8.52102177109078e-05,0.00010688343226036533 0.001,0.0007163701270344053,0.0005558639152622166,0.0003553849627325309,0.00023357052778616886,0.00015980441694230793,0.00011644083951173604,9.408063218207804e-05,9.071953997714039e-05,0.00012053740486430812
0.001,0.0007154967425088057,0.0005548750371213564,0.0003539365098621276,0.00023179300316545934,0.000157657540378757,0.00011372966806679039,9.029224125378114e-05,8.4326763906485e-05,0.00010521288605990204 0.001,0.0007156744480415676,0.0005551459453084167,0.00035459927313802623,0.00023285596185845654,0.00015915978530381373,0.00011581608608941654,9.338611653058621e-05,8.975637744384618e-05,0.00011860353870291344
0.001,0.0007148268480431998,0.0005541838042439772,0.0003531808364136874,0.00023110702050671022,0.00015704104669102875,0.00011313683489406227,8.964345554504145e-05,8.345465350366407e-05,0.00010357134495030194 0.001,0.0007149845005557793,0.0005544340272448129,0.0003538205364097734,0.0002321478356456351,0.0001585210263398076,0.00011519722952770958,9.269884816673769e-05,8.880548985453175e-05,0.00011670336266552508
0.001,0.0007141635391402604,0.0005534994772986729,0.0003524329474767405,0.00023042812006503633,0.00015643087191948298,0.00011255015663443926,8.90019167277199e-05,8.259410426967044e-05,0.00010195877831749182 0.001,0.0007143011352806332,0.0005537290222260827,0.0003530496254918224,0.00023144685778402562,0.00015788868071804074,0.00011458468167101622,9.20191492389152e-05,8.786712068874325e-05,0.00011483685132763588
0.001,0.000713506795259252,0.0005528220286453138,0.00035169279399565494,0.00022975624467522356,0.00015582695501446453,0.00011196956402493538,8.836753049012399e-05,8.174493812638424e-05,0.00010037461898917915 0.001,0.0007136243377311475,0.0005530309085687206,0.00035228649684153725,0.0002307529751854999,0.00015726269010384348,0.00011397837465469773,9.134692457668887e-05,8.694108196461404e-05,0.00011300335424584403
0.001,0.0007128565960345945,0.000552151430895953,0.0003509603274307335,0.00022909133782670745,0.00015522923567548894,0.00011139498872248412,8.774020391605217e-05,8.090698006040516e-05,9.88183119171757e-05 0.001,0.0007129540935643617,0.0005523396647985742,0.000351531107363628,0.0002300661353432777,0.0001566429968410848,0.00011337824146720777,9.06820803490277e-05,8.602718880727694e-05,0.00011120223452206596
0.001,0.000712216864792176,0.0005514925705077819,0.0003502439423799476,0.00022844416108975426,0.0001546502536108915,0.00011084054514768278,8.713560862370903e-05,8.009669495978735e-05,9.729798207441842e-05 0.001,0.0007122949300063586,0.0005516609446370161,0.0003507932546232374,0.0002293990178082647,0.00015604454205901748,0.00011280134646728481,9.004396195380538e-05,8.514641523915274e-05,0.00010944396621311202
0.001,0.0007115836310284798,0.0005508404954145605,0.0003495351144497066,0.00022780378080733367,0.0001540772565128698,0.00011029184289346583,8.653767235071846e-05,7.929694151393572e-05,9.580416231533655e-05 0.001,0.0007116422850379047,0.0005509890404263221,0.00035006301886912226,0.00022873877079420107,0.00015545216193435095,0.00011223032450910806,8.941277122627028e-05,8.427699754143763e-05,0.00010771649233683978
0.001,0.0007109568750206494,0.0005501951791779016,0.00034883379721143597,0.00022717014341128397,0.0001535101877933934,0.00010974881856197515,8.594630990981442e-05,7.850756016455259e-05,9.433633928045583e-05 0.001,0.0007109961448775265,0.0005503239315436604,0.00034934035900275196,0.00022808534468017605,0.00015486580256638324,0.00011166511373672321,8.878842266662507e-05,8.341876815036907e-05,0.00010601922394974779
0.001,0.0007103366610426475,0.0005495566796872158,0.000348140027937795,0.00022654326241267482,0.00015294904184934578,0.00010921144812810428,8.53614689629981e-05,7.772842391839216e-05,9.289404738934854e-05 0.001,0.0007103566138672342,0.0005496657159311855,0.0003486253516297722,0.00022743878433373037,0.00015428548213839886,0.00011110570832676001,8.81708780194749e-05,8.25716070442755e-05,0.00010435164299643007
0.001,0.0007097229694529674,0.0005489249706454162,0.0003474537605956092,0.00022592308482555123,0.00015239376283586453,0.00010867966921494878,8.47830660818878e-05,7.695937762456762e-05,9.147679298288125e-05 0.001,0.0007097236782517396,0.0005490143729973408,0.0003479179557857281,0.0002267990403962617,0.0001537111471536449,0.00011055204708289399,8.756005313455197e-05,8.173535064610718e-05,0.0001027131817052566
0.001,0.0007091157807724816,0.0005483000259883205,0.0003467749496226811,0.00022530955825471799,0.0001518442955755718,0.00010815342025333767,8.421101904463253e-05,7.620026875215025e-05,9.008409282780762e-05 0.001,0.0007090973244087274,0.0005483698823458906,0.00034721813091834777,0.000226166064037726,0.00015314274472297157,0.00011000406955950422,8.695586501935841e-05,8.090983803329783e-05,0.00010110328401062253
0.001,0.0007085150756775001,0.0005476818198739591,0.00034610354990018024,0.00022470263085467898,0.0001513005855077949,0.00010763264042079258,8.364524675486821e-05,7.545094724756281e-05,8.871547365198851e-05 0.001,0.0007084775388425413,0.0005477322237660661,0.0003465258368613831,0.00022553980691704316,0.00015258022251510344,0.00010946171600087524,8.635823175652435e-05,8.00949107862898e-05,9.952140501322636e-05
0.001,0.0007079210577411203,0.0005470705529810189,0.00034543974857437215,0.00022410244135876906,0.00015076272549988576,0.00010711738419088767,8.308576484396013e-05,7.471135773791005e-05,8.737059031219478e-05 0.001,0.0007078645400735427,0.0005471016129101978,0.0003458412757255009,0.00022492042013778988,0.00015202368335334558,0.00010892504915290583,8.57671759148139e-05,7.929051589048381e-05,9.796715152670613e-05
0.001,0.0007073337074276685,0.0005464661991670638,0.0003447835000304132,0.00022350893742958665,0.00015023066059546475,0.00010660759053652677,8.253249249775969e-05,7.398135232542972e-05,8.604898363826276e-05 0.001,0.0007072583145347741,0.0005464780293804963,0.00034516440688163317,0.00022430785483116316,0.0001514730744232032,0.00010839400891826328,8.518261565996433e-05,7.84964968569563e-05,9.643999410136803e-05
0.001,0.0007067530053640319,0.0005458687325221291,0.0003441347591201103,0.00022292206731207902,0.00014970433649328627,0.00010610319921945063,8.198535007121053e-05,7.326078561528489e-05,8.475020417489323e-05 0.001,0.0007066588487940405,0.000545861452976259,0.0003444951901125997,0.00022370206265319418,0.00015092834351042303,0.00010786853593723236,8.460447028623623e-05,7.771269974698105e-05,9.493941424410264e-05
0.001,0.0007061884918267415,0.0005452901895090845,0.0003435150570304173,0.0002223706511768525,0.0001492190839480495,0.00010564681060307159,8.14973775620633e-05,7.262157722718122e-05,8.35887757760078e-05 0.001,0.0007060768113835355,0.0005452653567881146,0.00034385780916102886,0.0002231355522451839,0.0001504295746545273,0.00010739737531972382,8.409424224945842e-05,7.702434963545377e-05,9.360618912201228e-05
0.001,0.0007056305731246326,0.0005447184570616724,0.0003429026954804163,0.00022182562190480802,0.00014873922974729557,0.00010519532466723484,8.101471604563165e-05,7.199020130947719e-05,8.244600742971829e-05 0.001,0.0007055014939207988,0.0005446762036784223,0.00034322791998477503,0.0002225755642266546,0.00014993632274793293,0.00010693123855410087,8.358951092264173e-05,7.634435339541097e-05,9.22944227993744e-05
0.001,0.0007050792306062142,0.0005441535103689846,0.00034229763198919826,0.0002212869318272295,0.0001482647252612499,0.00010474868943508509,8.053730000430466e-05,7.136654438032707e-05,8.132155926679031e-05 0.001,0.0007049328836329239,0.0005440939744776738,0.0003426054850001757,0.00022202205441602206,0.000149448541485554,0.00010647007505716636,8.309021096715739e-05,7.567259318109089e-05,9.100372969350909e-05
0.001,0.0007045301221900643,0.0005435909997143166,0.0003416955774702988,0.0002207511658034612,0.00014779299519236796,0.00010430493948662974,8.006352324306286e-05,7.074908147590526e-05,8.02134407838912e-05 0.001,0.0007043664108869901,0.0005435140913972429,0.00034198598587466614,0.00022147141590047654,0.00014896349766232102,0.00010601178096740148,8.259459730216135e-05,7.500736724232048e-05,8.973176442333615e-05
0.001,0.0007039832411301605,0.0005430309161342644,0.00034109651599274326,0.00022021830506410305,0.00014732401920344648,0.00010386405111494137,7.959335168171117e-05,7.013774197495506e-05,7.912139691327875e-05 0.001,0.0007038020712072354,0.0005429365478183962,0.00034136940918446675,0.0002209236320980648,0.00014848117283038098,0.00010555633431743894,8.210263744821714e-05,7.434860458126827e-05,8.847824135377829e-05
0.001,0.0007034385806771556,0.0005424732506674768,0.0003405004316631486,0.0002196883309178196,0.0001468577770769967,0.00010342600079620511,7.912675157408064e-05,6.953245613429904e-05,7.804517686317993e-05 0.001,0.0007032398600991381,0.0005423613371043419,0.00034075574151016483,0.0002203786864681782,0.00014800154862415601,0.00010510371328265478,8.161429921011451e-05,7.369623501807121e-05,8.724287943554497e-05
0.001,0.0007028961340756175,0.0005419179943504858,0.0003399073086151601,0.00021916122473559604,0.00014639424869575276,0.00010299076516650824,7.866368947795672e-05,6.89331550377599e-05,7.698453395110453e-05 0.001,0.0007026797730466592,0.0005417884525961108,0.00034014496942632764,0.0002198365624959981,0.00014752460674093983,0.00010465389615779026,8.112955064604149e-05,7.305018913687007e-05,8.602540201539488e-05
0.001,0.0007023537675633205,0.0005413629828746739,0.0003393149394667067,0.0002186351838182768,0.0001459320465988429,0.00010255726580290627,7.820326658601671e-05,6.833895931108437e-05,7.593823716905743e-05 0.001,0.0007021196874055633,0.0005412157406692665,0.0003395348927353949,0.00021929545761274023,0.00014704895219343257,0.00010420578859113516,8.064746506639534e-05,7.240953347459202e-05,8.482441661675139e-05
0.001,0.0007018114790026023,0.000540808213867173,0.0003387233205925344,0.00021811020358285168,0.0001454711649598321,0.00010212549409752022,7.774546638666711e-05,6.774982397495531e-05,7.490609035628451e-05 0.001,0.0007015596012323657,0.0005406431992153213,0.0003389255082691921,0.00021875536780717296,0.00014657457987728414,0.00010375938295149973,8.016802726693694e-05,7.17742234562459e-05,8.363970356449741e-05
0.001,0.0007012692662365054,0.0005402536849306273,0.00033813244833512493,0.00021758627942391746,0.00014501159794785406,0.00010169544146693108,7.729027246482876e-05,6.716570445567967e-05,7.388790009412214e-05 0.001,0.0007009995125587165,0.0005400708260946051,0.0003383168128172846,0.00021821628903476192,0.00014610148467187763,0.0001033146716169485,7.969122211456026e-05,7.114421486558773e-05,8.247104609297546e-05
0.001,0.000700715318007891,0.0005396844473492076,0.0003375153269484326,0.00021702692557975313,0.0001445081577421818,0.00010121198066811028,7.676796353167371e-05,6.648955946153636e-05,7.272015355307609e-05 0.001,0.000700426120570031,0.0005394817717340144,0.00033767827777106695,0.00021763678242090514,0.00014557802543177205,0.00010280805245363877,7.913535785684264e-05,7.040274681183516e-05,8.111172191387726e-05
0.001,0.0007001614595490124,0.0005391154759339646,0.0003368990409960972,0.00021646879983255348,0.00014400631993404095,0.00010073071571699363,7.624910690660519e-05,6.582015362379603e-05,7.157078178685282e-05 0.001,0.0006998527383823768,0.0005388929110101418,0.0003370405259007354,0.00021705847496470142,0.00014505616500334602,0.00010230367256069614,7.858312049704058e-05,6.966868896041247e-05,7.977423771714316e-05
0.0011743255603950788,0.002246592354465809,0.0027552987748036746,0.005194387759090383,0.009354521953613974,0.016511716182525175,0.029169668796905544,0.052621633705719505,0.09910396847768352,0.2 0.0010496228983614124,0.002020602352332682,0.0024834354692445607,0.004712247621156641,0.00854174709233096,0.015197203876184536,0.027142477151470907,0.049749449744480465,0.09589624880110185,0.2
0.00416057113135989,0.007185835867421053,0.008527170824088577,0.014669694613938154,0.02443642414582059,0.03975038656808106,0.06331729118004528,0.09842489957479945,0.14740458682357144,0.206 0.004235602571438949,0.007336805952289255,0.008714058005603317,0.015024716476258112,0.025061770718850837,0.04079161627542227,0.0649508755581543,0.10074574737193842,0.14993445055894863,0.206
1 0.001 0.0007642422168481868 0.0007651928200015371 0.0006059596816131985 0.0006070713937965498 0.0004124540545641951 0.00041423535558437785 0.00028743289525394683 0.0002897888610631573 0.00021033989197728514 0.00021340907299884933 0.0001677242405549143 0.00017198131811953097 0.00015448630019828015 0.00016127923791982795 0.00018105210067450352 0.00019503601408127412 0.00032006435169343127 0.00036549739730595273
2 0.001 0.0007636453684814074 0.0007645995806173374 0.0006053276391419513 0.0006064422887178694 0.0004117105797931639 0.00041349144049413134 0.0002867132476380171 0.00028906380160320487 0.0002096494018677202 0.00021270693331134475 0.0001670078900317705 0.0001712438796411692 0.00015362357483190292 0.0001603765556252246 0.0001797412011853683 0.00019363496213474675 0.0003172302656811063 0.00036239423700181427
3 0.001 0.0007630492230771192 0.0007640065772643761 0.0006046965215788323 0.0006058136176614386 0.0004109687952835337 0.00041274866023030733 0.000285995748681695 0.0002883403899406645 0.00020896149740334239 0.0002120069527025505 0.0001662949011112697 0.00017050944162049183 0.0001527659914515381 0.000159478716966613 0.0001784402430016445 0.00019224364342300643 0.00031442230320442356 0.0003593168093314386
4 0.001 0.0007624537779591674 0.0007634138087852742 0.0006040663257237133 0.000605185379478 0.00041022869520294497 0.0004120070127662441 0.00028528039002687875 0.0002876186224176594 0.00020827616693730144 0.00021130912485491145 0.0001655852558250782 0.00016977799240843955 0.00015191351650049715 0.0001585856969223786 0.0001771491455864909 0.00019086199210672448 0.0003116402083285432 0.0003562649023666937
5 0.001 0.0007618411150470453 0.0007628028346998721 0.0006034134049131552 0.0006045332187986192 0.0004094420572177278 0.0004112166712442958 0.00028449406848889933 0.0002868226029691562 0.00020749035347019792 0.00021050564591298308 0.00016472993112613538 0.0001688917074786142 0.00015082479786945245 0.00015743651373617922 0.00017537576485722448 0.00018893812235512526 0.0003073546770239319 0.0003514029291704815
6 0.001 0.0007612291751301334 0.0007621921143131398 0.0006027614491955141 0.0006038815297458003 0.0004086572704905903 0.00041042762231867933 0.0002837102537033676 0.00028602858816935265 0.000206707815868992 0.00020970502628600424 0.00016387931725086143 0.00016800982241073787 0.00014974419220665431 0.00015629534163924753 0.00017362055931489465 0.00018703308452519017 0.0003031290170068882 0.00034660591682276115
7 0.001 0.0007606179553856057 0.0007615816463554626 0.0006021104551256277 0.0006032303109890501 0.00040787432832054433 0.0004096398633263614 0.0002829289352705668 0.0002852365728026657 0.000205928537967639 0.00020890725596775628 0.00016303338540292863 0.00016713231600712825 0.00014867163523376724 0.00015516212643578583 0.00017188333586129508 0.00018514669874176095 0.00029896237140081527 0.00034187301148734186
8 0.001 0.0007600053015158586 0.0007609692265548555 0.0006014582116574244 0.000602577299493926 0.00040709088973388784 0.0004088509941253184 0.00028214811685008036 0.00028444450359523985 0.00020515088523411382 0.00020811064471691694 0.0001621907338278938 0.00016625772561605027 0.00014760575203092395 0.00015403541161623416 0.00017016233535919076 0.00018327705284413884 0.00029485108544654464 0.00033720006213702974
9 0.001 0.000759391216638964 0.0007603548574442921 0.0006008047235362061 0.0006019224999904981 0.00040630696329078226 0.0004080610253035772 0.0002813678065291968 0.00028365239238410656 0.00020437486190949568 0.0002073152021201705 0.00016135135725352056 0.00016538605339556675 0.00014654650960916002 0.00015291517504370476 0.00016845741882617118 0.00018142402424673905 0.0002907944492354505 0.0003325863766610152
10 0.001 0.0007587720586145543 0.0007597350402439383 0.0006001451360530016 0.0006012612395706585 0.0004055123728737174 0.0004072600935672035 0.0002805722092000019 0.0002828447987841907 0.0002035777116783122 0.00020649842223713097 0.00016048161721743102 0.00016448344741808307 0.00014543804327941403 0.00015174362495246272 0.00016665097495405112 0.00017946021794659197 0.0002864106919229302 0.00032758319657592714
11 0.001 0.0007581514816416482 0.0007591132829776185 0.0005994843238884264 0.0006005982088110791 0.00040471735098123834 0.0004064581175876688 0.00027977722421684495 0.00028203726728774387 0.00020278237390117395 0.00020568299547110922 0.00015961549674182405 0.00016358411213968798 0.00014433697477623616 0.00015057934813125987 0.00016486277599195767 0.00017751539893581778 0.0002820911717580149 0.00032265060787650516
12 0.001 0.0007575246223928069 0.000758484736453085 0.000598817234218389 0.0005999283660908604 0.0004039163714190686 0.0004056495676510805 0.00027897802934983895 0.00028122495212139567 0.00020198483630414635 0.00020486486304104927 0.00015874952259862122 0.00016268449575399985 0.00014323989914272293 0.00014941879820841596 0.00016308854263938154 0.00017558496339953558 0.00027782730235943954 0.0003177787884410679
13 0.001 0.0007568914952673734 0.0007578494094215417 0.0005981438884479927 0.0005992517275730322 0.00040310947706384174 0.0004048344831924046 0.0002781746763026651 0.000280407904430663 0.00020118515258944538 0.00020404408117776887 0.0001578837467363928 0.0001617846565020927 0.00014214685629890375 0.00014826202727426984 0.0001613282432889087 0.00017366890284920263 0.00027361854406126197 0.0003129672376410902
14 0.001 0.0007562521147869044 0.0007572073108060312 0.0005974643081279906 0.0005985683096346821 0.00040229671093330654 0.0004040129039083478 0.00027736721679042555 0.0002795861755026316 0.0002003833762773818 0.00020322070604404603 0.00015701822065241307 0.00016088465224596546 0.00014105788530548912 0.00014710908652278506 0.00015958184503244287 0.00017176720707727308 0.00026946435896055607 0.00030821545426856767
15 0.001 0.000755605838719484 0.0007565575890478602 0.0005967776135628261 0.00059787696153193 0.00040147608354544747 0.0004031823074325593 0.00027655236397152664 0.00027875567967892653 0.000199574510785017 0.00020238859856737548 0.00015614517514372922 0.00015997497741322437 0.0001399593838969533 0.00014594324831107206 0.00015781896955542566 0.00016984173084389243 0.0002652593622585595 0.0003033838449669414
16 0.001 0.0007549533398999176 0.0007559011152632264 0.0005960847301704034 0.0005971788697390111 0.00040064967944625836 0.00040234530612592536 0.00027573352826336774 0.0002779206290242912 0.00019876370058053116 0.00020155405878687617 0.00015527256865954434 0.00015906535701622418 0.00013886524259069415 0.0001447815990558725 0.0001560705931497472 0.00016793142878541938 0.00026111110919882404 0.0002986152551090434
17 0.001 0.000754294633298813 0.000755237898986442 0.000595385680066487 0.000596474051424026 0.0003998175424230218 0.00040150194087318277 0.0002749107619574642 0.00027708107588917086 0.00019795099930370165 0.00020071714346489746 0.00015440045194623555 0.00015815584855490808 0.00013777549759070928 0.00014362418708307366 0.00015433667273669408 0.00016603627832169687 0.0002570190084729973 0.00029390910930431773
18 0.001 0.0007536299562501872 0.0007545681886825906 0.0005946807128856676 0.0005957627683701927 0.0003989799547069151 0.00040065250958751827 0.0002740843182982304 0.00027623729012494873 0.00019713662238837732 0.00019987808563904174 0.00015352901066558418 0.00015724665811831285 0.00013669031069808908 0.0001424712015659587 0.00015261731049252011 0.00016415642490307197 0.00025298272247687093 0.0002892651425802985
19 0.001 0.0007529593232996838 0.0007538919937536639 0.0005939698501124463 0.0005950450374279253 0.000398136958653357 0.0003997970520738093 0.00027325424753567567 0.0002753893223189692 0.00019632062085626862 0.00019903693960802692 0.00015265829211793188 0.00015633783972296886 0.00013560971316739344 0.0001413226854400146 0.00015091245570016796 0.00016229183664828758 0.00024900165263704006 0.0002846827650697017
20 0.001 0.0007522778205755884 0.0007532045557665671 0.0005932465626846949 0.0005943145247994342 0.00039727499006554824 0.0003989223236188871 0.0002723996767755988 0.00027451662339635243 0.00019547324204400923 0.0001981640806362608 0.0001517449722599865 0.00015538551594067732 0.00013446333531622604 0.00014010540813129958 0.000149078720703927 0.00016028630721570607 0.0002446311790608479 0.00027963581042999
21 0.001 0.0007515904003179944 0.0007525106592079478 0.0005925174390191371 0.0005935776116184588 0.0003964077570693369 0.00039804170193550713 0.00027154170944448285 0.0002736399653899091 0.00019462459408398986 0.00019728948692008958 0.00015083297690243419 0.00015443417816766013 0.00013332276354433093 0.00013889388158999866 0.00014726274100716465 0.0001582996284854468 0.0002403295419535726 0.0002746667454821644
22 0.001 0.0007508971705656233 0.0007518104383956622 0.0005917825975966207 0.000592834444449282 0.0003955354074700222 0.0003971553683797481 0.00027068048696522187 0.0002727595219957832 0.00019377480237168544 0.00019641331428482412 0.000149922414240016 0.00015348396557824612 0.00013218807846837474 0.00013768822268133468 0.0001454644877205459 0.000156331819705631 0.00023609595016955176 0.00026977480754699626
23 0.001 0.0007501981462290484 0.0007511039033537896 0.0005910420603206252 0.0005920850408658466 0.00039465798398753514 0.0003962633635582371 0.00026981605948597916 0.00027187534416274955 0.0001929239167799044 0.00019553561634171146 0.00014901332767319379 0.00015253492870981108 0.00013105929841636285 0.00013648846139846028 0.00014368385793506536 0.00015438279270990136 0.0002319294885748936 0.0002649590347362105
24 0.001 0.0007494933423444325 0.0007503910642803073 0.0005902958492424382 0.0005913294186556257 0.00039377552947491087 0.0003953657283217157 0.00026894847714578276 0.0002709874829437419 0.00019207198696990867 0.00019465644657888978 0.00014810576012693974 0.0001515871176567501 0.00012993644091841133 0.0001352946268320504 0.0001419207481479104 0.0001524524582210848 0.00022782925087968414 0.0002602184722292356
25 0.001 0.0007487951576086034 0.0007496855573046408 0.0005895598685634121 0.0005905851062898704 0.0003929178479527317 0.00039449552403657745 0.000268119353143814 0.00027014241927282736 0.00019127261161796337 0.0001938361803657908 0.00014726895845265095 0.0001507194393001951 0.00012891521651901263 0.00013421767536698768 0.00014032763677239397 0.000150722476765932 0.00022410401808071667 0.0002559376038022294
26 0.001 0.0007480912004555941 0.0007489737467556278 0.0005888182184446728 0.0005898345737440663 0.0003920550888852156 0.000393619635985906 0.00026728691045862797 0.00026929349394052985 0.00019047182803019546 0.00019301404332913125 0.0001464329431074321 0.00014985216957655317 0.00012789836896064653 0.00013314488789598826 0.00013874824160279832 0.00014900672746282064 0.00022043266486418972 0.00025171693602497907
27 0.001 0.0007473814860181556 0.0007482556429977025 0.0005880709209312292 0.0005890778388714725 0.0003911872944022057 0.00039273810426086416 0.0002664511977530461 0.0002684407562332248 0.00018966968430259438 0.0001921900867993824 0.0001455977573633373 0.00014898535811302548 0.00012688592498545233 0.00013207630234912348 0.000137182507796334 0.00014730517414690737 0.00021681455327323657 0.000247555825445753
28 0.001 0.0007466668663290878 0.000747532135526673 0.000587318851603833 0.0005883158165865031 0.00039031539275312594 0.0003918519024244402 0.0002656130037940035 0.00026758503804540166 0.00018886681818219397 0.0001913649895279964 0.00014476392925891462 0.00014811957577380352 0.00012587835326584095 0.00013101244041258906 0.00013563087447417943 0.0001456183389249714 0.00021324985468225665 0.00024345460151209766
29 0.001 0.0007459473540516049 0.0007468032330641541 0.0005865620290918571 0.0005875485221384682 0.00038943941965791394 0.0003909610648762846 0.00026477236945277103 0.00026672638132361175 0.00018806326915868973 0.0001905387943939666 0.00014393149220569748 0.00014725486211264363 0.00012487566783837023 0.00012995332641946747 0.0001340932673985179 0.00014394616337354944 0.00020973789896360962 0.00023941257691738652
30 0.001 0.0007452229619470538 0.0007460689444707028 0.0005858004721379564 0.0005867759709451519 0.00038855941092972375 0.0003900656262003575 0.00026392933558288086 0.00026586482808789615 0.00018725907655801186 0.00018971154418348472 0.00014310047927033044 0.00014639125636754904 0.00012387788217825776 0.00012889898406950181 0.00013256961189810038 0.00014228858823944247 0.00020627802202933374 0.00023542906884335907
31 0.001 0.0007444937028877476 0.0007453292787585437 0.0005850341996176139 0.0005859981786120694 0.0003876754025264287 0.0003891656212152682 0.00026308394310036435 0.00026500042051039684 0.0001864542796470906 0.000188883281693472 0.00014227092330844953 0.0001455287975953345 0.00012288500938946196 0.000127849436626481 0.00013105983321743794 0.0001406455538271199 0.0002028695668674851 0.00023150340029334736
32 0.001 0.0007437596822179647 0.0007445843685250069 0.0005842633259194078 0.0005852152884984452 0.0003867875329548579 0.0003882612223549495 0.000262236320666865 0.00026413331906842847 0.00018564898887356605 0.00018805414639063353 0.0001414429165168561 0.00014466760638632992 0.00012189711735957699 0.00012680478406473458 0.0001295639192660443 0.00013901709088191773 0.000199511988902221 0.00022763506393382832
33 0.001 0.0007430209127498431 0.0007438342228409441 0.0005834878697730811 0.0005844273161744179 0.00038589583762092946 0.0003873524639441998 0.0002613865082576557 0.00026326356496406687 0.00018484324218853197 0.00018722417962072503 0.000140616489957364 0.0001438077197030893 0.00012091421668260002 0.00012576504647438162 0.00012808179221971222 0.00013740313489262333 0.00019620463751089478 0.00022382338328436597
34 0.001 0.0007422774073952411 0.0007430788509165626 0.0005827078500230524 0.0005836342773781009 0.0003850003520236475 0.0003864393804873395 0.0002605345458299027 0.0002623911994661588 0.0001840370773822074 0.00018639342263244998 0.00013979167435970082 0.00014294917419819004 0.00011993631743042839 0.000124730243348245 0.00012661337392822102 0.00013580362065026603 0.00019294686820390427 0.00022006768669446508
35 0.001 0.0007415371643434652 0.000742327254060605 0.0005819334261621241 0.0005828476385639736 0.0003841195496874486 0.00038554300530339766 0.0002597054450234843 0.00026154496076193957 0.0001832615752361228 0.00018559797011481673 0.00013900673591370235 0.0001421370333657246 0.00011901248378855687 0.00012375932796391997 0.00012522664776718924 0.00013430279846409174 0.00018983426695428422 0.00021649152387618443
36 0.001 0.0007407921954678516 0.0007415704350109161 0.0005811544494713084 0.0005820559385468977 0.00038323494259291836 0.00038464228372291103 0.00025887411180317097 0.0002606960153281244 0.00018248546192902126 0.00018480150743526303 0.00013822302742719057 0.00014132579578003348 0.00011809289236498493 0.000122792459010487 0.00012385194290872307 0.0001328143978658426 0.0001867668194223294 0.0002129659469511457
37 0.001 0.0007400425137834713 0.0007408084031449065 0.0005803709388350691 0.0005812591931755618 0.0003823465658113373 0.00038373724983374976 0.00025804058521812766 0.00025984440338310303 0.00018170877425558924 0.0001840040745362742 0.0001374405795299253 0.0001405154975809745 0.0001171775570200931 0.00012182965960439977 0.00012248920040363166 0.00013133837476817992 0.0001837439681062861 0.00020949038404752677
38 0.001 0.0007392896587110708 0.0007400427720784002 0.0005795844646861092 0.0005804590496942265 0.00038145604963539797 0.00038282961864956994 0.000257206224570191 0.0002589915613698488 0.00018093258979935716 0.00018320681873232144 0.00013666026630486947 0.00013970708155515462 0.00011626724431999227 0.00012087177639736769 0.00012113917506529582 0.00012987560432955444 0.00018076641712098392 0.00020606578076074432
39 0.001 0.0007385336382242656 0.0007392735475065714 0.0005787950390386191 0.0005796555183614057 0.0003805634168176052 0.00038191941292656456 0.000256371054619105 0.0002581375157328154 0.00018015693036939866 0.0001824097650442608 0.00013588210216111047 0.00013890056717630873 0.00011536194835793428 0.00011991881140841177 0.00011980177871202105 0.0001284260094133047 0.00017783355505844874 0.00020269149646849757
40 0.001 0.0007377744603568601 0.0007385007352097838 0.0005780026739739645 0.0005788486095364762 0.000379668690156197 0.00038100665551987393 0.0002555351001009416 0.00025728229294257515 0.0001793818176715785 0.00018161293842329387 0.00013510610132246048 0.00013809597373520515 0.00011446166299662903 0.00011897076635433426 0.0001184769233829579 0.0001269895128043655 0.00017494477754267698 0.00019936689671873207
41 0.001 0.0007370121332022243 0.0007377243410529983 0.0005772073816396078 0.0005780383336785572 0.0003787718924921195 0.0003800913693799712 0.00025469838572380867 0.0002564259194903244 0.00017860727330380426 0.00018081636374445108 0.00013433227782286975 0.00013729332033271256 0.0001135663818643436 0.00011802764264291933 0.00011716452133237579 0.00012556603720150224 0.00017209948713891066 0.00019609135315036536
42 0.001 0.0007362487278310292 0.0007369464655998592 0.0005764112975619451 0.0005772268587748353 0.00037787530492292514 0.0003791758785432219 0.00025386285299855627 0.0002555703831979673 0.00017783486065845198 0.00018002165393456068 0.0001335619170774595 0.00013649394990366146 0.00011267725245333752 0.00011709066577140669 0.00011586575774135038 0.00012415690240967774 0.00016929913205277768 0.0001928666431485617
43 0.001 0.0007354842463305357 0.0007361671107233329 0.0005756144252522814 0.000576414188654825 0.0003769789335549948 0.000378260191109379 0.00025302850652752227 0.00025471569177879693 0.0001770645798114453 0.0001792288130669198 0.00013279500952465158 0.00013569785799734456 0.00011179423934368461 0.00011615980704210183 0.00011458050097488754 0.00012276198311838844 0.00016654302480013724 0.00018969202938803596
44 0.001 0.0007347186908184151 0.0007353862783344302 0.0005748167682568086 0.000575600327192691 0.000376082784528366 0.00037734431522203 0.00025219535092907197 0.00025386185296321013 0.00017629643084276958 0.00017843784520433673 0.00013203154562570375 0.00013490504014296103 0.00011091730729612058 0.00011523503783001357 0.00011330862059011105 0.00012138115492992521 0.00016383048809533992 0.0001865667844236815
45 0.001 0.0007339508148184618 0.0007346027258369329 0.0005740166237139158 0.0005747835721418604 0.00037518307367998444 0.00037642443290667116 0.000251357274908892 0.0002530026346493095 0.00017552138723803319 0.000177639416207763 0.0001312580494760663 0.0001341012793025371 0.00011002427337801452 0.0001142922256260196 0.00011200509772768233 0.00011996295037667013 0.00016102683232974594 0.00018332302768968173
46 0.001 0.0007331818716843885 0.0007338177018431625 0.0005732157063485666 0.0005739656376861859 0.00037428361547964836 0.00037550439543261463 0.00025052043931478443 0.0002521443237629474 0.00017474855432015454 0.00017684294734265143 0.00013048813405985683 0.00013330094534015117 0.0001091376023135285 0.00011335582519792064 0.00011071570778925662 0.00011855974750452474 0.00015826989478955368 0.00018013280630154984
47 0.001 0.0007324118635856686 0.0007330312083387708 0.0005724140197507473 0.0005731465277735759 0.0003733844159930686 0.000374584210907019 0.00024968484848127967 0.00025128692777751636 0.00017397793155477724 0.0001760484420635206 0.00012972178849487032 0.00013250403238709868 0.00010825725527113567 0.00011242580398299235 0.00010944030701256882 0.00011717140625198769 0.000155558917314012 0.000176995286763841
48 0.001 0.0007316425191579306 0.0007322450716827681 0.0005716133163514535 0.0005723280950701311 0.0003724872615728836 0.00037366577307640326 0.00024885196670941084 0.00025043200586833656 0.00017321065734213591 0.00017525712146802507 0.00012895991193268897 0.00013171151729665014 0.00010738398869604882 0.00011150300328069361 0.0001081795839980316 0.00011579873047427355 0.00015289436855880578 0.00017391111613739919
49 0.001 0.0007308738345547976 0.0007314592892342591 0.0005708135916089465 0.0005715103366354928 0.000371592144048162 0.0003727490765712826 0.0002480217821880965 0.00024957954955556494 0.00017244671463870938 0.0001744689721973381 0.00012820247619362707 0.00013092337604814113 0.00010651774364235068 0.00011058736861417956 0.00010693336748909632 0.00011444154833756723 0.00015027544915077433 0.0001708794064250159
50 0.001 0.0007301058059639468 0.0007306738583803173 0.0005700148410279018 0.0005706932495677312 0.00037069905533588675 0.00037183411609277345 0.000247194283220712 0.00024872955044744495 0.00017168608654973425 0.00017368398100343736 0.00012744945333717904 0.0001301395848004509 0.00010565846172329786 0.00010967884595770732 0.00010570148832486944 0.00011309968990727626 0.0001477013737020835 0.00016789928423747183
51 0.001 0.0007293384296024965 0.0007298887765314699 0.0005692170601522963 0.0005698768309963597 0.0003698079874222008 0.00037092088639398746 0.0002463694581964103 0.0002478820002115871 0.00017092875629263332 0.00017290213471209804 0.0001267008156164751 0.00012936011984533696 0.00010480608504760816 0.0001087773816703527 0.00010448377931452183 0.00011177298701463364 0.0001451713702741069 0.00016496989019036454
52 0.001 0.0007285735211383413 0.0007291058850619836 0.0005684221107462932 0.0005690629705872476 0.00036892089730516725 0.0003700113801847071 0.0002455489480245546 0.0002470385774678141 0.00017017602225028507 0.00017212477134492983 0.000125957604268953 0.0001285860674779147 0.00010396150528629175 0.00010788392632853856 0.00010328108640327874 0.00011046237940908493 0.00014268621185516803 0.00016209217355659912
53 0.001 0.0007278110713957532 0.0007283251776795193 0.0005676299806599447 0.0005682516594285885 0.0003680377623533837 0.0003691055790623401 0.00024473272381986337 0.0002461992575642169 0.00016942784947534425 0.00017135185999287266 0.00012521977210196866 0.00012781738439880834 0.0001031246414956519 0.00010699840217906239 0.00010209320996382951 0.00010916766306641233 0.00014024507145122587 0.00015926520709064215
54 0.001 0.0007270510712493048 0.000727546648123048 0.0005668406578186927 0.000567442888658507 0.0003671585601102087 0.0003682034647519281 0.00024392075694806188 0.00024536401604150686 0.00016868420335255848 0.00017058337001160307 0.00012448727241536485 0.00012705402771768452 0.00010229541369301486 0.00010612073231230378 0.00010091995325769166 0.0001078886367084761 0.00013784713804493645 0.00015648808062028533
55 0.001 0.0007262925597308668 0.0007267691175258129 0.0005660528798623399 0.0005666351120658079 0.0003662807588285738 0.00036730194585451363 0.0002431092838206292 0.00024452825978826814 0.00016793992786212755 0.00016981299319253088 0.00012375298416061897 0.00012628722374912656 0.00010146311738678827 0.00010523753204397677 9.974194130068656e-05 0.00010660034638564814 0.0001354424501489321 0.00015369233245141463
56 0.001 0.000725536481695815 0.0007259937543683618 0.0005652678887062091 0.0005658298620581495 0.0003654068578608937 0.00036640409142867466 0.0002423020363044335 0.00024369656281803695 0.00016720015578929428 0.0001690470312136919 0.00012302401939938217 0.00012552576286196436 0.0001006384714692424 0.00010436224908854787 9.857860748076281e-05 0.00010532792661952348 0.0001330810886504239 0.00015094700928094292
57 0.001 0.0007247828281800468 0.0007252205525006216 0.0005644856725120149 0.0005650271299429238 0.0003645368352560149 0.0003655098835814395 0.00024149898640204765 0.0002428689011484816 0.00016646485318572073 0.0001682854538881413 0.000122300332076045 0.00012476960247399048 9.982139651422967e-05 0.00010349480634605481 9.742975533494339e-05 0.00010407117393308648 0.0001307622432316707 0.00014825118806841486
58 0.001 0.0007240335124542264 0.0007244515476870691 0.0005637081598516872 0.0005642289688561167 0.0003636726247466106 0.00036462138604045246 0.00024070169510414006 0.00024204694758546622 0.00016573521249009244 0.00016752954803985582 0.00012158284185632764 0.00012401974721449815 9.90126387955962e-05 0.00010263603739686231 9.629602344691409e-05 0.00010283083470852359 0.00012848626793883245 0.0001456053538142381
59 0.001 0.0007232885189976402 0.0007236867286572494 0.000562935330079349 0.0005634353625294562 0.0003628141892281136 0.0003637385663464586 0.00023991011748542945 0.00024123066115747858 0.00016501118273097446 0.00016677926586679636 0.00012087148525732681 0.00012327613591461942 9.821209936496323e-05 0.00010178584352378332 9.517719041742418e-05 0.00010160667618634935 0.0001262523213089875 0.0001430085413998934
60 0.001 0.0007225478323869915 0.0007229260842094953 0.0005621671626935266 0.0005626462948017631 0.0003619614919160761 0.0003628613922977866 0.00023912420905877396 0.00024042000126051454 0.00016429271348494684 0.00016603456004153966 0.00012016619955136691 0.00012253870808207087 9.741968060975319e-05 0.0001009441272602465 9.407303841474722e-05 0.00010039846917127745 0.00012405957942244244 0.000140459805170444
61 0.001 0.0007218114372864636 0.0007221696032014468 0.0005614036373218869 0.000561861749604344 0.0003611144963064037 0.00036198983191176377 0.00023834392571492785 0.0002396149275989645 0.00016357975480047488 0.00016529538363567852 0.00011946692267216706 0.00012180740380654271 9.663528612429731e-05 0.00010011079225737115 9.298335293466474e-05 9.920598777483068e-05 0.00012190723503642013 0.00013795821792425024
62 0.001 0.0007210808982549796 0.0007214188723728384 0.000560646348566497 0.00056108334509554 0.0003602748496609082 0.0003611255610840681 0.0002375706263435289 0.0002388168283348348 0.00016287336143262394 0.00016456282140960994 0.00011877447744416489 0.00012108307905286178 9.585958850070355e-05 9.928655238677393e-05 9.190871230268098e-05 9.802986918413655e-05 0.00011979562575244498 0.0001355041849544529
63 0.001 0.0007203561955972675 0.0007206738776295639 0.0005598952698555576 0.0005603110603628828 0.00035944250384332076 0.0003602685373417506 0.00023680425324267576 0.00023802565027806571 0.00016217346932262557 0.00016383681258690845 0.00011808878701286078 0.00012036565891864721 9.509247448928166e-05 9.847129356381268e-05 9.084888029067287e-05 9.686986333449523e-05 0.00011772391668518521 0.0001330967445342526
64 0.001 0.000719637309769789 0.0007199346049934109 0.0005591503748394264 0.0005595448746691314 0.00035861741119377113 0.00035941871861020354 0.00023604474934308694 0.00023724134078502595 0.00016148001517586545 0.00016311729706930416 0.0001174097755299612 0.00011965506942237431 9.433383251239639e-05 9.7664903298557e-05 8.980362478385647e-05 9.57257243308077e-05 0.00011569129136277749 0.00013073495556510661
65 0.001 0.0007189327894628185 0.0007192103057281418 0.0005584225591487144 0.0005587965882928195 0.0003578196518919506 0.000358597914203722 0.00023531976978343147 0.00023649404923234267 0.0001608280111225492 0.0001624426539507404 0.00011678149168348325 0.00011900000933912548 9.36420983445431e-05 9.693290327537121e-05 8.886089862139267e-05 9.469853254875163e-05 0.00011386709874931629 0.0001286228242214262
66 0.001 0.0007182340307235517 0.0007184916860834766 0.0005577008468242452 0.000558054333130965 0.0003570289620106132 0.0003577841401235257 0.00023460137500775805 0.0002357533416394368 0.00016018203169925163 0.00016177407584741055 0.00011615925180788917 0.00011835110239617177 9.295772679954119e-05 9.620855295571759e-05 8.793036528463706e-05 9.368449216343134e-05 0.00011207480933074718 0.0001265476735456528
67 0.001 0.0007175410146739297 0.000717778732645577 0.0005569852125454167 0.0005573180893469085 0.0003562452965139749 0.0003569773567342285 0.00023388951217284172 0.0002350191694371068 0.00015954201987143326 0.0001611115088719043 0.00011554299005040648 0.00011770828481211398 9.228062559771085e-05 9.549176022876216e-05 8.70118430001138e-05 9.268341301362701e-05 0.00011031381123161977 0.00012450880618841231
68 0.001 0.0007168538071726812 0.0007170715507844816 0.00055627571631164 0.0005565879566941514 0.0003554686957703368 0.0003561776441627035 0.00023318419742326423 0.00023429158098135867 0.00015890797152821821 0.00016045497378223205 0.00011493268195898073 0.00011707155159443024 9.161073769793274e-05 9.47824835635146e-05 8.610518609906001e-05 9.169515755193108e-05 0.0001085835484715732 0.00012250560759307665
69 0.001 0.0007161723893572532 0.0007163701270344053 0.0005555723328562508 0.0005558639152622166 0.0003546991150005097 0.0003553849627325309 0.00023248537836428318 0.00023357052778616886 0.00015827983027596573 0.00015980441694230793 0.0001143282626503791 0.00011644083951173604 9.094797264045832e-05 9.408063218207804e-05 8.52102177109078e-05 9.071953997714039e-05 0.00010688343226036533 0.00012053740486430812
70 0.001 0.0007154967425088057 0.0007156744480415676 0.0005548750371213564 0.0005551459453084167 0.0003539365098621276 0.00035459927313802623 0.00023179300316545934 0.00023285596185845654 0.000157657540378757 0.00015915978530381373 0.00011372966806679039 0.00011581608608941654 9.029224125378114e-05 9.338611653058621e-05 8.4326763906485e-05 8.975637744384618e-05 0.00010521288605990204 0.00011860353870291344
71 0.001 0.0007148268480431998 0.0007149845005557793 0.0005541838042439772 0.0005544340272448129 0.0003531808364136874 0.0003538205364097734 0.00023110702050671022 0.0002321478356456351 0.00015704104669102875 0.0001585210263398076 0.00011313683489406227 0.00011519722952770958 8.964345554504145e-05 9.269884816673769e-05 8.345465350366407e-05 8.880548985453175e-05 0.00010357134495030194 0.00011670336266552508
72 0.001 0.0007141635391402604 0.0007143011352806332 0.0005534994772986729 0.0005537290222260827 0.0003524329474767405 0.0003530496254918224 0.00023042812006503633 0.00023144685778402562 0.00015643087191948298 0.00015788868071804074 0.00011255015663443926 0.00011458468167101622 8.90019167277199e-05 9.20191492389152e-05 8.259410426967044e-05 8.786712068874325e-05 0.00010195877831749182 0.00011483685132763588
73 0.001 0.000713506795259252 0.0007136243377311475 0.0005528220286453138 0.0005530309085687206 0.00035169279399565494 0.00035228649684153725 0.00022975624467522356 0.0002307529751854999 0.00015582695501446453 0.00015726269010384348 0.00011196956402493538 0.00011397837465469773 8.836753049012399e-05 9.134692457668887e-05 8.174493812638424e-05 8.694108196461404e-05 0.00010037461898917915 0.00011300335424584403
74 0.001 0.0007128565960345945 0.0007129540935643617 0.000552151430895953 0.0005523396647985742 0.0003509603274307335 0.000351531107363628 0.00022909133782670745 0.0002300661353432777 0.00015522923567548894 0.0001566429968410848 0.00011139498872248412 0.00011337824146720777 8.774020391605217e-05 9.06820803490277e-05 8.090698006040516e-05 8.602718880727694e-05 9.88183119171757e-05 0.00011120223452206596
75 0.001 0.000712216864792176 0.0007122949300063586 0.0005514925705077819 0.0005516609446370161 0.0003502439423799476 0.0003507932546232374 0.00022844416108975426 0.0002293990178082647 0.0001546502536108915 0.00015604454205901748 0.00011084054514768278 0.00011280134646728481 8.713560862370903e-05 9.004396195380538e-05 8.009669495978735e-05 8.514641523915274e-05 9.729798207441842e-05 0.00010944396621311202
76 0.001 0.0007115836310284798 0.0007116422850379047 0.0005508404954145605 0.0005509890404263221 0.0003495351144497066 0.00035006301886912226 0.00022780378080733367 0.00022873877079420107 0.0001540772565128698 0.00015545216193435095 0.00011029184289346583 0.00011223032450910806 8.653767235071846e-05 8.941277122627028e-05 7.929694151393572e-05 8.427699754143763e-05 9.580416231533655e-05 0.00010771649233683978
77 0.001 0.0007109568750206494 0.0007109961448775265 0.0005501951791779016 0.0005503239315436604 0.00034883379721143597 0.00034934035900275196 0.00022717014341128397 0.00022808534468017605 0.0001535101877933934 0.00015486580256638324 0.00010974881856197515 0.00011166511373672321 8.594630990981442e-05 8.878842266662507e-05 7.850756016455259e-05 8.341876815036907e-05 9.433633928045583e-05 0.00010601922394974779
78 0.001 0.0007103366610426475 0.0007103566138672342 0.0005495566796872158 0.0005496657159311855 0.000348140027937795 0.0003486253516297722 0.00022654326241267482 0.00022743878433373037 0.00015294904184934578 0.00015428548213839886 0.00010921144812810428 0.00011110570832676001 8.53614689629981e-05 8.81708780194749e-05 7.772842391839216e-05 8.25716070442755e-05 9.289404738934854e-05 0.00010435164299643007
79 0.001 0.0007097229694529674 0.0007097236782517396 0.0005489249706454162 0.0005490143729973408 0.0003474537605956092 0.0003479179557857281 0.00022592308482555123 0.0002267990403962617 0.00015239376283586453 0.0001537111471536449 0.00010867966921494878 0.00011055204708289399 8.47830660818878e-05 8.756005313455197e-05 7.695937762456762e-05 8.173535064610718e-05 9.147679298288125e-05 0.0001027131817052566
80 0.001 0.0007091157807724816 0.0007090973244087274 0.0005483000259883205 0.0005483698823458906 0.0003467749496226811 0.00034721813091834777 0.00022530955825471799 0.000226166064037726 0.0001518442955755718 0.00015314274472297157 0.00010815342025333767 0.00011000406955950422 8.421101904463253e-05 8.695586501935841e-05 7.620026875215025e-05 8.090983803329783e-05 9.008409282780762e-05 0.00010110328401062253
81 0.001 0.0007085150756775001 0.0007084775388425413 0.0005476818198739591 0.0005477322237660661 0.00034610354990018024 0.0003465258368613831 0.00022470263085467898 0.00022553980691704316 0.0001513005855077949 0.00015258022251510344 0.00010763264042079258 0.00010946171600087524 8.364524675486821e-05 8.635823175652435e-05 7.545094724756281e-05 8.00949107862898e-05 8.871547365198851e-05 9.952140501322636e-05
82 0.001 0.0007079210577411203 0.0007078645400735427 0.0005470705529810189 0.0005471016129101978 0.00034543974857437215 0.0003458412757255009 0.00022410244135876906 0.00022492042013778988 0.00015076272549988576 0.00015202368335334558 0.00010711738419088767 0.00010892504915290583 8.308576484396013e-05 8.57671759148139e-05 7.471135773791005e-05 7.929051589048381e-05 8.737059031219478e-05 9.796715152670613e-05
83 0.001 0.0007073337074276685 0.0007072583145347741 0.0005464661991670638 0.0005464780293804963 0.0003447835000304132 0.00034516440688163317 0.00022350893742958665 0.00022430785483116316 0.00015023066059546475 0.0001514730744232032 0.00010660759053652677 0.00010839400891826328 8.253249249775969e-05 8.518261565996433e-05 7.398135232542972e-05 7.84964968569563e-05 8.604898363826276e-05 9.643999410136803e-05
84 0.001 0.0007067530053640319 0.0007066588487940405 0.0005458687325221291 0.000545861452976259 0.0003441347591201103 0.0003444951901125997 0.00022292206731207902 0.00022370206265319418 0.00014970433649328627 0.00015092834351042303 0.00010610319921945063 0.00010786853593723236 8.198535007121053e-05 8.460447028623623e-05 7.326078561528489e-05 7.771269974698105e-05 8.475020417489323e-05 9.493941424410264e-05
85 0.001 0.0007061884918267415 0.0007060768113835355 0.0005452901895090845 0.0005452653567881146 0.0003435150570304173 0.00034385780916102886 0.0002223706511768525 0.0002231355522451839 0.0001492190839480495 0.0001504295746545273 0.00010564681060307159 0.00010739737531972382 8.14973775620633e-05 8.409424224945842e-05 7.262157722718122e-05 7.702434963545377e-05 8.35887757760078e-05 9.360618912201228e-05
86 0.001 0.0007056305731246326 0.0007055014939207988 0.0005447184570616724 0.0005446762036784223 0.0003429026954804163 0.00034322791998477503 0.00022182562190480802 0.0002225755642266546 0.00014873922974729557 0.00014993632274793293 0.00010519532466723484 0.00010693123855410087 8.101471604563165e-05 8.358951092264173e-05 7.199020130947719e-05 7.634435339541097e-05 8.244600742971829e-05 9.22944227993744e-05
87 0.001 0.0007050792306062142 0.0007049328836329239 0.0005441535103689846 0.0005440939744776738 0.00034229763198919826 0.0003426054850001757 0.0002212869318272295 0.00022202205441602206 0.0001482647252612499 0.000149448541485554 0.00010474868943508509 0.00010647007505716636 8.053730000430466e-05 8.309021096715739e-05 7.136654438032707e-05 7.567259318109089e-05 8.132155926679031e-05 9.100372969350909e-05
88 0.001 0.0007045301221900643 0.0007043664108869901 0.0005435909997143166 0.0005435140913972429 0.0003416955774702988 0.00034198598587466614 0.0002207511658034612 0.00022147141590047654 0.00014779299519236796 0.00014896349766232102 0.00010430493948662974 0.00010601178096740148 8.006352324306286e-05 8.259459730216135e-05 7.074908147590526e-05 7.500736724232048e-05 8.02134407838912e-05 8.973176442333615e-05
89 0.001 0.0007039832411301605 0.0007038020712072354 0.0005430309161342644 0.0005429365478183962 0.00034109651599274326 0.00034136940918446675 0.00022021830506410305 0.0002209236320980648 0.00014732401920344648 0.00014848117283038098 0.00010386405111494137 0.00010555633431743894 7.959335168171117e-05 8.210263744821714e-05 7.013774197495506e-05 7.434860458126827e-05 7.912139691327875e-05 8.847824135377829e-05
90 0.001 0.0007034385806771556 0.0007032398600991381 0.0005424732506674768 0.0005423613371043419 0.0003405004316631486 0.00034075574151016483 0.0002196883309178196 0.0002203786864681782 0.0001468577770769967 0.00014800154862415601 0.00010342600079620511 0.00010510371328265478 7.912675157408064e-05 8.161429921011451e-05 6.953245613429904e-05 7.369623501807121e-05 7.804517686317993e-05 8.724287943554497e-05
91 0.001 0.0007028961340756175 0.0007026797730466592 0.0005419179943504858 0.0005417884525961108 0.0003399073086151601 0.00034014496942632764 0.00021916122473559604 0.0002198365624959981 0.00014639424869575276 0.00014752460674093983 0.00010299076516650824 0.00010465389615779026 7.866368947795672e-05 8.112955064604149e-05 6.89331550377599e-05 7.305018913687007e-05 7.698453395110453e-05 8.602540201539488e-05
92 0.001 0.0007023537675633205 0.0007021196874055633 0.0005413629828746739 0.0005412157406692665 0.0003393149394667067 0.0003395348927353949 0.0002186351838182768 0.00021929545761274023 0.0001459320465988429 0.00014704895219343257 0.00010255726580290627 0.00010420578859113516 7.820326658601671e-05 8.064746506639534e-05 6.833895931108437e-05 7.240953347459202e-05 7.593823716905743e-05 8.482441661675139e-05
93 0.001 0.0007018114790026023 0.0007015596012323657 0.000540808213867173 0.0005406431992153213 0.0003387233205925344 0.0003389255082691921 0.00021811020358285168 0.00021875536780717296 0.0001454711649598321 0.00014657457987728414 0.00010212549409752022 0.00010375938295149973 7.774546638666711e-05 8.016802726693694e-05 6.774982397495531e-05 7.17742234562459e-05 7.490609035628451e-05 8.363970356449741e-05
94 0.001 0.0007012692662365054 0.0007009995125587165 0.0005402536849306273 0.0005400708260946051 0.00033813244833512493 0.0003383168128172846 0.00021758627942391746 0.00021821628903476192 0.00014501159794785406 0.00014610148467187763 0.00010169544146693108 0.0001033146716169485 7.729027246482876e-05 7.969122211456026e-05 6.716570445567967e-05 7.114421486558773e-05 7.388790009412214e-05 8.247104609297546e-05
95 0.001 0.000700715318007891 0.000700426120570031 0.0005396844473492076 0.0005394817717340144 0.0003375153269484326 0.00033767827777106695 0.00021702692557975313 0.00021763678242090514 0.0001445081577421818 0.00014557802543177205 0.00010121198066811028 0.00010280805245363877 7.676796353167371e-05 7.913535785684264e-05 6.648955946153636e-05 7.040274681183516e-05 7.272015355307609e-05 8.111172191387726e-05
96 0.001 0.0007001614595490124 0.0006998527383823768 0.0005391154759339646 0.0005388929110101418 0.0003368990409960972 0.0003370405259007354 0.00021646879983255348 0.00021705847496470142 0.00014400631993404095 0.00014505616500334602 0.00010073071571699363 0.00010230367256069614 7.624910690660519e-05 7.858312049704058e-05 6.582015362379603e-05 6.966868896041247e-05 7.157078178685282e-05 7.977423771714316e-05
97 0.0011743255603950788 0.0010496228983614124 0.002246592354465809 0.002020602352332682 0.0027552987748036746 0.0024834354692445607 0.005194387759090383 0.004712247621156641 0.009354521953613974 0.00854174709233096 0.016511716182525175 0.015197203876184536 0.029169668796905544 0.027142477151470907 0.052621633705719505 0.049749449744480465 0.09910396847768352 0.09589624880110185 0.2 0.2
98 0.00416057113135989 0.004235602571438949 0.007185835867421053 0.007336805952289255 0.008527170824088577 0.008714058005603317 0.014669694613938154 0.015024716476258112 0.02443642414582059 0.025061770718850837 0.03975038656808106 0.04079161627542227 0.06331729118004528 0.0649508755581543 0.09842489957479945 0.10074574737193842 0.14740458682357144 0.14993445055894863 0.206 0.206

View File

@@ -0,0 +1,224 @@
{
"uid": "Span1",
"params": {
"length": 80,
"loss_coef": 0.2,
"length_units": "km",
"att_in": 0,
"con_in": 0.5,
"con_out": 0.5,
"type_variety": "SSMF",
"dispersion": 0.0000167,
"effective_area": 83e-12,
"pmd_coef": 1.265e-15,
"raman_efficiency": {
"cr": [
0.00000000e+00,
1.12351610e-05,
3.47838074e-05,
5.79356636e-05,
8.06921680e-05,
9.79845709e-05,
1.10454361e-04,
1.18735302e-04,
1.24736889e-04,
1.30110053e-04,
1.41001273e-04,
1.46383247e-04,
1.57011792e-04,
1.70765865e-04,
1.88408911e-04,
2.05914127e-04,
2.24074028e-04,
2.47508283e-04,
2.77729174e-04,
3.08044243e-04,
3.34764439e-04,
3.56481704e-04,
3.77127256e-04,
3.96269124e-04,
4.10955175e-04,
4.18718761e-04,
4.19511263e-04,
4.17025384e-04,
4.13565369e-04,
4.07726048e-04,
3.83671291e-04,
4.08564283e-04,
3.69571936e-04,
3.14442090e-04,
2.16074535e-04,
1.23097823e-04,
8.95457457e-05,
7.52470400e-05,
7.19806145e-05,
8.87961158e-05,
9.30812065e-05,
9.37058268e-05,
8.45719619e-05,
6.90585286e-05,
4.50407159e-05,
3.36521245e-05,
3.02292475e-05,
2.69376939e-05,
2.60020897e-05,
2.82958958e-05,
3.08667558e-05,
3.66024657e-05,
5.80610307e-05,
6.54797937e-05,
6.25022715e-05,
5.37806442e-05,
3.94996621e-05,
2.68120644e-05,
2.33038554e-05,
1.79140757e-05,
1.52472424e-05,
1.32707565e-05,
1.06541760e-05,
9.84649374e-06,
9.13999627e-06,
9.08971012e-06,
1.04227525e-05,
1.50419271e-05,
1.77838232e-05,
2.15810815e-05,
2.03744008e-05,
1.81939341e-05,
1.31862121e-05,
9.65352116e-06,
8.62698322e-06,
9.18688016e-06,
1.01737784e-05,
1.08017817e-05,
1.03903588e-05,
9.30040333e-06,
8.30809173e-06,
6.90650401e-06,
5.52238029e-06,
3.90648708e-06,
2.22908227e-06,
1.55796177e-06,
9.77218716e-07,
3.23477236e-07,
1.60602454e-07,
7.97306386e-08
],
"frequency_offset": [
0.0e12,
0.5e12,
1.0e12,
1.5e12,
2.0e12,
2.5e12,
3.0e12,
3.5e12,
4.0e12,
4.5e12,
5.0e12,
5.5e12,
6.0e12,
6.5e12,
7.0e12,
7.5e12,
8.0e12,
8.5e12,
9.0e12,
9.5e12,
10.0e12,
10.5e12,
11.0e12,
11.5e12,
12.0e12,
12.5e12,
12.75e12,
13.0e12,
13.25e12,
13.5e12,
14.0e12,
14.5e12,
14.75e12,
15.0e12,
15.5e12,
16.0e12,
16.5e12,
17.0e12,
17.5e12,
18.0e12,
18.25e12,
18.5e12,
18.75e12,
19.0e12,
19.5e12,
20.0e12,
20.5e12,
21.0e12,
21.5e12,
22.0e12,
22.5e12,
23.0e12,
23.5e12,
24.0e12,
24.5e12,
25.0e12,
25.5e12,
26.0e12,
26.5e12,
27.0e12,
27.5e12,
28.0e12,
28.5e12,
29.0e12,
29.5e12,
30.0e12,
30.5e12,
31.0e12,
31.5e12,
32.0e12,
32.5e12,
33.0e12,
33.5e12,
34.0e12,
34.5e12,
35.0e12,
35.5e12,
36.0e12,
36.5e12,
37.0e12,
37.5e12,
38.0e12,
38.5e12,
39.0e12,
39.5e12,
40.0e12,
40.5e12,
41.0e12,
41.5e12,
42.0e12
]
}
},
"operational": {
"temperature": 283,
"raman_pumps": [
{
"power": 224.403e-3,
"frequency": 205e12,
"propagation_direction": "counterprop"
},
{
"power": 231.135e-3,
"frequency": 201e12,
"propagation_direction": "counterprop"
}
]
},
"metadata": {
"location": {
"latitude": 1,
"longitude": 0,
"city": null,
"region": ""
}
}
}

View File

@@ -0,0 +1,225 @@
{
"uid": "Span1",
"params": {
"length": 80,
"loss_coef": 0.2,
"length_units": "km",
"att_in": 0,
"con_in": 0.5,
"con_out": 0.5,
"type_variety": "SSMF",
"dispersion": 0.0000167,
"effective_area": 83e-12,
"pmd_coef": 1.265e-15,
"raman_coefficient": {
"g0": [
0.00000000e+00,
1.12351610e-05,
3.47838074e-05,
5.79356636e-05,
8.06921680e-05,
9.79845709e-05,
1.10454361e-04,
1.18735302e-04,
1.24736889e-04,
1.30110053e-04,
1.41001273e-04,
1.46383247e-04,
1.57011792e-04,
1.70765865e-04,
1.88408911e-04,
2.05914127e-04,
2.24074028e-04,
2.47508283e-04,
2.77729174e-04,
3.08044243e-04,
3.34764439e-04,
3.56481704e-04,
3.77127256e-04,
3.96269124e-04,
4.10955175e-04,
4.18718761e-04,
4.19511263e-04,
4.17025384e-04,
4.13565369e-04,
4.07726048e-04,
3.83671291e-04,
4.08564283e-04,
3.69571936e-04,
3.14442090e-04,
2.16074535e-04,
1.23097823e-04,
8.95457457e-05,
7.52470400e-05,
7.19806145e-05,
8.87961158e-05,
9.30812065e-05,
9.37058268e-05,
8.45719619e-05,
6.90585286e-05,
4.50407159e-05,
3.36521245e-05,
3.02292475e-05,
2.69376939e-05,
2.60020897e-05,
2.82958958e-05,
3.08667558e-05,
3.66024657e-05,
5.80610307e-05,
6.54797937e-05,
6.25022715e-05,
5.37806442e-05,
3.94996621e-05,
2.68120644e-05,
2.33038554e-05,
1.79140757e-05,
1.52472424e-05,
1.32707565e-05,
1.06541760e-05,
9.84649374e-06,
9.13999627e-06,
9.08971012e-06,
1.04227525e-05,
1.50419271e-05,
1.77838232e-05,
2.15810815e-05,
2.03744008e-05,
1.81939341e-05,
1.31862121e-05,
9.65352116e-06,
8.62698322e-06,
9.18688016e-06,
1.01737784e-05,
1.08017817e-05,
1.03903588e-05,
9.30040333e-06,
8.30809173e-06,
6.90650401e-06,
5.52238029e-06,
3.90648708e-06,
2.22908227e-06,
1.55796177e-06,
9.77218716e-07,
3.23477236e-07,
1.60602454e-07,
7.97306386e-08
],
"frequency_offset": [
0.0e12,
0.5e12,
1.0e12,
1.5e12,
2.0e12,
2.5e12,
3.0e12,
3.5e12,
4.0e12,
4.5e12,
5.0e12,
5.5e12,
6.0e12,
6.5e12,
7.0e12,
7.5e12,
8.0e12,
8.5e12,
9.0e12,
9.5e12,
10.0e12,
10.5e12,
11.0e12,
11.5e12,
12.0e12,
12.5e12,
12.75e12,
13.0e12,
13.25e12,
13.5e12,
14.0e12,
14.5e12,
14.75e12,
15.0e12,
15.5e12,
16.0e12,
16.5e12,
17.0e12,
17.5e12,
18.0e12,
18.25e12,
18.5e12,
18.75e12,
19.0e12,
19.5e12,
20.0e12,
20.5e12,
21.0e12,
21.5e12,
22.0e12,
22.5e12,
23.0e12,
23.5e12,
24.0e12,
24.5e12,
25.0e12,
25.5e12,
26.0e12,
26.5e12,
27.0e12,
27.5e12,
28.0e12,
28.5e12,
29.0e12,
29.5e12,
30.0e12,
30.5e12,
31.0e12,
31.5e12,
32.0e12,
32.5e12,
33.0e12,
33.5e12,
34.0e12,
34.5e12,
35.0e12,
35.5e12,
36.0e12,
36.5e12,
37.0e12,
37.5e12,
38.0e12,
38.5e12,
39.0e12,
39.5e12,
40.0e12,
40.5e12,
41.0e12,
41.5e12,
42.0e12
],
"reference_frequency": 206184634112792
}
},
"operational": {
"temperature": 283,
"raman_pumps": [
{
"power": 224.403e-3,
"frequency": 205e12,
"propagation_direction": "counterprop"
},
{
"power": 231.135e-3,
"frequency": 201e12,
"propagation_direction": "counterprop"
}
]
},
"metadata": {
"location": {
"latitude": 1,
"longitude": 0,
"city": null,
"region": ""
}
}
}

View File

@@ -1,97 +1,97 @@
,Unnamed: 0,signal,ase,nli signal,ase,nli
0,0,0.00028461768874888705,3.436639817118301e-08,2.1584395398371026e-07 0.00032501941662405775,3.882736061781233e-08,2.530302086597507e-07
1,1,0.00028211666293476406,3.423996759499589e-08,2.1809245861954257e-07 0.0003222815415358929,3.8702821151814216e-08,2.5566893635970267e-07
2,2,0.0002796385058453953,3.411427963331182e-08,2.2028548201656645e-07 0.0003195661748689714,3.8578942925493807e-08,2.5824480514000414e-07
3,3,0.0002771829951915728,3.398932824433299e-08,2.224238538437057e-07 0.00031687313287901786,3.845572130530932e-08,2.607586632568943e-07
4,4,0.00027338904730863836,3.371109366484941e-08,2.2339638015421542e-07 0.00031256877089880404,3.8151588187974165e-08,2.6184297635783194e-07
5,5,0.0002696478418176822,3.3435235312069656e-08,2.2430128879557504e-07 0.00030832163273414217,3.7849896473142365e-08,2.628486532965104e-07
6,6,0.00026595862771951147,3.316172589770091e-08,2.2514026889123164e-07 0.0003041309702107501,3.755062053762566e-08,2.63777586129903e-07
7,7,0.0002623182345801782,3.289051654795761e-08,2.2591288176837496e-07 0.0002999931829076906,3.725370771318225e-08,2.646291066037263e-07
8,8,0.00025872603823298804,3.262158136113203e-08,2.2662073272007013e-07 0.00029590766218524266,3.695913382975532e-08,2.654050166835946e-07
9,9,0.0002548422077504841,3.231480491053109e-08,2.269632917207947e-07 0.00029147496378879135,3.6620413511505286e-08,2.6574345602771776e-07
10,10,0.0002510150800727548,3.201089350512762e-08,2.2724305184561305e-07 0.0002871045786391862,3.62847038107824e-08,2.660084105170287e-07
11,11,0.0002472372108596339,3.1709697987730424e-08,2.274556638142854e-07 0.00028278798910714016,3.595182886920939e-08,2.661946292683705e-07
12,12,0.0002435081184388883,3.1411188710954923e-08,2.2760284870806473e-07 0.0002785247470154763,3.562176113110911e-08,2.6630407250396607e-07
13,13,0.0002398273228957255,3.1115336193393125e-08,2.2768630096746835e-07 0.000274314403904135,3.5294473123494e-08,2.663386736369634e-07
14,14,0.00023610099948769217,3.081056270085416e-08,2.27617695956038e-07 0.00027003267516602375,3.4954880805048256e-08,2.6617827100010497e-07
15,15,0.00023242489102440902,3.050859262250336e-08,2.274887362838919e-07 0.00026580672005548984,3.461827239104754e-08,2.6594692111860163e-07
16,16,0.00022879847092097078,3.020939430576677e-08,2.273011122655665e-07 0.0002616360251570734,3.428461757057609e-08,2.65646579273305e-07
17,17,0.00022522143236587835,2.991293825364657e-08,2.27056704831033e-07 0.00025752034599005465,3.395388872366444e-08,2.6527944738596275e-07
18,18,0.00022169324298613107,2.9619193056612953e-08,2.2315585168570266e-07 0.00025345915709608835,3.362605558722993e-08,2.6062390528411136e-07
19,19,0.0002178178461312317,2.9278097616561043e-08,2.189169855906453e-07 0.0002489837820730161,3.3242702224575744e-08,2.555583656102669e-07
20,20,0.0002140033759047069,2.8940600865395135e-08,2.1475128288390263e-07 0.00024457734932656035,3.286328176612301e-08,2.5058012830302895e-07
21,21,0.00021024912752446947,2.8606658136588645e-08,2.1065775386659407e-07 0.00024023917734591996,3.2487750441670215e-08,2.45688111242981e-07
22,22,0.000206554289175574,2.827622313698371e-08,2.0663530613832196e-07 0.00023596841237232834,3.211606141812775e-08,2.408810615531071e-07
23,23,0.00020291805701626135,2.7949249962519028e-08,2.0268286030011824e-07 0.00023176420708051465,3.174816817069829e-08,2.361577392712943e-07
24,24,0.00019961589106178864,2.765975998385304e-08,1.9907485701921993e-07 0.00022796955509264946,3.142492853954814e-08,2.318666295572354e-07
25,25,0.00019636137150032674,2.7373095433009936e-08,1.9552454239910457e-07 0.00022422813584365578,3.1104729317697146e-08,2.2764369618498395e-07
26,26,0.0001931539326017224,2.7089223372231097e-08,1.9203113225618846e-07 0.00022053937832227754,3.078753835343166e-08,2.2348806312008297e-07
27,27,0.00018999370973089413,2.68081175642488e-08,1.885945418493717e-07 0.00021690355455251963,3.047333197100547e-08,2.1939971131843328e-07
28,28,0.00018688010986276862,2.6529745205109403e-08,1.8521396370161997e-07 0.00021332005611225162,3.01620779209974e-08,2.153777307708182e-07
29,29,0.00018381254538966195,2.6254073731438793e-08,1.818885993764317e-07 0.00020978827864436746,2.9853744125792176e-08,2.1142122009667965e-07
30,30,0.00018079043504395085,2.5981070886269e-08,1.78617660347401e-07 0.0002063076230434286,2.9548298767727426e-08,2.0752928769993865e-07
31,31,0.00017781329518445636,2.5710706310905614e-08,1.7540045799671345e-07 0.00020287763749134795,2.9245712991289203e-08,2.0370119433235788e-07
32,32,0.00017488055045064023,2.544294811944895e-08,1.7223621637516225e-07 0.00019949772369461235,2.894595516814791e-08,1.9993605731392634e-07
33,33,0.00017199163096488036,2.5177764647772334e-08,1.691241684952796e-07 0.00019616728770591518,2.8648993828553545e-08,1.9623300276884303e-07
34,34,0.00016923198600435235,2.4926164244345613e-08,1.6614800249846462e-07 0.00019299677389637712,2.836819529200861e-08,1.9270202998662707e-07
35,35,0.00016651223518287261,2.4676978561810828e-08,1.632195038378843e-07 0.0001898709450753471,2.8090002575266257e-08,1.8922739894311938e-07
36,36,0.00016383188581753214,2.443018036493577e-08,1.6033800467387247e-07 0.00018678929584822534,2.781438903245536e-08,1.8580835726188156e-07
37,37,0.0001611915388800597,2.418575294396746e-08,1.5725354810318075e-07 0.0001837526367070107,2.754134148447891e-08,1.8217016915383534e-07
38,38,0.0001585906555197023,2.394366896238391e-08,1.5422386234766858e-07 0.00018076040324711669,2.727083294692081e-08,1.7859628342481742e-07
39,39,0.00015602870309712287,2.3703901303924173e-08,1.5124806354481474e-07 0.00017781203651926026,2.700283660776023e-08,1.7508570183600935e-07
40,40,0.0001535051551031788,2.3466423066629146e-08,1.4832528036973196e-07 0.0001749069829579267,2.673732582084065e-08,1.7163743894482027e-07
41,41,0.0001510212597387019,2.3231240549132765e-08,1.4545635735033158e-07 0.00017204677711063964,2.6474316260529432e-08,1.6825255881241437e-07
42,42,0.00014857641307701306,2.2998325757462813e-08,1.4264034538487909e-07 0.00016923077161388358,2.621377975863396e-08,1.6492997841294993e-07
43,43,0.00014617002011358969,2.276765094680208e-08,1.3987631140917146e-07 0.00016645832773934518,2.5955688359138642e-08,1.616686318088319e-07
44,44,0.00014368188097051016,2.252080862505795e-08,1.3704924606778587e-07 0.0001635796256227145,2.5677295228672648e-08,1.58323074374741e-07
45,45,0.00014123500136325632,2.227648394665253e-08,1.342768563640109e-07 0.00016074819635989725,2.5401698108435958e-08,1.5504245883909504e-07
46,46,0.00013882871459443323,2.2034644371118186e-08,1.31558126246417e-07 0.00015796330731148461,2.5128863163250677e-08,1.5182560446701375e-07
47,47,0.00013646341840215168,2.1795267893415555e-08,1.2889305332810146e-07 0.00015522551088837497,2.485877013840214e-08,1.486725711724886e-07
48,48,0.00013413841082142,2.155832207437193e-08,1.2628059500046815e-07 0.00015253402768104383,2.4591385101783994e-08,1.4558214032289282e-07
49,49,0.00013185300210097483,2.132377480769977e-08,1.2371972883222934e-07 0.00014988809102457626,2.4326674435323678e-08,1.4255311588294157e-07
50,50,0.00012960651423053282,2.1091594291962705e-08,1.2120945193769904e-07 0.00014728694646614827,2.4064604800471338e-08,1.395843236958893e-07
51,51,0.00012739961074346843,2.0861774576065466e-08,1.1875002031242091e-07 0.00014473141087959588,2.3805175801260087e-08,1.3667608361715406e-07
52,52,0.00012523156633255863,2.0634283235397628e-08,1.1634039147633555e-07 0.00014222067140781916,2.3548353146553164e-08,1.3382717097378918e-07
53,53,0.00012310166960708747,2.0409088189365173e-08,1.1397954484148417e-07 0.00013975393005081647,2.3294102880186107e-08,1.3103638594918425e-07
54,54,0.00012096529298347188,2.0178855168888422e-08,1.1162594309222065e-07 0.00013727002869537867,2.303248543234042e-08,1.282461473035948e-07
55,55,0.00011886718830718708,1.9950983760858723e-08,1.093208043434055e-07 0.0001348306664569764,2.2773547798807564e-08,1.255140638251511e-07
56,56,0.00011680664424128133,1.9725440474060072e-08,1.0695583879566178e-07 0.0001324350333325102,2.2517253805739807e-08,1.2272513552717813e-07
57,57,0.00011478396058700633,1.950220202088885e-08,1.0464196732373097e-07 0.00013008354253631936,2.2263580536243144e-08,1.1999714433894858e-07
58,58,0.00011279839933843229,1.9281235055452333e-08,1.0237806316789167e-07 0.00012777534792361698,2.2012491805819457e-08,1.1732875449839032e-07
59,59,0.00011084923776207272,1.906250658388995e-08,1.0016302524437989e-07 0.00012550962027927434,2.176395178881235e-08,1.1471865999927603e-07
60,60,0.00010893576763351642,1.884598391874928e-08,9.79957771514819e-08 0.00012328554642694118,2.1517924960982367e-08,1.1216558342351194e-07
61,61,0.00010705827573621923,1.8631654017664683e-08,9.587614496435341e-08 0.00012110347188084883,2.127440081340284e-08,1.0966931036940826e-07
62,62,0.00010521603014069265,1.8419483867548078e-08,9.380304193213288e-08 0.00011896255377421999,2.1033343271785093e-08,1.0722854943975324e-07
63,63,0.00010340831493293095,1.8209440802910146e-08,9.1775407295826e-08 0.00011686196716868922,2.079471662361659e-08,1.0484203954812887e-07
64,64,0.00010178667717264663,1.8029552937387797e-08,8.992671343771878e-08 0.0001149842862687527,2.0591381044652174e-08,1.0267229513392428e-07
65,65,0.00010019319833745167,1.7851381317094802e-08,8.811583172055121e-08 0.00011313924241427488,2.038998454906055e-08,1.0054740174771041e-07
66,66,9.86273426809622e-05,1.767490377589294e-08,8.634195328719705e-08 0.00011132622529329536,2.0190503422606342e-08,9.846640642649332e-08
67,67,9.70886230248071e-05,1.7500098774413897e-08,8.460432022445385e-08 0.00010954469655161574,1.9992914861970927e-08,9.642842985044247e-08
68,68,9.557652367577673e-05,1.7326944621204857e-08,8.290215772518696e-08 0.00010779406709933357,1.9797195630879305e-08,9.443255733959094e-08
69,69,9.409053958216297e-05,1.7155419863785074e-08,8.123470846820667e-08 0.0001060737596438843,1.9603322741072024e-08,9.247789444222215e-08
70,70,9.263017577528553e-05,1.698550325493719e-08,7.960123192429599e-08 0.00010438320803736288,1.9411273409584944e-08,9.05635661196983e-08
71,71,9.119540203213482e-05,1.681718296074974e-08,7.800139303615196e-08 0.00010272238658580892,1.9221036881521682e-08,8.868917351008482e-08
72,72,8.978572151582878e-05,1.6650437769918198e-08,7.643446000507212e-08 0.00010109072573662929,1.9032590330084786e-08,8.685385091954538e-08
73,73,8.840064792008674e-05,1.648524670194174e-08,7.489971794966337e-08 9.948766769187398e-05,1.884591117233303e-08,8.505675231710683e-08
74,74,8.704752218385389e-05,1.6323921332107853e-08,7.340306015991841e-08 9.792267601599323e-05,1.8663442661346744e-08,8.330556654067568e-08
75,75,8.571782151670807e-05,1.616417166590195e-08,7.228178645083984e-08 9.638489299064335e-05,1.8482768205063295e-08,8.199733139683135e-08
76,76,8.441109599127084e-05,1.6005979385519616e-08,7.117988659258102e-08 9.48738026587305e-05,1.830386814585904e-08,8.071180447583933e-08
77,77,8.312693723019766e-05,1.584932678267078e-08,7.009701621983393e-08 9.338895072626004e-05,1.8126723701740666e-08,7.944859929705862e-08
78,78,8.186491243372442e-05,1.569419608150936e-08,6.90328103730187e-08 9.192983962632809e-05,1.7951315790883015e-08,7.820729256637077e-08
79,79,8.062459786565112e-05,1.554056978222129e-08,6.798691173543069e-08 9.049598195913348e-05,1.777762563144978e-08,7.69874696390967e-08
80,80,7.94055784447779e-05,1.538843064058219e-08,6.695897028871753e-08 8.908690001727453e-05,1.7605634715742614e-08,7.578872411615343e-08
81,81,7.820755061857071e-05,1.523776381588298e-08,6.594873006137818e-08 8.77022482135352e-05,1.743532764682425e-08,7.461076199680497e-08
82,82,7.703011159024537e-05,1.5088552513719166e-08,6.495585139392737e-08 8.634156228069215e-05,1.7266686393258476e-08,7.345318831590489e-08
83,83,7.587286701386211e-05,1.494078021244127e-08,6.398000175307732e-08 8.50043874741986e-05,1.7099693224424935e-08,7.231561620951485e-08
84,84,7.483848702669918e-05,1.481852757489104e-08,6.310775801171533e-08 8.381694660770028e-05,1.6962933489525264e-08,7.130542696488026e-08
85,85,7.382059659354297e-05,1.4697575551136038e-08,6.224941913167962e-08 8.26484651987276e-05,1.682764479561346e-08,7.03113670624444e-08
86,86,7.281889798107282e-05,1.4577917663325962e-08,6.140473404853674e-08 8.149860566615124e-05,1.6693821025332528e-08,6.933314931247375e-08
87,87,7.183165666349203e-05,1.4459532716368791e-08,6.057224011868445e-08 8.036532369463753e-05,1.6561436760581683e-08,6.836903455858505e-08
88,88,7.08586484091438e-05,1.4342415672865158e-08,5.975174825816752e-08 7.924836834130927e-05,1.6430487594212236e-08,6.741880931663542e-08
89,89,6.989965271824705e-05,1.422656189652791e-08,5.8943072529944956e-08 7.814749266035204e-05,1.6300969571299207e-08,6.648226350289547e-08
90,90,6.895445267562359e-05,1.411196715686287e-08,5.814603001970201e-08 7.706245353522453e-05,1.6172879193985398e-08,6.55591902913057e-08
91,91,6.802197391413278e-05,1.3998609279853771e-08,5.735971476442124e-08 7.599203524832233e-05,1.6046190191322708e-08,6.46485554368076e-08
92,92,6.710204336793658e-05,1.3886485591019257e-08,5.6583980825863337e-08 7.493604414299442e-05,1.5920900877281144e-08,6.375019419025744e-08
93,93,6.619449037899918e-05,1.3775593851234834e-08,5.581868429617485e-08 7.389428911314724e-05,1.57970100612018e-08,6.286394397234219e-08
94,94,6.515268324911003e-05,1.3628882565600955e-08,5.494017759648076e-08 7.268136514077581e-05,1.5628904744452727e-08,6.183207553491646e-08
95,95,6.412720169535454e-05,1.3483606920728348e-08,5.407543748332493e-08 7.148784598320314e-05,1.546248763455113e-08,6.08167153176109e-08
1 signal Unnamed: 0 ase nli
2 0 0.00028461768874888705 0.00032501941662405775 0 3.436639817118301e-08 3.882736061781233e-08 2.1584395398371026e-07 2.530302086597507e-07
3 1 0.00028211666293476406 0.0003222815415358929 1 3.423996759499589e-08 3.8702821151814216e-08 2.1809245861954257e-07 2.5566893635970267e-07
4 2 0.0002796385058453953 0.0003195661748689714 2 3.411427963331182e-08 3.8578942925493807e-08 2.2028548201656645e-07 2.5824480514000414e-07
5 3 0.0002771829951915728 0.00031687313287901786 3 3.398932824433299e-08 3.845572130530932e-08 2.224238538437057e-07 2.607586632568943e-07
6 4 0.00027338904730863836 0.00031256877089880404 4 3.371109366484941e-08 3.8151588187974165e-08 2.2339638015421542e-07 2.6184297635783194e-07
7 5 0.0002696478418176822 0.00030832163273414217 5 3.3435235312069656e-08 3.7849896473142365e-08 2.2430128879557504e-07 2.628486532965104e-07
8 6 0.00026595862771951147 0.0003041309702107501 6 3.316172589770091e-08 3.755062053762566e-08 2.2514026889123164e-07 2.63777586129903e-07
9 7 0.0002623182345801782 0.0002999931829076906 7 3.289051654795761e-08 3.725370771318225e-08 2.2591288176837496e-07 2.646291066037263e-07
10 8 0.00025872603823298804 0.00029590766218524266 8 3.262158136113203e-08 3.695913382975532e-08 2.2662073272007013e-07 2.654050166835946e-07
11 9 0.0002548422077504841 0.00029147496378879135 9 3.231480491053109e-08 3.6620413511505286e-08 2.269632917207947e-07 2.6574345602771776e-07
12 10 0.0002510150800727548 0.0002871045786391862 10 3.201089350512762e-08 3.62847038107824e-08 2.2724305184561305e-07 2.660084105170287e-07
13 11 0.0002472372108596339 0.00028278798910714016 11 3.1709697987730424e-08 3.595182886920939e-08 2.274556638142854e-07 2.661946292683705e-07
14 12 0.0002435081184388883 0.0002785247470154763 12 3.1411188710954923e-08 3.562176113110911e-08 2.2760284870806473e-07 2.6630407250396607e-07
15 13 0.0002398273228957255 0.000274314403904135 13 3.1115336193393125e-08 3.5294473123494e-08 2.2768630096746835e-07 2.663386736369634e-07
16 14 0.00023610099948769217 0.00027003267516602375 14 3.081056270085416e-08 3.4954880805048256e-08 2.27617695956038e-07 2.6617827100010497e-07
17 15 0.00023242489102440902 0.00026580672005548984 15 3.050859262250336e-08 3.461827239104754e-08 2.274887362838919e-07 2.6594692111860163e-07
18 16 0.00022879847092097078 0.0002616360251570734 16 3.020939430576677e-08 3.428461757057609e-08 2.273011122655665e-07 2.65646579273305e-07
19 17 0.00022522143236587835 0.00025752034599005465 17 2.991293825364657e-08 3.395388872366444e-08 2.27056704831033e-07 2.6527944738596275e-07
20 18 0.00022169324298613107 0.00025345915709608835 18 2.9619193056612953e-08 3.362605558722993e-08 2.2315585168570266e-07 2.6062390528411136e-07
21 19 0.0002178178461312317 0.0002489837820730161 19 2.9278097616561043e-08 3.3242702224575744e-08 2.189169855906453e-07 2.555583656102669e-07
22 20 0.0002140033759047069 0.00024457734932656035 20 2.8940600865395135e-08 3.286328176612301e-08 2.1475128288390263e-07 2.5058012830302895e-07
23 21 0.00021024912752446947 0.00024023917734591996 21 2.8606658136588645e-08 3.2487750441670215e-08 2.1065775386659407e-07 2.45688111242981e-07
24 22 0.000206554289175574 0.00023596841237232834 22 2.827622313698371e-08 3.211606141812775e-08 2.0663530613832196e-07 2.408810615531071e-07
25 23 0.00020291805701626135 0.00023176420708051465 23 2.7949249962519028e-08 3.174816817069829e-08 2.0268286030011824e-07 2.361577392712943e-07
26 24 0.00019961589106178864 0.00022796955509264946 24 2.765975998385304e-08 3.142492853954814e-08 1.9907485701921993e-07 2.318666295572354e-07
27 25 0.00019636137150032674 0.00022422813584365578 25 2.7373095433009936e-08 3.1104729317697146e-08 1.9552454239910457e-07 2.2764369618498395e-07
28 26 0.0001931539326017224 0.00022053937832227754 26 2.7089223372231097e-08 3.078753835343166e-08 1.9203113225618846e-07 2.2348806312008297e-07
29 27 0.00018999370973089413 0.00021690355455251963 27 2.68081175642488e-08 3.047333197100547e-08 1.885945418493717e-07 2.1939971131843328e-07
30 28 0.00018688010986276862 0.00021332005611225162 28 2.6529745205109403e-08 3.01620779209974e-08 1.8521396370161997e-07 2.153777307708182e-07
31 29 0.00018381254538966195 0.00020978827864436746 29 2.6254073731438793e-08 2.9853744125792176e-08 1.818885993764317e-07 2.1142122009667965e-07
32 30 0.00018079043504395085 0.0002063076230434286 30 2.5981070886269e-08 2.9548298767727426e-08 1.78617660347401e-07 2.0752928769993865e-07
33 31 0.00017781329518445636 0.00020287763749134795 31 2.5710706310905614e-08 2.9245712991289203e-08 1.7540045799671345e-07 2.0370119433235788e-07
34 32 0.00017488055045064023 0.00019949772369461235 32 2.544294811944895e-08 2.894595516814791e-08 1.7223621637516225e-07 1.9993605731392634e-07
35 33 0.00017199163096488036 0.00019616728770591518 33 2.5177764647772334e-08 2.8648993828553545e-08 1.691241684952796e-07 1.9623300276884303e-07
36 34 0.00016923198600435235 0.00019299677389637712 34 2.4926164244345613e-08 2.836819529200861e-08 1.6614800249846462e-07 1.9270202998662707e-07
37 35 0.00016651223518287261 0.0001898709450753471 35 2.4676978561810828e-08 2.8090002575266257e-08 1.632195038378843e-07 1.8922739894311938e-07
38 36 0.00016383188581753214 0.00018678929584822534 36 2.443018036493577e-08 2.781438903245536e-08 1.6033800467387247e-07 1.8580835726188156e-07
39 37 0.0001611915388800597 0.0001837526367070107 37 2.418575294396746e-08 2.754134148447891e-08 1.5725354810318075e-07 1.8217016915383534e-07
40 38 0.0001585906555197023 0.00018076040324711669 38 2.394366896238391e-08 2.727083294692081e-08 1.5422386234766858e-07 1.7859628342481742e-07
41 39 0.00015602870309712287 0.00017781203651926026 39 2.3703901303924173e-08 2.700283660776023e-08 1.5124806354481474e-07 1.7508570183600935e-07
42 40 0.0001535051551031788 0.0001749069829579267 40 2.3466423066629146e-08 2.673732582084065e-08 1.4832528036973196e-07 1.7163743894482027e-07
43 41 0.0001510212597387019 0.00017204677711063964 41 2.3231240549132765e-08 2.6474316260529432e-08 1.4545635735033158e-07 1.6825255881241437e-07
44 42 0.00014857641307701306 0.00016923077161388358 42 2.2998325757462813e-08 2.621377975863396e-08 1.4264034538487909e-07 1.6492997841294993e-07
45 43 0.00014617002011358969 0.00016645832773934518 43 2.276765094680208e-08 2.5955688359138642e-08 1.3987631140917146e-07 1.616686318088319e-07
46 44 0.00014368188097051016 0.0001635796256227145 44 2.252080862505795e-08 2.5677295228672648e-08 1.3704924606778587e-07 1.58323074374741e-07
47 45 0.00014123500136325632 0.00016074819635989725 45 2.227648394665253e-08 2.5401698108435958e-08 1.342768563640109e-07 1.5504245883909504e-07
48 46 0.00013882871459443323 0.00015796330731148461 46 2.2034644371118186e-08 2.5128863163250677e-08 1.31558126246417e-07 1.5182560446701375e-07
49 47 0.00013646341840215168 0.00015522551088837497 47 2.1795267893415555e-08 2.485877013840214e-08 1.2889305332810146e-07 1.486725711724886e-07
50 48 0.00013413841082142 0.00015253402768104383 48 2.155832207437193e-08 2.4591385101783994e-08 1.2628059500046815e-07 1.4558214032289282e-07
51 49 0.00013185300210097483 0.00014988809102457626 49 2.132377480769977e-08 2.4326674435323678e-08 1.2371972883222934e-07 1.4255311588294157e-07
52 50 0.00012960651423053282 0.00014728694646614827 50 2.1091594291962705e-08 2.4064604800471338e-08 1.2120945193769904e-07 1.395843236958893e-07
53 51 0.00012739961074346843 0.00014473141087959588 51 2.0861774576065466e-08 2.3805175801260087e-08 1.1875002031242091e-07 1.3667608361715406e-07
54 52 0.00012523156633255863 0.00014222067140781916 52 2.0634283235397628e-08 2.3548353146553164e-08 1.1634039147633555e-07 1.3382717097378918e-07
55 53 0.00012310166960708747 0.00013975393005081647 53 2.0409088189365173e-08 2.3294102880186107e-08 1.1397954484148417e-07 1.3103638594918425e-07
56 54 0.00012096529298347188 0.00013727002869537867 54 2.0178855168888422e-08 2.303248543234042e-08 1.1162594309222065e-07 1.282461473035948e-07
57 55 0.00011886718830718708 0.0001348306664569764 55 1.9950983760858723e-08 2.2773547798807564e-08 1.093208043434055e-07 1.255140638251511e-07
58 56 0.00011680664424128133 0.0001324350333325102 56 1.9725440474060072e-08 2.2517253805739807e-08 1.0695583879566178e-07 1.2272513552717813e-07
59 57 0.00011478396058700633 0.00013008354253631936 57 1.950220202088885e-08 2.2263580536243144e-08 1.0464196732373097e-07 1.1999714433894858e-07
60 58 0.00011279839933843229 0.00012777534792361698 58 1.9281235055452333e-08 2.2012491805819457e-08 1.0237806316789167e-07 1.1732875449839032e-07
61 59 0.00011084923776207272 0.00012550962027927434 59 1.906250658388995e-08 2.176395178881235e-08 1.0016302524437989e-07 1.1471865999927603e-07
62 60 0.00010893576763351642 0.00012328554642694118 60 1.884598391874928e-08 2.1517924960982367e-08 9.79957771514819e-08 1.1216558342351194e-07
63 61 0.00010705827573621923 0.00012110347188084883 61 1.8631654017664683e-08 2.127440081340284e-08 9.587614496435341e-08 1.0966931036940826e-07
64 62 0.00010521603014069265 0.00011896255377421999 62 1.8419483867548078e-08 2.1033343271785093e-08 9.380304193213288e-08 1.0722854943975324e-07
65 63 0.00010340831493293095 0.00011686196716868922 63 1.8209440802910146e-08 2.079471662361659e-08 9.1775407295826e-08 1.0484203954812887e-07
66 64 0.00010178667717264663 0.0001149842862687527 64 1.8029552937387797e-08 2.0591381044652174e-08 8.992671343771878e-08 1.0267229513392428e-07
67 65 0.00010019319833745167 0.00011313924241427488 65 1.7851381317094802e-08 2.038998454906055e-08 8.811583172055121e-08 1.0054740174771041e-07
68 66 9.86273426809622e-05 0.00011132622529329536 66 1.767490377589294e-08 2.0190503422606342e-08 8.634195328719705e-08 9.846640642649332e-08
69 67 9.70886230248071e-05 0.00010954469655161574 67 1.7500098774413897e-08 1.9992914861970927e-08 8.460432022445385e-08 9.642842985044247e-08
70 68 9.557652367577673e-05 0.00010779406709933357 68 1.7326944621204857e-08 1.9797195630879305e-08 8.290215772518696e-08 9.443255733959094e-08
71 69 9.409053958216297e-05 0.0001060737596438843 69 1.7155419863785074e-08 1.9603322741072024e-08 8.123470846820667e-08 9.247789444222215e-08
72 70 9.263017577528553e-05 0.00010438320803736288 70 1.698550325493719e-08 1.9411273409584944e-08 7.960123192429599e-08 9.05635661196983e-08
73 71 9.119540203213482e-05 0.00010272238658580892 71 1.681718296074974e-08 1.9221036881521682e-08 7.800139303615196e-08 8.868917351008482e-08
74 72 8.978572151582878e-05 0.00010109072573662929 72 1.6650437769918198e-08 1.9032590330084786e-08 7.643446000507212e-08 8.685385091954538e-08
75 73 8.840064792008674e-05 9.948766769187398e-05 73 1.648524670194174e-08 1.884591117233303e-08 7.489971794966337e-08 8.505675231710683e-08
76 74 8.704752218385389e-05 9.792267601599323e-05 74 1.6323921332107853e-08 1.8663442661346744e-08 7.340306015991841e-08 8.330556654067568e-08
77 75 8.571782151670807e-05 9.638489299064335e-05 75 1.616417166590195e-08 1.8482768205063295e-08 7.228178645083984e-08 8.199733139683135e-08
78 76 8.441109599127084e-05 9.48738026587305e-05 76 1.6005979385519616e-08 1.830386814585904e-08 7.117988659258102e-08 8.071180447583933e-08
79 77 8.312693723019766e-05 9.338895072626004e-05 77 1.584932678267078e-08 1.8126723701740666e-08 7.009701621983393e-08 7.944859929705862e-08
80 78 8.186491243372442e-05 9.192983962632809e-05 78 1.569419608150936e-08 1.7951315790883015e-08 6.90328103730187e-08 7.820729256637077e-08
81 79 8.062459786565112e-05 9.049598195913348e-05 79 1.554056978222129e-08 1.777762563144978e-08 6.798691173543069e-08 7.69874696390967e-08
82 80 7.94055784447779e-05 8.908690001727453e-05 80 1.538843064058219e-08 1.7605634715742614e-08 6.695897028871753e-08 7.578872411615343e-08
83 81 7.820755061857071e-05 8.77022482135352e-05 81 1.523776381588298e-08 1.743532764682425e-08 6.594873006137818e-08 7.461076199680497e-08
84 82 7.703011159024537e-05 8.634156228069215e-05 82 1.5088552513719166e-08 1.7266686393258476e-08 6.495585139392737e-08 7.345318831590489e-08
85 83 7.587286701386211e-05 8.50043874741986e-05 83 1.494078021244127e-08 1.7099693224424935e-08 6.398000175307732e-08 7.231561620951485e-08
86 84 7.483848702669918e-05 8.381694660770028e-05 84 1.481852757489104e-08 1.6962933489525264e-08 6.310775801171533e-08 7.130542696488026e-08
87 85 7.382059659354297e-05 8.26484651987276e-05 85 1.4697575551136038e-08 1.682764479561346e-08 6.224941913167962e-08 7.03113670624444e-08
88 86 7.281889798107282e-05 8.149860566615124e-05 86 1.4577917663325962e-08 1.6693821025332528e-08 6.140473404853674e-08 6.933314931247375e-08
89 87 7.183165666349203e-05 8.036532369463753e-05 87 1.4459532716368791e-08 1.6561436760581683e-08 6.057224011868445e-08 6.836903455858505e-08
90 88 7.08586484091438e-05 7.924836834130927e-05 88 1.4342415672865158e-08 1.6430487594212236e-08 5.975174825816752e-08 6.741880931663542e-08
91 89 6.989965271824705e-05 7.814749266035204e-05 89 1.422656189652791e-08 1.6300969571299207e-08 5.8943072529944956e-08 6.648226350289547e-08
92 90 6.895445267562359e-05 7.706245353522453e-05 90 1.411196715686287e-08 1.6172879193985398e-08 5.814603001970201e-08 6.55591902913057e-08
93 91 6.802197391413278e-05 7.599203524832233e-05 91 1.3998609279853771e-08 1.6046190191322708e-08 5.735971476442124e-08 6.46485554368076e-08
94 92 6.710204336793658e-05 7.493604414299442e-05 92 1.3886485591019257e-08 1.5920900877281144e-08 5.6583980825863337e-08 6.375019419025744e-08
95 93 6.619449037899918e-05 7.389428911314724e-05 93 1.3775593851234834e-08 1.57970100612018e-08 5.581868429617485e-08 6.286394397234219e-08
96 94 6.515268324911003e-05 7.268136514077581e-05 94 1.3628882565600955e-08 1.5628904744452727e-08 5.494017759648076e-08 6.183207553491646e-08
97 95 6.412720169535454e-05 7.148784598320314e-05 95 1.3483606920728348e-08 1.546248763455113e-08 5.407543748332493e-08 6.08167153176109e-08

View File

@@ -1,5 +1,5 @@
INFO gnpy.tools.cli_examples:cli_examples.py:326 Computing path requests meshTopologyExampleV2.xls into JSON format INFO gnpy.tools.cli_examples:cli_examples.py:326 Computing path requests meshTopologyExampleV2.xls into JSON format
INFO gnpy.tools.json_io:json_io.py:548 Automatically converting requests from XLS to JSON INFO gnpy.tools.json_io:json_io.py:554 Automatically converting requests from XLS to JSON
INFO gnpy.topology.request:request.py:1104 INFO gnpy.topology.request:request.py:1104
request 0 request 0
Computing path from trx Lorient_KMA to trx Vannes_KBE Computing path from trx Lorient_KMA to trx Vannes_KBE

View File

@@ -23,18 +23,18 @@ RamanFiber Span1
total loss (dB): 17.00 total loss (dB): 17.00
(includes conn loss (dB) in: 0.50 out: 0.50) (includes conn loss (dB) in: 0.50 out: 0.50)
(conn loss out includes EOL margin defined in eqpt_config.json) (conn loss out includes EOL margin defined in eqpt_config.json)
reference pch out (dBm): -7.77 reference pch out (dBm): -7.20
actual pch out (dBm): -8.03 actual pch out (dBm): -7.47
Fused Fused1 Fused Fused1
loss (dB): 0.00 loss (dB): 0.00
Edfa Edfa1 Edfa Edfa1
type_variety: std_low_gain type_variety: std_low_gain
effective gain(dB): 5.77 effective gain(dB): 5.20
(before att_in and before output VOA) (before att_in and before output VOA)
noise figure (dB): 13.23 noise figure (dB): 13.80
(including att_in) (including att_in)
pad att_in (dB): 2.23 pad att_in (dB): 2.80
Power In (dBm): 11.04 Power In (dBm): 11.61
Power Out (dBm): 16.81 Power Out (dBm): 16.81
Delta_P (dB): -2.00 Delta_P (dB): -2.00
target pch (dBm): -2.00 target pch (dBm): -2.00
@@ -42,8 +42,8 @@ Edfa Edfa1
actual pch out (dBm): -2.26 actual pch out (dBm): -2.26
output VOA (dB): 0.00 output VOA (dB): 0.00
Transceiver Site_B Transceiver Site_B
GSNR (0.1nm, dB): 31.44 GSNR (0.1nm, dB): 31.40
GSNR (signal bw, dB): 27.36 GSNR (signal bw, dB): 27.32
OSNR ASE (0.1nm, dB): 34.21 OSNR ASE (0.1nm, dB): 34.21
OSNR ASE (signal bw, dB): 30.13 OSNR ASE (signal bw, dB): 30.13
CD (ps/nm): 1336.00 CD (ps/nm): 1336.00
@@ -52,86 +52,86 @@ Transceiver Site_B
Latency (ms): 0.39 Latency (ms): 0.39
Transmission result for input power = 0.00 dBm: Transmission result for input power = 0.00 dBm:
Final GSNR (0.1 nm): 31.44 dB Final GSNR (0.1 nm): 31.40 dB
The GSNR per channel at the end of the line is: The GSNR per channel at the end of the line is:
Ch. # Channel frequency (THz) Channel power (dBm) OSNR ASE (signal bw, dB) SNR NLI (signal bw, dB) GSNR (signal bw, dB) Ch. # Channel frequency (THz) Channel power (dBm) OSNR ASE (signal bw, dB) SNR NLI (signal bw, dB) GSNR (signal bw, dB)
1 191.35000 0.21 31.62 31.43 28.52 1 191.35000 0.22 31.64 31.32 28.46
2 191.40000 0.17 31.60 31.35 28.46 2 191.40000 0.18 31.62 31.23 28.41
3 191.45000 0.13 31.58 31.26 28.41 3 191.45000 0.15 31.60 31.15 28.36
4 191.50000 0.09 31.56 31.18 28.36 4 191.50000 0.11 31.58 31.07 28.31
5 191.55000 0.03 31.53 31.10 28.30 5 191.55000 0.05 31.54 30.99 28.25
6 191.60000 -0.02 31.50 31.02 28.24 6 191.60000 -0.01 31.51 30.92 28.19
7 191.65000 -0.08 31.46 30.94 28.19 7 191.65000 -0.07 31.48 30.84 28.14
8 191.70000 -0.14 31.43 30.87 28.13 8 191.70000 -0.12 31.45 30.76 28.08
9 191.75000 -0.20 31.40 30.79 28.08 9 191.75000 -0.18 31.42 30.69 28.03
10 191.80000 -0.27 31.37 30.72 28.02 10 191.80000 -0.25 31.38 30.62 27.97
11 191.85000 -0.33 31.33 30.65 27.97 11 191.85000 -0.31 31.35 30.55 27.92
12 191.90000 -0.40 31.29 30.58 27.91 12 191.90000 -0.38 31.31 30.48 27.86
13 191.95000 -0.46 31.26 30.51 27.86 13 191.95000 -0.44 31.27 30.41 27.81
14 192.00000 -0.53 31.22 30.44 27.80 14 192.00000 -0.51 31.24 30.34 27.76
15 192.05000 -0.59 31.18 30.37 27.75 15 192.05000 -0.58 31.20 30.27 27.70
16 192.10000 -0.66 31.15 30.30 27.69 16 192.10000 -0.64 31.16 30.21 27.65
17 192.15000 -0.73 31.11 30.24 27.64 17 192.15000 -0.71 31.12 30.14 27.60
18 192.20000 -0.80 31.07 30.17 27.59 18 192.20000 -0.78 31.08 30.08 27.54
19 192.25000 -0.86 31.03 30.18 27.57 19 192.25000 -0.85 31.04 30.09 27.53
20 192.30000 -0.94 30.99 30.19 27.56 20 192.30000 -0.93 31.00 30.10 27.52
21 192.35000 -1.02 30.94 30.20 27.54 21 192.35000 -1.00 30.96 30.11 27.50
22 192.40000 -1.09 30.90 30.20 27.53 22 192.40000 -1.08 30.91 30.12 27.49
23 192.45000 -1.17 30.86 30.21 27.51 23 192.45000 -1.16 30.87 30.12 27.47
24 192.50000 -1.24 30.81 30.22 27.50 24 192.50000 -1.23 30.82 30.13 27.45
25 192.55000 -1.31 30.77 30.23 27.48 25 192.55000 -1.30 30.78 30.14 27.44
26 192.60000 -1.38 30.73 30.23 27.46 26 192.60000 -1.37 30.74 30.15 27.42
27 192.65000 -1.45 30.69 30.24 27.45 27 192.65000 -1.44 30.70 30.16 27.41
28 192.70000 -1.52 30.65 30.25 27.43 28 192.70000 -1.52 30.65 30.17 27.39
29 192.75000 -1.59 30.60 30.26 27.42 29 192.75000 -1.59 30.61 30.18 27.38
30 192.80000 -1.67 30.56 30.27 27.40 30 192.80000 -1.66 30.57 30.19 27.36
31 192.85000 -1.74 30.52 30.27 27.38 31 192.85000 -1.73 30.52 30.20 27.35
32 192.90000 -1.81 30.47 30.28 27.37 32 192.90000 -1.80 30.48 30.20 27.33
33 192.95000 -1.88 30.43 30.29 27.35 33 192.95000 -1.87 30.43 30.21 27.31
34 193.00000 -1.95 30.39 30.30 27.33 34 193.00000 -1.94 30.39 30.22 27.30
35 193.05000 -2.02 30.34 30.30 27.31 35 193.05000 -2.01 30.35 30.23 27.28
36 193.10000 -2.08 30.30 30.31 27.30 36 193.10000 -2.08 30.30 30.24 27.26
37 193.15000 -2.15 30.26 30.32 27.28 37 193.15000 -2.15 30.26 30.25 27.24
38 193.20000 -2.22 30.21 30.34 27.26 38 193.20000 -2.22 30.22 30.27 27.23
39 193.25000 -2.29 30.17 30.36 27.25 39 193.25000 -2.29 30.17 30.29 27.22
40 193.30000 -2.36 30.13 30.37 27.24 40 193.30000 -2.36 30.13 30.31 27.20
41 193.35000 -2.43 30.08 30.39 27.22 41 193.35000 -2.43 30.08 30.32 27.19
42 193.40000 -2.50 30.04 30.41 27.21 42 193.40000 -2.50 30.04 30.34 27.18
43 193.45000 -2.56 29.99 30.43 27.19 43 193.45000 -2.56 29.99 30.36 27.16
44 193.50000 -2.63 29.95 30.44 27.18 44 193.50000 -2.63 29.95 30.38 27.15
45 193.55000 -2.70 29.90 30.46 27.16 45 193.55000 -2.71 29.90 30.40 27.13
46 193.60000 -2.78 29.85 30.48 27.15 46 193.60000 -2.78 29.85 30.42 27.11
47 193.65000 -2.85 29.80 30.50 27.13 47 193.65000 -2.85 29.80 30.44 27.10
48 193.70000 -2.92 29.76 30.52 27.11 48 193.70000 -2.93 29.75 30.46 27.08
49 193.75000 -2.99 29.71 30.54 27.09 49 193.75000 -3.00 29.70 30.48 27.06
50 193.80000 -3.06 29.66 30.55 27.07 50 193.80000 -3.07 29.65 30.50 27.04
51 193.85000 -3.14 29.61 30.57 27.06 51 193.85000 -3.15 29.60 30.51 27.02
52 193.90000 -3.21 29.56 30.59 27.04 52 193.90000 -3.22 29.55 30.53 27.01
53 193.95000 -3.28 29.52 30.61 27.02 53 193.95000 -3.29 29.50 30.55 26.99
54 194.00000 -3.35 29.47 30.63 27.00 54 194.00000 -3.37 29.45 30.57 26.97
55 194.05000 -3.42 29.42 30.65 26.98 55 194.05000 -3.44 29.40 30.59 26.95
56 194.10000 -3.50 29.37 30.67 26.96 56 194.10000 -3.52 29.35 30.61 26.93
57 194.15000 -3.57 29.32 30.72 26.95 57 194.15000 -3.59 29.30 30.67 26.92
58 194.20000 -3.64 29.26 30.78 26.95 58 194.20000 -3.66 29.25 30.73 26.91
59 194.25000 -3.72 29.21 30.84 26.94 59 194.25000 -3.74 29.19 30.79 26.91
60 194.30000 -3.79 29.16 30.90 26.94 60 194.30000 -3.81 29.14 30.85 26.90
61 194.35000 -3.86 29.11 30.96 26.93 61 194.35000 -3.89 29.09 30.91 26.89
62 194.40000 -3.93 29.06 31.02 26.92 62 194.40000 -3.96 29.04 30.97 26.89
63 194.45000 -4.01 29.01 31.09 26.91 63 194.45000 -4.04 28.98 31.03 26.88
64 194.50000 -4.08 28.96 31.15 26.91 64 194.50000 -4.11 28.93 31.10 26.87
65 194.55000 -4.14 28.91 31.21 26.90 65 194.55000 -4.18 28.88 31.16 26.86
66 194.60000 -4.21 28.86 31.28 26.90 66 194.60000 -4.25 28.83 31.23 26.86
67 194.65000 -4.27 28.82 31.34 26.89 67 194.65000 -4.31 28.78 31.30 26.85
68 194.70000 -4.34 28.77 31.41 26.88 68 194.70000 -4.38 28.74 31.36 26.84
69 194.75000 -4.41 28.72 31.48 26.88 69 194.75000 -4.45 28.69 31.43 26.84
70 194.80000 -4.47 28.67 31.55 26.87 70 194.80000 -4.51 28.64 31.50 26.83
71 194.85000 -4.54 28.63 31.62 26.86 71 194.85000 -4.58 28.59 31.57 26.82
72 194.90000 -4.60 28.58 31.69 26.85 72 194.90000 -4.65 28.54 31.64 26.81
73 194.95000 -4.67 28.53 31.76 26.84 73 194.95000 -4.71 28.49 31.72 26.80
74 195.00000 -4.73 28.48 31.84 26.83 74 195.00000 -4.78 28.44 31.79 26.79
75 195.05000 -4.80 28.43 31.91 26.82 75 195.05000 -4.85 28.39 31.87 26.78
76 195.10000 -4.86 28.38 31.91 26.79 76 195.10000 -4.91 28.34 31.87 26.74
(No source node specified: picked Site_A) (No source node specified: picked Site_A)

View File

@@ -6,7 +6,13 @@ Checks that the class SimParams behaves as a mutable Singleton.
""" """
import pytest import pytest
from gnpy.core.parameters import SimParams from pathlib import Path
from numpy.testing import assert_allclose
from gnpy.core.parameters import SimParams, FiberParams
from gnpy.tools.json_io import load_json, Fiber
TEST_DIR = Path(__file__).parent
@pytest.mark.usefixtures('set_sim_params') @pytest.mark.usefixtures('set_sim_params')
@@ -21,3 +27,30 @@ def test_sim_parameters():
SimParams.set_params(sim_params) SimParams.set_params(sim_params)
assert s2.raman_params.flag assert s2.raman_params.flag
assert s1.raman_params.flag assert s1.raman_params.flag
def test_fiber_parameters():
fiber_dict_explicit_g0 = load_json(TEST_DIR/'data'/'test_parameters_fiber_config.json')['params']
fiber_params_explicit_g0 = FiberParams(**fiber_dict_explicit_g0)
fiber_dict_default_g0 = load_json(TEST_DIR/'data'/'test_science_utils_fiber_config.json')['params']
fiber_params_default_g0 = FiberParams(**fiber_dict_default_g0)
fiber_dict_cr = load_json(TEST_DIR/'data'/'test_old_parameters_fiber_config.json')['params']
fiber_dict_cr.update(Fiber(**fiber_dict_cr).__dict__)
fiber_params_cr = FiberParams(**fiber_dict_cr)
raman_coefficient_explicit_g0 = fiber_params_explicit_g0.raman_coefficient
raman_coefficient_explicit_g0 =\
raman_coefficient_explicit_g0.normalized_gamma_raman * fiber_params_explicit_g0._raman_reference_frequency
raman_coefficient_default_g0 = fiber_params_default_g0.raman_coefficient
raman_coefficient_default_g0 = \
raman_coefficient_default_g0.normalized_gamma_raman * fiber_params_default_g0._raman_reference_frequency
raman_coefficient_cr = fiber_params_cr.raman_coefficient
raman_coefficient_cr = \
raman_coefficient_cr.normalized_gamma_raman * fiber_params_cr._raman_reference_frequency
assert_allclose(raman_coefficient_explicit_g0, raman_coefficient_default_g0, rtol=1e-10)
assert_allclose(raman_coefficient_explicit_g0, raman_coefficient_cr, rtol=1e-10)

View File

@@ -30,7 +30,8 @@ def test_fiber():
# fix grid spectral information generation # fix grid spectral information generation
spectral_info_input = create_input_spectral_information(f_min=191.3e12, f_max=196.1e12, roll_off=0.15, spectral_info_input = create_input_spectral_information(f_min=191.3e12, f_max=196.1e12, roll_off=0.15,
baud_rate=32e9, power=1e-3, spacing=50e9, tx_osnr=40.0, baud_rate=32e9, power=1e-3, spacing=50e9, tx_osnr=40.0,
ref_carrier=ReferenceCarrier(baud_rate=32e9, slot_width=50e9)) ref_carrier=
ReferenceCarrier(baud_rate=32e9, slot_width=50e9))
# propagation # propagation
spectral_info_out = fiber(spectral_info_input) spectral_info_out = fiber(spectral_info_input)
@@ -108,7 +109,8 @@ def test_fiber_lumped_losses_srs(set_sim_params):
# spectral information generation # spectral information generation
spectral_info_input = create_input_spectral_information(f_min=191.3e12, f_max=196.1e12, roll_off=0.15, spectral_info_input = create_input_spectral_information(f_min=191.3e12, f_max=196.1e12, roll_off=0.15,
baud_rate=32e9, power=1e-3, spacing=50e9, tx_osnr=40.0, baud_rate=32e9, power=1e-3, spacing=50e9, tx_osnr=40.0,
ref_carrier=ReferenceCarrier(baud_rate=32e9, slot_width=50e9)) ref_carrier=
ReferenceCarrier(baud_rate=32e9, slot_width=50e9))
SimParams.set_params(load_json(TEST_DIR / 'data' / 'sim_params.json')) SimParams.set_params(load_json(TEST_DIR / 'data' / 'sim_params.json'))
fiber = Fiber(**load_json(TEST_DIR / 'data' / 'test_lumped_losses_raman_fiber_config.json')) fiber = Fiber(**load_json(TEST_DIR / 'data' / 'test_lumped_losses_raman_fiber_config.json'))