Skip to content
......@@ -32,8 +32,9 @@
import numpy as np
from pyaudio3dtools import EFAP, spatialaudioformat
from pyaudio3dtools.constants import *
from pyaudio3dtools.quaternions.functions import Quat2RotMat
from pyaudio3dtools.quaternions.functions import Quat2RotMat, rotateAziEle
#########################################################################
# Helper functions used by Ruedenberg,
......@@ -219,7 +220,7 @@ def rotateHOA(x: np.ndarray, trajectory: str) -> np.ndarray:
sig_len = x.shape[0]
sig_dim = x.shape[1]
frame_len = (IVAS_FRAME_LEN_MS // 4) * 48000
frame_len = (IVAS_FRAME_LEN_MS // 4) * 48
N_frames = int(sig_len / frame_len)
if sig_dim not in [4, 9, 16]:
......@@ -227,8 +228,9 @@ def rotateHOA(x: np.ndarray, trajectory: str) -> np.ndarray:
y = np.zeros([sig_len, sig_dim])
a = np.linspace(0, 1.0, frame_len, endpoint=False)[:, np.newaxis]
b = 1.0 - a
fade_in = np.arange(frame_len) / (frame_len - 1)
fade_in = fade_in[:, np.newaxis]
fade_out = 1.0 - fade_in
R = np.eye(sig_dim)
R_old = np.eye(sig_dim)
......@@ -237,15 +239,110 @@ def rotateHOA(x: np.ndarray, trajectory: str) -> np.ndarray:
i1 = i_frame * frame_len
i2 = (i_frame + 1) * frame_len
q1 = trj_data[i_frame % trj_frames, 1:]
q1 = trj_data[i_frame % trj_frames, :]
R_r = Quat2RotMat(q1)
R[:, :] = SHrotmatgen(R_r, order=int(np.sqrt(sig_dim)) - 1)
frame_in = x[i1:i2, :]
frame_out = y[i1:i2, :]
frame_out[:, :] = (frame_in @ R_old.T) * b + (frame_in @ R.T) * a
frame_out[:, :] = (fade_in * frame_in @ R.T) + (fade_out * frame_in @ R_old.T)
R_old[:, :] = R.copy()
return y
def rotateISM(
azi: np.ndarray,
ele: np.ndarray,
trajectory: str = None,
) -> tuple:
if trajectory is None:
return azi, ele
trj_data = np.genfromtxt(trajectory, delimiter=",")
trj_frames = trj_data.shape[0]
N_frames = azi.shape[0]
if ele.shape[0] != azi.shape[0]:
raise ValueError("Inconsistent input in azi and ele")
azi_rot = np.zeros([N_frames])
ele_rot = np.zeros([N_frames])
for i_frame in range(N_frames):
q = trj_data[i_frame % trj_frames, :]
azi_rot[i_frame], ele_rot[i_frame] = rotateAziEle(
azi[i_frame], ele[i_frame], Quat2RotMat(q)
)
return azi_rot, ele_rot
def rotateMC(x: np.ndarray, trajectory: str, layout: spatialaudioformat) -> np.ndarray:
"""Rotate MC signal by applying a rotation matrix calculated from the current quaternion
in each subframe
Parameters:
----------
x: np.ndarray
input multichannel signal
trajectory: str
path to trajectory file
Returns:
----------
y: np.ndarray
rotated multichannel signal
"""
# TODO needs optimization, currently slow
trj_data = np.genfromtxt(trajectory, delimiter=",")
trj_frames = trj_data.shape[0]
sig_len = x.shape[0]
sig_dim = x.shape[1]
frame_len = (IVAS_FRAME_LEN_MS // 4) * 48
N_frames = int(sig_len / frame_len)
y = np.zeros([sig_len, sig_dim])
# TODO LFE handling here
panner = EFAP.EFAP(layout.ls_azi, layout.ls_ele)
fade_in = np.arange(frame_len) / (frame_len - 1)
fade_in = fade_in[:, np.newaxis]
fade_out = 1.0 - fade_in
R = np.eye(layout.nchannels)
R_old = np.eye(layout.nchannels)
for i_frame in range(N_frames):
start = i_frame * frame_len
end = (i_frame + 1) * frame_len
q = trj_data[i_frame % trj_frames, :]
rotated_pos = np.array(
[
rotateAziEle(a, e, Quat2RotMat(q))
for a, e in zip(layout.ls_azi, layout.ls_ele)
]
).astype(
np.int16
) # TODO tmu for alignment with IVAS
R = panner.pan(rotated_pos[:, 0], rotated_pos[:, 1])
R[:, layout.lfe_index] = np.zeros([layout.nchannels, 1])
R[layout.lfe_index, layout.lfe_index] = 1
frame_in = x[start:end, :]
frame_out = y[start:end, :]
frame_out[:, :] = (fade_in * frame_in @ R) + (fade_out * frame_in @ R_old)
R_old = R.copy()
return y
......@@ -32,6 +32,7 @@
import logging
import os
import warnings
from typing import Optional, Tuple
import numpy as np
......@@ -42,6 +43,7 @@ from pyaudio3dtools import (
audiofile,
binauralrenderer,
hoadecoder,
masarenderer,
spatialaudioformat,
spatialmetadata,
)
......@@ -59,7 +61,6 @@ def spatial_audio_convert(
in_fs: Optional[int] = None,
in_nchans: Optional[int] = None,
in_meta_files: Optional[list] = None,
in_ls_layout_file: Optional[str] = None,
out_format: Optional[str] = None,
out_fs: Optional[int] = None,
out_fc: Optional[int] = None,
......@@ -68,7 +69,7 @@ def spatial_audio_convert(
limit_output: Optional[bool] = False,
cut_preamble_s: Optional[int] = None,
trajectory: Optional[str] = None,
bin_rend_include_LFE: Optional[bool] = False,
bin_rend_include_LFE: Optional[bool] = True,
bin_rend_LFE_gain: Optional[float] = 10 ** (5.5 / 20),
binaural_dataset: Optional[str] = "orange53",
) -> Tuple[np.ndarray, int]:
......@@ -88,8 +89,6 @@ def spatial_audio_convert(
input sampling frequency
in_nchans: Optional[int]
input number of channels (deduced for .wav)
in_ls_layout_file: Optional[str]
input loudspeaker layout file
out_format: Optional[str]
output spatial audio format
......@@ -122,99 +121,98 @@ def spatial_audio_convert(
Returns
-------
out_spfmt.name: str
output spatial audio format name
out_sig : np.ndarray
output signal
out_fs : int
output sampling frequency
"""
""" get spatial input and audio format configurations """
if in_format is None:
if in_nchans is not None:
in_format = spatialaudioformat.Format.detect_format(in_nchans)
in_spfmt = spatialaudioformat.Format(in_format)
logger.info(f" Input spatial audio format detected: {in_format}")
else:
logger.info(f" Input spatial audio format: {in_format}")
in_spfmt = spatialaudioformat.Format(in_format)
if out_format is None:
out_format = in_format
logger.info(
f" Output spatial audio format not specified, defaulting to pass-through: {out_format}"
)
out_spfmt = spatialaudioformat.Format(out_format)
""" read input file """
# Input is either waveform file (.pcm or .wav) or iis metadata (.txt)
_, input_ext = os.path.splitext(os.path.basename(in_file))
""" read input file """
if input_ext == ".pcm":
if in_fs is None:
if out_fs is not None:
if out_fs:
in_fs = out_fs
else:
raise Exception("Input and output fs not defined.")
raise ValueError("Input and output fs not defined.")
if in_nchans is None:
if in_format is not None:
in_spfmt = spatialaudioformat.Format(
in_format=in_format, ls_layout_file=in_ls_layout_file
)
if in_spfmt is not None:
in_nchans = in_spfmt.nchannels
elif out_format is not None:
out_spfmt = spatialaudioformat.Format(in_format=out_format)
in_nchans = out_spfmt.nchannels
else:
raise Exception(
"Number if input channels not defined and can't be deduced."
raise ValueError(
"Number of input channels not defined and can't be deduced."
)
in_sig, in_fs = audiofile.readfile(in_file, fs=in_fs, nchannels=in_nchans)
elif input_ext == ".wav":
in_sig, in_fs = audiofile.readfile(in_file)
if in_format is not None:
in_spfmt = spatialaudioformat.Format(
in_format=in_format, ls_layout_file=in_ls_layout_file
)
if in_format is None:
in_format = spatialaudioformat.Format.detect_format(in_sig.shape[1])
in_spfmt = spatialaudioformat.Format(in_format)
# Adjust number of channels if case of HOA, zeroed vert channels if planar
if in_spfmt.ambi_order > 0:
in_sig = audioarray.convert(in_sig, out_nchans=in_spfmt.nchannels)
elif input_ext == ".txt":
metadata_obj = spatialmetadata.Metadata(in_file, audio_fs=in_fs)
in_sig, in_fs = metadata_obj.get_audio_array()
if in_format != "META":
if in_spfmt.name != "META":
logger.info(
f" {in_format} specified with .txt input file: overriding to META format"
f" {in_spfmt.name} specified with .txt input file: overriding to META format"
)
in_format = "META"
in_spfmt = spatialaudioformat.Format(in_format)
else:
raise Exception(f"Not supported file {input_ext}")
_, in_nchans = in_sig.shape
""" attempt to detect input format if not specified """
if in_format is None:
in_format = spatialaudioformat.Format.detect_format(in_nchans)
logger.info(f" Input spatial audio format detected: {in_format}")
else:
logger.info(f" Input spatial audio format: {in_format}")
""" convert metadata based formats directly to output format """
if in_format.startswith("META") or in_format.startswith("ISM"):
if out_format is None:
""" convert metadata based formats (ISM / META) directly to output format """
if in_spfmt.name.startswith("META") or in_spfmt.name.startswith("ISM"):
if out_spfmt.name.startswith("META"):
raise Exception("out format must be specified for META (.txt) or ISM input")
if in_format.startswith("ISM"):
if in_spfmt.name.startswith("ISM"):
if in_meta_files is None:
raise ValueError(
f"Please specify a list of metadata files for {in_format}"
f"Please specify a list of metadata files for {in_spfmt.name}"
)
if len(in_meta_files) != int(in_format[-1]):
if len(in_meta_files) != int(in_spfmt.name[-1]):
raise ValueError(
f"Mismatch between number of streams and number of specified metadata files for {in_format}"
f"Mismatch between number of streams and number of specified metadata files for {in_spfmt.name}"
)
# initialise metadata object for ISM
metadata_obj = spatialmetadata.Metadata()
metadata_obj.init_for_ism(in_file, in_fs, in_meta_files)
# TODO alternative paths for binaural rendering for now
if out_format.startswith("BINAURAL_ROOM"):
# TODO decide on reference path for BINAURAL_ROOM
if out_spfmt.name.startswith("BINAURAL_ROOM"):
in_format = "7_1_4"
elif out_format.startswith("BINAURAL"):
in_format = "HOA3"
else:
in_format = out_format
in_spfmt = spatialaudioformat.Format(in_format)
out_spfmt = spatialaudioformat.Format(out_format)
else:
# set input format to output format
# render_meta() handles all conversions
in_spfmt = spatialaudioformat.Format(in_format)
out_spfmt = spatialaudioformat.Format(out_format)
in_format = out_format
in_spfmt = out_spfmt
......@@ -224,12 +222,9 @@ def spatial_audio_convert(
dataset=binaural_dataset,
fs=in_fs,
trajectory=trajectory,
in_ls_layout_file=in_ls_layout_file,
include_LFE=bin_rend_include_LFE,
LFE_gain=bin_rend_LFE_gain,
)
elif in_format.startswith("MASA"):
raise NotImplementedError(f"Rendering of MASA is not yet supported!")
""" cut preamble """
if cut_preamble_s is not None:
......@@ -238,27 +233,21 @@ def spatial_audio_convert(
logger.info(f" Cut preample by {samples_to_cut} samples")
in_sig = audioarray.cut(in_sig, (samples_to_cut, -1))
""" get spatial input and audio format configurations """
in_spfmt = spatialaudioformat.Format(
in_format=in_format, ls_layout_file=in_ls_layout_file
)
if out_format is None:
out_format = in_format
out_spfmt = spatialaudioformat.Format(in_format=out_format)
""" zero non-planar input ambisonics channels """
if in_spfmt.ambi_order > 0 and in_spfmt.isplanar:
in_sig = spatialaudioformat.Format.zero_vert_hoa_channels(in_sig)
""" Spatial audio format conversion """
out_sig = in_sig
if (out_format != in_format) and not (
if (in_spfmt.name != out_spfmt.name) and not (
in_spfmt.isheadphones and out_spfmt.isheadphones
):
logger.info(f" {in_spfmt.name} -> {out_spfmt.name}")
# binaural output
if out_spfmt.name.startswith("BINAURAL"):
# binaural output (except MASA)
if out_spfmt.name.startswith("BINAURAL") and not in_spfmt.name.startswith(
"MASA"
):
out_sig = binauralrenderer.binaural_rendering(
in_sig,
in_spfmt,
......@@ -266,7 +255,6 @@ def spatial_audio_convert(
dataset=binaural_dataset,
fs=in_fs,
trajectory=trajectory,
in_ls_layout_file=in_ls_layout_file,
include_LFE=bin_rend_include_LFE,
LFE_gain=bin_rend_LFE_gain,
)
......@@ -279,14 +267,9 @@ def spatial_audio_convert(
elif in_spfmt.isloudspeaker:
out_sig = convert_mc(in_sig, in_spfmt, out_spfmt)
# ISM conversion
elif in_spfmt.name.startswith("ISM"):
out_sig = convert_ism(in_sig, in_fs, in_spfmt, out_spfmt)
# MASA conversion
elif in_spfmt.name.startswith("MASA"):
raise AssertionError(f"Shouldn't execute!") # TODO remove
out_sig = convert_masa(in_sig, in_spfmt, out_spfmt)
out_sig = convert_masa(in_sig, in_fs, in_meta_files, in_spfmt, out_spfmt)
else:
raise NotImplementedError(
f"{in_spfmt.name} -> {out_spfmt.name}: format conversion not implemented"
......@@ -358,22 +341,39 @@ def convert_mc(
try:
MC2LS = IVAS_MC_CONVERSION[in_spfmt.name][out_spfmt.name]
except KeyError:
panner = EFAP.EFAP(in_spfmt.ls_azi, in_spfmt.ls_ele)
MC2LS = np.vstack(
[panner.pan(a, e) for a, e in zip(out_spfmt.ls_azi, out_spfmt.ls_ele)]
).T
ls_azi_woLFE = np.delete(out_spfmt.ls_azi, out_spfmt.lfe_index).astype(
float
)
ls_ele_woLFE = np.delete(out_spfmt.ls_ele, out_spfmt.lfe_index).astype(
float
)
panner = EFAP.EFAP(ls_azi_woLFE, ls_ele_woLFE)
MC2LS = np.vstack(
[
panner.pan(a, e).T
for i, (a, e) in enumerate(zip(in_spfmt.ls_azi, in_spfmt.ls_ele))
if i not in in_spfmt.lfe_index
]
)
# TODO tmu : implement configurable LFE handling
# pass-through for LFE
MC2LS[in_spfmt.lfe_index, :] = 0
MC2LS = np.insert(MC2LS, in_spfmt.lfe_index, 0, axis=0)
MC2LS = np.insert(MC2LS, out_spfmt.lfe_index, 0, axis=1)
MC2LS[in_spfmt.lfe_index, out_spfmt.lfe_index] = 1
# TODO tmu temporarily disable LFE rendering to MONO/STEREO
if out_spfmt.name == "MONO" or out_spfmt.name == "STEREO":
MC2LS[in_spfmt.lfe_index, :] = 0
return in_sig @ MC2LS
# MC -> HOA
elif out_spfmt.ambi_order > 0:
# SH response for loudspeaker positions
MC2HOA = np.hstack(
[
hoadecoder.getRSH([a], [e], out_spfmt.ambi_order)
# TODO getRSH in IVAS casts to int16_t , decide on final behaviour for scripts
hoadecoder.getRSH([int(a)], [int(e)], out_spfmt.ambi_order)
for a, e in zip(in_spfmt.ls_azi, in_spfmt.ls_ele)
]
).T
......@@ -409,7 +409,8 @@ def convert_ism(
out_sig = np.zeros([sig_len, out_spfmt.nchannels])
fade_in = np.linspace(0, 1.0, frame_len, endpoint=False)[:, np.newaxis]
fade_in = np.arange(frame_len) / (frame_len - 1)
fade_in = fade_in[:, np.newaxis]
fade_out = 1.0 - fade_in
if out_spfmt.isloudspeaker:
......@@ -434,7 +435,10 @@ def convert_ism(
gains = gains[:, np.newaxis]
# ISM -> HOA
elif out_spfmt.ambi_order > 0:
gains = hoadecoder.getRSH([pos[0]], [pos[1]], out_spfmt.ambi_order)
# TODO getRSH in IVAS casts to int16_t , decide on final behaviour for scripts
gains = hoadecoder.getRSH(
[int(pos[0])], [int(pos[1])], out_spfmt.ambi_order
)
else:
raise NotImplementedError(
f"{in_spfmt.name} -> {out_spfmt.name}: format conversion not implemented"
......@@ -443,9 +447,9 @@ def convert_ism(
if gains_old is None:
gains_old = gains.copy()
out_frame[:] = (in_frame @ gains.T) * fade_in + (
in_frame @ gains_old.T
) * fade_out
out_frame[:] = (fade_in * in_frame @ gains.T) + (
fade_out * in_frame @ gains_old.T
)
gains_old = gains.copy()
......@@ -454,28 +458,48 @@ def convert_ism(
def convert_masa(
in_sig: np.ndarray,
in_fs: int,
in_meta: str,
in_spfmt: spatialaudioformat.Format,
out_spfmt: spatialaudioformat.Format,
) -> np.ndarray:
"""Convert a MASA signal to the requested output format"""
if in_fs != 48000:
raise ValueError(f"{in_spfmt.name} rendering only support for 48kHz!")
tmp_spfmt = out_spfmt
# MASA -> LS
if out_spfmt.isloudspeaker:
# TODO
raise NotImplementedError(
f"{in_spfmt.name} -> {out_spfmt.name}: format conversion not implemented"
if not (out_spfmt.name == "5_1" or out_spfmt.name == "7_1_4"):
tmp_spfmt = spatialaudioformat.Format("7_1_4")
warnings.warn(
f"{out_spfmt.name} not natively supported by masaRenderer, using {tmp_spfmt.name} as intermediate format"
)
# MASA -> HOA
elif out_spfmt.ambi_order > 0:
# TODO
raise NotImplementedError(
f"{in_spfmt.name} -> {out_spfmt.name}: format conversion not implemented"
tmp_spfmt = spatialaudioformat.Format("7_1_4")
warnings.warn(
f"{out_spfmt.name} not natively supported by masaRenderer, using {tmp_spfmt.name} as intermediate format"
)
elif out_spfmt.name == "BINAURAL":
warnings.warn(
f"Using masaRenderer for rendering; any binaural_dataset setting will be ignored!"
)
else:
raise NotImplementedError(
f"{in_spfmt.name} -> {out_spfmt.name}: format conversion not implemented"
)
out_sig = masarenderer.render_masa(in_sig, in_meta, in_spfmt, tmp_spfmt)
# conversion done
if tmp_spfmt.name == out_spfmt.name:
return out_sig
# only rendered an intermediate format, more conversion needed
else:
return convert_mc(out_sig, tmp_spfmt, out_spfmt)
def render_meta(
......@@ -484,7 +508,6 @@ def render_meta(
dataset: str,
fs: int,
trajectory: str,
in_ls_layout_file: str,
include_LFE: bool = False,
LFE_gain: float = 10 ** (5.5 / 20),
) -> np.ndarray:
......@@ -499,6 +522,9 @@ def render_meta(
start = object["track_index"]
stop = start + object["nb_tracks"]
obj_sig = metadata_obj.audio_array[:, start:stop]
# apply gain
if hasattr(object, "gain"):
obj_sig *= object["gain"]
if dest_fmt.name.startswith("BINAURAL"):
if object["input_type"] == "ism":
......@@ -520,7 +546,6 @@ def render_meta(
trajectory=trajectory,
include_LFE=include_LFE,
LFE_gain=LFE_gain,
in_ls_layout_file=in_ls_layout_file,
in_pos=positions,
)
else:
......@@ -530,10 +555,10 @@ def render_meta(
obj_sig, fs, object["positions"], src_format, dest_fmt
)
elif object["input_type"] == "sba":
src_format = spatialaudioformat.Format(f"SBA{object['order']}")
src_format = object["format"]
out_sig += convert_sba(obj_sig, src_format, dest_fmt)
elif object["input_type"] == "mc":
src_format = spatialaudioformat.Format(f"CICP{object['cicp_index']}")
src_format = object["format"]
out_sig += convert_mc(obj_sig, src_format, dest_fmt)
return out_sig
......@@ -30,6 +30,8 @@
the United Nations Convention on Contracts on the International Sales of Goods.
"""
import os
import numpy as np
_format_configs = {
......@@ -197,7 +199,7 @@ _format_configs = {
"ls_azi": None,
"ls_ele": None,
"lfe_index": None,
"altname": "custom_ls",
"altname": "CUSTOM_LS",
"config_file": "layout.txt",
},
# ambisonics
......@@ -363,28 +365,18 @@ _vert_hoa_channels = np.array([2, 5, 6, 7, 10, 11, 12, 13, 14])
class Format:
def __init__(self, in_format: str = "FOA", ls_layout_file: str = None):
def __init__(self, in_format: str = "FOA"):
self.name = None
self.altname = None
self.ambi_order = -1
self.nchannels = None
self.isloudspeaker = False
self.isheadphones = False
self.lfe_index = []
for config_name, config_dict in _format_configs.items():
if (
in_format.upper() == config_name
or in_format.upper() == config_dict["altname"].upper()
):
for k, v in _format_configs[config_name].items():
setattr(self, k, v)
if not self.name:
raise SystemExit(
"Spatial audio format not supported. If 'EXT' is used, please change to ISM or MASA. Ensure it is same as 'in_format'"
)
if self.name == "CUSTOM_LS" and ls_layout_file is not None:
with open(ls_layout_file, "r") as f_ls:
# if it is a path, then treat as custom layout
if not isinstance(in_format, str) or in_format[-4:].lower() == ".txt":
with open(in_format, "r") as f_ls:
self.ls_azi = [
float(x.strip()) for x in f_ls.readline().strip().split(",")
]
......@@ -402,6 +394,27 @@ class Format:
[self.ls_azi.insert(i, 0.0) for i in self.lfe_index]
[self.ls_ele.insert(i, 0.0) for i in self.lfe_index]
self.name = os.path.basename(in_format).replace(".txt", "")
self.altname = "CUSTOM_LS"
self.config_file = str(in_format)
self.isloudspeaker = True
self.nchannels = len(self.ls_azi)
self.isplanar = np.all([e == 0.0 for e in self.ls_ele])
# search in predefined dictionary
else:
for config_name, config_dict in _format_configs.items():
if (
in_format.upper() == config_name
or in_format.upper() == config_dict["altname"].upper()
):
for k, v in _format_configs[config_name].items():
setattr(self, k, v)
if not self.name:
raise SystemExit(
f"Spatial audio format '{in_format}' not supported. If 'EXT' is used, please change to ISM or MASA. Ensure it is same as 'in_format'"
)
def get_nchannels(self):
return self.nchannels
......@@ -439,10 +452,9 @@ class Format:
def detect_format(nchannels: int) -> str:
config_name = None
for config_name in _format_configs:
dictionary = _format_configs[config_name]
if dictionary["nchannels"] == nchannels:
config_name = dictionary["name"]
for k, v in _format_configs.items():
if v["nchannels"] == nchannels:
config_name = v["name"]
break
if config_name is None:
......
......@@ -294,6 +294,7 @@ def read_ism_input(file_handle: TextIO, dirname: str) -> dict:
ism["track_index"] = int(file_handle.readline()) - 1
ism["nb_tracks"] = 1
ism["positions"] = []
ism["gain"] = 1
line = file_handle.readline()
try:
......@@ -307,6 +308,7 @@ def read_ism_input(file_handle: TextIO, dirname: str) -> dict:
pos["azimuth"] = int(azimuth)
pos["elevation"] = int(elevation)
ism["positions"].append(pos)
ism["gain"] = read_gain_value(file_handle)
except:
meta_csv = os.path.join(dirname, line.strip())
pos_idx = 0
......@@ -315,8 +317,8 @@ def read_ism_input(file_handle: TextIO, dirname: str) -> dict:
current_values = line.strip().split(",")
pos = {}
pos["use_for_frames"] = 1
pos["azimuth"] = float(current_values[1])
pos["elevation"] = float(current_values[2])
pos["azimuth"] = float(current_values[0])
pos["elevation"] = float(current_values[1])
ism["positions"].append(pos)
pos_idx += 1
......@@ -380,8 +382,10 @@ def write_ism_input(
def read_sba_input(file_handle: TextIO) -> dict:
sba = {"input_type": "sba"}
sba["track_index"] = int(file_handle.readline()) - 1
sba["order"] = int(file_handle.readline())
sba["format"] = spatialaudioformat.Format(f"SBA{int(file_handle.readline())}")
sba["order"] = sba["format"].ambi_order
sba["nb_tracks"] = (sba["order"] + 1) ** 2
sba["gain"] = read_gain_value(file_handle)
return sba
......@@ -396,10 +400,9 @@ def write_sba_input(file_handle: TextIO, sba_dict: dict) -> None:
def read_mc_input(file_handle: TextIO) -> dict:
mc = {"input_type": "mc"}
mc["track_index"] = int(file_handle.readline()) - 1
mc["cicp_index"] = int(
file_handle.readline()
) # TODO try to support custom LS files?
mc["nb_tracks"] = spatialaudioformat.Format(f"CICP{mc['cicp_index']}").nchannels
mc["format"] = spatialaudioformat.Format(file_handle.readline().strip())
mc["nb_tracks"] = mc["format"].nchannels
mc["gain"] = read_gain_value(file_handle)
return mc
......@@ -407,8 +410,19 @@ def write_mc_input(file_handle: TextIO, mc_dict: dict) -> None:
file_handle.write("MC\n")
track_index = mc_dict["track_index"]
file_handle.write(f"{str(track_index + 1)}\n")
order = mc_dict["order"]
file_handle.write(f"{str(order)}\n")
name = mc_dict["format"].name
file_handle.write(f"{name}\n")
def read_gain_value(file_handle: TextIO) -> float:
original_pos = file_handle.tell()
gain = file_handle.readline().lower()
if gain.startswith("gain_db"):
gain = float(gain.replace("gain_db", ""))
return 10 ** (gain / 20)
else:
file_handle.seek(original_pos)
return 1
##################################################
......@@ -429,8 +443,8 @@ def read_ism_ivas_data(metadata_path: str, object_index: int = 0) -> None:
current_values = line.strip().split(",")
pos = {}
pos["use_for_frames"] = 1
pos["azimuth"] = float(current_values[1])
pos["elevation"] = float(current_values[2])
pos["azimuth"] = float(current_values[0])
pos["elevation"] = float(current_values[1])
ism["positions"].append(pos)
pos_idx += 1
except FileNotFoundError:
......@@ -462,12 +476,12 @@ def write_ism_ivas_data(
gain = 1.0
pos_idx = 0
pos_used_times = 0
for frame_idx in range(num_frames):
for _ in range(num_frames):
azimuth = float(positions[pos_idx]["azimuth"])
elevation = float(positions[pos_idx]["elevation"])
file_handle.write(
f"{frame_idx:04d},{azimuth:+07.2f},{elevation:+06.2f},{distance:05.2f},{spread:06.2f},{gain:04.2f}\n"
f"{azimuth:+07.2f},{elevation:+06.2f},{distance:05.2f},{spread:06.2f},{gain:04.2f}\n"
)
pos_used_times += 1
......
......@@ -964,10 +964,13 @@ class IvasModeRunner(IvasModeCollector.IvasModeCollector):
nd = 0
nm = 0
for mode in self.flat_mode_list:
nm += 1
nel = len(self.flat_mode_list[mode]["item_list"])
nd += len(self.flat_mode_list[mode]["cmd"]["dec"]) * nel
ne += nel
nd_tmp = len(self.flat_mode_list[mode]["cmd"]["dec"]) * nel
ne_tmp = nel
if nd_tmp != 0 and ne_tmp != 0:
nm += 1
nd += nd_tmp
ne += ne_tmp
self.stats["num_modes"] = nm
if self.run_encoder:
self.stats["num_encs_total"] = ne
......@@ -1528,6 +1531,13 @@ class IvasModeRunner(IvasModeCollector.IvasModeCollector):
def run_enc_dec_threads(self):
self.get_modes_initial_statistics()
self.results = []
# check if there are any files found
if self.stats["num_encs_total"] == 0 and self.stats["num_decs_total"] == 0:
self.logger.error("Found no items to run the modes.")
raise NoInputForAnyModesFound
self.create_enc_queue()
self.dec_queue = {
......@@ -1536,7 +1546,6 @@ class IvasModeRunner(IvasModeCollector.IvasModeCollector):
"all_encoded": False,
}
# run all encoders
self.results = []
run_dec = 1
tasks_enc = []
tasks_dec = []
......@@ -1648,4 +1657,5 @@ class IvasModeRunner(IvasModeCollector.IvasModeCollector):
return decoded_item_list
# if __name__ == '__main__':
class NoInputForAnyModesFound(Exception):
pass
\ No newline at end of file
......@@ -75,15 +75,17 @@ MODES = {
"-MASA": {"1": "MASA1TC", "2": "MASA2TC"},
}
SNR_ID_SET = {"SNR", "SegSNR", "WSegSNR"}
if platform.system() == "Windows":
TOOLS_DIR = os.path.realpath(
TOOLS_DIR_WIN = os.path.realpath(
os.path.join(constants.SCRIPTS_BASE_DIR, "tools", "Win32")
)
elif platform.system() == "Linux":
TOOLS_DIR = os.path.realpath(
TOOLS_DIR_LINUX = os.path.realpath(
os.path.join(constants.SCRIPTS_BASE_DIR, "tools", "Linux")
)
if platform.system() == "Windows":
TOOLS_DIR = TOOLS_DIR_WIN
elif platform.system() == "Linux":
TOOLS_DIR = TOOLS_DIR_LINUX
elif platform.system() == "Darwin":
if platform.uname().machine.endswith("64"):
TOOLS_DIR = os.path.realpath(
......@@ -988,7 +990,13 @@ class SelfTest(IvasScriptsCommon.IvasScript):
proc_cmd = mode[1].pop(0).split()
if proc_cmd[0] == "networkSimulator_g192":
suffix = "nws"
proc_cmd[0] = os.path.join(TOOLS_DIR, proc_cmd[0])
if suffix == "nws" and TOOLS_DIR == TOOLS_DIR_LINUX:
# use wine
proc_cmd[0] = os.path.join(TOOLS_DIR_WIN, "networkSimulator_g192.exe")
proc_cmd = ["wine"] + proc_cmd
proc_cmd = [
"{in_file}" if x == in_file else self.test_for_file(x) for x in proc_cmd
]
......
......@@ -369,7 +369,7 @@ for i = 1:length(fileNamePatterns)
azim_store(ob,iFrame) = azim;
elev_store(ob,iFrame) = elev;
fprintf(fileID_txt,'%04d,', iFrame-1);
%fprintf(fileID_txt,'%04d,', iFrame-1);
fprintf(fileID_txt,'%+07.2f,', azim);
fprintf(fileID_txt,'%+06.2f,', elev);
fprintf(fileID_txt,'%05.2f,', r);
......
0000,-015.00,+00.00,01.00,000.00,1.00
0001,-015.00,+00.00,01.00,000.00,1.00
0002,-015.00,+00.00,01.00,000.00,1.00
0003,-015.00,+00.00,01.00,000.00,1.00
0004,-015.00,+00.00,01.00,000.00,1.00
0005,-015.00,+00.00,01.00,000.00,1.00
0006,-015.00,+00.00,01.00,000.00,1.00
0007,-015.00,+00.00,01.00,000.00,1.00
0008,-015.00,+00.00,01.00,000.00,1.00
0009,-015.00,+00.00,01.00,000.00,1.00
0010,-015.00,+00.00,01.00,000.00,1.00
0011,-015.00,+00.00,01.00,000.00,1.00
0012,-015.00,+00.00,01.00,000.00,1.00
0013,-015.00,+00.00,01.00,000.00,1.00
0014,-015.00,+00.00,01.00,000.00,1.00
0015,-015.00,+00.00,01.00,000.00,1.00
0016,-015.00,+00.00,01.00,000.00,1.00
0017,-015.00,+00.00,01.00,000.00,1.00
0018,-015.00,+00.00,01.00,000.00,1.00
0019,-015.00,+00.00,01.00,000.00,1.00
0020,-015.00,+00.00,01.00,000.00,1.00
0021,-015.00,+00.00,01.00,000.00,1.00
0022,-015.00,+00.00,01.00,000.00,1.00
0023,-015.00,+00.00,01.00,000.00,1.00
0024,-015.00,+00.00,01.00,000.00,1.00
0025,-015.00,+00.00,01.00,000.00,1.00
0026,-015.00,+00.00,01.00,000.00,1.00
0027,-015.00,+00.00,01.00,000.00,1.00
0028,-015.00,+00.00,01.00,000.00,1.00
0029,-015.00,+00.00,01.00,000.00,1.00
0030,-015.00,+00.00,01.00,000.00,1.00
0031,-015.00,+00.00,01.00,000.00,1.00
0032,-015.00,+00.00,01.00,000.00,1.00
0033,-015.00,+00.00,01.00,000.00,1.00
0034,-015.00,+00.00,01.00,000.00,1.00
0035,-015.00,+00.00,01.00,000.00,1.00
0036,-015.00,+00.00,01.00,000.00,1.00
0037,-015.00,+00.00,01.00,000.00,1.00
0038,-015.00,+00.00,01.00,000.00,1.00
0039,-015.00,+00.00,01.00,000.00,1.00
0040,-015.00,+00.00,01.00,000.00,1.00
0041,-015.00,+00.00,01.00,000.00,1.00
0042,-015.00,+00.00,01.00,000.00,1.00
0043,-015.00,+00.00,01.00,000.00,1.00
0044,-015.00,+00.00,01.00,000.00,1.00
0045,-015.00,+00.00,01.00,000.00,1.00
0046,-015.00,+00.00,01.00,000.00,1.00
0047,-015.00,+00.00,01.00,000.00,1.00
0048,-015.00,+00.00,01.00,000.00,1.00
0049,-015.00,+00.00,01.00,000.00,1.00
0050,-015.00,+00.00,01.00,000.00,1.00
0051,-015.00,+00.00,01.00,000.00,1.00
0052,-015.00,+00.00,01.00,000.00,1.00
0053,-015.00,+00.00,01.00,000.00,1.00
0054,-015.00,+00.00,01.00,000.00,1.00
0055,-015.00,+00.00,01.00,000.00,1.00
0056,-015.00,+00.00,01.00,000.00,1.00
0057,-015.00,+00.00,01.00,000.00,1.00
0058,-015.00,+00.00,01.00,000.00,1.00
0059,-015.00,+00.00,01.00,000.00,1.00
0060,-015.00,+00.00,01.00,000.00,1.00
0061,-015.00,+00.00,01.00,000.00,1.00
0062,-015.00,+00.00,01.00,000.00,1.00
0063,-015.00,+00.00,01.00,000.00,1.00
0064,-015.00,+00.00,01.00,000.00,1.00
0065,-015.00,+00.00,01.00,000.00,1.00
0066,-015.00,+00.00,01.00,000.00,1.00
0067,-015.00,+00.00,01.00,000.00,1.00
0068,-015.00,+00.00,01.00,000.00,1.00
0069,-015.00,+00.00,01.00,000.00,1.00
0070,-015.00,+00.00,01.00,000.00,1.00
0071,-015.00,+00.00,01.00,000.00,1.00
0072,-015.00,+00.00,01.00,000.00,1.00
0073,-015.00,+00.00,01.00,000.00,1.00
0074,-015.00,+00.00,01.00,000.00,1.00
0075,-015.00,+00.00,01.00,000.00,1.00
0076,-015.00,+00.00,01.00,000.00,1.00
0077,-015.00,+00.00,01.00,000.00,1.00
0078,-015.00,+00.00,01.00,000.00,1.00
0079,-015.00,+00.00,01.00,000.00,1.00
0080,-015.00,+00.00,01.00,000.00,1.00
0081,-015.00,+00.00,01.00,000.00,1.00
0082,-015.00,+00.00,01.00,000.00,1.00
0083,-015.00,+00.00,01.00,000.00,1.00
0084,-015.00,+00.00,01.00,000.00,1.00
0085,-015.00,+00.00,01.00,000.00,1.00
0086,-015.00,+00.00,01.00,000.00,1.00
0087,-015.00,+00.00,01.00,000.00,1.00
0088,-015.00,+00.00,01.00,000.00,1.00
0089,-015.00,+00.00,01.00,000.00,1.00
0090,-015.00,+00.00,01.00,000.00,1.00
0091,-015.00,+00.00,01.00,000.00,1.00
0092,-015.00,+00.00,01.00,000.00,1.00
0093,-015.00,+00.00,01.00,000.00,1.00
0094,-015.00,+00.00,01.00,000.00,1.00
0095,-015.00,+00.00,01.00,000.00,1.00
0096,-015.00,+00.00,01.00,000.00,1.00
0097,-015.00,+00.00,01.00,000.00,1.00
0098,-015.00,+00.00,01.00,000.00,1.00
0099,-015.00,+00.00,01.00,000.00,1.00
0100,-015.00,+00.00,01.00,000.00,1.00
0101,-015.00,+00.00,01.00,000.00,1.00
0102,-015.00,+00.00,01.00,000.00,1.00
0103,-015.00,+00.00,01.00,000.00,1.00
0104,-015.00,+00.00,01.00,000.00,1.00
0105,-015.00,+00.00,01.00,000.00,1.00
0106,-015.00,+00.00,01.00,000.00,1.00
0107,-015.00,+00.00,01.00,000.00,1.00
0108,-015.00,+00.00,01.00,000.00,1.00
0109,-015.00,+00.00,01.00,000.00,1.00
0110,-015.00,+00.00,01.00,000.00,1.00
0111,-015.00,+00.00,01.00,000.00,1.00
0112,-015.00,+00.00,01.00,000.00,1.00
0113,-015.00,+00.00,01.00,000.00,1.00
0114,-015.00,+00.00,01.00,000.00,1.00
0115,-015.00,+00.00,01.00,000.00,1.00
0116,-015.00,+00.00,01.00,000.00,1.00
0117,-015.00,+00.00,01.00,000.00,1.00
0118,-015.00,+00.00,01.00,000.00,1.00
0119,-015.00,+00.00,01.00,000.00,1.00
0120,-015.00,+00.00,01.00,000.00,1.00
0121,-015.00,+00.00,01.00,000.00,1.00
0122,-015.00,+00.00,01.00,000.00,1.00
0123,-015.00,+00.00,01.00,000.00,1.00
0124,-015.00,+00.00,01.00,000.00,1.00
0125,-015.00,+00.00,01.00,000.00,1.00
0126,-015.00,+00.00,01.00,000.00,1.00
0127,-015.00,+00.00,01.00,000.00,1.00
0128,-015.00,+00.00,01.00,000.00,1.00
0129,-015.00,+00.00,01.00,000.00,1.00
0130,-015.00,+00.00,01.00,000.00,1.00
0131,-015.00,+00.00,01.00,000.00,1.00
0132,-015.00,+00.00,01.00,000.00,1.00
0133,-015.00,+00.00,01.00,000.00,1.00
0134,-015.00,+00.00,01.00,000.00,1.00
0135,-015.00,+00.00,01.00,000.00,1.00
0136,-015.00,+00.00,01.00,000.00,1.00
0137,-015.00,+00.00,01.00,000.00,1.00
0138,-015.00,+00.00,01.00,000.00,1.00
0139,-015.00,+00.00,01.00,000.00,1.00
0140,-015.00,+00.00,01.00,000.00,1.00
0141,-015.00,+00.00,01.00,000.00,1.00
0142,-015.00,+00.00,01.00,000.00,1.00
0143,-015.00,+00.00,01.00,000.00,1.00
0144,-015.00,+00.00,01.00,000.00,1.00
0145,-015.00,+00.00,01.00,000.00,1.00
0146,-015.00,+00.00,01.00,000.00,1.00
0147,-015.00,+00.00,01.00,000.00,1.00
0148,-015.00,+00.00,01.00,000.00,1.00
0149,-015.00,+00.00,01.00,000.00,1.00
0150,-015.00,+00.00,01.00,000.00,1.00
0151,-015.00,+00.00,01.00,000.00,1.00
0152,-015.00,+00.00,01.00,000.00,1.00
0153,-015.00,+00.00,01.00,000.00,1.00
0154,-015.00,+00.00,01.00,000.00,1.00
0155,-015.00,+00.00,01.00,000.00,1.00
0156,-015.00,+00.00,01.00,000.00,1.00
0157,-015.00,+00.00,01.00,000.00,1.00
0158,-015.00,+00.00,01.00,000.00,1.00
0159,-015.00,+00.00,01.00,000.00,1.00
0160,-015.00,+00.00,01.00,000.00,1.00
0161,-015.00,+00.00,01.00,000.00,1.00
0162,-015.00,+00.00,01.00,000.00,1.00
0163,-015.00,+00.00,01.00,000.00,1.00
0164,-015.00,+00.00,01.00,000.00,1.00
0165,-015.00,+00.00,01.00,000.00,1.00
0166,-015.00,+00.00,01.00,000.00,1.00
0167,-015.00,+00.00,01.00,000.00,1.00
0168,-015.00,+00.00,01.00,000.00,1.00
0169,-015.00,+00.00,01.00,000.00,1.00
0170,-015.00,+00.00,01.00,000.00,1.00
0171,-015.00,+00.00,01.00,000.00,1.00
0172,-015.00,+00.00,01.00,000.00,1.00
0173,-015.00,+00.00,01.00,000.00,1.00
0174,-015.00,+00.00,01.00,000.00,1.00
0175,-015.00,+00.00,01.00,000.00,1.00
0176,-015.00,+00.00,01.00,000.00,1.00
0177,-015.00,+00.00,01.00,000.00,1.00
0178,-015.00,+00.00,01.00,000.00,1.00
0179,-015.00,+00.00,01.00,000.00,1.00
0180,-015.00,+00.00,01.00,000.00,1.00
0181,-015.00,+00.00,01.00,000.00,1.00
0182,-015.00,+00.00,01.00,000.00,1.00
0183,-015.00,+00.00,01.00,000.00,1.00
0184,-015.00,+00.00,01.00,000.00,1.00
0185,-015.00,+00.00,01.00,000.00,1.00
0186,-015.00,+00.00,01.00,000.00,1.00
0187,-015.00,+00.00,01.00,000.00,1.00
0188,-015.00,+00.00,01.00,000.00,1.00
0189,-015.00,+00.00,01.00,000.00,1.00
0190,-015.00,+00.00,01.00,000.00,1.00
0191,-015.00,+00.00,01.00,000.00,1.00
0192,-015.00,+00.00,01.00,000.00,1.00
0193,-015.00,+00.00,01.00,000.00,1.00
0194,-015.00,+00.00,01.00,000.00,1.00
0195,-015.00,+00.00,01.00,000.00,1.00
0196,-015.00,+00.00,01.00,000.00,1.00
0197,-015.00,+00.00,01.00,000.00,1.00
0198,-015.00,+00.00,01.00,000.00,1.00
0199,-015.00,+00.00,01.00,000.00,1.00
0200,-015.00,+00.00,01.00,000.00,1.00
0201,-015.00,+00.00,01.00,000.00,1.00
0202,-015.00,+00.00,01.00,000.00,1.00
0203,-015.00,+00.00,01.00,000.00,1.00
0204,-015.00,+00.00,01.00,000.00,1.00
0205,-015.00,+00.00,01.00,000.00,1.00
0206,-015.00,+00.00,01.00,000.00,1.00
0207,-015.00,+00.00,01.00,000.00,1.00
0208,-015.00,+00.00,01.00,000.00,1.00
0209,-015.00,+00.00,01.00,000.00,1.00
0210,-015.00,+00.00,01.00,000.00,1.00
0211,-015.00,+00.00,01.00,000.00,1.00
0212,-015.00,+00.00,01.00,000.00,1.00
0213,-015.00,+00.00,01.00,000.00,1.00
0214,-015.00,+00.00,01.00,000.00,1.00
0215,-015.00,+00.00,01.00,000.00,1.00
0216,-015.00,+00.00,01.00,000.00,1.00
0217,-015.00,+00.00,01.00,000.00,1.00
0218,-015.00,+00.00,01.00,000.00,1.00
0219,-015.00,+00.00,01.00,000.00,1.00
0220,-015.00,+00.00,01.00,000.00,1.00
0221,-015.00,+00.00,01.00,000.00,1.00
0222,-015.00,+00.00,01.00,000.00,1.00
0223,-015.00,+00.00,01.00,000.00,1.00
0224,-015.00,+00.00,01.00,000.00,1.00
0225,-015.00,+00.00,01.00,000.00,1.00
0226,-015.00,+00.00,01.00,000.00,1.00
0227,-015.00,+00.00,01.00,000.00,1.00
0228,-015.00,+00.00,01.00,000.00,1.00
0229,-015.00,+00.00,01.00,000.00,1.00
0230,-015.00,+00.00,01.00,000.00,1.00
0231,-015.00,+00.00,01.00,000.00,1.00
0232,-015.00,+00.00,01.00,000.00,1.00
0233,-015.00,+00.00,01.00,000.00,1.00
0234,-015.00,+00.00,01.00,000.00,1.00
0235,-015.00,+00.00,01.00,000.00,1.00
0236,-015.00,+00.00,01.00,000.00,1.00
0237,-015.00,+00.00,01.00,000.00,1.00
0238,-015.00,+00.00,01.00,000.00,1.00
0239,-015.00,+00.00,01.00,000.00,1.00
0240,-015.00,+00.00,01.00,000.00,1.00
0241,-015.00,+00.00,01.00,000.00,1.00
0242,-015.00,+00.00,01.00,000.00,1.00
0243,-015.00,+00.00,01.00,000.00,1.00
0244,-015.00,+00.00,01.00,000.00,1.00
0245,-015.00,+00.00,01.00,000.00,1.00
0246,-015.00,+00.00,01.00,000.00,1.00
0247,-015.00,+00.00,01.00,000.00,1.00
0248,-015.00,+00.00,01.00,000.00,1.00
0249,-015.00,+00.00,01.00,000.00,1.00
0250,-015.00,+00.00,01.00,000.00,1.00
0251,-015.00,+00.00,01.00,000.00,1.00
0252,-015.00,+00.00,01.00,000.00,1.00
0253,-015.00,+00.00,01.00,000.00,1.00
0254,-015.00,+00.00,01.00,000.00,1.00
0255,-015.00,+00.00,01.00,000.00,1.00
0256,-015.00,+00.00,01.00,000.00,1.00
0257,-015.00,+00.00,01.00,000.00,1.00
0258,-015.00,+00.00,01.00,000.00,1.00
0259,-015.00,+00.00,01.00,000.00,1.00
0260,-015.00,+00.00,01.00,000.00,1.00
0261,-015.00,+00.00,01.00,000.00,1.00
0262,-015.00,+00.00,01.00,000.00,1.00
0263,-015.00,+00.00,01.00,000.00,1.00
0264,-015.00,+00.00,01.00,000.00,1.00
0265,-015.00,+00.00,01.00,000.00,1.00
0266,-015.00,+00.00,01.00,000.00,1.00
0267,-015.00,+00.00,01.00,000.00,1.00
0268,-015.00,+00.00,01.00,000.00,1.00
0269,-015.00,+00.00,01.00,000.00,1.00
0270,-015.00,+00.00,01.00,000.00,1.00
0271,-015.00,+00.00,01.00,000.00,1.00
0272,-015.00,+00.00,01.00,000.00,1.00
0273,-015.00,+00.00,01.00,000.00,1.00
0274,-015.00,+00.00,01.00,000.00,1.00
0275,-015.00,+00.00,01.00,000.00,1.00
0276,-015.00,+00.00,01.00,000.00,1.00
0277,-015.00,+00.00,01.00,000.00,1.00
0278,-015.00,+00.00,01.00,000.00,1.00
0279,-015.00,+00.00,01.00,000.00,1.00
0280,-015.00,+00.00,01.00,000.00,1.00
0281,-015.00,+00.00,01.00,000.00,1.00
0282,-015.00,+00.00,01.00,000.00,1.00
0283,-015.00,+00.00,01.00,000.00,1.00
0284,-015.00,+00.00,01.00,000.00,1.00
0285,-015.00,+00.00,01.00,000.00,1.00
0286,-015.00,+00.00,01.00,000.00,1.00
0287,-015.00,+00.00,01.00,000.00,1.00
0288,-015.00,+00.00,01.00,000.00,1.00
0289,-015.00,+00.00,01.00,000.00,1.00
0290,-015.00,+00.00,01.00,000.00,1.00
0291,-015.00,+00.00,01.00,000.00,1.00
0292,-015.00,+00.00,01.00,000.00,1.00
0293,-015.00,+00.00,01.00,000.00,1.00
0294,-015.00,+00.00,01.00,000.00,1.00
0295,-015.00,+00.00,01.00,000.00,1.00
0296,-015.00,+00.00,01.00,000.00,1.00
0297,-015.00,+00.00,01.00,000.00,1.00
0298,-015.00,+00.00,01.00,000.00,1.00
0299,-015.00,+00.00,01.00,000.00,1.00
0300,-015.00,+00.00,01.00,000.00,1.00
0301,-015.00,+00.00,01.00,000.00,1.00
0302,-015.00,+00.00,01.00,000.00,1.00
0303,-015.00,+00.00,01.00,000.00,1.00
0304,-015.00,+00.00,01.00,000.00,1.00
0305,-015.00,+00.00,01.00,000.00,1.00
0306,-015.00,+00.00,01.00,000.00,1.00
0307,-015.00,+00.00,01.00,000.00,1.00
0308,-015.00,+00.00,01.00,000.00,1.00
0309,-015.00,+00.00,01.00,000.00,1.00
0310,-015.00,+00.00,01.00,000.00,1.00
0311,-015.00,+00.00,01.00,000.00,1.00
0312,-015.00,+00.00,01.00,000.00,1.00
0313,-015.00,+00.00,01.00,000.00,1.00
0314,-015.00,+00.00,01.00,000.00,1.00
0315,-015.00,+00.00,01.00,000.00,1.00
0316,-015.00,+00.00,01.00,000.00,1.00
0317,-015.00,+00.00,01.00,000.00,1.00
0318,-015.00,+00.00,01.00,000.00,1.00
0319,-015.00,+00.00,01.00,000.00,1.00
0320,-015.00,+00.00,01.00,000.00,1.00
0321,-015.00,+00.00,01.00,000.00,1.00
0322,-015.00,+00.00,01.00,000.00,1.00
0323,-015.00,+00.00,01.00,000.00,1.00
0324,-015.00,+00.00,01.00,000.00,1.00
0325,-015.00,+00.00,01.00,000.00,1.00
0326,-015.00,+00.00,01.00,000.00,1.00
0327,-015.00,+00.00,01.00,000.00,1.00
0328,-015.00,+00.00,01.00,000.00,1.00
0329,-015.00,+00.00,01.00,000.00,1.00
0330,-015.00,+00.00,01.00,000.00,1.00
0331,-015.00,+00.00,01.00,000.00,1.00
0332,-015.00,+00.00,01.00,000.00,1.00
0333,-015.00,+00.00,01.00,000.00,1.00
0334,-015.00,+00.00,01.00,000.00,1.00
0335,-015.00,+00.00,01.00,000.00,1.00
0336,-015.00,+00.00,01.00,000.00,1.00
0337,-015.00,+00.00,01.00,000.00,1.00
0338,-015.00,+00.00,01.00,000.00,1.00
0339,-015.00,+00.00,01.00,000.00,1.00
0340,-015.00,+00.00,01.00,000.00,1.00
0341,-015.00,+00.00,01.00,000.00,1.00
0342,-015.00,+00.00,01.00,000.00,1.00
0343,-015.00,+00.00,01.00,000.00,1.00
0344,-015.00,+00.00,01.00,000.00,1.00
0345,-015.00,+00.00,01.00,000.00,1.00
0346,-015.00,+00.00,01.00,000.00,1.00
0347,-015.00,+00.00,01.00,000.00,1.00
0348,-015.00,+00.00,01.00,000.00,1.00
0349,-015.00,+00.00,01.00,000.00,1.00
0350,-015.00,+00.00,01.00,000.00,1.00
0351,-015.00,+00.00,01.00,000.00,1.00
0352,-015.00,+00.00,01.00,000.00,1.00
0353,-015.00,+00.00,01.00,000.00,1.00
0354,-015.00,+00.00,01.00,000.00,1.00
0355,-015.00,+00.00,01.00,000.00,1.00
0356,-015.00,+00.00,01.00,000.00,1.00
0357,-015.00,+00.00,01.00,000.00,1.00
0358,-015.00,+00.00,01.00,000.00,1.00
0359,-015.00,+00.00,01.00,000.00,1.00
0360,-015.00,+00.00,01.00,000.00,1.00
0361,-015.00,+00.00,01.00,000.00,1.00
0362,-015.00,+00.00,01.00,000.00,1.00
0363,-015.00,+00.00,01.00,000.00,1.00
0364,-015.00,+00.00,01.00,000.00,1.00
0365,-015.00,+00.00,01.00,000.00,1.00
0366,-015.00,+00.00,01.00,000.00,1.00
0367,-015.00,+00.00,01.00,000.00,1.00
0368,-015.00,+00.00,01.00,000.00,1.00
0369,-015.00,+00.00,01.00,000.00,1.00
0370,-015.00,+00.00,01.00,000.00,1.00
0371,-015.00,+00.00,01.00,000.00,1.00
0372,-015.00,+00.00,01.00,000.00,1.00
0373,-015.00,+00.00,01.00,000.00,1.00
0374,-015.00,+00.00,01.00,000.00,1.00
0375,-015.00,+00.00,01.00,000.00,1.00
0376,-015.00,+00.00,01.00,000.00,1.00
0377,-015.00,+00.00,01.00,000.00,1.00
0378,-015.00,+00.00,01.00,000.00,1.00
0379,-015.00,+00.00,01.00,000.00,1.00
0380,-015.00,+00.00,01.00,000.00,1.00
0381,-015.00,+00.00,01.00,000.00,1.00
0382,-015.00,+00.00,01.00,000.00,1.00
0383,-015.00,+00.00,01.00,000.00,1.00
0384,-015.00,+00.00,01.00,000.00,1.00
0385,-015.00,+00.00,01.00,000.00,1.00
0386,-015.00,+00.00,01.00,000.00,1.00
0387,-015.00,+00.00,01.00,000.00,1.00
0388,-015.00,+00.00,01.00,000.00,1.00
0389,-015.00,+00.00,01.00,000.00,1.00
0390,-015.00,+00.00,01.00,000.00,1.00
0391,-015.00,+00.00,01.00,000.00,1.00
0392,-015.00,+00.00,01.00,000.00,1.00
0393,-015.00,+00.00,01.00,000.00,1.00
0394,-015.00,+00.00,01.00,000.00,1.00
0395,-015.00,+00.00,01.00,000.00,1.00
0396,-015.00,+00.00,01.00,000.00,1.00
0397,-015.00,+00.00,01.00,000.00,1.00
0398,-015.00,+00.00,01.00,000.00,1.00
0399,-015.00,+00.00,01.00,000.00,1.00
0400,-015.00,+00.00,01.00,000.00,1.00
0401,-015.00,+00.00,01.00,000.00,1.00
0402,-015.00,+00.00,01.00,000.00,1.00
0403,-015.00,+00.00,01.00,000.00,1.00
0404,-015.00,+00.00,01.00,000.00,1.00
0405,-015.00,+00.00,01.00,000.00,1.00
0406,-015.00,+00.00,01.00,000.00,1.00
0407,-015.00,+00.00,01.00,000.00,1.00
0408,-015.00,+00.00,01.00,000.00,1.00
0409,-015.00,+00.00,01.00,000.00,1.00
0410,-015.00,+00.00,01.00,000.00,1.00
0411,-015.00,+00.00,01.00,000.00,1.00
0412,-015.00,+00.00,01.00,000.00,1.00
0413,-015.00,+00.00,01.00,000.00,1.00
0414,-015.00,+00.00,01.00,000.00,1.00
0415,-015.00,+00.00,01.00,000.00,1.00
0416,-015.00,+00.00,01.00,000.00,1.00
0417,-015.00,+00.00,01.00,000.00,1.00
0418,-015.00,+00.00,01.00,000.00,1.00
0419,-015.00,+00.00,01.00,000.00,1.00
0420,-015.00,+00.00,01.00,000.00,1.00
0421,-015.00,+00.00,01.00,000.00,1.00
0422,-015.00,+00.00,01.00,000.00,1.00
0423,-015.00,+00.00,01.00,000.00,1.00
0424,-015.00,+00.00,01.00,000.00,1.00
0425,-015.00,+00.00,01.00,000.00,1.00
0426,-015.00,+00.00,01.00,000.00,1.00
0427,-015.00,+00.00,01.00,000.00,1.00
0428,-015.00,+00.00,01.00,000.00,1.00
0429,-015.00,+00.00,01.00,000.00,1.00
0430,-015.00,+00.00,01.00,000.00,1.00
0431,-015.00,+00.00,01.00,000.00,1.00
0432,-015.00,+00.00,01.00,000.00,1.00
0433,-015.00,+00.00,01.00,000.00,1.00
0434,-015.00,+00.00,01.00,000.00,1.00
0435,-015.00,+00.00,01.00,000.00,1.00
0436,-015.00,+00.00,01.00,000.00,1.00
0437,-015.00,+00.00,01.00,000.00,1.00
0438,-015.00,+00.00,01.00,000.00,1.00
0439,-015.00,+00.00,01.00,000.00,1.00
0440,-015.00,+00.00,01.00,000.00,1.00
0441,-015.00,+00.00,01.00,000.00,1.00
0442,-015.00,+00.00,01.00,000.00,1.00
0443,-015.00,+00.00,01.00,000.00,1.00
0444,-015.00,+00.00,01.00,000.00,1.00
0445,-015.00,+00.00,01.00,000.00,1.00
0446,-015.00,+00.00,01.00,000.00,1.00
0447,-015.00,+00.00,01.00,000.00,1.00
0448,-015.00,+00.00,01.00,000.00,1.00
0449,-015.00,+00.00,01.00,000.00,1.00
0450,-015.00,+00.00,01.00,000.00,1.00
0451,-015.00,+00.00,01.00,000.00,1.00
0452,-015.00,+00.00,01.00,000.00,1.00
0453,-015.00,+00.00,01.00,000.00,1.00
0454,-015.00,+00.00,01.00,000.00,1.00
0455,-015.00,+00.00,01.00,000.00,1.00
0456,-015.00,+00.00,01.00,000.00,1.00
0457,-015.00,+00.00,01.00,000.00,1.00
0458,-015.00,+00.00,01.00,000.00,1.00
0459,-015.00,+00.00,01.00,000.00,1.00
0460,-015.00,+00.00,01.00,000.00,1.00
0461,-015.00,+00.00,01.00,000.00,1.00
0462,-015.00,+00.00,01.00,000.00,1.00
0463,-015.00,+00.00,01.00,000.00,1.00
0464,-015.00,+00.00,01.00,000.00,1.00
0465,-015.00,+00.00,01.00,000.00,1.00
0466,-015.00,+00.00,01.00,000.00,1.00
0467,-015.00,+00.00,01.00,000.00,1.00
0468,-015.00,+00.00,01.00,000.00,1.00
0469,-015.00,+00.00,01.00,000.00,1.00
0470,-015.00,+00.00,01.00,000.00,1.00
0471,-015.00,+00.00,01.00,000.00,1.00
0472,-015.00,+00.00,01.00,000.00,1.00
0473,-015.00,+00.00,01.00,000.00,1.00
0474,-015.00,+00.00,01.00,000.00,1.00
0475,-015.00,+00.00,01.00,000.00,1.00
0476,-015.00,+00.00,01.00,000.00,1.00
0477,-015.00,+00.00,01.00,000.00,1.00
0478,-015.00,+00.00,01.00,000.00,1.00
0479,-015.00,+00.00,01.00,000.00,1.00
0480,-015.00,+00.00,01.00,000.00,1.00
0481,-015.00,+00.00,01.00,000.00,1.00
0482,-015.00,+00.00,01.00,000.00,1.00
0483,-015.00,+00.00,01.00,000.00,1.00
0484,-015.00,+00.00,01.00,000.00,1.00
0485,-015.00,+00.00,01.00,000.00,1.00
0486,-015.00,+00.00,01.00,000.00,1.00
0487,-015.00,+00.00,01.00,000.00,1.00
0488,-015.00,+00.00,01.00,000.00,1.00
0489,-015.00,+00.00,01.00,000.00,1.00
0490,-015.00,+00.00,01.00,000.00,1.00
0491,-015.00,+00.00,01.00,000.00,1.00
0492,-015.00,+00.00,01.00,000.00,1.00
0493,-015.00,+00.00,01.00,000.00,1.00
0494,-015.00,+00.00,01.00,000.00,1.00
0495,-015.00,+00.00,01.00,000.00,1.00
0496,-015.00,+00.00,01.00,000.00,1.00
0497,-015.00,+00.00,01.00,000.00,1.00
0498,-015.00,+00.00,01.00,000.00,1.00
0499,-015.00,+00.00,01.00,000.00,1.00
0500,-015.00,+00.00,01.00,000.00,1.00
0501,-015.00,+00.00,01.00,000.00,1.00
0502,-015.00,+00.00,01.00,000.00,1.00
0503,-015.00,+00.00,01.00,000.00,1.00
0504,-015.00,+00.00,01.00,000.00,1.00
0505,-015.00,+00.00,01.00,000.00,1.00
0506,-015.00,+00.00,01.00,000.00,1.00
0507,-015.00,+00.00,01.00,000.00,1.00
0508,-015.00,+00.00,01.00,000.00,1.00
0509,-015.00,+00.00,01.00,000.00,1.00
0510,-015.00,+00.00,01.00,000.00,1.00
0511,-015.00,+00.00,01.00,000.00,1.00
0512,-015.00,+00.00,01.00,000.00,1.00
0513,-015.00,+00.00,01.00,000.00,1.00
0514,-015.00,+00.00,01.00,000.00,1.00
0515,-015.00,+00.00,01.00,000.00,1.00
0516,-015.00,+00.00,01.00,000.00,1.00
0517,-015.00,+00.00,01.00,000.00,1.00
0518,-015.00,+00.00,01.00,000.00,1.00
0519,-015.00,+00.00,01.00,000.00,1.00
0520,-015.00,+00.00,01.00,000.00,1.00
0521,-015.00,+00.00,01.00,000.00,1.00
0522,-015.00,+00.00,01.00,000.00,1.00
0523,-015.00,+00.00,01.00,000.00,1.00
0524,-015.00,+00.00,01.00,000.00,1.00
0525,-015.00,+00.00,01.00,000.00,1.00
0526,-015.00,+00.00,01.00,000.00,1.00
0527,-015.00,+00.00,01.00,000.00,1.00
0528,-015.00,+00.00,01.00,000.00,1.00
0529,-015.00,+00.00,01.00,000.00,1.00
0530,-015.00,+00.00,01.00,000.00,1.00
0531,-015.00,+00.00,01.00,000.00,1.00
0532,-015.00,+00.00,01.00,000.00,1.00
0533,-015.00,+00.00,01.00,000.00,1.00
0534,-015.00,+00.00,01.00,000.00,1.00
0535,-015.00,+00.00,01.00,000.00,1.00
0536,-015.00,+00.00,01.00,000.00,1.00
0537,-015.00,+00.00,01.00,000.00,1.00
0538,-015.00,+00.00,01.00,000.00,1.00
0539,-015.00,+00.00,01.00,000.00,1.00
0540,-015.00,+00.00,01.00,000.00,1.00
0541,-015.00,+00.00,01.00,000.00,1.00
0542,-015.00,+00.00,01.00,000.00,1.00
0543,-015.00,+00.00,01.00,000.00,1.00
0544,-015.00,+00.00,01.00,000.00,1.00
0545,-015.00,+00.00,01.00,000.00,1.00
0546,-015.00,+00.00,01.00,000.00,1.00
0547,-015.00,+00.00,01.00,000.00,1.00
0548,-015.00,+00.00,01.00,000.00,1.00
0549,-015.00,+00.00,01.00,000.00,1.00
0550,-015.00,+00.00,01.00,000.00,1.00
0551,-015.00,+00.00,01.00,000.00,1.00
0552,-015.00,+00.00,01.00,000.00,1.00
0553,-015.00,+00.00,01.00,000.00,1.00
0554,-015.00,+00.00,01.00,000.00,1.00
0555,-015.00,+00.00,01.00,000.00,1.00
0556,-015.00,+00.00,01.00,000.00,1.00
0557,-015.00,+00.00,01.00,000.00,1.00
0558,-015.00,+00.00,01.00,000.00,1.00
0559,-015.00,+00.00,01.00,000.00,1.00
0560,-015.00,+00.00,01.00,000.00,1.00
0561,-015.00,+00.00,01.00,000.00,1.00
0562,-015.00,+00.00,01.00,000.00,1.00
0563,-015.00,+00.00,01.00,000.00,1.00
0564,-015.00,+00.00,01.00,000.00,1.00
0565,-015.00,+00.00,01.00,000.00,1.00
0566,-015.00,+00.00,01.00,000.00,1.00
0567,-015.00,+00.00,01.00,000.00,1.00
0568,-015.00,+00.00,01.00,000.00,1.00
0569,-015.00,+00.00,01.00,000.00,1.00
0570,-015.00,+00.00,01.00,000.00,1.00
0571,-015.00,+00.00,01.00,000.00,1.00
0572,-015.00,+00.00,01.00,000.00,1.00
0573,-015.00,+00.00,01.00,000.00,1.00
0574,-015.00,+00.00,01.00,000.00,1.00
0575,-015.00,+00.00,01.00,000.00,1.00
0576,-015.00,+00.00,01.00,000.00,1.00
0577,-015.00,+00.00,01.00,000.00,1.00
0578,-015.00,+00.00,01.00,000.00,1.00
0579,-015.00,+00.00,01.00,000.00,1.00
0580,-015.00,+00.00,01.00,000.00,1.00
0581,-015.00,+00.00,01.00,000.00,1.00
0582,-015.00,+00.00,01.00,000.00,1.00
0583,-015.00,+00.00,01.00,000.00,1.00
0584,-015.00,+00.00,01.00,000.00,1.00
0585,-015.00,+00.00,01.00,000.00,1.00
0586,-015.00,+00.00,01.00,000.00,1.00
0587,-015.00,+00.00,01.00,000.00,1.00
0588,-015.00,+00.00,01.00,000.00,1.00
0589,-015.00,+00.00,01.00,000.00,1.00
0590,-015.00,+00.00,01.00,000.00,1.00
0591,-015.00,+00.00,01.00,000.00,1.00
0592,-015.00,+00.00,01.00,000.00,1.00
0593,-015.00,+00.00,01.00,000.00,1.00
0594,-015.00,+00.00,01.00,000.00,1.00
0595,-015.00,+00.00,01.00,000.00,1.00
0596,-015.00,+00.00,01.00,000.00,1.00
0597,-015.00,+00.00,01.00,000.00,1.00
0598,-015.00,+00.00,01.00,000.00,1.00
0599,-015.00,+00.00,01.00,000.00,1.00
0600,-015.00,+00.00,01.00,000.00,1.00
0601,-015.00,+00.00,01.00,000.00,1.00
0602,-015.00,+00.00,01.00,000.00,1.00
0603,-015.00,+00.00,01.00,000.00,1.00
0604,-015.00,+00.00,01.00,000.00,1.00
0605,-015.00,+00.00,01.00,000.00,1.00
0606,-015.00,+00.00,01.00,000.00,1.00
0607,-015.00,+00.00,01.00,000.00,1.00
0608,-015.00,+00.00,01.00,000.00,1.00
0609,-015.00,+00.00,01.00,000.00,1.00
0610,-015.00,+00.00,01.00,000.00,1.00
0611,-015.00,+00.00,01.00,000.00,1.00
0612,-015.00,+00.00,01.00,000.00,1.00
0613,-015.00,+00.00,01.00,000.00,1.00
0614,-015.00,+00.00,01.00,000.00,1.00
0615,-015.00,+00.00,01.00,000.00,1.00
0616,-015.00,+00.00,01.00,000.00,1.00
0617,-015.00,+00.00,01.00,000.00,1.00
0618,-015.00,+00.00,01.00,000.00,1.00
0619,-015.00,+00.00,01.00,000.00,1.00
0620,-015.00,+00.00,01.00,000.00,1.00
0621,-015.00,+00.00,01.00,000.00,1.00
0622,-015.00,+00.00,01.00,000.00,1.00
0623,-015.00,+00.00,01.00,000.00,1.00
0624,-015.00,+00.00,01.00,000.00,1.00
0625,-015.00,+00.00,01.00,000.00,1.00
0626,-015.00,+00.00,01.00,000.00,1.00
0627,-015.00,+00.00,01.00,000.00,1.00
0628,-015.00,+00.00,01.00,000.00,1.00
0629,-015.00,+00.00,01.00,000.00,1.00
0630,-015.00,+00.00,01.00,000.00,1.00
0631,-015.00,+00.00,01.00,000.00,1.00
0632,-015.00,+00.00,01.00,000.00,1.00
0633,-015.00,+00.00,01.00,000.00,1.00
0634,-015.00,+00.00,01.00,000.00,1.00
0635,-015.00,+00.00,01.00,000.00,1.00
0636,-015.00,+00.00,01.00,000.00,1.00
0637,-015.00,+00.00,01.00,000.00,1.00
0638,-015.00,+00.00,01.00,000.00,1.00
0639,-015.00,+00.00,01.00,000.00,1.00
0640,-015.00,+00.00,01.00,000.00,1.00
0641,-015.00,+00.00,01.00,000.00,1.00
0642,-015.00,+00.00,01.00,000.00,1.00
0643,-015.00,+00.00,01.00,000.00,1.00
0644,-015.00,+00.00,01.00,000.00,1.00
0645,-015.00,+00.00,01.00,000.00,1.00
0646,-015.00,+00.00,01.00,000.00,1.00
0647,-015.00,+00.00,01.00,000.00,1.00
0648,-015.00,+00.00,01.00,000.00,1.00
0649,-015.00,+00.00,01.00,000.00,1.00
0650,-015.00,+00.00,01.00,000.00,1.00
0651,-015.00,+00.00,01.00,000.00,1.00
0652,-015.00,+00.00,01.00,000.00,1.00
0653,-015.00,+00.00,01.00,000.00,1.00
0654,-015.00,+00.00,01.00,000.00,1.00
0655,-015.00,+00.00,01.00,000.00,1.00
0656,-015.00,+00.00,01.00,000.00,1.00
0657,-015.00,+00.00,01.00,000.00,1.00
0658,-015.00,+00.00,01.00,000.00,1.00
0659,-015.00,+00.00,01.00,000.00,1.00
0660,-015.00,+00.00,01.00,000.00,1.00
0661,-015.00,+00.00,01.00,000.00,1.00
0662,-015.00,+00.00,01.00,000.00,1.00
0663,-015.00,+00.00,01.00,000.00,1.00
0664,-015.00,+00.00,01.00,000.00,1.00
0665,-015.00,+00.00,01.00,000.00,1.00
0666,-015.00,+00.00,01.00,000.00,1.00
0667,-015.00,+00.00,01.00,000.00,1.00
0668,-015.00,+00.00,01.00,000.00,1.00
0669,-015.00,+00.00,01.00,000.00,1.00
0670,-015.00,+00.00,01.00,000.00,1.00
0671,-015.00,+00.00,01.00,000.00,1.00
0672,-015.00,+00.00,01.00,000.00,1.00
0673,-015.00,+00.00,01.00,000.00,1.00
0674,-015.00,+00.00,01.00,000.00,1.00
0675,-015.00,+00.00,01.00,000.00,1.00
0676,-015.00,+00.00,01.00,000.00,1.00
0677,-015.00,+00.00,01.00,000.00,1.00
0678,-015.00,+00.00,01.00,000.00,1.00
0679,-015.00,+00.00,01.00,000.00,1.00
0680,-015.00,+00.00,01.00,000.00,1.00
0681,-015.00,+00.00,01.00,000.00,1.00
0682,-015.00,+00.00,01.00,000.00,1.00
0683,-015.00,+00.00,01.00,000.00,1.00
0684,-015.00,+00.00,01.00,000.00,1.00
0685,-015.00,+00.00,01.00,000.00,1.00
0686,-015.00,+00.00,01.00,000.00,1.00
0687,-015.00,+00.00,01.00,000.00,1.00
0688,-015.00,+00.00,01.00,000.00,1.00
0689,-015.00,+00.00,01.00,000.00,1.00
0690,-015.00,+00.00,01.00,000.00,1.00
0691,-015.00,+00.00,01.00,000.00,1.00
0692,-015.00,+00.00,01.00,000.00,1.00
0693,-015.00,+00.00,01.00,000.00,1.00
0694,-015.00,+00.00,01.00,000.00,1.00
0695,-015.00,+00.00,01.00,000.00,1.00
0696,-015.00,+00.00,01.00,000.00,1.00
0697,-015.00,+00.00,01.00,000.00,1.00
0698,-015.00,+00.00,01.00,000.00,1.00
0699,-015.00,+00.00,01.00,000.00,1.00
0700,-015.00,+00.00,01.00,000.00,1.00
0701,-015.00,+00.00,01.00,000.00,1.00
0702,-015.00,+00.00,01.00,000.00,1.00
0703,-015.00,+00.00,01.00,000.00,1.00
0704,-015.00,+00.00,01.00,000.00,1.00
0705,-015.00,+00.00,01.00,000.00,1.00
0706,-015.00,+00.00,01.00,000.00,1.00
0707,-015.00,+00.00,01.00,000.00,1.00
0708,-015.00,+00.00,01.00,000.00,1.00
0709,-015.00,+00.00,01.00,000.00,1.00
0710,-015.00,+00.00,01.00,000.00,1.00
0711,-015.00,+00.00,01.00,000.00,1.00
0712,-015.00,+00.00,01.00,000.00,1.00
0713,-015.00,+00.00,01.00,000.00,1.00
0714,-015.00,+00.00,01.00,000.00,1.00
0715,-015.00,+00.00,01.00,000.00,1.00
0716,-015.00,+00.00,01.00,000.00,1.00
0717,-015.00,+00.00,01.00,000.00,1.00
0718,-015.00,+00.00,01.00,000.00,1.00
0719,-015.00,+00.00,01.00,000.00,1.00
0720,-015.00,+00.00,01.00,000.00,1.00
0721,-015.00,+00.00,01.00,000.00,1.00
0722,-015.00,+00.00,01.00,000.00,1.00
0723,-015.00,+00.00,01.00,000.00,1.00
0724,-015.00,+00.00,01.00,000.00,1.00
0725,-015.00,+00.00,01.00,000.00,1.00
0726,-015.00,+00.00,01.00,000.00,1.00
0727,-015.00,+00.00,01.00,000.00,1.00
0728,-015.00,+00.00,01.00,000.00,1.00
0729,-015.00,+00.00,01.00,000.00,1.00
0730,-015.00,+00.00,01.00,000.00,1.00
0731,-015.00,+00.00,01.00,000.00,1.00
0732,-015.00,+00.00,01.00,000.00,1.00
0733,-015.00,+00.00,01.00,000.00,1.00
0734,-015.00,+00.00,01.00,000.00,1.00
0735,-015.00,+00.00,01.00,000.00,1.00
0736,-015.00,+00.00,01.00,000.00,1.00
0737,-015.00,+00.00,01.00,000.00,1.00
0738,-015.00,+00.00,01.00,000.00,1.00
0739,-015.00,+00.00,01.00,000.00,1.00
0740,-015.00,+00.00,01.00,000.00,1.00
0741,-015.00,+00.00,01.00,000.00,1.00
0742,-015.00,+00.00,01.00,000.00,1.00
0743,-015.00,+00.00,01.00,000.00,1.00
0744,-015.00,+00.00,01.00,000.00,1.00
0745,-015.00,+00.00,01.00,000.00,1.00
0746,-015.00,+00.00,01.00,000.00,1.00
0747,-015.00,+00.00,01.00,000.00,1.00
0748,-015.00,+00.00,01.00,000.00,1.00
0749,-015.00,+00.00,01.00,000.00,1.00
0750,-015.00,+00.00,01.00,000.00,1.00
0751,-015.00,+00.00,01.00,000.00,1.00
0752,-015.00,+00.00,01.00,000.00,1.00
0753,-015.00,+00.00,01.00,000.00,1.00
0754,-015.00,+00.00,01.00,000.00,1.00
0755,-015.00,+00.00,01.00,000.00,1.00
0756,-015.00,+00.00,01.00,000.00,1.00
0757,-015.00,+00.00,01.00,000.00,1.00
0758,-015.00,+00.00,01.00,000.00,1.00
0759,-015.00,+00.00,01.00,000.00,1.00
0760,-015.00,+00.00,01.00,000.00,1.00
0761,-015.00,+00.00,01.00,000.00,1.00
0762,-015.00,+00.00,01.00,000.00,1.00
0763,-015.00,+00.00,01.00,000.00,1.00
0764,-015.00,+00.00,01.00,000.00,1.00
0765,-015.00,+00.00,01.00,000.00,1.00
0766,-015.00,+00.00,01.00,000.00,1.00
0767,-015.00,+00.00,01.00,000.00,1.00
0768,-015.00,+00.00,01.00,000.00,1.00
0769,-015.00,+00.00,01.00,000.00,1.00
0770,-015.00,+00.00,01.00,000.00,1.00
0771,-015.00,+00.00,01.00,000.00,1.00
0772,-015.00,+00.00,01.00,000.00,1.00
0773,-015.00,+00.00,01.00,000.00,1.00
0774,-015.00,+00.00,01.00,000.00,1.00
0775,-015.00,+00.00,01.00,000.00,1.00
0776,-015.00,+00.00,01.00,000.00,1.00
0777,-015.00,+00.00,01.00,000.00,1.00
0778,-015.00,+00.00,01.00,000.00,1.00
0779,-015.00,+00.00,01.00,000.00,1.00
0780,-015.00,+00.00,01.00,000.00,1.00
0781,-015.00,+00.00,01.00,000.00,1.00
0782,-015.00,+00.00,01.00,000.00,1.00
0783,-015.00,+00.00,01.00,000.00,1.00
0784,-015.00,+00.00,01.00,000.00,1.00
0785,-015.00,+00.00,01.00,000.00,1.00
0786,-015.00,+00.00,01.00,000.00,1.00
0787,-015.00,+00.00,01.00,000.00,1.00
0788,-015.00,+00.00,01.00,000.00,1.00
0789,-015.00,+00.00,01.00,000.00,1.00
0790,-015.00,+00.00,01.00,000.00,1.00
0791,-015.00,+00.00,01.00,000.00,1.00
0792,-015.00,+00.00,01.00,000.00,1.00
0793,-015.00,+00.00,01.00,000.00,1.00
0794,-015.00,+00.00,01.00,000.00,1.00
0795,-015.00,+00.00,01.00,000.00,1.00
0796,-015.00,+00.00,01.00,000.00,1.00
0797,-015.00,+00.00,01.00,000.00,1.00
0798,-015.00,+00.00,01.00,000.00,1.00
0799,-015.00,+00.00,01.00,000.00,1.00
0800,-015.00,+00.00,01.00,000.00,1.00
0801,-015.00,+00.00,01.00,000.00,1.00
0802,-015.00,+00.00,01.00,000.00,1.00
0803,-015.00,+00.00,01.00,000.00,1.00
0804,-015.00,+00.00,01.00,000.00,1.00
0805,-015.00,+00.00,01.00,000.00,1.00
0806,-015.00,+00.00,01.00,000.00,1.00
0807,-015.00,+00.00,01.00,000.00,1.00
0808,-015.00,+00.00,01.00,000.00,1.00
0809,-015.00,+00.00,01.00,000.00,1.00
0810,-015.00,+00.00,01.00,000.00,1.00
0811,-015.00,+00.00,01.00,000.00,1.00
0812,-015.00,+00.00,01.00,000.00,1.00
0813,-015.00,+00.00,01.00,000.00,1.00
0814,-015.00,+00.00,01.00,000.00,1.00
0815,-015.00,+00.00,01.00,000.00,1.00
0816,-015.00,+00.00,01.00,000.00,1.00
0817,-015.00,+00.00,01.00,000.00,1.00
0818,-015.00,+00.00,01.00,000.00,1.00
0819,-015.00,+00.00,01.00,000.00,1.00
0820,-015.00,+00.00,01.00,000.00,1.00
0821,-015.00,+00.00,01.00,000.00,1.00
0822,-015.00,+00.00,01.00,000.00,1.00
0823,-015.00,+00.00,01.00,000.00,1.00
0824,-015.00,+00.00,01.00,000.00,1.00
0825,-015.00,+00.00,01.00,000.00,1.00
0826,-015.00,+00.00,01.00,000.00,1.00
0827,-015.00,+00.00,01.00,000.00,1.00
0828,-015.00,+00.00,01.00,000.00,1.00
0829,-015.00,+00.00,01.00,000.00,1.00
0830,-015.00,+00.00,01.00,000.00,1.00
0831,-015.00,+00.00,01.00,000.00,1.00
0832,-015.00,+00.00,01.00,000.00,1.00
0833,-015.00,+00.00,01.00,000.00,1.00
0834,-015.00,+00.00,01.00,000.00,1.00
0835,-015.00,+00.00,01.00,000.00,1.00
0836,-015.00,+00.00,01.00,000.00,1.00
0837,-015.00,+00.00,01.00,000.00,1.00
0838,-015.00,+00.00,01.00,000.00,1.00
0839,-015.00,+00.00,01.00,000.00,1.00
0840,-015.00,+00.00,01.00,000.00,1.00
0841,-015.00,+00.00,01.00,000.00,1.00
0842,-015.00,+00.00,01.00,000.00,1.00
0843,-015.00,+00.00,01.00,000.00,1.00
0844,-015.00,+00.00,01.00,000.00,1.00
0845,-015.00,+00.00,01.00,000.00,1.00
0846,-015.00,+00.00,01.00,000.00,1.00
0847,-015.00,+00.00,01.00,000.00,1.00
0848,-015.00,+00.00,01.00,000.00,1.00
0849,-015.00,+00.00,01.00,000.00,1.00
0850,-015.00,+00.00,01.00,000.00,1.00
0851,-015.00,+00.00,01.00,000.00,1.00
0852,-015.00,+00.00,01.00,000.00,1.00
0853,-015.00,+00.00,01.00,000.00,1.00
0854,-015.00,+00.00,01.00,000.00,1.00
0855,-015.00,+00.00,01.00,000.00,1.00
0856,-015.00,+00.00,01.00,000.00,1.00
0857,-015.00,+00.00,01.00,000.00,1.00
0858,-015.00,+00.00,01.00,000.00,1.00
0859,-015.00,+00.00,01.00,000.00,1.00
0860,-015.00,+00.00,01.00,000.00,1.00
0861,-015.00,+00.00,01.00,000.00,1.00
0862,-015.00,+00.00,01.00,000.00,1.00
0863,-015.00,+00.00,01.00,000.00,1.00
0864,-015.00,+00.00,01.00,000.00,1.00
0865,-015.00,+00.00,01.00,000.00,1.00
0866,-015.00,+00.00,01.00,000.00,1.00
0867,-015.00,+00.00,01.00,000.00,1.00
0868,-015.00,+00.00,01.00,000.00,1.00
0869,-015.00,+00.00,01.00,000.00,1.00
0870,-015.00,+00.00,01.00,000.00,1.00
0871,-015.00,+00.00,01.00,000.00,1.00
0872,-015.00,+00.00,01.00,000.00,1.00
0873,-015.00,+00.00,01.00,000.00,1.00
0874,-015.00,+00.00,01.00,000.00,1.00
0875,-015.00,+00.00,01.00,000.00,1.00
0876,-015.00,+00.00,01.00,000.00,1.00
0877,-015.00,+00.00,01.00,000.00,1.00
0878,-015.00,+00.00,01.00,000.00,1.00
0879,-015.00,+00.00,01.00,000.00,1.00
0880,-015.00,+00.00,01.00,000.00,1.00
0881,-015.00,+00.00,01.00,000.00,1.00
0882,-015.00,+00.00,01.00,000.00,1.00
0883,-015.00,+00.00,01.00,000.00,1.00
0884,-015.00,+00.00,01.00,000.00,1.00
0885,-015.00,+00.00,01.00,000.00,1.00
0886,-015.00,+00.00,01.00,000.00,1.00
0887,-015.00,+00.00,01.00,000.00,1.00
0888,-015.00,+00.00,01.00,000.00,1.00
0889,-015.00,+00.00,01.00,000.00,1.00
0890,-015.00,+00.00,01.00,000.00,1.00
0891,-015.00,+00.00,01.00,000.00,1.00
0892,-015.00,+00.00,01.00,000.00,1.00
0893,-015.00,+00.00,01.00,000.00,1.00
0894,-015.00,+00.00,01.00,000.00,1.00
0895,-015.00,+00.00,01.00,000.00,1.00
0896,-015.00,+00.00,01.00,000.00,1.00
0897,-015.00,+00.00,01.00,000.00,1.00
0898,-015.00,+00.00,01.00,000.00,1.00
0899,-015.00,+00.00,01.00,000.00,1.00
0900,-015.00,+00.00,01.00,000.00,1.00
0901,-015.00,+00.00,01.00,000.00,1.00
0902,-015.00,+00.00,01.00,000.00,1.00
0903,-015.00,+00.00,01.00,000.00,1.00
0904,-015.00,+00.00,01.00,000.00,1.00
0905,-015.00,+00.00,01.00,000.00,1.00
0906,-015.00,+00.00,01.00,000.00,1.00
0907,-015.00,+00.00,01.00,000.00,1.00
0908,-015.00,+00.00,01.00,000.00,1.00
0909,-015.00,+00.00,01.00,000.00,1.00
0910,-015.00,+00.00,01.00,000.00,1.00
0911,-015.00,+00.00,01.00,000.00,1.00
0912,-015.00,+00.00,01.00,000.00,1.00
0913,-015.00,+00.00,01.00,000.00,1.00
0914,-015.00,+00.00,01.00,000.00,1.00
0915,-015.00,+00.00,01.00,000.00,1.00
0916,-015.00,+00.00,01.00,000.00,1.00
0917,-015.00,+00.00,01.00,000.00,1.00
0918,-015.00,+00.00,01.00,000.00,1.00
0919,-015.00,+00.00,01.00,000.00,1.00
0920,-015.00,+00.00,01.00,000.00,1.00
0921,-015.00,+00.00,01.00,000.00,1.00
0922,-015.00,+00.00,01.00,000.00,1.00
0923,-015.00,+00.00,01.00,000.00,1.00
0924,-015.00,+00.00,01.00,000.00,1.00
0925,-015.00,+00.00,01.00,000.00,1.00
0926,-015.00,+00.00,01.00,000.00,1.00
0927,-015.00,+00.00,01.00,000.00,1.00
0928,-015.00,+00.00,01.00,000.00,1.00
0929,-015.00,+00.00,01.00,000.00,1.00
0930,-015.00,+00.00,01.00,000.00,1.00
0931,-015.00,+00.00,01.00,000.00,1.00
0932,-015.00,+00.00,01.00,000.00,1.00
0933,-015.00,+00.00,01.00,000.00,1.00
0934,-015.00,+00.00,01.00,000.00,1.00
0935,-015.00,+00.00,01.00,000.00,1.00
0936,-015.00,+00.00,01.00,000.00,1.00
0937,-015.00,+00.00,01.00,000.00,1.00
0938,-015.00,+00.00,01.00,000.00,1.00
0939,-015.00,+00.00,01.00,000.00,1.00
0940,-015.00,+00.00,01.00,000.00,1.00
0941,-015.00,+00.00,01.00,000.00,1.00
0942,-015.00,+00.00,01.00,000.00,1.00
0943,-015.00,+00.00,01.00,000.00,1.00
0944,-015.00,+00.00,01.00,000.00,1.00
0945,-015.00,+00.00,01.00,000.00,1.00
0946,-015.00,+00.00,01.00,000.00,1.00
0947,-015.00,+00.00,01.00,000.00,1.00
0948,-015.00,+00.00,01.00,000.00,1.00
0949,-015.00,+00.00,01.00,000.00,1.00
0950,-015.00,+00.00,01.00,000.00,1.00
0951,-015.00,+00.00,01.00,000.00,1.00
0952,-015.00,+00.00,01.00,000.00,1.00
0953,-015.00,+00.00,01.00,000.00,1.00
0954,-015.00,+00.00,01.00,000.00,1.00
0955,-015.00,+00.00,01.00,000.00,1.00
0956,-015.00,+00.00,01.00,000.00,1.00
0957,-015.00,+00.00,01.00,000.00,1.00
0958,-015.00,+00.00,01.00,000.00,1.00
0959,-015.00,+00.00,01.00,000.00,1.00
0960,-015.00,+00.00,01.00,000.00,1.00
0961,-015.00,+00.00,01.00,000.00,1.00
0962,-015.00,+00.00,01.00,000.00,1.00
0963,-015.00,+00.00,01.00,000.00,1.00
0964,-015.00,+00.00,01.00,000.00,1.00
0965,-015.00,+00.00,01.00,000.00,1.00
0966,-015.00,+00.00,01.00,000.00,1.00
0967,-015.00,+00.00,01.00,000.00,1.00
0968,-015.00,+00.00,01.00,000.00,1.00
0969,-015.00,+00.00,01.00,000.00,1.00
0970,-015.00,+00.00,01.00,000.00,1.00
0971,-015.00,+00.00,01.00,000.00,1.00
0972,-015.00,+00.00,01.00,000.00,1.00
0973,-015.00,+00.00,01.00,000.00,1.00
0974,-015.00,+00.00,01.00,000.00,1.00
0975,-015.00,+00.00,01.00,000.00,1.00
0976,-015.00,+00.00,01.00,000.00,1.00
0977,-015.00,+00.00,01.00,000.00,1.00
0978,-015.00,+00.00,01.00,000.00,1.00
0979,-015.00,+00.00,01.00,000.00,1.00
0980,-015.00,+00.00,01.00,000.00,1.00
0981,-015.00,+00.00,01.00,000.00,1.00
0982,-015.00,+00.00,01.00,000.00,1.00
0983,-015.00,+00.00,01.00,000.00,1.00
0984,-015.00,+00.00,01.00,000.00,1.00
0985,-015.00,+00.00,01.00,000.00,1.00
0986,-015.00,+00.00,01.00,000.00,1.00
0987,-015.00,+00.00,01.00,000.00,1.00
0988,-015.00,+00.00,01.00,000.00,1.00
0989,-015.00,+00.00,01.00,000.00,1.00
0990,-015.00,+00.00,01.00,000.00,1.00
0991,-015.00,+00.00,01.00,000.00,1.00
0992,-015.00,+00.00,01.00,000.00,1.00
0993,-015.00,+00.00,01.00,000.00,1.00
0994,-015.00,+00.00,01.00,000.00,1.00
0995,-015.00,+00.00,01.00,000.00,1.00
0996,-015.00,+00.00,01.00,000.00,1.00
0997,-015.00,+00.00,01.00,000.00,1.00
0998,-015.00,+00.00,01.00,000.00,1.00
0999,-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
-015.00,+00.00,01.00,000.00,1.00
0000,+030.00,+00.00,01.00,000.00,1.00
0001,+030.00,+00.00,01.00,000.00,1.00
0002,+030.00,+00.00,01.00,000.00,1.00
0003,+030.00,+00.00,01.00,000.00,1.00
0004,+030.00,+00.00,01.00,000.00,1.00
0005,+030.00,+00.00,01.00,000.00,1.00
0006,+030.00,+00.00,01.00,000.00,1.00
0007,+030.00,+00.00,01.00,000.00,1.00
0008,+030.00,+00.00,01.00,000.00,1.00
0009,+030.00,+00.00,01.00,000.00,1.00
0010,+030.00,+00.00,01.00,000.00,1.00
0011,+030.00,+00.00,01.00,000.00,1.00
0012,+030.00,+00.00,01.00,000.00,1.00
0013,+030.00,+00.00,01.00,000.00,1.00
0014,+030.00,+00.00,01.00,000.00,1.00
0015,+030.00,+00.00,01.00,000.00,1.00
0016,+030.00,+00.00,01.00,000.00,1.00
0017,+030.00,+00.00,01.00,000.00,1.00
0018,+030.00,+00.00,01.00,000.00,1.00
0019,+030.00,+00.00,01.00,000.00,1.00
0020,+030.00,+00.00,01.00,000.00,1.00
0021,+030.00,+00.00,01.00,000.00,1.00
0022,+030.00,+00.00,01.00,000.00,1.00
0023,+030.00,+00.00,01.00,000.00,1.00
0024,+030.00,+00.00,01.00,000.00,1.00
0025,+030.00,+00.00,01.00,000.00,1.00
0026,+030.00,+00.00,01.00,000.00,1.00
0027,+030.00,+00.00,01.00,000.00,1.00
0028,+030.00,+00.00,01.00,000.00,1.00
0029,+030.00,+00.00,01.00,000.00,1.00
0030,+030.00,+00.00,01.00,000.00,1.00
0031,+030.00,+00.00,01.00,000.00,1.00
0032,+030.00,+00.00,01.00,000.00,1.00
0033,+030.00,+00.00,01.00,000.00,1.00
0034,+030.00,+00.00,01.00,000.00,1.00
0035,+030.00,+00.00,01.00,000.00,1.00
0036,+030.00,+00.00,01.00,000.00,1.00
0037,+030.00,+00.00,01.00,000.00,1.00
0038,+030.00,+00.00,01.00,000.00,1.00
0039,+030.00,+00.00,01.00,000.00,1.00
0040,+030.00,+00.00,01.00,000.00,1.00
0041,+030.00,+00.00,01.00,000.00,1.00
0042,+030.00,+00.00,01.00,000.00,1.00
0043,+030.00,+00.00,01.00,000.00,1.00
0044,+030.00,+00.00,01.00,000.00,1.00
0045,+030.00,+00.00,01.00,000.00,1.00
0046,+030.00,+00.00,01.00,000.00,1.00
0047,+030.00,+00.00,01.00,000.00,1.00
0048,+030.00,+00.00,01.00,000.00,1.00
0049,+030.00,+00.00,01.00,000.00,1.00
0050,+030.00,+00.00,01.00,000.00,1.00
0051,+030.00,+00.00,01.00,000.00,1.00
0052,+030.00,+00.00,01.00,000.00,1.00
0053,+030.00,+00.00,01.00,000.00,1.00
0054,+030.00,+00.00,01.00,000.00,1.00
0055,+030.00,+00.00,01.00,000.00,1.00
0056,+030.00,+00.00,01.00,000.00,1.00
0057,+030.00,+00.00,01.00,000.00,1.00
0058,+030.00,+00.00,01.00,000.00,1.00
0059,+030.00,+00.00,01.00,000.00,1.00
0060,+030.00,+00.00,01.00,000.00,1.00
0061,+030.00,+00.00,01.00,000.00,1.00
0062,+030.00,+00.00,01.00,000.00,1.00
0063,+030.00,+00.00,01.00,000.00,1.00
0064,+030.00,+00.00,01.00,000.00,1.00
0065,+030.00,+00.00,01.00,000.00,1.00
0066,+030.00,+00.00,01.00,000.00,1.00
0067,+030.00,+00.00,01.00,000.00,1.00
0068,+030.00,+00.00,01.00,000.00,1.00
0069,+030.00,+00.00,01.00,000.00,1.00
0070,+030.00,+00.00,01.00,000.00,1.00
0071,+030.00,+00.00,01.00,000.00,1.00
0072,+030.00,+00.00,01.00,000.00,1.00
0073,+030.00,+00.00,01.00,000.00,1.00
0074,+030.00,+00.00,01.00,000.00,1.00
0075,+030.00,+00.00,01.00,000.00,1.00
0076,+030.00,+00.00,01.00,000.00,1.00
0077,+030.00,+00.00,01.00,000.00,1.00
0078,+030.00,+00.00,01.00,000.00,1.00
0079,+030.00,+00.00,01.00,000.00,1.00
0080,+030.00,+00.00,01.00,000.00,1.00
0081,+030.00,+00.00,01.00,000.00,1.00
0082,+030.00,+00.00,01.00,000.00,1.00
0083,+030.00,+00.00,01.00,000.00,1.00
0084,+030.00,+00.00,01.00,000.00,1.00
0085,+030.00,+00.00,01.00,000.00,1.00
0086,+030.00,+00.00,01.00,000.00,1.00
0087,+030.00,+00.00,01.00,000.00,1.00
0088,+030.00,+00.00,01.00,000.00,1.00
0089,+030.00,+00.00,01.00,000.00,1.00
0090,+030.00,+00.00,01.00,000.00,1.00
0091,+030.00,+00.00,01.00,000.00,1.00
0092,+030.00,+00.00,01.00,000.00,1.00
0093,+030.00,+00.00,01.00,000.00,1.00
0094,+030.00,+00.00,01.00,000.00,1.00
0095,+030.00,+00.00,01.00,000.00,1.00
0096,+030.00,+00.00,01.00,000.00,1.00
0097,+030.00,+00.00,01.00,000.00,1.00
0098,+030.00,+00.00,01.00,000.00,1.00
0099,+030.00,+00.00,01.00,000.00,1.00
0100,+030.00,+00.00,01.00,000.00,1.00
0101,+030.00,+00.00,01.00,000.00,1.00
0102,+030.00,+00.00,01.00,000.00,1.00
0103,+030.00,+00.00,01.00,000.00,1.00
0104,+030.00,+00.00,01.00,000.00,1.00
0105,+030.00,+00.00,01.00,000.00,1.00
0106,+030.00,+00.00,01.00,000.00,1.00
0107,+030.00,+00.00,01.00,000.00,1.00
0108,+030.00,+00.00,01.00,000.00,1.00
0109,+030.00,+00.00,01.00,000.00,1.00
0110,+030.00,+00.00,01.00,000.00,1.00
0111,+030.00,+00.00,01.00,000.00,1.00
0112,+030.00,+00.00,01.00,000.00,1.00
0113,+030.00,+00.00,01.00,000.00,1.00
0114,+030.00,+00.00,01.00,000.00,1.00
0115,+030.00,+00.00,01.00,000.00,1.00
0116,+030.00,+00.00,01.00,000.00,1.00
0117,+030.00,+00.00,01.00,000.00,1.00
0118,+030.00,+00.00,01.00,000.00,1.00
0119,+030.00,+00.00,01.00,000.00,1.00
0120,+030.00,+00.00,01.00,000.00,1.00
0121,+030.00,+00.00,01.00,000.00,1.00
0122,+030.00,+00.00,01.00,000.00,1.00
0123,+030.00,+00.00,01.00,000.00,1.00
0124,+030.00,+00.00,01.00,000.00,1.00
0125,+030.00,+00.00,01.00,000.00,1.00
0126,+030.00,+00.00,01.00,000.00,1.00
0127,+030.00,+00.00,01.00,000.00,1.00
0128,+030.00,+00.00,01.00,000.00,1.00
0129,+030.00,+00.00,01.00,000.00,1.00
0130,+030.00,+00.00,01.00,000.00,1.00
0131,+030.00,+00.00,01.00,000.00,1.00
0132,+030.00,+00.00,01.00,000.00,1.00
0133,+030.00,+00.00,01.00,000.00,1.00
0134,+030.00,+00.00,01.00,000.00,1.00
0135,+030.00,+00.00,01.00,000.00,1.00
0136,+030.00,+00.00,01.00,000.00,1.00
0137,+030.00,+00.00,01.00,000.00,1.00
0138,+030.00,+00.00,01.00,000.00,1.00
0139,+030.00,+00.00,01.00,000.00,1.00
0140,+030.00,+00.00,01.00,000.00,1.00
0141,+030.00,+00.00,01.00,000.00,1.00
0142,+030.00,+00.00,01.00,000.00,1.00
0143,+030.00,+00.00,01.00,000.00,1.00
0144,+030.00,+00.00,01.00,000.00,1.00
0145,+030.00,+00.00,01.00,000.00,1.00
0146,+030.00,+00.00,01.00,000.00,1.00
0147,+030.00,+00.00,01.00,000.00,1.00
0148,+030.00,+00.00,01.00,000.00,1.00
0149,+030.00,+00.00,01.00,000.00,1.00
0150,+030.00,+00.00,01.00,000.00,1.00
0151,+030.00,+00.00,01.00,000.00,1.00
0152,+030.00,+00.00,01.00,000.00,1.00
0153,+030.00,+00.00,01.00,000.00,1.00
0154,+030.00,+00.00,01.00,000.00,1.00
0155,+030.00,+00.00,01.00,000.00,1.00
0156,+030.00,+00.00,01.00,000.00,1.00
0157,+030.00,+00.00,01.00,000.00,1.00
0158,+030.00,+00.00,01.00,000.00,1.00
0159,+030.00,+00.00,01.00,000.00,1.00
0160,+030.00,+00.00,01.00,000.00,1.00
0161,+030.00,+00.00,01.00,000.00,1.00
0162,+030.00,+00.00,01.00,000.00,1.00
0163,+030.00,+00.00,01.00,000.00,1.00
0164,+030.00,+00.00,01.00,000.00,1.00
0165,+030.00,+00.00,01.00,000.00,1.00
0166,+030.00,+00.00,01.00,000.00,1.00
0167,+030.00,+00.00,01.00,000.00,1.00
0168,+030.00,+00.00,01.00,000.00,1.00
0169,+030.00,+00.00,01.00,000.00,1.00
0170,+030.00,+00.00,01.00,000.00,1.00
0171,+030.00,+00.00,01.00,000.00,1.00
0172,+030.00,+00.00,01.00,000.00,1.00
0173,+030.00,+00.00,01.00,000.00,1.00
0174,+030.00,+00.00,01.00,000.00,1.00
0175,+030.00,+00.00,01.00,000.00,1.00
0176,+030.00,+00.00,01.00,000.00,1.00
0177,+030.00,+00.00,01.00,000.00,1.00
0178,+030.00,+00.00,01.00,000.00,1.00
0179,+030.00,+00.00,01.00,000.00,1.00
0180,+030.00,+00.00,01.00,000.00,1.00
0181,+030.00,+00.00,01.00,000.00,1.00
0182,+030.00,+00.00,01.00,000.00,1.00
0183,+030.00,+00.00,01.00,000.00,1.00
0184,+030.00,+00.00,01.00,000.00,1.00
0185,+030.00,+00.00,01.00,000.00,1.00
0186,+030.00,+00.00,01.00,000.00,1.00
0187,+030.00,+00.00,01.00,000.00,1.00
0188,+030.00,+00.00,01.00,000.00,1.00
0189,+030.00,+00.00,01.00,000.00,1.00
0190,+030.00,+00.00,01.00,000.00,1.00
0191,+030.00,+00.00,01.00,000.00,1.00
0192,+030.00,+00.00,01.00,000.00,1.00
0193,+030.00,+00.00,01.00,000.00,1.00
0194,+030.00,+00.00,01.00,000.00,1.00
0195,+030.00,+00.00,01.00,000.00,1.00
0196,+030.00,+00.00,01.00,000.00,1.00
0197,+030.00,+00.00,01.00,000.00,1.00
0198,+030.00,+00.00,01.00,000.00,1.00
0199,+030.00,+00.00,01.00,000.00,1.00
0200,+030.00,+00.00,01.00,000.00,1.00
0201,+030.00,+00.00,01.00,000.00,1.00
0202,+030.00,+00.00,01.00,000.00,1.00
0203,+030.00,+00.00,01.00,000.00,1.00
0204,+030.00,+00.00,01.00,000.00,1.00
0205,+030.00,+00.00,01.00,000.00,1.00
0206,+030.00,+00.00,01.00,000.00,1.00
0207,+030.00,+00.00,01.00,000.00,1.00
0208,+030.00,+00.00,01.00,000.00,1.00
0209,+030.00,+00.00,01.00,000.00,1.00
0210,+030.00,+00.00,01.00,000.00,1.00
0211,+030.00,+00.00,01.00,000.00,1.00
0212,+030.00,+00.00,01.00,000.00,1.00
0213,+030.00,+00.00,01.00,000.00,1.00
0214,+030.00,+00.00,01.00,000.00,1.00
0215,+030.00,+00.00,01.00,000.00,1.00
0216,+030.00,+00.00,01.00,000.00,1.00
0217,+030.00,+00.00,01.00,000.00,1.00
0218,+030.00,+00.00,01.00,000.00,1.00
0219,+030.00,+00.00,01.00,000.00,1.00
0220,+030.00,+00.00,01.00,000.00,1.00
0221,+030.00,+00.00,01.00,000.00,1.00
0222,+030.00,+00.00,01.00,000.00,1.00
0223,+030.00,+00.00,01.00,000.00,1.00
0224,+030.00,+00.00,01.00,000.00,1.00
0225,+030.00,+00.00,01.00,000.00,1.00
0226,+030.00,+00.00,01.00,000.00,1.00
0227,+030.00,+00.00,01.00,000.00,1.00
0228,+030.00,+00.00,01.00,000.00,1.00
0229,+030.00,+00.00,01.00,000.00,1.00
0230,+030.00,+00.00,01.00,000.00,1.00
0231,+030.00,+00.00,01.00,000.00,1.00
0232,+030.00,+00.00,01.00,000.00,1.00
0233,+030.00,+00.00,01.00,000.00,1.00
0234,+030.00,+00.00,01.00,000.00,1.00
0235,+030.00,+00.00,01.00,000.00,1.00
0236,+030.00,+00.00,01.00,000.00,1.00
0237,+030.00,+00.00,01.00,000.00,1.00
0238,+030.00,+00.00,01.00,000.00,1.00
0239,+030.00,+00.00,01.00,000.00,1.00
0240,+030.00,+00.00,01.00,000.00,1.00
0241,+030.00,+00.00,01.00,000.00,1.00
0242,+030.00,+00.00,01.00,000.00,1.00
0243,+030.00,+00.00,01.00,000.00,1.00
0244,+030.00,+00.00,01.00,000.00,1.00
0245,+030.00,+00.00,01.00,000.00,1.00
0246,+030.00,+00.00,01.00,000.00,1.00
0247,+030.00,+00.00,01.00,000.00,1.00
0248,+030.00,+00.00,01.00,000.00,1.00
0249,+030.00,+00.00,01.00,000.00,1.00
0250,+030.00,+00.00,01.00,000.00,1.00
0251,+030.00,+00.00,01.00,000.00,1.00
0252,+030.00,+00.00,01.00,000.00,1.00
0253,+030.00,+00.00,01.00,000.00,1.00
0254,+030.00,+00.00,01.00,000.00,1.00
0255,+030.00,+00.00,01.00,000.00,1.00
0256,+030.00,+00.00,01.00,000.00,1.00
0257,+030.00,+00.00,01.00,000.00,1.00
0258,+030.00,+00.00,01.00,000.00,1.00
0259,+030.00,+00.00,01.00,000.00,1.00
0260,+030.00,+00.00,01.00,000.00,1.00
0261,+030.00,+00.00,01.00,000.00,1.00
0262,+030.00,+00.00,01.00,000.00,1.00
0263,+030.00,+00.00,01.00,000.00,1.00
0264,+030.00,+00.00,01.00,000.00,1.00
0265,+030.00,+00.00,01.00,000.00,1.00
0266,+030.00,+00.00,01.00,000.00,1.00
0267,+030.00,+00.00,01.00,000.00,1.00
0268,+030.00,+00.00,01.00,000.00,1.00
0269,+030.00,+00.00,01.00,000.00,1.00
0270,+030.00,+00.00,01.00,000.00,1.00
0271,+030.00,+00.00,01.00,000.00,1.00
0272,+030.00,+00.00,01.00,000.00,1.00
0273,+030.00,+00.00,01.00,000.00,1.00
0274,+030.00,+00.00,01.00,000.00,1.00
0275,+030.00,+00.00,01.00,000.00,1.00
0276,+030.00,+00.00,01.00,000.00,1.00
0277,+030.00,+00.00,01.00,000.00,1.00
0278,+030.00,+00.00,01.00,000.00,1.00
0279,+030.00,+00.00,01.00,000.00,1.00
0280,+030.00,+00.00,01.00,000.00,1.00
0281,+030.00,+00.00,01.00,000.00,1.00
0282,+030.00,+00.00,01.00,000.00,1.00
0283,+030.00,+00.00,01.00,000.00,1.00
0284,+030.00,+00.00,01.00,000.00,1.00
0285,+030.00,+00.00,01.00,000.00,1.00
0286,+030.00,+00.00,01.00,000.00,1.00
0287,+030.00,+00.00,01.00,000.00,1.00
0288,+030.00,+00.00,01.00,000.00,1.00
0289,+030.00,+00.00,01.00,000.00,1.00
0290,+030.00,+00.00,01.00,000.00,1.00
0291,+030.00,+00.00,01.00,000.00,1.00
0292,+030.00,+00.00,01.00,000.00,1.00
0293,+030.00,+00.00,01.00,000.00,1.00
0294,+030.00,+00.00,01.00,000.00,1.00
0295,+030.00,+00.00,01.00,000.00,1.00
0296,+030.00,+00.00,01.00,000.00,1.00
0297,+030.00,+00.00,01.00,000.00,1.00
0298,+030.00,+00.00,01.00,000.00,1.00
0299,+030.00,+00.00,01.00,000.00,1.00
0300,+030.00,+00.00,01.00,000.00,1.00
0301,+030.00,+00.00,01.00,000.00,1.00
0302,+030.00,+00.00,01.00,000.00,1.00
0303,+030.00,+00.00,01.00,000.00,1.00
0304,+030.00,+00.00,01.00,000.00,1.00
0305,+030.00,+00.00,01.00,000.00,1.00
0306,+030.00,+00.00,01.00,000.00,1.00
0307,+030.00,+00.00,01.00,000.00,1.00
0308,+030.00,+00.00,01.00,000.00,1.00
0309,+030.00,+00.00,01.00,000.00,1.00
0310,+030.00,+00.00,01.00,000.00,1.00
0311,+030.00,+00.00,01.00,000.00,1.00
0312,+030.00,+00.00,01.00,000.00,1.00
0313,+030.00,+00.00,01.00,000.00,1.00
0314,+030.00,+00.00,01.00,000.00,1.00
0315,+030.00,+00.00,01.00,000.00,1.00
0316,+030.00,+00.00,01.00,000.00,1.00
0317,+030.00,+00.00,01.00,000.00,1.00
0318,+030.00,+00.00,01.00,000.00,1.00
0319,+030.00,+00.00,01.00,000.00,1.00
0320,+030.00,+00.00,01.00,000.00,1.00
0321,+030.00,+00.00,01.00,000.00,1.00
0322,+030.00,+00.00,01.00,000.00,1.00
0323,+030.00,+00.00,01.00,000.00,1.00
0324,+030.00,+00.00,01.00,000.00,1.00
0325,+030.00,+00.00,01.00,000.00,1.00
0326,+030.00,+00.00,01.00,000.00,1.00
0327,+030.00,+00.00,01.00,000.00,1.00
0328,+030.00,+00.00,01.00,000.00,1.00
0329,+030.00,+00.00,01.00,000.00,1.00
0330,+030.00,+00.00,01.00,000.00,1.00
0331,+030.00,+00.00,01.00,000.00,1.00
0332,+030.00,+00.00,01.00,000.00,1.00
0333,+030.00,+00.00,01.00,000.00,1.00
0334,+030.00,+00.00,01.00,000.00,1.00
0335,+030.00,+00.00,01.00,000.00,1.00
0336,+030.00,+00.00,01.00,000.00,1.00
0337,+030.00,+00.00,01.00,000.00,1.00
0338,+030.00,+00.00,01.00,000.00,1.00
0339,+030.00,+00.00,01.00,000.00,1.00
0340,+030.00,+00.00,01.00,000.00,1.00
0341,+030.00,+00.00,01.00,000.00,1.00
0342,+030.00,+00.00,01.00,000.00,1.00
0343,+030.00,+00.00,01.00,000.00,1.00
0344,+030.00,+00.00,01.00,000.00,1.00
0345,+030.00,+00.00,01.00,000.00,1.00
0346,+030.00,+00.00,01.00,000.00,1.00
0347,+030.00,+00.00,01.00,000.00,1.00
0348,+030.00,+00.00,01.00,000.00,1.00
0349,+030.00,+00.00,01.00,000.00,1.00
0350,+030.00,+00.00,01.00,000.00,1.00
0351,+030.00,+00.00,01.00,000.00,1.00
0352,+030.00,+00.00,01.00,000.00,1.00
0353,+030.00,+00.00,01.00,000.00,1.00
0354,+030.00,+00.00,01.00,000.00,1.00
0355,+030.00,+00.00,01.00,000.00,1.00
0356,+030.00,+00.00,01.00,000.00,1.00
0357,+030.00,+00.00,01.00,000.00,1.00
0358,+030.00,+00.00,01.00,000.00,1.00
0359,+030.00,+00.00,01.00,000.00,1.00
0360,+030.00,+00.00,01.00,000.00,1.00
0361,+030.00,+00.00,01.00,000.00,1.00
0362,+030.00,+00.00,01.00,000.00,1.00
0363,+030.00,+00.00,01.00,000.00,1.00
0364,+030.00,+00.00,01.00,000.00,1.00
0365,+030.00,+00.00,01.00,000.00,1.00
0366,+030.00,+00.00,01.00,000.00,1.00
0367,+030.00,+00.00,01.00,000.00,1.00
0368,+030.00,+00.00,01.00,000.00,1.00
0369,+030.00,+00.00,01.00,000.00,1.00
0370,+030.00,+00.00,01.00,000.00,1.00
0371,+030.00,+00.00,01.00,000.00,1.00
0372,+030.00,+00.00,01.00,000.00,1.00
0373,+030.00,+00.00,01.00,000.00,1.00
0374,+030.00,+00.00,01.00,000.00,1.00
0375,+030.00,+00.00,01.00,000.00,1.00
0376,+030.00,+00.00,01.00,000.00,1.00
0377,+030.00,+00.00,01.00,000.00,1.00
0378,+030.00,+00.00,01.00,000.00,1.00
0379,+030.00,+00.00,01.00,000.00,1.00
0380,+030.00,+00.00,01.00,000.00,1.00
0381,+030.00,+00.00,01.00,000.00,1.00
0382,+030.00,+00.00,01.00,000.00,1.00
0383,+030.00,+00.00,01.00,000.00,1.00
0384,+030.00,+00.00,01.00,000.00,1.00
0385,+030.00,+00.00,01.00,000.00,1.00
0386,+030.00,+00.00,01.00,000.00,1.00
0387,+030.00,+00.00,01.00,000.00,1.00
0388,+030.00,+00.00,01.00,000.00,1.00
0389,+030.00,+00.00,01.00,000.00,1.00
0390,+030.00,+00.00,01.00,000.00,1.00
0391,+030.00,+00.00,01.00,000.00,1.00
0392,+030.00,+00.00,01.00,000.00,1.00
0393,+030.00,+00.00,01.00,000.00,1.00
0394,+030.00,+00.00,01.00,000.00,1.00
0395,+030.00,+00.00,01.00,000.00,1.00
0396,+030.00,+00.00,01.00,000.00,1.00
0397,+030.00,+00.00,01.00,000.00,1.00
0398,+030.00,+00.00,01.00,000.00,1.00
0399,+030.00,+00.00,01.00,000.00,1.00
0400,+030.00,+00.00,01.00,000.00,1.00
0401,+030.00,+00.00,01.00,000.00,1.00
0402,+030.00,+00.00,01.00,000.00,1.00
0403,+030.00,+00.00,01.00,000.00,1.00
0404,+030.00,+00.00,01.00,000.00,1.00
0405,+030.00,+00.00,01.00,000.00,1.00
0406,+030.00,+00.00,01.00,000.00,1.00
0407,+030.00,+00.00,01.00,000.00,1.00
0408,+030.00,+00.00,01.00,000.00,1.00
0409,+030.00,+00.00,01.00,000.00,1.00
0410,+030.00,+00.00,01.00,000.00,1.00
0411,+030.00,+00.00,01.00,000.00,1.00
0412,+030.00,+00.00,01.00,000.00,1.00
0413,+030.00,+00.00,01.00,000.00,1.00
0414,+030.00,+00.00,01.00,000.00,1.00
0415,+030.00,+00.00,01.00,000.00,1.00
0416,+030.00,+00.00,01.00,000.00,1.00
0417,+030.00,+00.00,01.00,000.00,1.00
0418,+030.00,+00.00,01.00,000.00,1.00
0419,+030.00,+00.00,01.00,000.00,1.00
0420,+030.00,+00.00,01.00,000.00,1.00
0421,+030.00,+00.00,01.00,000.00,1.00
0422,+030.00,+00.00,01.00,000.00,1.00
0423,+030.00,+00.00,01.00,000.00,1.00
0424,+030.00,+00.00,01.00,000.00,1.00
0425,+030.00,+00.00,01.00,000.00,1.00
0426,+030.00,+00.00,01.00,000.00,1.00
0427,+030.00,+00.00,01.00,000.00,1.00
0428,+030.00,+00.00,01.00,000.00,1.00
0429,+030.00,+00.00,01.00,000.00,1.00
0430,+030.00,+00.00,01.00,000.00,1.00
0431,+030.00,+00.00,01.00,000.00,1.00
0432,+030.00,+00.00,01.00,000.00,1.00
0433,+030.00,+00.00,01.00,000.00,1.00
0434,+030.00,+00.00,01.00,000.00,1.00
0435,+030.00,+00.00,01.00,000.00,1.00
0436,+030.00,+00.00,01.00,000.00,1.00
0437,+030.00,+00.00,01.00,000.00,1.00
0438,+030.00,+00.00,01.00,000.00,1.00
0439,+030.00,+00.00,01.00,000.00,1.00
0440,+030.00,+00.00,01.00,000.00,1.00
0441,+030.00,+00.00,01.00,000.00,1.00
0442,+030.00,+00.00,01.00,000.00,1.00
0443,+030.00,+00.00,01.00,000.00,1.00
0444,+030.00,+00.00,01.00,000.00,1.00
0445,+030.00,+00.00,01.00,000.00,1.00
0446,+030.00,+00.00,01.00,000.00,1.00
0447,+030.00,+00.00,01.00,000.00,1.00
0448,+030.00,+00.00,01.00,000.00,1.00
0449,+030.00,+00.00,01.00,000.00,1.00
0450,+030.00,+00.00,01.00,000.00,1.00
0451,+030.00,+00.00,01.00,000.00,1.00
0452,+030.00,+00.00,01.00,000.00,1.00
0453,+030.00,+00.00,01.00,000.00,1.00
0454,+030.00,+00.00,01.00,000.00,1.00
0455,+030.00,+00.00,01.00,000.00,1.00
0456,+030.00,+00.00,01.00,000.00,1.00
0457,+030.00,+00.00,01.00,000.00,1.00
0458,+030.00,+00.00,01.00,000.00,1.00
0459,+030.00,+00.00,01.00,000.00,1.00
0460,+030.00,+00.00,01.00,000.00,1.00
0461,+030.00,+00.00,01.00,000.00,1.00
0462,+030.00,+00.00,01.00,000.00,1.00
0463,+030.00,+00.00,01.00,000.00,1.00
0464,+030.00,+00.00,01.00,000.00,1.00
0465,+030.00,+00.00,01.00,000.00,1.00
0466,+030.00,+00.00,01.00,000.00,1.00
0467,+030.00,+00.00,01.00,000.00,1.00
0468,+030.00,+00.00,01.00,000.00,1.00
0469,+030.00,+00.00,01.00,000.00,1.00
0470,+030.00,+00.00,01.00,000.00,1.00
0471,+030.00,+00.00,01.00,000.00,1.00
0472,+030.00,+00.00,01.00,000.00,1.00
0473,+030.00,+00.00,01.00,000.00,1.00
0474,+030.00,+00.00,01.00,000.00,1.00
0475,+030.00,+00.00,01.00,000.00,1.00
0476,+030.00,+00.00,01.00,000.00,1.00
0477,+030.00,+00.00,01.00,000.00,1.00
0478,+030.00,+00.00,01.00,000.00,1.00
0479,+030.00,+00.00,01.00,000.00,1.00
0480,+030.00,+00.00,01.00,000.00,1.00
0481,+030.00,+00.00,01.00,000.00,1.00
0482,+030.00,+00.00,01.00,000.00,1.00
0483,+030.00,+00.00,01.00,000.00,1.00
0484,+030.00,+00.00,01.00,000.00,1.00
0485,+030.00,+00.00,01.00,000.00,1.00
0486,+030.00,+00.00,01.00,000.00,1.00
0487,+030.00,+00.00,01.00,000.00,1.00
0488,+030.00,+00.00,01.00,000.00,1.00
0489,+030.00,+00.00,01.00,000.00,1.00
0490,+030.00,+00.00,01.00,000.00,1.00
0491,+030.00,+00.00,01.00,000.00,1.00
0492,+030.00,+00.00,01.00,000.00,1.00
0493,+030.00,+00.00,01.00,000.00,1.00
0494,+030.00,+00.00,01.00,000.00,1.00
0495,+030.00,+00.00,01.00,000.00,1.00
0496,+030.00,+00.00,01.00,000.00,1.00
0497,+030.00,+00.00,01.00,000.00,1.00
0498,+030.00,+00.00,01.00,000.00,1.00
0499,+030.00,+00.00,01.00,000.00,1.00
0500,+030.00,+00.00,01.00,000.00,1.00
0501,+030.00,+00.00,01.00,000.00,1.00
0502,+030.00,+00.00,01.00,000.00,1.00
0503,+030.00,+00.00,01.00,000.00,1.00
0504,+030.00,+00.00,01.00,000.00,1.00
0505,+030.00,+00.00,01.00,000.00,1.00
0506,+030.00,+00.00,01.00,000.00,1.00
0507,+030.00,+00.00,01.00,000.00,1.00
0508,+030.00,+00.00,01.00,000.00,1.00
0509,+030.00,+00.00,01.00,000.00,1.00
0510,+030.00,+00.00,01.00,000.00,1.00
0511,+030.00,+00.00,01.00,000.00,1.00
0512,+030.00,+00.00,01.00,000.00,1.00
0513,+030.00,+00.00,01.00,000.00,1.00
0514,+030.00,+00.00,01.00,000.00,1.00
0515,+030.00,+00.00,01.00,000.00,1.00
0516,+030.00,+00.00,01.00,000.00,1.00
0517,+030.00,+00.00,01.00,000.00,1.00
0518,+030.00,+00.00,01.00,000.00,1.00
0519,+030.00,+00.00,01.00,000.00,1.00
0520,+030.00,+00.00,01.00,000.00,1.00
0521,+030.00,+00.00,01.00,000.00,1.00
0522,+030.00,+00.00,01.00,000.00,1.00
0523,+030.00,+00.00,01.00,000.00,1.00
0524,+030.00,+00.00,01.00,000.00,1.00
0525,+030.00,+00.00,01.00,000.00,1.00
0526,+030.00,+00.00,01.00,000.00,1.00
0527,+030.00,+00.00,01.00,000.00,1.00
0528,+030.00,+00.00,01.00,000.00,1.00
0529,+030.00,+00.00,01.00,000.00,1.00
0530,+030.00,+00.00,01.00,000.00,1.00
0531,+030.00,+00.00,01.00,000.00,1.00
0532,+030.00,+00.00,01.00,000.00,1.00
0533,+030.00,+00.00,01.00,000.00,1.00
0534,+030.00,+00.00,01.00,000.00,1.00
0535,+030.00,+00.00,01.00,000.00,1.00
0536,+030.00,+00.00,01.00,000.00,1.00
0537,+030.00,+00.00,01.00,000.00,1.00
0538,+030.00,+00.00,01.00,000.00,1.00
0539,+030.00,+00.00,01.00,000.00,1.00
0540,+030.00,+00.00,01.00,000.00,1.00
0541,+030.00,+00.00,01.00,000.00,1.00
0542,+030.00,+00.00,01.00,000.00,1.00
0543,+030.00,+00.00,01.00,000.00,1.00
0544,+030.00,+00.00,01.00,000.00,1.00
0545,+030.00,+00.00,01.00,000.00,1.00
0546,+030.00,+00.00,01.00,000.00,1.00
0547,+030.00,+00.00,01.00,000.00,1.00
0548,+030.00,+00.00,01.00,000.00,1.00
0549,+030.00,+00.00,01.00,000.00,1.00
0550,+030.00,+00.00,01.00,000.00,1.00
0551,+030.00,+00.00,01.00,000.00,1.00
0552,+030.00,+00.00,01.00,000.00,1.00
0553,+030.00,+00.00,01.00,000.00,1.00
0554,+030.00,+00.00,01.00,000.00,1.00
0555,+030.00,+00.00,01.00,000.00,1.00
0556,+030.00,+00.00,01.00,000.00,1.00
0557,+030.00,+00.00,01.00,000.00,1.00
0558,+030.00,+00.00,01.00,000.00,1.00
0559,+030.00,+00.00,01.00,000.00,1.00
0560,+030.00,+00.00,01.00,000.00,1.00
0561,+030.00,+00.00,01.00,000.00,1.00
0562,+030.00,+00.00,01.00,000.00,1.00
0563,+030.00,+00.00,01.00,000.00,1.00
0564,+030.00,+00.00,01.00,000.00,1.00
0565,+030.00,+00.00,01.00,000.00,1.00
0566,+030.00,+00.00,01.00,000.00,1.00
0567,+030.00,+00.00,01.00,000.00,1.00
0568,+030.00,+00.00,01.00,000.00,1.00
0569,+030.00,+00.00,01.00,000.00,1.00
0570,+030.00,+00.00,01.00,000.00,1.00
0571,+030.00,+00.00,01.00,000.00,1.00
0572,+030.00,+00.00,01.00,000.00,1.00
0573,+030.00,+00.00,01.00,000.00,1.00
0574,+030.00,+00.00,01.00,000.00,1.00
0575,+030.00,+00.00,01.00,000.00,1.00
0576,+030.00,+00.00,01.00,000.00,1.00
0577,+030.00,+00.00,01.00,000.00,1.00
0578,+030.00,+00.00,01.00,000.00,1.00
0579,+030.00,+00.00,01.00,000.00,1.00
0580,+030.00,+00.00,01.00,000.00,1.00
0581,+030.00,+00.00,01.00,000.00,1.00
0582,+030.00,+00.00,01.00,000.00,1.00
0583,+030.00,+00.00,01.00,000.00,1.00
0584,+030.00,+00.00,01.00,000.00,1.00
0585,+030.00,+00.00,01.00,000.00,1.00
0586,+030.00,+00.00,01.00,000.00,1.00
0587,+030.00,+00.00,01.00,000.00,1.00
0588,+030.00,+00.00,01.00,000.00,1.00
0589,+030.00,+00.00,01.00,000.00,1.00
0590,+030.00,+00.00,01.00,000.00,1.00
0591,+030.00,+00.00,01.00,000.00,1.00
0592,+030.00,+00.00,01.00,000.00,1.00
0593,+030.00,+00.00,01.00,000.00,1.00
0594,+030.00,+00.00,01.00,000.00,1.00
0595,+030.00,+00.00,01.00,000.00,1.00
0596,+030.00,+00.00,01.00,000.00,1.00
0597,+030.00,+00.00,01.00,000.00,1.00
0598,+030.00,+00.00,01.00,000.00,1.00
0599,+030.00,+00.00,01.00,000.00,1.00
0600,+030.00,+00.00,01.00,000.00,1.00
0601,+030.00,+00.00,01.00,000.00,1.00
0602,+030.00,+00.00,01.00,000.00,1.00
0603,+030.00,+00.00,01.00,000.00,1.00
0604,+030.00,+00.00,01.00,000.00,1.00
0605,+030.00,+00.00,01.00,000.00,1.00
0606,+030.00,+00.00,01.00,000.00,1.00
0607,+030.00,+00.00,01.00,000.00,1.00
0608,+030.00,+00.00,01.00,000.00,1.00
0609,+030.00,+00.00,01.00,000.00,1.00
0610,+030.00,+00.00,01.00,000.00,1.00
0611,+030.00,+00.00,01.00,000.00,1.00
0612,+030.00,+00.00,01.00,000.00,1.00
0613,+030.00,+00.00,01.00,000.00,1.00
0614,+030.00,+00.00,01.00,000.00,1.00
0615,+030.00,+00.00,01.00,000.00,1.00
0616,+030.00,+00.00,01.00,000.00,1.00
0617,+030.00,+00.00,01.00,000.00,1.00
0618,+030.00,+00.00,01.00,000.00,1.00
0619,+030.00,+00.00,01.00,000.00,1.00
0620,+030.00,+00.00,01.00,000.00,1.00
0621,+030.00,+00.00,01.00,000.00,1.00
0622,+030.00,+00.00,01.00,000.00,1.00
0623,+030.00,+00.00,01.00,000.00,1.00
0624,+030.00,+00.00,01.00,000.00,1.00
0625,+030.00,+00.00,01.00,000.00,1.00
0626,+030.00,+00.00,01.00,000.00,1.00
0627,+030.00,+00.00,01.00,000.00,1.00
0628,+030.00,+00.00,01.00,000.00,1.00
0629,+030.00,+00.00,01.00,000.00,1.00
0630,+030.00,+00.00,01.00,000.00,1.00
0631,+030.00,+00.00,01.00,000.00,1.00
0632,+030.00,+00.00,01.00,000.00,1.00
0633,+030.00,+00.00,01.00,000.00,1.00
0634,+030.00,+00.00,01.00,000.00,1.00
0635,+030.00,+00.00,01.00,000.00,1.00
0636,+030.00,+00.00,01.00,000.00,1.00
0637,+030.00,+00.00,01.00,000.00,1.00
0638,+030.00,+00.00,01.00,000.00,1.00
0639,+030.00,+00.00,01.00,000.00,1.00
0640,+030.00,+00.00,01.00,000.00,1.00
0641,+030.00,+00.00,01.00,000.00,1.00
0642,+030.00,+00.00,01.00,000.00,1.00
0643,+030.00,+00.00,01.00,000.00,1.00
0644,+030.00,+00.00,01.00,000.00,1.00
0645,+030.00,+00.00,01.00,000.00,1.00
0646,+030.00,+00.00,01.00,000.00,1.00
0647,+030.00,+00.00,01.00,000.00,1.00
0648,+030.00,+00.00,01.00,000.00,1.00
0649,+030.00,+00.00,01.00,000.00,1.00
0650,+030.00,+00.00,01.00,000.00,1.00
0651,+030.00,+00.00,01.00,000.00,1.00
0652,+030.00,+00.00,01.00,000.00,1.00
0653,+030.00,+00.00,01.00,000.00,1.00
0654,+030.00,+00.00,01.00,000.00,1.00
0655,+030.00,+00.00,01.00,000.00,1.00
0656,+030.00,+00.00,01.00,000.00,1.00
0657,+030.00,+00.00,01.00,000.00,1.00
0658,+030.00,+00.00,01.00,000.00,1.00
0659,+030.00,+00.00,01.00,000.00,1.00
0660,+030.00,+00.00,01.00,000.00,1.00
0661,+030.00,+00.00,01.00,000.00,1.00
0662,+030.00,+00.00,01.00,000.00,1.00
0663,+030.00,+00.00,01.00,000.00,1.00
0664,+030.00,+00.00,01.00,000.00,1.00
0665,+030.00,+00.00,01.00,000.00,1.00
0666,+030.00,+00.00,01.00,000.00,1.00
0667,+030.00,+00.00,01.00,000.00,1.00
0668,+030.00,+00.00,01.00,000.00,1.00
0669,+030.00,+00.00,01.00,000.00,1.00
0670,+030.00,+00.00,01.00,000.00,1.00
0671,+030.00,+00.00,01.00,000.00,1.00
0672,+030.00,+00.00,01.00,000.00,1.00
0673,+030.00,+00.00,01.00,000.00,1.00
0674,+030.00,+00.00,01.00,000.00,1.00
0675,+030.00,+00.00,01.00,000.00,1.00
0676,+030.00,+00.00,01.00,000.00,1.00
0677,+030.00,+00.00,01.00,000.00,1.00
0678,+030.00,+00.00,01.00,000.00,1.00
0679,+030.00,+00.00,01.00,000.00,1.00
0680,+030.00,+00.00,01.00,000.00,1.00
0681,+030.00,+00.00,01.00,000.00,1.00
0682,+030.00,+00.00,01.00,000.00,1.00
0683,+030.00,+00.00,01.00,000.00,1.00
0684,+030.00,+00.00,01.00,000.00,1.00
0685,+030.00,+00.00,01.00,000.00,1.00
0686,+030.00,+00.00,01.00,000.00,1.00
0687,+030.00,+00.00,01.00,000.00,1.00
0688,+030.00,+00.00,01.00,000.00,1.00
0689,+030.00,+00.00,01.00,000.00,1.00
0690,+030.00,+00.00,01.00,000.00,1.00
0691,+030.00,+00.00,01.00,000.00,1.00
0692,+030.00,+00.00,01.00,000.00,1.00
0693,+030.00,+00.00,01.00,000.00,1.00
0694,+030.00,+00.00,01.00,000.00,1.00
0695,+030.00,+00.00,01.00,000.00,1.00
0696,+030.00,+00.00,01.00,000.00,1.00
0697,+030.00,+00.00,01.00,000.00,1.00
0698,+030.00,+00.00,01.00,000.00,1.00
0699,+030.00,+00.00,01.00,000.00,1.00
0700,+030.00,+00.00,01.00,000.00,1.00
0701,+030.00,+00.00,01.00,000.00,1.00
0702,+030.00,+00.00,01.00,000.00,1.00
0703,+030.00,+00.00,01.00,000.00,1.00
0704,+030.00,+00.00,01.00,000.00,1.00
0705,+030.00,+00.00,01.00,000.00,1.00
0706,+030.00,+00.00,01.00,000.00,1.00
0707,+030.00,+00.00,01.00,000.00,1.00
0708,+030.00,+00.00,01.00,000.00,1.00
0709,+030.00,+00.00,01.00,000.00,1.00
0710,+030.00,+00.00,01.00,000.00,1.00
0711,+030.00,+00.00,01.00,000.00,1.00
0712,+030.00,+00.00,01.00,000.00,1.00
0713,+030.00,+00.00,01.00,000.00,1.00
0714,+030.00,+00.00,01.00,000.00,1.00
0715,+030.00,+00.00,01.00,000.00,1.00
0716,+030.00,+00.00,01.00,000.00,1.00
0717,+030.00,+00.00,01.00,000.00,1.00
0718,+030.00,+00.00,01.00,000.00,1.00
0719,+030.00,+00.00,01.00,000.00,1.00
0720,+030.00,+00.00,01.00,000.00,1.00
0721,+030.00,+00.00,01.00,000.00,1.00
0722,+030.00,+00.00,01.00,000.00,1.00
0723,+030.00,+00.00,01.00,000.00,1.00
0724,+030.00,+00.00,01.00,000.00,1.00
0725,+030.00,+00.00,01.00,000.00,1.00
0726,+030.00,+00.00,01.00,000.00,1.00
0727,+030.00,+00.00,01.00,000.00,1.00
0728,+030.00,+00.00,01.00,000.00,1.00
0729,+030.00,+00.00,01.00,000.00,1.00
0730,+030.00,+00.00,01.00,000.00,1.00
0731,+030.00,+00.00,01.00,000.00,1.00
0732,+030.00,+00.00,01.00,000.00,1.00
0733,+030.00,+00.00,01.00,000.00,1.00
0734,+030.00,+00.00,01.00,000.00,1.00
0735,+030.00,+00.00,01.00,000.00,1.00
0736,+030.00,+00.00,01.00,000.00,1.00
0737,+030.00,+00.00,01.00,000.00,1.00
0738,+030.00,+00.00,01.00,000.00,1.00
0739,+030.00,+00.00,01.00,000.00,1.00
0740,+030.00,+00.00,01.00,000.00,1.00
0741,+030.00,+00.00,01.00,000.00,1.00
0742,+030.00,+00.00,01.00,000.00,1.00
0743,+030.00,+00.00,01.00,000.00,1.00
0744,+030.00,+00.00,01.00,000.00,1.00
0745,+030.00,+00.00,01.00,000.00,1.00
0746,+030.00,+00.00,01.00,000.00,1.00
0747,+030.00,+00.00,01.00,000.00,1.00
0748,+030.00,+00.00,01.00,000.00,1.00
0749,+030.00,+00.00,01.00,000.00,1.00
0750,+030.00,+00.00,01.00,000.00,1.00
0751,+030.00,+00.00,01.00,000.00,1.00
0752,+030.00,+00.00,01.00,000.00,1.00
0753,+030.00,+00.00,01.00,000.00,1.00
0754,+030.00,+00.00,01.00,000.00,1.00
0755,+030.00,+00.00,01.00,000.00,1.00
0756,+030.00,+00.00,01.00,000.00,1.00
0757,+030.00,+00.00,01.00,000.00,1.00
0758,+030.00,+00.00,01.00,000.00,1.00
0759,+030.00,+00.00,01.00,000.00,1.00
0760,+030.00,+00.00,01.00,000.00,1.00
0761,+030.00,+00.00,01.00,000.00,1.00
0762,+030.00,+00.00,01.00,000.00,1.00
0763,+030.00,+00.00,01.00,000.00,1.00
0764,+030.00,+00.00,01.00,000.00,1.00
0765,+030.00,+00.00,01.00,000.00,1.00
0766,+030.00,+00.00,01.00,000.00,1.00
0767,+030.00,+00.00,01.00,000.00,1.00
0768,+030.00,+00.00,01.00,000.00,1.00
0769,+030.00,+00.00,01.00,000.00,1.00
0770,+030.00,+00.00,01.00,000.00,1.00
0771,+030.00,+00.00,01.00,000.00,1.00
0772,+030.00,+00.00,01.00,000.00,1.00
0773,+030.00,+00.00,01.00,000.00,1.00
0774,+030.00,+00.00,01.00,000.00,1.00
0775,+030.00,+00.00,01.00,000.00,1.00
0776,+030.00,+00.00,01.00,000.00,1.00
0777,+030.00,+00.00,01.00,000.00,1.00
0778,+030.00,+00.00,01.00,000.00,1.00
0779,+030.00,+00.00,01.00,000.00,1.00
0780,+030.00,+00.00,01.00,000.00,1.00
0781,+030.00,+00.00,01.00,000.00,1.00
0782,+030.00,+00.00,01.00,000.00,1.00
0783,+030.00,+00.00,01.00,000.00,1.00
0784,+030.00,+00.00,01.00,000.00,1.00
0785,+030.00,+00.00,01.00,000.00,1.00
0786,+030.00,+00.00,01.00,000.00,1.00
0787,+030.00,+00.00,01.00,000.00,1.00
0788,+030.00,+00.00,01.00,000.00,1.00
0789,+030.00,+00.00,01.00,000.00,1.00
0790,+030.00,+00.00,01.00,000.00,1.00
0791,+030.00,+00.00,01.00,000.00,1.00
0792,+030.00,+00.00,01.00,000.00,1.00
0793,+030.00,+00.00,01.00,000.00,1.00
0794,+030.00,+00.00,01.00,000.00,1.00
0795,+030.00,+00.00,01.00,000.00,1.00
0796,+030.00,+00.00,01.00,000.00,1.00
0797,+030.00,+00.00,01.00,000.00,1.00
0798,+030.00,+00.00,01.00,000.00,1.00
0799,+030.00,+00.00,01.00,000.00,1.00
0800,+030.00,+00.00,01.00,000.00,1.00
0801,+030.00,+00.00,01.00,000.00,1.00
0802,+030.00,+00.00,01.00,000.00,1.00
0803,+030.00,+00.00,01.00,000.00,1.00
0804,+030.00,+00.00,01.00,000.00,1.00
0805,+030.00,+00.00,01.00,000.00,1.00
0806,+030.00,+00.00,01.00,000.00,1.00
0807,+030.00,+00.00,01.00,000.00,1.00
0808,+030.00,+00.00,01.00,000.00,1.00
0809,+030.00,+00.00,01.00,000.00,1.00
0810,+030.00,+00.00,01.00,000.00,1.00
0811,+030.00,+00.00,01.00,000.00,1.00
0812,+030.00,+00.00,01.00,000.00,1.00
0813,+030.00,+00.00,01.00,000.00,1.00
0814,+030.00,+00.00,01.00,000.00,1.00
0815,+030.00,+00.00,01.00,000.00,1.00
0816,+030.00,+00.00,01.00,000.00,1.00
0817,+030.00,+00.00,01.00,000.00,1.00
0818,+030.00,+00.00,01.00,000.00,1.00
0819,+030.00,+00.00,01.00,000.00,1.00
0820,+030.00,+00.00,01.00,000.00,1.00
0821,+030.00,+00.00,01.00,000.00,1.00
0822,+030.00,+00.00,01.00,000.00,1.00
0823,+030.00,+00.00,01.00,000.00,1.00
0824,+030.00,+00.00,01.00,000.00,1.00
0825,+030.00,+00.00,01.00,000.00,1.00
0826,+030.00,+00.00,01.00,000.00,1.00
0827,+030.00,+00.00,01.00,000.00,1.00
0828,+030.00,+00.00,01.00,000.00,1.00
0829,+030.00,+00.00,01.00,000.00,1.00
0830,+030.00,+00.00,01.00,000.00,1.00
0831,+030.00,+00.00,01.00,000.00,1.00
0832,+030.00,+00.00,01.00,000.00,1.00
0833,+030.00,+00.00,01.00,000.00,1.00
0834,+030.00,+00.00,01.00,000.00,1.00
0835,+030.00,+00.00,01.00,000.00,1.00
0836,+030.00,+00.00,01.00,000.00,1.00
0837,+030.00,+00.00,01.00,000.00,1.00
0838,+030.00,+00.00,01.00,000.00,1.00
0839,+030.00,+00.00,01.00,000.00,1.00
0840,+030.00,+00.00,01.00,000.00,1.00
0841,+030.00,+00.00,01.00,000.00,1.00
0842,+030.00,+00.00,01.00,000.00,1.00
0843,+030.00,+00.00,01.00,000.00,1.00
0844,+030.00,+00.00,01.00,000.00,1.00
0845,+030.00,+00.00,01.00,000.00,1.00
0846,+030.00,+00.00,01.00,000.00,1.00
0847,+030.00,+00.00,01.00,000.00,1.00
0848,+030.00,+00.00,01.00,000.00,1.00
0849,+030.00,+00.00,01.00,000.00,1.00
0850,+030.00,+00.00,01.00,000.00,1.00
0851,+030.00,+00.00,01.00,000.00,1.00
0852,+030.00,+00.00,01.00,000.00,1.00
0853,+030.00,+00.00,01.00,000.00,1.00
0854,+030.00,+00.00,01.00,000.00,1.00
0855,+030.00,+00.00,01.00,000.00,1.00
0856,+030.00,+00.00,01.00,000.00,1.00
0857,+030.00,+00.00,01.00,000.00,1.00
0858,+030.00,+00.00,01.00,000.00,1.00
0859,+030.00,+00.00,01.00,000.00,1.00
0860,+030.00,+00.00,01.00,000.00,1.00
0861,+030.00,+00.00,01.00,000.00,1.00
0862,+030.00,+00.00,01.00,000.00,1.00
0863,+030.00,+00.00,01.00,000.00,1.00
0864,+030.00,+00.00,01.00,000.00,1.00
0865,+030.00,+00.00,01.00,000.00,1.00
0866,+030.00,+00.00,01.00,000.00,1.00
0867,+030.00,+00.00,01.00,000.00,1.00
0868,+030.00,+00.00,01.00,000.00,1.00
0869,+030.00,+00.00,01.00,000.00,1.00
0870,+030.00,+00.00,01.00,000.00,1.00
0871,+030.00,+00.00,01.00,000.00,1.00
0872,+030.00,+00.00,01.00,000.00,1.00
0873,+030.00,+00.00,01.00,000.00,1.00
0874,+030.00,+00.00,01.00,000.00,1.00
0875,+030.00,+00.00,01.00,000.00,1.00
0876,+030.00,+00.00,01.00,000.00,1.00
0877,+030.00,+00.00,01.00,000.00,1.00
0878,+030.00,+00.00,01.00,000.00,1.00
0879,+030.00,+00.00,01.00,000.00,1.00
0880,+030.00,+00.00,01.00,000.00,1.00
0881,+030.00,+00.00,01.00,000.00,1.00
0882,+030.00,+00.00,01.00,000.00,1.00
0883,+030.00,+00.00,01.00,000.00,1.00
0884,+030.00,+00.00,01.00,000.00,1.00
0885,+030.00,+00.00,01.00,000.00,1.00
0886,+030.00,+00.00,01.00,000.00,1.00
0887,+030.00,+00.00,01.00,000.00,1.00
0888,+030.00,+00.00,01.00,000.00,1.00
0889,+030.00,+00.00,01.00,000.00,1.00
0890,+030.00,+00.00,01.00,000.00,1.00
0891,+030.00,+00.00,01.00,000.00,1.00
0892,+030.00,+00.00,01.00,000.00,1.00
0893,+030.00,+00.00,01.00,000.00,1.00
0894,+030.00,+00.00,01.00,000.00,1.00
0895,+030.00,+00.00,01.00,000.00,1.00
0896,+030.00,+00.00,01.00,000.00,1.00
0897,+030.00,+00.00,01.00,000.00,1.00
0898,+030.00,+00.00,01.00,000.00,1.00
0899,+030.00,+00.00,01.00,000.00,1.00
0900,+030.00,+00.00,01.00,000.00,1.00
0901,+030.00,+00.00,01.00,000.00,1.00
0902,+030.00,+00.00,01.00,000.00,1.00
0903,+030.00,+00.00,01.00,000.00,1.00
0904,+030.00,+00.00,01.00,000.00,1.00
0905,+030.00,+00.00,01.00,000.00,1.00
0906,+030.00,+00.00,01.00,000.00,1.00
0907,+030.00,+00.00,01.00,000.00,1.00
0908,+030.00,+00.00,01.00,000.00,1.00
0909,+030.00,+00.00,01.00,000.00,1.00
0910,+030.00,+00.00,01.00,000.00,1.00
0911,+030.00,+00.00,01.00,000.00,1.00
0912,+030.00,+00.00,01.00,000.00,1.00
0913,+030.00,+00.00,01.00,000.00,1.00
0914,+030.00,+00.00,01.00,000.00,1.00
0915,+030.00,+00.00,01.00,000.00,1.00
0916,+030.00,+00.00,01.00,000.00,1.00
0917,+030.00,+00.00,01.00,000.00,1.00
0918,+030.00,+00.00,01.00,000.00,1.00
0919,+030.00,+00.00,01.00,000.00,1.00
0920,+030.00,+00.00,01.00,000.00,1.00
0921,+030.00,+00.00,01.00,000.00,1.00
0922,+030.00,+00.00,01.00,000.00,1.00
0923,+030.00,+00.00,01.00,000.00,1.00
0924,+030.00,+00.00,01.00,000.00,1.00
0925,+030.00,+00.00,01.00,000.00,1.00
0926,+030.00,+00.00,01.00,000.00,1.00
0927,+030.00,+00.00,01.00,000.00,1.00
0928,+030.00,+00.00,01.00,000.00,1.00
0929,+030.00,+00.00,01.00,000.00,1.00
0930,+030.00,+00.00,01.00,000.00,1.00
0931,+030.00,+00.00,01.00,000.00,1.00
0932,+030.00,+00.00,01.00,000.00,1.00
0933,+030.00,+00.00,01.00,000.00,1.00
0934,+030.00,+00.00,01.00,000.00,1.00
0935,+030.00,+00.00,01.00,000.00,1.00
0936,+030.00,+00.00,01.00,000.00,1.00
0937,+030.00,+00.00,01.00,000.00,1.00
0938,+030.00,+00.00,01.00,000.00,1.00
0939,+030.00,+00.00,01.00,000.00,1.00
0940,+030.00,+00.00,01.00,000.00,1.00
0941,+030.00,+00.00,01.00,000.00,1.00
0942,+030.00,+00.00,01.00,000.00,1.00
0943,+030.00,+00.00,01.00,000.00,1.00
0944,+030.00,+00.00,01.00,000.00,1.00
0945,+030.00,+00.00,01.00,000.00,1.00
0946,+030.00,+00.00,01.00,000.00,1.00
0947,+030.00,+00.00,01.00,000.00,1.00
0948,+030.00,+00.00,01.00,000.00,1.00
0949,+030.00,+00.00,01.00,000.00,1.00
0950,+030.00,+00.00,01.00,000.00,1.00
0951,+030.00,+00.00,01.00,000.00,1.00
0952,+030.00,+00.00,01.00,000.00,1.00
0953,+030.00,+00.00,01.00,000.00,1.00
0954,+030.00,+00.00,01.00,000.00,1.00
0955,+030.00,+00.00,01.00,000.00,1.00
0956,+030.00,+00.00,01.00,000.00,1.00
0957,+030.00,+00.00,01.00,000.00,1.00
0958,+030.00,+00.00,01.00,000.00,1.00
0959,+030.00,+00.00,01.00,000.00,1.00
0960,+030.00,+00.00,01.00,000.00,1.00
0961,+030.00,+00.00,01.00,000.00,1.00
0962,+030.00,+00.00,01.00,000.00,1.00
0963,+030.00,+00.00,01.00,000.00,1.00
0964,+030.00,+00.00,01.00,000.00,1.00
0965,+030.00,+00.00,01.00,000.00,1.00
0966,+030.00,+00.00,01.00,000.00,1.00
0967,+030.00,+00.00,01.00,000.00,1.00
0968,+030.00,+00.00,01.00,000.00,1.00
0969,+030.00,+00.00,01.00,000.00,1.00
0970,+030.00,+00.00,01.00,000.00,1.00
0971,+030.00,+00.00,01.00,000.00,1.00
0972,+030.00,+00.00,01.00,000.00,1.00
0973,+030.00,+00.00,01.00,000.00,1.00
0974,+030.00,+00.00,01.00,000.00,1.00
0975,+030.00,+00.00,01.00,000.00,1.00
0976,+030.00,+00.00,01.00,000.00,1.00
0977,+030.00,+00.00,01.00,000.00,1.00
0978,+030.00,+00.00,01.00,000.00,1.00
0979,+030.00,+00.00,01.00,000.00,1.00
0980,+030.00,+00.00,01.00,000.00,1.00
0981,+030.00,+00.00,01.00,000.00,1.00
0982,+030.00,+00.00,01.00,000.00,1.00
0983,+030.00,+00.00,01.00,000.00,1.00
0984,+030.00,+00.00,01.00,000.00,1.00
0985,+030.00,+00.00,01.00,000.00,1.00
0986,+030.00,+00.00,01.00,000.00,1.00
0987,+030.00,+00.00,01.00,000.00,1.00
0988,+030.00,+00.00,01.00,000.00,1.00
0989,+030.00,+00.00,01.00,000.00,1.00
0990,+030.00,+00.00,01.00,000.00,1.00
0991,+030.00,+00.00,01.00,000.00,1.00
0992,+030.00,+00.00,01.00,000.00,1.00
0993,+030.00,+00.00,01.00,000.00,1.00
0994,+030.00,+00.00,01.00,000.00,1.00
0995,+030.00,+00.00,01.00,000.00,1.00
0996,+030.00,+00.00,01.00,000.00,1.00
0997,+030.00,+00.00,01.00,000.00,1.00
0998,+030.00,+00.00,01.00,000.00,1.00
0999,+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
+030.00,+00.00,01.00,000.00,1.00
0000,+045.00,+00.00,01.00,000.00,1.00
0001,+045.00,+00.00,01.00,000.00,1.00
0002,+045.00,+00.00,01.00,000.00,1.00
0003,+045.00,+00.00,01.00,000.00,1.00
0004,+045.00,+00.00,01.00,000.00,1.00
0005,+045.00,+00.00,01.00,000.00,1.00
0006,+045.00,+00.00,01.00,000.00,1.00
0007,+045.00,+00.00,01.00,000.00,1.00
0008,+045.00,+00.00,01.00,000.00,1.00
0009,+045.00,+00.00,01.00,000.00,1.00
0010,+045.00,+00.00,01.00,000.00,1.00
0011,+045.00,+00.00,01.00,000.00,1.00
0012,+045.00,+00.00,01.00,000.00,1.00
0013,+045.00,+00.00,01.00,000.00,1.00
0014,+045.00,+00.00,01.00,000.00,1.00
0015,+045.00,+00.00,01.00,000.00,1.00
0016,+045.00,+00.00,01.00,000.00,1.00
0017,+045.00,+00.00,01.00,000.00,1.00
0018,+045.00,+00.00,01.00,000.00,1.00
0019,+045.00,+00.00,01.00,000.00,1.00
0020,+045.00,+00.00,01.00,000.00,1.00
0021,+045.00,+00.00,01.00,000.00,1.00
0022,+045.00,+00.00,01.00,000.00,1.00
0023,+045.00,+00.00,01.00,000.00,1.00
0024,+045.00,+00.00,01.00,000.00,1.00
0025,+045.00,+00.00,01.00,000.00,1.00
0026,+045.00,+00.00,01.00,000.00,1.00
0027,+045.00,+00.00,01.00,000.00,1.00
0028,+045.00,+00.00,01.00,000.00,1.00
0029,+045.00,+00.00,01.00,000.00,1.00
0030,+045.00,+00.00,01.00,000.00,1.00
0031,+045.00,+00.00,01.00,000.00,1.00
0032,+045.00,+00.00,01.00,000.00,1.00
0033,+045.00,+00.00,01.00,000.00,1.00
0034,+045.00,+00.00,01.00,000.00,1.00
0035,+045.00,+00.00,01.00,000.00,1.00
0036,+045.00,+00.00,01.00,000.00,1.00
0037,+045.00,+00.00,01.00,000.00,1.00
0038,+045.00,+00.00,01.00,000.00,1.00
0039,+045.00,+00.00,01.00,000.00,1.00
0040,+045.00,+00.00,01.00,000.00,1.00
0041,+045.00,+00.00,01.00,000.00,1.00
0042,+045.00,+00.00,01.00,000.00,1.00
0043,+045.00,+00.00,01.00,000.00,1.00
0044,+045.00,+00.00,01.00,000.00,1.00
0045,+045.00,+00.00,01.00,000.00,1.00
0046,+045.00,+00.00,01.00,000.00,1.00
0047,+045.00,+00.00,01.00,000.00,1.00
0048,+045.00,+00.00,01.00,000.00,1.00
0049,+045.00,+00.00,01.00,000.00,1.00
0050,+045.00,+00.00,01.00,000.00,1.00
0051,+045.00,+00.00,01.00,000.00,1.00
0052,+045.00,+00.00,01.00,000.00,1.00
0053,+045.00,+00.00,01.00,000.00,1.00
0054,+045.00,+00.00,01.00,000.00,1.00
0055,+045.00,+00.00,01.00,000.00,1.00
0056,+045.00,+00.00,01.00,000.00,1.00
0057,+045.00,+00.00,01.00,000.00,1.00
0058,+045.00,+00.00,01.00,000.00,1.00
0059,+045.00,+00.00,01.00,000.00,1.00
0060,+045.00,+00.00,01.00,000.00,1.00
0061,+045.00,+00.00,01.00,000.00,1.00
0062,+045.00,+00.00,01.00,000.00,1.00
0063,+045.00,+00.00,01.00,000.00,1.00
0064,+045.00,+00.00,01.00,000.00,1.00
0065,+045.00,+00.00,01.00,000.00,1.00
0066,+045.00,+00.00,01.00,000.00,1.00
0067,+045.00,+00.00,01.00,000.00,1.00
0068,+045.00,+00.00,01.00,000.00,1.00
0069,+045.00,+00.00,01.00,000.00,1.00
0070,+045.00,+00.00,01.00,000.00,1.00
0071,+045.00,+00.00,01.00,000.00,1.00
0072,+045.00,+00.00,01.00,000.00,1.00
0073,+045.00,+00.00,01.00,000.00,1.00
0074,+045.00,+00.00,01.00,000.00,1.00
0075,+045.00,+00.00,01.00,000.00,1.00
0076,+045.00,+00.00,01.00,000.00,1.00
0077,+045.00,+00.00,01.00,000.00,1.00
0078,+045.00,+00.00,01.00,000.00,1.00
0079,+045.00,+00.00,01.00,000.00,1.00
0080,+045.00,+00.00,01.00,000.00,1.00
0081,+045.00,+00.00,01.00,000.00,1.00
0082,+045.00,+00.00,01.00,000.00,1.00
0083,+045.00,+00.00,01.00,000.00,1.00
0084,+045.00,+00.00,01.00,000.00,1.00
0085,+045.00,+00.00,01.00,000.00,1.00
0086,+045.00,+00.00,01.00,000.00,1.00
0087,+045.00,+00.00,01.00,000.00,1.00
0088,+045.00,+00.00,01.00,000.00,1.00
0089,+045.00,+00.00,01.00,000.00,1.00
0090,+045.00,+00.00,01.00,000.00,1.00
0091,+045.00,+00.00,01.00,000.00,1.00
0092,+045.00,+00.00,01.00,000.00,1.00
0093,+045.00,+00.00,01.00,000.00,1.00
0094,+045.00,+00.00,01.00,000.00,1.00
0095,+045.00,+00.00,01.00,000.00,1.00
0096,+045.00,+00.00,01.00,000.00,1.00
0097,+045.00,+00.00,01.00,000.00,1.00
0098,+045.00,+00.00,01.00,000.00,1.00
0099,+045.00,+00.00,01.00,000.00,1.00
0100,+045.00,+00.00,01.00,000.00,1.00
0101,+045.00,+00.00,01.00,000.00,1.00
0102,+045.00,+00.00,01.00,000.00,1.00
0103,+045.00,+00.00,01.00,000.00,1.00
0104,+045.00,+00.00,01.00,000.00,1.00
0105,+045.00,+00.00,01.00,000.00,1.00
0106,+045.00,+00.00,01.00,000.00,1.00
0107,+045.00,+00.00,01.00,000.00,1.00
0108,+045.00,+00.00,01.00,000.00,1.00
0109,+045.00,+00.00,01.00,000.00,1.00
0110,+045.00,+00.00,01.00,000.00,1.00
0111,+045.00,+00.00,01.00,000.00,1.00
0112,+045.00,+00.00,01.00,000.00,1.00
0113,+045.00,+00.00,01.00,000.00,1.00
0114,+045.00,+00.00,01.00,000.00,1.00
0115,+045.00,+00.00,01.00,000.00,1.00
0116,+045.00,+00.00,01.00,000.00,1.00
0117,+045.00,+00.00,01.00,000.00,1.00
0118,+045.00,+00.00,01.00,000.00,1.00
0119,+045.00,+00.00,01.00,000.00,1.00
0120,+045.00,+00.00,01.00,000.00,1.00
0121,+045.00,+00.00,01.00,000.00,1.00
0122,+045.00,+00.00,01.00,000.00,1.00
0123,+045.00,+00.00,01.00,000.00,1.00
0124,+045.00,+00.00,01.00,000.00,1.00
0125,+045.00,+00.00,01.00,000.00,1.00
0126,+045.00,+00.00,01.00,000.00,1.00
0127,+045.00,+00.00,01.00,000.00,1.00
0128,+045.00,+00.00,01.00,000.00,1.00
0129,+045.00,+00.00,01.00,000.00,1.00
0130,+045.00,+00.00,01.00,000.00,1.00
0131,+045.00,+00.00,01.00,000.00,1.00
0132,+045.00,+00.00,01.00,000.00,1.00
0133,+045.00,+00.00,01.00,000.00,1.00
0134,+045.00,+00.00,01.00,000.00,1.00
0135,+045.00,+00.00,01.00,000.00,1.00
0136,+045.00,+00.00,01.00,000.00,1.00
0137,+045.00,+00.00,01.00,000.00,1.00
0138,+045.00,+00.00,01.00,000.00,1.00
0139,+045.00,+00.00,01.00,000.00,1.00
0140,+045.00,+00.00,01.00,000.00,1.00
0141,+045.00,+00.00,01.00,000.00,1.00
0142,+045.00,+00.00,01.00,000.00,1.00
0143,+045.00,+00.00,01.00,000.00,1.00
0144,+045.00,+00.00,01.00,000.00,1.00
0145,+045.00,+00.00,01.00,000.00,1.00
0146,+045.00,+00.00,01.00,000.00,1.00
0147,+045.00,+00.00,01.00,000.00,1.00
0148,+045.00,+00.00,01.00,000.00,1.00
0149,+045.00,+00.00,01.00,000.00,1.00
0150,+045.00,+00.00,01.00,000.00,1.00
0151,+045.00,+00.00,01.00,000.00,1.00
0152,+045.00,+00.00,01.00,000.00,1.00
0153,+045.00,+00.00,01.00,000.00,1.00
0154,+045.00,+00.00,01.00,000.00,1.00
0155,+045.00,+00.00,01.00,000.00,1.00
0156,+045.00,+00.00,01.00,000.00,1.00
0157,+045.00,+00.00,01.00,000.00,1.00
0158,+045.00,+00.00,01.00,000.00,1.00
0159,+045.00,+00.00,01.00,000.00,1.00
0160,+045.00,+00.00,01.00,000.00,1.00
0161,+045.00,+00.00,01.00,000.00,1.00
0162,+045.00,+00.00,01.00,000.00,1.00
0163,+045.00,+00.00,01.00,000.00,1.00
0164,+045.00,+00.00,01.00,000.00,1.00
0165,+045.00,+00.00,01.00,000.00,1.00
0166,+045.00,+00.00,01.00,000.00,1.00
0167,+045.00,+00.00,01.00,000.00,1.00
0168,+045.00,+00.00,01.00,000.00,1.00
0169,+045.00,+00.00,01.00,000.00,1.00
0170,+045.00,+00.00,01.00,000.00,1.00
0171,+045.00,+00.00,01.00,000.00,1.00
0172,+045.00,+00.00,01.00,000.00,1.00
0173,+045.00,+00.00,01.00,000.00,1.00
0174,+045.00,+00.00,01.00,000.00,1.00
0175,+045.00,+00.00,01.00,000.00,1.00
0176,+045.00,+00.00,01.00,000.00,1.00
0177,+045.00,+00.00,01.00,000.00,1.00
0178,+045.00,+00.00,01.00,000.00,1.00
0179,+045.00,+00.00,01.00,000.00,1.00
0180,+045.00,+00.00,01.00,000.00,1.00
0181,+045.00,+00.00,01.00,000.00,1.00
0182,+045.00,+00.00,01.00,000.00,1.00
0183,+045.00,+00.00,01.00,000.00,1.00
0184,+045.00,+00.00,01.00,000.00,1.00
0185,+045.00,+00.00,01.00,000.00,1.00
0186,+045.00,+00.00,01.00,000.00,1.00
0187,+045.00,+00.00,01.00,000.00,1.00
0188,+045.00,+00.00,01.00,000.00,1.00
0189,+045.00,+00.00,01.00,000.00,1.00
0190,+045.00,+00.00,01.00,000.00,1.00
0191,+045.00,+00.00,01.00,000.00,1.00
0192,+045.00,+00.00,01.00,000.00,1.00
0193,+045.00,+00.00,01.00,000.00,1.00
0194,+045.00,+00.00,01.00,000.00,1.00
0195,+045.00,+00.00,01.00,000.00,1.00
0196,+045.00,+00.00,01.00,000.00,1.00
0197,+045.00,+00.00,01.00,000.00,1.00
0198,+045.00,+00.00,01.00,000.00,1.00
0199,+045.00,+00.00,01.00,000.00,1.00
0200,+045.00,+00.00,01.00,000.00,1.00
0201,+045.00,+00.00,01.00,000.00,1.00
0202,+045.00,+00.00,01.00,000.00,1.00
0203,+045.00,+00.00,01.00,000.00,1.00
0204,+045.00,+00.00,01.00,000.00,1.00
0205,+045.00,+00.00,01.00,000.00,1.00
0206,+045.00,+00.00,01.00,000.00,1.00
0207,+045.00,+00.00,01.00,000.00,1.00
0208,+045.00,+00.00,01.00,000.00,1.00
0209,+045.00,+00.00,01.00,000.00,1.00
0210,+045.00,+00.00,01.00,000.00,1.00
0211,+045.00,+00.00,01.00,000.00,1.00
0212,+045.00,+00.00,01.00,000.00,1.00
0213,+045.00,+00.00,01.00,000.00,1.00
0214,+045.00,+00.00,01.00,000.00,1.00
0215,+045.00,+00.00,01.00,000.00,1.00
0216,+045.00,+00.00,01.00,000.00,1.00
0217,+045.00,+00.00,01.00,000.00,1.00
0218,+045.00,+00.00,01.00,000.00,1.00
0219,+045.00,+00.00,01.00,000.00,1.00
0220,+045.00,+00.00,01.00,000.00,1.00
0221,+045.00,+00.00,01.00,000.00,1.00
0222,+045.00,+00.00,01.00,000.00,1.00
0223,+045.00,+00.00,01.00,000.00,1.00
0224,+045.00,+00.00,01.00,000.00,1.00
0225,+045.00,+00.00,01.00,000.00,1.00
0226,+045.00,+00.00,01.00,000.00,1.00
0227,+045.00,+00.00,01.00,000.00,1.00
0228,+045.00,+00.00,01.00,000.00,1.00
0229,+045.00,+00.00,01.00,000.00,1.00
0230,+045.00,+00.00,01.00,000.00,1.00
0231,+045.00,+00.00,01.00,000.00,1.00
0232,+045.00,+00.00,01.00,000.00,1.00
0233,+045.00,+00.00,01.00,000.00,1.00
0234,+045.00,+00.00,01.00,000.00,1.00
0235,+045.00,+00.00,01.00,000.00,1.00
0236,+045.00,+00.00,01.00,000.00,1.00
0237,+045.00,+00.00,01.00,000.00,1.00
0238,+045.00,+00.00,01.00,000.00,1.00
0239,+045.00,+00.00,01.00,000.00,1.00
0240,+045.00,+00.00,01.00,000.00,1.00
0241,+045.00,+00.00,01.00,000.00,1.00
0242,+045.00,+00.00,01.00,000.00,1.00
0243,+045.00,+00.00,01.00,000.00,1.00
0244,+045.00,+00.00,01.00,000.00,1.00
0245,+045.00,+00.00,01.00,000.00,1.00
0246,+045.00,+00.00,01.00,000.00,1.00
0247,+045.00,+00.00,01.00,000.00,1.00
0248,+045.00,+00.00,01.00,000.00,1.00
0249,+045.00,+00.00,01.00,000.00,1.00
0250,+045.00,+00.00,01.00,000.00,1.00
0251,+045.00,+00.00,01.00,000.00,1.00
0252,+045.00,+00.00,01.00,000.00,1.00
0253,+045.00,+00.00,01.00,000.00,1.00
0254,+045.00,+00.00,01.00,000.00,1.00
0255,+045.00,+00.00,01.00,000.00,1.00
0256,+045.00,+00.00,01.00,000.00,1.00
0257,+045.00,+00.00,01.00,000.00,1.00
0258,+045.00,+00.00,01.00,000.00,1.00
0259,+045.00,+00.00,01.00,000.00,1.00
0260,+045.00,+00.00,01.00,000.00,1.00
0261,+045.00,+00.00,01.00,000.00,1.00
0262,+045.00,+00.00,01.00,000.00,1.00
0263,+045.00,+00.00,01.00,000.00,1.00
0264,+045.00,+00.00,01.00,000.00,1.00
0265,+045.00,+00.00,01.00,000.00,1.00
0266,+045.00,+00.00,01.00,000.00,1.00
0267,+045.00,+00.00,01.00,000.00,1.00
0268,+045.00,+00.00,01.00,000.00,1.00
0269,+045.00,+00.00,01.00,000.00,1.00
0270,+045.00,+00.00,01.00,000.00,1.00
0271,+045.00,+00.00,01.00,000.00,1.00
0272,+045.00,+00.00,01.00,000.00,1.00
0273,+045.00,+00.00,01.00,000.00,1.00
0274,+045.00,+00.00,01.00,000.00,1.00
0275,+045.00,+00.00,01.00,000.00,1.00
0276,+045.00,+00.00,01.00,000.00,1.00
0277,+045.00,+00.00,01.00,000.00,1.00
0278,+045.00,+00.00,01.00,000.00,1.00
0279,+045.00,+00.00,01.00,000.00,1.00
0280,+045.00,+00.00,01.00,000.00,1.00
0281,+045.00,+00.00,01.00,000.00,1.00
0282,+045.00,+00.00,01.00,000.00,1.00
0283,+045.00,+00.00,01.00,000.00,1.00
0284,+045.00,+00.00,01.00,000.00,1.00
0285,+045.00,+00.00,01.00,000.00,1.00
0286,+045.00,+00.00,01.00,000.00,1.00
0287,+045.00,+00.00,01.00,000.00,1.00
0288,+045.00,+00.00,01.00,000.00,1.00
0289,+045.00,+00.00,01.00,000.00,1.00
0290,+045.00,+00.00,01.00,000.00,1.00
0291,+045.00,+00.00,01.00,000.00,1.00
0292,+045.00,+00.00,01.00,000.00,1.00
0293,+045.00,+00.00,01.00,000.00,1.00
0294,+045.00,+00.00,01.00,000.00,1.00
0295,+045.00,+00.00,01.00,000.00,1.00
0296,+045.00,+00.00,01.00,000.00,1.00
0297,+045.00,+00.00,01.00,000.00,1.00
0298,+045.00,+00.00,01.00,000.00,1.00
0299,+045.00,+00.00,01.00,000.00,1.00
0300,+045.00,+00.00,01.00,000.00,1.00
0301,+045.00,+00.00,01.00,000.00,1.00
0302,+045.00,+00.00,01.00,000.00,1.00
0303,+045.00,+00.00,01.00,000.00,1.00
0304,+045.00,+00.00,01.00,000.00,1.00
0305,+045.00,+00.00,01.00,000.00,1.00
0306,+045.00,+00.00,01.00,000.00,1.00
0307,+045.00,+00.00,01.00,000.00,1.00
0308,+045.00,+00.00,01.00,000.00,1.00
0309,+045.00,+00.00,01.00,000.00,1.00
0310,+045.00,+00.00,01.00,000.00,1.00
0311,+045.00,+00.00,01.00,000.00,1.00
0312,+045.00,+00.00,01.00,000.00,1.00
0313,+045.00,+00.00,01.00,000.00,1.00
0314,+045.00,+00.00,01.00,000.00,1.00
0315,+045.00,+00.00,01.00,000.00,1.00
0316,+045.00,+00.00,01.00,000.00,1.00
0317,+045.00,+00.00,01.00,000.00,1.00
0318,+045.00,+00.00,01.00,000.00,1.00
0319,+045.00,+00.00,01.00,000.00,1.00
0320,+045.00,+00.00,01.00,000.00,1.00
0321,+045.00,+00.00,01.00,000.00,1.00
0322,+045.00,+00.00,01.00,000.00,1.00
0323,+045.00,+00.00,01.00,000.00,1.00
0324,+045.00,+00.00,01.00,000.00,1.00
0325,+045.00,+00.00,01.00,000.00,1.00
0326,+045.00,+00.00,01.00,000.00,1.00
0327,+045.00,+00.00,01.00,000.00,1.00
0328,+045.00,+00.00,01.00,000.00,1.00
0329,+045.00,+00.00,01.00,000.00,1.00
0330,+045.00,+00.00,01.00,000.00,1.00
0331,+045.00,+00.00,01.00,000.00,1.00
0332,+045.00,+00.00,01.00,000.00,1.00
0333,+045.00,+00.00,01.00,000.00,1.00
0334,+045.00,+00.00,01.00,000.00,1.00
0335,+045.00,+00.00,01.00,000.00,1.00
0336,+045.00,+00.00,01.00,000.00,1.00
0337,+045.00,+00.00,01.00,000.00,1.00
0338,+045.00,+00.00,01.00,000.00,1.00
0339,+045.00,+00.00,01.00,000.00,1.00
0340,+045.00,+00.00,01.00,000.00,1.00
0341,+045.00,+00.00,01.00,000.00,1.00
0342,+045.00,+00.00,01.00,000.00,1.00
0343,+045.00,+00.00,01.00,000.00,1.00
0344,+045.00,+00.00,01.00,000.00,1.00
0345,+045.00,+00.00,01.00,000.00,1.00
0346,+045.00,+00.00,01.00,000.00,1.00
0347,+045.00,+00.00,01.00,000.00,1.00
0348,+045.00,+00.00,01.00,000.00,1.00
0349,+045.00,+00.00,01.00,000.00,1.00
0350,+045.00,+00.00,01.00,000.00,1.00
0351,+045.00,+00.00,01.00,000.00,1.00
0352,+045.00,+00.00,01.00,000.00,1.00
0353,+045.00,+00.00,01.00,000.00,1.00
0354,+045.00,+00.00,01.00,000.00,1.00
0355,+045.00,+00.00,01.00,000.00,1.00
0356,+045.00,+00.00,01.00,000.00,1.00
0357,+045.00,+00.00,01.00,000.00,1.00
0358,+045.00,+00.00,01.00,000.00,1.00
0359,+045.00,+00.00,01.00,000.00,1.00
0360,+045.00,+00.00,01.00,000.00,1.00
0361,+045.00,+00.00,01.00,000.00,1.00
0362,+045.00,+00.00,01.00,000.00,1.00
0363,+045.00,+00.00,01.00,000.00,1.00
0364,+045.00,+00.00,01.00,000.00,1.00
0365,+045.00,+00.00,01.00,000.00,1.00
0366,+045.00,+00.00,01.00,000.00,1.00
0367,+045.00,+00.00,01.00,000.00,1.00
0368,+045.00,+00.00,01.00,000.00,1.00
0369,+045.00,+00.00,01.00,000.00,1.00
0370,+045.00,+00.00,01.00,000.00,1.00
0371,+045.00,+00.00,01.00,000.00,1.00
0372,+045.00,+00.00,01.00,000.00,1.00
0373,+045.00,+00.00,01.00,000.00,1.00
0374,+045.00,+00.00,01.00,000.00,1.00
0375,+045.00,+00.00,01.00,000.00,1.00
0376,+045.00,+00.00,01.00,000.00,1.00
0377,+045.00,+00.00,01.00,000.00,1.00
0378,+045.00,+00.00,01.00,000.00,1.00
0379,+045.00,+00.00,01.00,000.00,1.00
0380,+045.00,+00.00,01.00,000.00,1.00
0381,+045.00,+00.00,01.00,000.00,1.00
0382,+045.00,+00.00,01.00,000.00,1.00
0383,+045.00,+00.00,01.00,000.00,1.00
0384,+045.00,+00.00,01.00,000.00,1.00
0385,+045.00,+00.00,01.00,000.00,1.00
0386,+045.00,+00.00,01.00,000.00,1.00
0387,+045.00,+00.00,01.00,000.00,1.00
0388,+045.00,+00.00,01.00,000.00,1.00
0389,+045.00,+00.00,01.00,000.00,1.00
0390,+045.00,+00.00,01.00,000.00,1.00
0391,+045.00,+00.00,01.00,000.00,1.00
0392,+045.00,+00.00,01.00,000.00,1.00
0393,+045.00,+00.00,01.00,000.00,1.00
0394,+045.00,+00.00,01.00,000.00,1.00
0395,+045.00,+00.00,01.00,000.00,1.00
0396,+045.00,+00.00,01.00,000.00,1.00
0397,+045.00,+00.00,01.00,000.00,1.00
0398,+045.00,+00.00,01.00,000.00,1.00
0399,+045.00,+00.00,01.00,000.00,1.00
0400,+045.00,+00.00,01.00,000.00,1.00
0401,+045.00,+00.00,01.00,000.00,1.00
0402,+045.00,+00.00,01.00,000.00,1.00
0403,+045.00,+00.00,01.00,000.00,1.00
0404,+045.00,+00.00,01.00,000.00,1.00
0405,+045.00,+00.00,01.00,000.00,1.00
0406,+045.00,+00.00,01.00,000.00,1.00
0407,+045.00,+00.00,01.00,000.00,1.00
0408,+045.00,+00.00,01.00,000.00,1.00
0409,+045.00,+00.00,01.00,000.00,1.00
0410,+045.00,+00.00,01.00,000.00,1.00
0411,+045.00,+00.00,01.00,000.00,1.00
0412,+045.00,+00.00,01.00,000.00,1.00
0413,+045.00,+00.00,01.00,000.00,1.00
0414,+045.00,+00.00,01.00,000.00,1.00
0415,+045.00,+00.00,01.00,000.00,1.00
0416,+045.00,+00.00,01.00,000.00,1.00
0417,+045.00,+00.00,01.00,000.00,1.00
0418,+045.00,+00.00,01.00,000.00,1.00
0419,+045.00,+00.00,01.00,000.00,1.00
0420,+045.00,+00.00,01.00,000.00,1.00
0421,+045.00,+00.00,01.00,000.00,1.00
0422,+045.00,+00.00,01.00,000.00,1.00
0423,+045.00,+00.00,01.00,000.00,1.00
0424,+045.00,+00.00,01.00,000.00,1.00
0425,+045.00,+00.00,01.00,000.00,1.00
0426,+045.00,+00.00,01.00,000.00,1.00
0427,+045.00,+00.00,01.00,000.00,1.00
0428,+045.00,+00.00,01.00,000.00,1.00
0429,+045.00,+00.00,01.00,000.00,1.00
0430,+045.00,+00.00,01.00,000.00,1.00
0431,+045.00,+00.00,01.00,000.00,1.00
0432,+045.00,+00.00,01.00,000.00,1.00
0433,+045.00,+00.00,01.00,000.00,1.00
0434,+045.00,+00.00,01.00,000.00,1.00
0435,+045.00,+00.00,01.00,000.00,1.00
0436,+045.00,+00.00,01.00,000.00,1.00
0437,+045.00,+00.00,01.00,000.00,1.00
0438,+045.00,+00.00,01.00,000.00,1.00
0439,+045.00,+00.00,01.00,000.00,1.00
0440,+045.00,+00.00,01.00,000.00,1.00
0441,+045.00,+00.00,01.00,000.00,1.00
0442,+045.00,+00.00,01.00,000.00,1.00
0443,+045.00,+00.00,01.00,000.00,1.00
0444,+045.00,+00.00,01.00,000.00,1.00
0445,+045.00,+00.00,01.00,000.00,1.00
0446,+045.00,+00.00,01.00,000.00,1.00
0447,+045.00,+00.00,01.00,000.00,1.00
0448,+045.00,+00.00,01.00,000.00,1.00
0449,+045.00,+00.00,01.00,000.00,1.00
0450,+045.00,+00.00,01.00,000.00,1.00
0451,+045.00,+00.00,01.00,000.00,1.00
0452,+045.00,+00.00,01.00,000.00,1.00
0453,+045.00,+00.00,01.00,000.00,1.00
0454,+045.00,+00.00,01.00,000.00,1.00
0455,+045.00,+00.00,01.00,000.00,1.00
0456,+045.00,+00.00,01.00,000.00,1.00
0457,+045.00,+00.00,01.00,000.00,1.00
0458,+045.00,+00.00,01.00,000.00,1.00
0459,+045.00,+00.00,01.00,000.00,1.00
0460,+045.00,+00.00,01.00,000.00,1.00
0461,+045.00,+00.00,01.00,000.00,1.00
0462,+045.00,+00.00,01.00,000.00,1.00
0463,+045.00,+00.00,01.00,000.00,1.00
0464,+045.00,+00.00,01.00,000.00,1.00
0465,+045.00,+00.00,01.00,000.00,1.00
0466,+045.00,+00.00,01.00,000.00,1.00
0467,+045.00,+00.00,01.00,000.00,1.00
0468,+045.00,+00.00,01.00,000.00,1.00
0469,+045.00,+00.00,01.00,000.00,1.00
0470,+045.00,+00.00,01.00,000.00,1.00
0471,+045.00,+00.00,01.00,000.00,1.00
0472,+045.00,+00.00,01.00,000.00,1.00
0473,+045.00,+00.00,01.00,000.00,1.00
0474,+045.00,+00.00,01.00,000.00,1.00
0475,+045.00,+00.00,01.00,000.00,1.00
0476,+045.00,+00.00,01.00,000.00,1.00
0477,+045.00,+00.00,01.00,000.00,1.00
0478,+045.00,+00.00,01.00,000.00,1.00
0479,+045.00,+00.00,01.00,000.00,1.00
0480,+045.00,+00.00,01.00,000.00,1.00
0481,+045.00,+00.00,01.00,000.00,1.00
0482,+045.00,+00.00,01.00,000.00,1.00
0483,+045.00,+00.00,01.00,000.00,1.00
0484,+045.00,+00.00,01.00,000.00,1.00
0485,+045.00,+00.00,01.00,000.00,1.00
0486,+045.00,+00.00,01.00,000.00,1.00
0487,+045.00,+00.00,01.00,000.00,1.00
0488,+045.00,+00.00,01.00,000.00,1.00
0489,+045.00,+00.00,01.00,000.00,1.00
0490,+045.00,+00.00,01.00,000.00,1.00
0491,+045.00,+00.00,01.00,000.00,1.00
0492,+045.00,+00.00,01.00,000.00,1.00
0493,+045.00,+00.00,01.00,000.00,1.00
0494,+045.00,+00.00,01.00,000.00,1.00
0495,+045.00,+00.00,01.00,000.00,1.00
0496,+045.00,+00.00,01.00,000.00,1.00
0497,+045.00,+00.00,01.00,000.00,1.00
0498,+045.00,+00.00,01.00,000.00,1.00
0499,+045.00,+00.00,01.00,000.00,1.00
0500,+045.00,+00.00,01.00,000.00,1.00
0501,+045.00,+00.00,01.00,000.00,1.00
0502,+045.00,+00.00,01.00,000.00,1.00
0503,+045.00,+00.00,01.00,000.00,1.00
0504,+045.00,+00.00,01.00,000.00,1.00
0505,+045.00,+00.00,01.00,000.00,1.00
0506,+045.00,+00.00,01.00,000.00,1.00
0507,+045.00,+00.00,01.00,000.00,1.00
0508,+045.00,+00.00,01.00,000.00,1.00
0509,+045.00,+00.00,01.00,000.00,1.00
0510,+045.00,+00.00,01.00,000.00,1.00
0511,+045.00,+00.00,01.00,000.00,1.00
0512,+045.00,+00.00,01.00,000.00,1.00
0513,+045.00,+00.00,01.00,000.00,1.00
0514,+045.00,+00.00,01.00,000.00,1.00
0515,+045.00,+00.00,01.00,000.00,1.00
0516,+045.00,+00.00,01.00,000.00,1.00
0517,+045.00,+00.00,01.00,000.00,1.00
0518,+045.00,+00.00,01.00,000.00,1.00
0519,+045.00,+00.00,01.00,000.00,1.00
0520,+045.00,+00.00,01.00,000.00,1.00
0521,+045.00,+00.00,01.00,000.00,1.00
0522,+045.00,+00.00,01.00,000.00,1.00
0523,+045.00,+00.00,01.00,000.00,1.00
0524,+045.00,+00.00,01.00,000.00,1.00
0525,+045.00,+00.00,01.00,000.00,1.00
0526,+045.00,+00.00,01.00,000.00,1.00
0527,+045.00,+00.00,01.00,000.00,1.00
0528,+045.00,+00.00,01.00,000.00,1.00
0529,+045.00,+00.00,01.00,000.00,1.00
0530,+045.00,+00.00,01.00,000.00,1.00
0531,+045.00,+00.00,01.00,000.00,1.00
0532,+045.00,+00.00,01.00,000.00,1.00
0533,+045.00,+00.00,01.00,000.00,1.00
0534,+045.00,+00.00,01.00,000.00,1.00
0535,+045.00,+00.00,01.00,000.00,1.00
0536,+045.00,+00.00,01.00,000.00,1.00
0537,+045.00,+00.00,01.00,000.00,1.00
0538,+045.00,+00.00,01.00,000.00,1.00
0539,+045.00,+00.00,01.00,000.00,1.00
0540,+045.00,+00.00,01.00,000.00,1.00
0541,+045.00,+00.00,01.00,000.00,1.00
0542,+045.00,+00.00,01.00,000.00,1.00
0543,+045.00,+00.00,01.00,000.00,1.00
0544,+045.00,+00.00,01.00,000.00,1.00
0545,+045.00,+00.00,01.00,000.00,1.00
0546,+045.00,+00.00,01.00,000.00,1.00
0547,+045.00,+00.00,01.00,000.00,1.00
0548,+045.00,+00.00,01.00,000.00,1.00
0549,+045.00,+00.00,01.00,000.00,1.00
0550,+045.00,+00.00,01.00,000.00,1.00
0551,+045.00,+00.00,01.00,000.00,1.00
0552,+045.00,+00.00,01.00,000.00,1.00
0553,+045.00,+00.00,01.00,000.00,1.00
0554,+045.00,+00.00,01.00,000.00,1.00
0555,+045.00,+00.00,01.00,000.00,1.00
0556,+045.00,+00.00,01.00,000.00,1.00
0557,+045.00,+00.00,01.00,000.00,1.00
0558,+045.00,+00.00,01.00,000.00,1.00
0559,+045.00,+00.00,01.00,000.00,1.00
0560,+045.00,+00.00,01.00,000.00,1.00
0561,+045.00,+00.00,01.00,000.00,1.00
0562,+045.00,+00.00,01.00,000.00,1.00
0563,+045.00,+00.00,01.00,000.00,1.00
0564,+045.00,+00.00,01.00,000.00,1.00
0565,+045.00,+00.00,01.00,000.00,1.00
0566,+045.00,+00.00,01.00,000.00,1.00
0567,+045.00,+00.00,01.00,000.00,1.00
0568,+045.00,+00.00,01.00,000.00,1.00
0569,+045.00,+00.00,01.00,000.00,1.00
0570,+045.00,+00.00,01.00,000.00,1.00
0571,+045.00,+00.00,01.00,000.00,1.00
0572,+045.00,+00.00,01.00,000.00,1.00
0573,+045.00,+00.00,01.00,000.00,1.00
0574,+045.00,+00.00,01.00,000.00,1.00
0575,+045.00,+00.00,01.00,000.00,1.00
0576,+045.00,+00.00,01.00,000.00,1.00
0577,+045.00,+00.00,01.00,000.00,1.00
0578,+045.00,+00.00,01.00,000.00,1.00
0579,+045.00,+00.00,01.00,000.00,1.00
0580,+045.00,+00.00,01.00,000.00,1.00
0581,+045.00,+00.00,01.00,000.00,1.00
0582,+045.00,+00.00,01.00,000.00,1.00
0583,+045.00,+00.00,01.00,000.00,1.00
0584,+045.00,+00.00,01.00,000.00,1.00
0585,+045.00,+00.00,01.00,000.00,1.00
0586,+045.00,+00.00,01.00,000.00,1.00
0587,+045.00,+00.00,01.00,000.00,1.00
0588,+045.00,+00.00,01.00,000.00,1.00
0589,+045.00,+00.00,01.00,000.00,1.00
0590,+045.00,+00.00,01.00,000.00,1.00
0591,+045.00,+00.00,01.00,000.00,1.00
0592,+045.00,+00.00,01.00,000.00,1.00
0593,+045.00,+00.00,01.00,000.00,1.00
0594,+045.00,+00.00,01.00,000.00,1.00
0595,+045.00,+00.00,01.00,000.00,1.00
0596,+045.00,+00.00,01.00,000.00,1.00
0597,+045.00,+00.00,01.00,000.00,1.00
0598,+045.00,+00.00,01.00,000.00,1.00
0599,+045.00,+00.00,01.00,000.00,1.00
0600,+045.00,+00.00,01.00,000.00,1.00
0601,+045.00,+00.00,01.00,000.00,1.00
0602,+045.00,+00.00,01.00,000.00,1.00
0603,+045.00,+00.00,01.00,000.00,1.00
0604,+045.00,+00.00,01.00,000.00,1.00
0605,+045.00,+00.00,01.00,000.00,1.00
0606,+045.00,+00.00,01.00,000.00,1.00
0607,+045.00,+00.00,01.00,000.00,1.00
0608,+045.00,+00.00,01.00,000.00,1.00
0609,+045.00,+00.00,01.00,000.00,1.00
0610,+045.00,+00.00,01.00,000.00,1.00
0611,+045.00,+00.00,01.00,000.00,1.00
0612,+045.00,+00.00,01.00,000.00,1.00
0613,+045.00,+00.00,01.00,000.00,1.00
0614,+045.00,+00.00,01.00,000.00,1.00
0615,+045.00,+00.00,01.00,000.00,1.00
0616,+045.00,+00.00,01.00,000.00,1.00
0617,+045.00,+00.00,01.00,000.00,1.00
0618,+045.00,+00.00,01.00,000.00,1.00
0619,+045.00,+00.00,01.00,000.00,1.00
0620,+045.00,+00.00,01.00,000.00,1.00
0621,+045.00,+00.00,01.00,000.00,1.00
0622,+045.00,+00.00,01.00,000.00,1.00
0623,+045.00,+00.00,01.00,000.00,1.00
0624,+045.00,+00.00,01.00,000.00,1.00
0625,+045.00,+00.00,01.00,000.00,1.00
0626,+045.00,+00.00,01.00,000.00,1.00
0627,+045.00,+00.00,01.00,000.00,1.00
0628,+045.00,+00.00,01.00,000.00,1.00
0629,+045.00,+00.00,01.00,000.00,1.00
0630,+045.00,+00.00,01.00,000.00,1.00
0631,+045.00,+00.00,01.00,000.00,1.00
0632,+045.00,+00.00,01.00,000.00,1.00
0633,+045.00,+00.00,01.00,000.00,1.00
0634,+045.00,+00.00,01.00,000.00,1.00
0635,+045.00,+00.00,01.00,000.00,1.00
0636,+045.00,+00.00,01.00,000.00,1.00
0637,+045.00,+00.00,01.00,000.00,1.00
0638,+045.00,+00.00,01.00,000.00,1.00
0639,+045.00,+00.00,01.00,000.00,1.00
0640,+045.00,+00.00,01.00,000.00,1.00
0641,+045.00,+00.00,01.00,000.00,1.00
0642,+045.00,+00.00,01.00,000.00,1.00
0643,+045.00,+00.00,01.00,000.00,1.00
0644,+045.00,+00.00,01.00,000.00,1.00
0645,+045.00,+00.00,01.00,000.00,1.00
0646,+045.00,+00.00,01.00,000.00,1.00
0647,+045.00,+00.00,01.00,000.00,1.00
0648,+045.00,+00.00,01.00,000.00,1.00
0649,+045.00,+00.00,01.00,000.00,1.00
0650,+045.00,+00.00,01.00,000.00,1.00
0651,+045.00,+00.00,01.00,000.00,1.00
0652,+045.00,+00.00,01.00,000.00,1.00
0653,+045.00,+00.00,01.00,000.00,1.00
0654,+045.00,+00.00,01.00,000.00,1.00
0655,+045.00,+00.00,01.00,000.00,1.00
0656,+045.00,+00.00,01.00,000.00,1.00
0657,+045.00,+00.00,01.00,000.00,1.00
0658,+045.00,+00.00,01.00,000.00,1.00
0659,+045.00,+00.00,01.00,000.00,1.00
0660,+045.00,+00.00,01.00,000.00,1.00
0661,+045.00,+00.00,01.00,000.00,1.00
0662,+045.00,+00.00,01.00,000.00,1.00
0663,+045.00,+00.00,01.00,000.00,1.00
0664,+045.00,+00.00,01.00,000.00,1.00
0665,+045.00,+00.00,01.00,000.00,1.00
0666,+045.00,+00.00,01.00,000.00,1.00
0667,+045.00,+00.00,01.00,000.00,1.00
0668,+045.00,+00.00,01.00,000.00,1.00
0669,+045.00,+00.00,01.00,000.00,1.00
0670,+045.00,+00.00,01.00,000.00,1.00
0671,+045.00,+00.00,01.00,000.00,1.00
0672,+045.00,+00.00,01.00,000.00,1.00
0673,+045.00,+00.00,01.00,000.00,1.00
0674,+045.00,+00.00,01.00,000.00,1.00
0675,+045.00,+00.00,01.00,000.00,1.00
0676,+045.00,+00.00,01.00,000.00,1.00
0677,+045.00,+00.00,01.00,000.00,1.00
0678,+045.00,+00.00,01.00,000.00,1.00
0679,+045.00,+00.00,01.00,000.00,1.00
0680,+045.00,+00.00,01.00,000.00,1.00
0681,+045.00,+00.00,01.00,000.00,1.00
0682,+045.00,+00.00,01.00,000.00,1.00
0683,+045.00,+00.00,01.00,000.00,1.00
0684,+045.00,+00.00,01.00,000.00,1.00
0685,+045.00,+00.00,01.00,000.00,1.00
0686,+045.00,+00.00,01.00,000.00,1.00
0687,+045.00,+00.00,01.00,000.00,1.00
0688,+045.00,+00.00,01.00,000.00,1.00
0689,+045.00,+00.00,01.00,000.00,1.00
0690,+045.00,+00.00,01.00,000.00,1.00
0691,+045.00,+00.00,01.00,000.00,1.00
0692,+045.00,+00.00,01.00,000.00,1.00
0693,+045.00,+00.00,01.00,000.00,1.00
0694,+045.00,+00.00,01.00,000.00,1.00
0695,+045.00,+00.00,01.00,000.00,1.00
0696,+045.00,+00.00,01.00,000.00,1.00
0697,+045.00,+00.00,01.00,000.00,1.00
0698,+045.00,+00.00,01.00,000.00,1.00
0699,+045.00,+00.00,01.00,000.00,1.00
0700,+045.00,+00.00,01.00,000.00,1.00
0701,+045.00,+00.00,01.00,000.00,1.00
0702,+045.00,+00.00,01.00,000.00,1.00
0703,+045.00,+00.00,01.00,000.00,1.00
0704,+045.00,+00.00,01.00,000.00,1.00
0705,+045.00,+00.00,01.00,000.00,1.00
0706,+045.00,+00.00,01.00,000.00,1.00
0707,+045.00,+00.00,01.00,000.00,1.00
0708,+045.00,+00.00,01.00,000.00,1.00
0709,+045.00,+00.00,01.00,000.00,1.00
0710,+045.00,+00.00,01.00,000.00,1.00
0711,+045.00,+00.00,01.00,000.00,1.00
0712,+045.00,+00.00,01.00,000.00,1.00
0713,+045.00,+00.00,01.00,000.00,1.00
0714,+045.00,+00.00,01.00,000.00,1.00
0715,+045.00,+00.00,01.00,000.00,1.00
0716,+045.00,+00.00,01.00,000.00,1.00
0717,+045.00,+00.00,01.00,000.00,1.00
0718,+045.00,+00.00,01.00,000.00,1.00
0719,+045.00,+00.00,01.00,000.00,1.00
0720,+045.00,+00.00,01.00,000.00,1.00
0721,+045.00,+00.00,01.00,000.00,1.00
0722,+045.00,+00.00,01.00,000.00,1.00
0723,+045.00,+00.00,01.00,000.00,1.00
0724,+045.00,+00.00,01.00,000.00,1.00
0725,+045.00,+00.00,01.00,000.00,1.00
0726,+045.00,+00.00,01.00,000.00,1.00
0727,+045.00,+00.00,01.00,000.00,1.00
0728,+045.00,+00.00,01.00,000.00,1.00
0729,+045.00,+00.00,01.00,000.00,1.00
0730,+045.00,+00.00,01.00,000.00,1.00
0731,+045.00,+00.00,01.00,000.00,1.00
0732,+045.00,+00.00,01.00,000.00,1.00
0733,+045.00,+00.00,01.00,000.00,1.00
0734,+045.00,+00.00,01.00,000.00,1.00
0735,+045.00,+00.00,01.00,000.00,1.00
0736,+045.00,+00.00,01.00,000.00,1.00
0737,+045.00,+00.00,01.00,000.00,1.00
0738,+045.00,+00.00,01.00,000.00,1.00
0739,+045.00,+00.00,01.00,000.00,1.00
0740,+045.00,+00.00,01.00,000.00,1.00
0741,+045.00,+00.00,01.00,000.00,1.00
0742,+045.00,+00.00,01.00,000.00,1.00
0743,+045.00,+00.00,01.00,000.00,1.00
0744,+045.00,+00.00,01.00,000.00,1.00
0745,+045.00,+00.00,01.00,000.00,1.00
0746,+045.00,+00.00,01.00,000.00,1.00
0747,+045.00,+00.00,01.00,000.00,1.00
0748,+045.00,+00.00,01.00,000.00,1.00
0749,+045.00,+00.00,01.00,000.00,1.00
0750,+045.00,+00.00,01.00,000.00,1.00
0751,+045.00,+00.00,01.00,000.00,1.00
0752,+045.00,+00.00,01.00,000.00,1.00
0753,+045.00,+00.00,01.00,000.00,1.00
0754,+045.00,+00.00,01.00,000.00,1.00
0755,+045.00,+00.00,01.00,000.00,1.00
0756,+045.00,+00.00,01.00,000.00,1.00
0757,+045.00,+00.00,01.00,000.00,1.00
0758,+045.00,+00.00,01.00,000.00,1.00
0759,+045.00,+00.00,01.00,000.00,1.00
0760,+045.00,+00.00,01.00,000.00,1.00
0761,+045.00,+00.00,01.00,000.00,1.00
0762,+045.00,+00.00,01.00,000.00,1.00
0763,+045.00,+00.00,01.00,000.00,1.00
0764,+045.00,+00.00,01.00,000.00,1.00
0765,+045.00,+00.00,01.00,000.00,1.00
0766,+045.00,+00.00,01.00,000.00,1.00
0767,+045.00,+00.00,01.00,000.00,1.00
0768,+045.00,+00.00,01.00,000.00,1.00
0769,+045.00,+00.00,01.00,000.00,1.00
0770,+045.00,+00.00,01.00,000.00,1.00
0771,+045.00,+00.00,01.00,000.00,1.00
0772,+045.00,+00.00,01.00,000.00,1.00
0773,+045.00,+00.00,01.00,000.00,1.00
0774,+045.00,+00.00,01.00,000.00,1.00
0775,+045.00,+00.00,01.00,000.00,1.00
0776,+045.00,+00.00,01.00,000.00,1.00
0777,+045.00,+00.00,01.00,000.00,1.00
0778,+045.00,+00.00,01.00,000.00,1.00
0779,+045.00,+00.00,01.00,000.00,1.00
0780,+045.00,+00.00,01.00,000.00,1.00
0781,+045.00,+00.00,01.00,000.00,1.00
0782,+045.00,+00.00,01.00,000.00,1.00
0783,+045.00,+00.00,01.00,000.00,1.00
0784,+045.00,+00.00,01.00,000.00,1.00
0785,+045.00,+00.00,01.00,000.00,1.00
0786,+045.00,+00.00,01.00,000.00,1.00
0787,+045.00,+00.00,01.00,000.00,1.00
0788,+045.00,+00.00,01.00,000.00,1.00
0789,+045.00,+00.00,01.00,000.00,1.00
0790,+045.00,+00.00,01.00,000.00,1.00
0791,+045.00,+00.00,01.00,000.00,1.00
0792,+045.00,+00.00,01.00,000.00,1.00
0793,+045.00,+00.00,01.00,000.00,1.00
0794,+045.00,+00.00,01.00,000.00,1.00
0795,+045.00,+00.00,01.00,000.00,1.00
0796,+045.00,+00.00,01.00,000.00,1.00
0797,+045.00,+00.00,01.00,000.00,1.00
0798,+045.00,+00.00,01.00,000.00,1.00
0799,+045.00,+00.00,01.00,000.00,1.00
0800,+045.00,+00.00,01.00,000.00,1.00
0801,+045.00,+00.00,01.00,000.00,1.00
0802,+045.00,+00.00,01.00,000.00,1.00
0803,+045.00,+00.00,01.00,000.00,1.00
0804,+045.00,+00.00,01.00,000.00,1.00
0805,+045.00,+00.00,01.00,000.00,1.00
0806,+045.00,+00.00,01.00,000.00,1.00
0807,+045.00,+00.00,01.00,000.00,1.00
0808,+045.00,+00.00,01.00,000.00,1.00
0809,+045.00,+00.00,01.00,000.00,1.00
0810,+045.00,+00.00,01.00,000.00,1.00
0811,+045.00,+00.00,01.00,000.00,1.00
0812,+045.00,+00.00,01.00,000.00,1.00
0813,+045.00,+00.00,01.00,000.00,1.00
0814,+045.00,+00.00,01.00,000.00,1.00
0815,+045.00,+00.00,01.00,000.00,1.00
0816,+045.00,+00.00,01.00,000.00,1.00
0817,+045.00,+00.00,01.00,000.00,1.00
0818,+045.00,+00.00,01.00,000.00,1.00
0819,+045.00,+00.00,01.00,000.00,1.00
0820,+045.00,+00.00,01.00,000.00,1.00
0821,+045.00,+00.00,01.00,000.00,1.00
0822,+045.00,+00.00,01.00,000.00,1.00
0823,+045.00,+00.00,01.00,000.00,1.00
0824,+045.00,+00.00,01.00,000.00,1.00
0825,+045.00,+00.00,01.00,000.00,1.00
0826,+045.00,+00.00,01.00,000.00,1.00
0827,+045.00,+00.00,01.00,000.00,1.00
0828,+045.00,+00.00,01.00,000.00,1.00
0829,+045.00,+00.00,01.00,000.00,1.00
0830,+045.00,+00.00,01.00,000.00,1.00
0831,+045.00,+00.00,01.00,000.00,1.00
0832,+045.00,+00.00,01.00,000.00,1.00
0833,+045.00,+00.00,01.00,000.00,1.00
0834,+045.00,+00.00,01.00,000.00,1.00
0835,+045.00,+00.00,01.00,000.00,1.00
0836,+045.00,+00.00,01.00,000.00,1.00
0837,+045.00,+00.00,01.00,000.00,1.00
0838,+045.00,+00.00,01.00,000.00,1.00
0839,+045.00,+00.00,01.00,000.00,1.00
0840,+045.00,+00.00,01.00,000.00,1.00
0841,+045.00,+00.00,01.00,000.00,1.00
0842,+045.00,+00.00,01.00,000.00,1.00
0843,+045.00,+00.00,01.00,000.00,1.00
0844,+045.00,+00.00,01.00,000.00,1.00
0845,+045.00,+00.00,01.00,000.00,1.00
0846,+045.00,+00.00,01.00,000.00,1.00
0847,+045.00,+00.00,01.00,000.00,1.00
0848,+045.00,+00.00,01.00,000.00,1.00
0849,+045.00,+00.00,01.00,000.00,1.00
0850,+045.00,+00.00,01.00,000.00,1.00
0851,+045.00,+00.00,01.00,000.00,1.00
0852,+045.00,+00.00,01.00,000.00,1.00
0853,+045.00,+00.00,01.00,000.00,1.00
0854,+045.00,+00.00,01.00,000.00,1.00
0855,+045.00,+00.00,01.00,000.00,1.00
0856,+045.00,+00.00,01.00,000.00,1.00
0857,+045.00,+00.00,01.00,000.00,1.00
0858,+045.00,+00.00,01.00,000.00,1.00
0859,+045.00,+00.00,01.00,000.00,1.00
0860,+045.00,+00.00,01.00,000.00,1.00
0861,+045.00,+00.00,01.00,000.00,1.00
0862,+045.00,+00.00,01.00,000.00,1.00
0863,+045.00,+00.00,01.00,000.00,1.00
0864,+045.00,+00.00,01.00,000.00,1.00
0865,+045.00,+00.00,01.00,000.00,1.00
0866,+045.00,+00.00,01.00,000.00,1.00
0867,+045.00,+00.00,01.00,000.00,1.00
0868,+045.00,+00.00,01.00,000.00,1.00
0869,+045.00,+00.00,01.00,000.00,1.00
0870,+045.00,+00.00,01.00,000.00,1.00
0871,+045.00,+00.00,01.00,000.00,1.00
0872,+045.00,+00.00,01.00,000.00,1.00
0873,+045.00,+00.00,01.00,000.00,1.00
0874,+045.00,+00.00,01.00,000.00,1.00
0875,+045.00,+00.00,01.00,000.00,1.00
0876,+045.00,+00.00,01.00,000.00,1.00
0877,+045.00,+00.00,01.00,000.00,1.00
0878,+045.00,+00.00,01.00,000.00,1.00
0879,+045.00,+00.00,01.00,000.00,1.00
0880,+045.00,+00.00,01.00,000.00,1.00
0881,+045.00,+00.00,01.00,000.00,1.00
0882,+045.00,+00.00,01.00,000.00,1.00
0883,+045.00,+00.00,01.00,000.00,1.00
0884,+045.00,+00.00,01.00,000.00,1.00
0885,+045.00,+00.00,01.00,000.00,1.00
0886,+045.00,+00.00,01.00,000.00,1.00
0887,+045.00,+00.00,01.00,000.00,1.00
0888,+045.00,+00.00,01.00,000.00,1.00
0889,+045.00,+00.00,01.00,000.00,1.00
0890,+045.00,+00.00,01.00,000.00,1.00
0891,+045.00,+00.00,01.00,000.00,1.00
0892,+045.00,+00.00,01.00,000.00,1.00
0893,+045.00,+00.00,01.00,000.00,1.00
0894,+045.00,+00.00,01.00,000.00,1.00
0895,+045.00,+00.00,01.00,000.00,1.00
0896,+045.00,+00.00,01.00,000.00,1.00
0897,+045.00,+00.00,01.00,000.00,1.00
0898,+045.00,+00.00,01.00,000.00,1.00
0899,+045.00,+00.00,01.00,000.00,1.00
0900,+045.00,+00.00,01.00,000.00,1.00
0901,+045.00,+00.00,01.00,000.00,1.00
0902,+045.00,+00.00,01.00,000.00,1.00
0903,+045.00,+00.00,01.00,000.00,1.00
0904,+045.00,+00.00,01.00,000.00,1.00
0905,+045.00,+00.00,01.00,000.00,1.00
0906,+045.00,+00.00,01.00,000.00,1.00
0907,+045.00,+00.00,01.00,000.00,1.00
0908,+045.00,+00.00,01.00,000.00,1.00
0909,+045.00,+00.00,01.00,000.00,1.00
0910,+045.00,+00.00,01.00,000.00,1.00
0911,+045.00,+00.00,01.00,000.00,1.00
0912,+045.00,+00.00,01.00,000.00,1.00
0913,+045.00,+00.00,01.00,000.00,1.00
0914,+045.00,+00.00,01.00,000.00,1.00
0915,+045.00,+00.00,01.00,000.00,1.00
0916,+045.00,+00.00,01.00,000.00,1.00
0917,+045.00,+00.00,01.00,000.00,1.00
0918,+045.00,+00.00,01.00,000.00,1.00
0919,+045.00,+00.00,01.00,000.00,1.00
0920,+045.00,+00.00,01.00,000.00,1.00
0921,+045.00,+00.00,01.00,000.00,1.00
0922,+045.00,+00.00,01.00,000.00,1.00
0923,+045.00,+00.00,01.00,000.00,1.00
0924,+045.00,+00.00,01.00,000.00,1.00
0925,+045.00,+00.00,01.00,000.00,1.00
0926,+045.00,+00.00,01.00,000.00,1.00
0927,+045.00,+00.00,01.00,000.00,1.00
0928,+045.00,+00.00,01.00,000.00,1.00
0929,+045.00,+00.00,01.00,000.00,1.00
0930,+045.00,+00.00,01.00,000.00,1.00
0931,+045.00,+00.00,01.00,000.00,1.00
0932,+045.00,+00.00,01.00,000.00,1.00
0933,+045.00,+00.00,01.00,000.00,1.00
0934,+045.00,+00.00,01.00,000.00,1.00
0935,+045.00,+00.00,01.00,000.00,1.00
0936,+045.00,+00.00,01.00,000.00,1.00
0937,+045.00,+00.00,01.00,000.00,1.00
0938,+045.00,+00.00,01.00,000.00,1.00
0939,+045.00,+00.00,01.00,000.00,1.00
0940,+045.00,+00.00,01.00,000.00,1.00
0941,+045.00,+00.00,01.00,000.00,1.00
0942,+045.00,+00.00,01.00,000.00,1.00
0943,+045.00,+00.00,01.00,000.00,1.00
0944,+045.00,+00.00,01.00,000.00,1.00
0945,+045.00,+00.00,01.00,000.00,1.00
0946,+045.00,+00.00,01.00,000.00,1.00
0947,+045.00,+00.00,01.00,000.00,1.00
0948,+045.00,+00.00,01.00,000.00,1.00
0949,+045.00,+00.00,01.00,000.00,1.00
0950,+045.00,+00.00,01.00,000.00,1.00
0951,+045.00,+00.00,01.00,000.00,1.00
0952,+045.00,+00.00,01.00,000.00,1.00
0953,+045.00,+00.00,01.00,000.00,1.00
0954,+045.00,+00.00,01.00,000.00,1.00
0955,+045.00,+00.00,01.00,000.00,1.00
0956,+045.00,+00.00,01.00,000.00,1.00
0957,+045.00,+00.00,01.00,000.00,1.00
0958,+045.00,+00.00,01.00,000.00,1.00
0959,+045.00,+00.00,01.00,000.00,1.00
0960,+045.00,+00.00,01.00,000.00,1.00
0961,+045.00,+00.00,01.00,000.00,1.00
0962,+045.00,+00.00,01.00,000.00,1.00
0963,+045.00,+00.00,01.00,000.00,1.00
0964,+045.00,+00.00,01.00,000.00,1.00
0965,+045.00,+00.00,01.00,000.00,1.00
0966,+045.00,+00.00,01.00,000.00,1.00
0967,+045.00,+00.00,01.00,000.00,1.00
0968,+045.00,+00.00,01.00,000.00,1.00
0969,+045.00,+00.00,01.00,000.00,1.00
0970,+045.00,+00.00,01.00,000.00,1.00
0971,+045.00,+00.00,01.00,000.00,1.00
0972,+045.00,+00.00,01.00,000.00,1.00
0973,+045.00,+00.00,01.00,000.00,1.00
0974,+045.00,+00.00,01.00,000.00,1.00
0975,+045.00,+00.00,01.00,000.00,1.00
0976,+045.00,+00.00,01.00,000.00,1.00
0977,+045.00,+00.00,01.00,000.00,1.00
0978,+045.00,+00.00,01.00,000.00,1.00
0979,+045.00,+00.00,01.00,000.00,1.00
0980,+045.00,+00.00,01.00,000.00,1.00
0981,+045.00,+00.00,01.00,000.00,1.00
0982,+045.00,+00.00,01.00,000.00,1.00
0983,+045.00,+00.00,01.00,000.00,1.00
0984,+045.00,+00.00,01.00,000.00,1.00
0985,+045.00,+00.00,01.00,000.00,1.00
0986,+045.00,+00.00,01.00,000.00,1.00
0987,+045.00,+00.00,01.00,000.00,1.00
0988,+045.00,+00.00,01.00,000.00,1.00
0989,+045.00,+00.00,01.00,000.00,1.00
0990,+045.00,+00.00,01.00,000.00,1.00
0991,+045.00,+00.00,01.00,000.00,1.00
0992,+045.00,+00.00,01.00,000.00,1.00
0993,+045.00,+00.00,01.00,000.00,1.00
0994,+045.00,+00.00,01.00,000.00,1.00
0995,+045.00,+00.00,01.00,000.00,1.00
0996,+045.00,+00.00,01.00,000.00,1.00
0997,+045.00,+00.00,01.00,000.00,1.00
0998,+045.00,+00.00,01.00,000.00,1.00
0999,+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
+045.00,+00.00,01.00,000.00,1.00
0000,-030.00,+20.00,01.00,000.00,1.00
0001,-030.00,+20.00,01.00,000.00,1.00
0002,-030.00,+20.00,01.00,000.00,1.00
0003,-030.00,+20.00,01.00,000.00,1.00
0004,-030.00,+20.00,01.00,000.00,1.00
0005,-030.00,+20.00,01.00,000.00,1.00
0006,-030.00,+20.00,01.00,000.00,1.00
0007,-030.00,+20.00,01.00,000.00,1.00
0008,-030.00,+20.00,01.00,000.00,1.00
0009,-030.00,+20.00,01.00,000.00,1.00
0010,-030.00,+20.00,01.00,000.00,1.00
0011,-030.00,+20.00,01.00,000.00,1.00
0012,-030.00,+20.00,01.00,000.00,1.00
0013,-030.00,+20.00,01.00,000.00,1.00
0014,-030.00,+20.00,01.00,000.00,1.00
0015,-030.00,+20.00,01.00,000.00,1.00
0016,-030.00,+20.00,01.00,000.00,1.00
0017,-030.00,+20.00,01.00,000.00,1.00
0018,-030.00,+20.00,01.00,000.00,1.00
0019,-030.00,+20.00,01.00,000.00,1.00
0020,-030.00,+20.00,01.00,000.00,1.00
0021,-030.00,+20.00,01.00,000.00,1.00
0022,-030.00,+20.00,01.00,000.00,1.00
0023,-030.00,+20.00,01.00,000.00,1.00
0024,-030.00,+20.00,01.00,000.00,1.00
0025,-030.00,+20.00,01.00,000.00,1.00
0026,-030.00,+20.00,01.00,000.00,1.00
0027,-030.00,+20.00,01.00,000.00,1.00
0028,-030.00,+20.00,01.00,000.00,1.00
0029,-030.00,+20.00,01.00,000.00,1.00
0030,-030.00,+20.00,01.00,000.00,1.00
0031,-030.00,+20.00,01.00,000.00,1.00
0032,-030.00,+20.00,01.00,000.00,1.00
0033,-030.00,+20.00,01.00,000.00,1.00
0034,-030.00,+20.00,01.00,000.00,1.00
0035,-030.00,+20.00,01.00,000.00,1.00
0036,-030.00,+20.00,01.00,000.00,1.00
0037,-030.00,+20.00,01.00,000.00,1.00
0038,-030.00,+20.00,01.00,000.00,1.00
0039,-030.00,+20.00,01.00,000.00,1.00
0040,-030.00,+20.00,01.00,000.00,1.00
0041,-030.00,+20.00,01.00,000.00,1.00
0042,-030.00,+20.00,01.00,000.00,1.00
0043,-030.00,+20.00,01.00,000.00,1.00
0044,-030.00,+20.00,01.00,000.00,1.00
0045,-030.00,+20.00,01.00,000.00,1.00
0046,-030.00,+20.00,01.00,000.00,1.00
0047,-030.00,+20.00,01.00,000.00,1.00
0048,-030.00,+20.00,01.00,000.00,1.00
0049,-030.00,+20.00,01.00,000.00,1.00
0050,-030.00,+20.00,01.00,000.00,1.00
0051,-030.00,+20.00,01.00,000.00,1.00
0052,-030.00,+20.00,01.00,000.00,1.00
0053,-030.00,+20.00,01.00,000.00,1.00
0054,-030.00,+20.00,01.00,000.00,1.00
0055,-030.00,+20.00,01.00,000.00,1.00
0056,-030.00,+20.00,01.00,000.00,1.00
0057,-030.00,+20.00,01.00,000.00,1.00
0058,-030.00,+20.00,01.00,000.00,1.00
0059,-030.00,+20.00,01.00,000.00,1.00
0060,-030.00,+20.00,01.00,000.00,1.00
0061,-030.00,+20.00,01.00,000.00,1.00
0062,-030.00,+20.00,01.00,000.00,1.00
0063,-030.00,+20.00,01.00,000.00,1.00
0064,-030.00,+20.00,01.00,000.00,1.00
0065,-030.00,+20.00,01.00,000.00,1.00
0066,-030.00,+20.00,01.00,000.00,1.00
0067,-030.00,+20.00,01.00,000.00,1.00
0068,-030.00,+20.00,01.00,000.00,1.00
0069,-030.00,+20.00,01.00,000.00,1.00
0070,-030.00,+20.00,01.00,000.00,1.00
0071,-030.00,+20.00,01.00,000.00,1.00
0072,-030.00,+20.00,01.00,000.00,1.00
0073,-030.00,+20.00,01.00,000.00,1.00
0074,-030.00,+20.00,01.00,000.00,1.00
0075,-030.00,+20.00,01.00,000.00,1.00
0076,-030.00,+20.00,01.00,000.00,1.00
0077,-030.00,+20.00,01.00,000.00,1.00
0078,-030.00,+20.00,01.00,000.00,1.00
0079,-030.00,+20.00,01.00,000.00,1.00
0080,-030.00,+20.00,01.00,000.00,1.00
0081,-030.00,+20.00,01.00,000.00,1.00
0082,-030.00,+20.00,01.00,000.00,1.00
0083,-030.00,+20.00,01.00,000.00,1.00
0084,-030.00,+20.00,01.00,000.00,1.00
0085,-030.00,+20.00,01.00,000.00,1.00
0086,-030.00,+20.00,01.00,000.00,1.00
0087,-030.00,+20.00,01.00,000.00,1.00
0088,-030.00,+20.00,01.00,000.00,1.00
0089,-030.00,+20.00,01.00,000.00,1.00
0090,-030.00,+20.00,01.00,000.00,1.00
0091,-030.00,+20.00,01.00,000.00,1.00
0092,-030.00,+20.00,01.00,000.00,1.00
0093,-030.00,+20.00,01.00,000.00,1.00
0094,-030.00,+20.00,01.00,000.00,1.00
0095,-030.00,+20.00,01.00,000.00,1.00
0096,-030.00,+20.00,01.00,000.00,1.00
0097,-030.00,+20.00,01.00,000.00,1.00
0098,-030.00,+20.00,01.00,000.00,1.00
0099,-030.00,+20.00,01.00,000.00,1.00
0100,-030.00,+20.00,01.00,000.00,1.00
0101,-030.00,+20.00,01.00,000.00,1.00
0102,-030.00,+20.00,01.00,000.00,1.00
0103,-030.00,+20.00,01.00,000.00,1.00
0104,-030.00,+20.00,01.00,000.00,1.00
0105,-030.00,+20.00,01.00,000.00,1.00
0106,-030.00,+20.00,01.00,000.00,1.00
0107,-030.00,+20.00,01.00,000.00,1.00
0108,-030.00,+20.00,01.00,000.00,1.00
0109,-030.00,+20.00,01.00,000.00,1.00
0110,-030.00,+20.00,01.00,000.00,1.00
0111,-030.00,+20.00,01.00,000.00,1.00
0112,-030.00,+20.00,01.00,000.00,1.00
0113,-030.00,+20.00,01.00,000.00,1.00
0114,-030.00,+20.00,01.00,000.00,1.00
0115,-030.00,+20.00,01.00,000.00,1.00
0116,-030.00,+20.00,01.00,000.00,1.00
0117,-030.00,+20.00,01.00,000.00,1.00
0118,-030.00,+20.00,01.00,000.00,1.00
0119,-030.00,+20.00,01.00,000.00,1.00
0120,-030.00,+20.00,01.00,000.00,1.00
0121,-030.00,+20.00,01.00,000.00,1.00
0122,-030.00,+20.00,01.00,000.00,1.00
0123,-030.00,+20.00,01.00,000.00,1.00
0124,-030.00,+20.00,01.00,000.00,1.00
0125,-030.00,+20.00,01.00,000.00,1.00
0126,-030.00,+20.00,01.00,000.00,1.00
0127,-030.00,+20.00,01.00,000.00,1.00
0128,-030.00,+20.00,01.00,000.00,1.00
0129,-030.00,+20.00,01.00,000.00,1.00
0130,-030.00,+20.00,01.00,000.00,1.00
0131,-030.00,+20.00,01.00,000.00,1.00
0132,-030.00,+20.00,01.00,000.00,1.00
0133,-030.00,+20.00,01.00,000.00,1.00
0134,-030.00,+20.00,01.00,000.00,1.00
0135,-030.00,+20.00,01.00,000.00,1.00
0136,-030.00,+20.00,01.00,000.00,1.00
0137,-030.00,+20.00,01.00,000.00,1.00
0138,-030.00,+20.00,01.00,000.00,1.00
0139,-030.00,+20.00,01.00,000.00,1.00
0140,-030.00,+20.00,01.00,000.00,1.00
0141,-030.00,+20.00,01.00,000.00,1.00
0142,-030.00,+20.00,01.00,000.00,1.00
0143,-030.00,+20.00,01.00,000.00,1.00
0144,-030.00,+20.00,01.00,000.00,1.00
0145,-030.00,+20.00,01.00,000.00,1.00
0146,-030.00,+20.00,01.00,000.00,1.00
0147,-030.00,+20.00,01.00,000.00,1.00
0148,-030.00,+20.00,01.00,000.00,1.00
0149,-030.00,+20.00,01.00,000.00,1.00
0150,-030.00,+20.00,01.00,000.00,1.00
0151,-030.00,+20.00,01.00,000.00,1.00
0152,-030.00,+20.00,01.00,000.00,1.00
0153,-030.00,+20.00,01.00,000.00,1.00
0154,-030.00,+20.00,01.00,000.00,1.00
0155,-030.00,+20.00,01.00,000.00,1.00
0156,-030.00,+20.00,01.00,000.00,1.00
0157,-030.00,+20.00,01.00,000.00,1.00
0158,-030.00,+20.00,01.00,000.00,1.00
0159,-030.00,+20.00,01.00,000.00,1.00
0160,-030.00,+20.00,01.00,000.00,1.00
0161,-030.00,+20.00,01.00,000.00,1.00
0162,-030.00,+20.00,01.00,000.00,1.00
0163,-030.00,+20.00,01.00,000.00,1.00
0164,-030.00,+20.00,01.00,000.00,1.00
0165,-030.00,+20.00,01.00,000.00,1.00
0166,-030.00,+20.00,01.00,000.00,1.00
0167,-030.00,+20.00,01.00,000.00,1.00
0168,-030.00,+20.00,01.00,000.00,1.00
0169,-030.00,+20.00,01.00,000.00,1.00
0170,-030.00,+20.00,01.00,000.00,1.00
0171,-030.00,+20.00,01.00,000.00,1.00
0172,-030.00,+20.00,01.00,000.00,1.00
0173,-030.00,+20.00,01.00,000.00,1.00
0174,-030.00,+20.00,01.00,000.00,1.00
0175,-030.00,+20.00,01.00,000.00,1.00
0176,-030.00,+20.00,01.00,000.00,1.00
0177,-030.00,+20.00,01.00,000.00,1.00
0178,-030.00,+20.00,01.00,000.00,1.00
0179,-030.00,+20.00,01.00,000.00,1.00
0180,-030.00,+20.00,01.00,000.00,1.00
0181,-030.00,+20.00,01.00,000.00,1.00
0182,-030.00,+20.00,01.00,000.00,1.00
0183,-030.00,+20.00,01.00,000.00,1.00
0184,-030.00,+20.00,01.00,000.00,1.00
0185,-030.00,+20.00,01.00,000.00,1.00
0186,-030.00,+20.00,01.00,000.00,1.00
0187,-030.00,+20.00,01.00,000.00,1.00
0188,-030.00,+20.00,01.00,000.00,1.00
0189,-030.00,+20.00,01.00,000.00,1.00
0190,-030.00,+20.00,01.00,000.00,1.00
0191,-030.00,+20.00,01.00,000.00,1.00
0192,-030.00,+20.00,01.00,000.00,1.00
0193,-030.00,+20.00,01.00,000.00,1.00
0194,-030.00,+20.00,01.00,000.00,1.00
0195,-030.00,+20.00,01.00,000.00,1.00
0196,-030.00,+20.00,01.00,000.00,1.00
0197,-030.00,+20.00,01.00,000.00,1.00
0198,-030.00,+20.00,01.00,000.00,1.00
0199,-030.00,+20.00,01.00,000.00,1.00
0200,-030.00,+20.00,01.00,000.00,1.00
0201,-030.00,+20.00,01.00,000.00,1.00
0202,-030.00,+20.00,01.00,000.00,1.00
0203,-030.00,+20.00,01.00,000.00,1.00
0204,-030.00,+20.00,01.00,000.00,1.00
0205,-030.00,+20.00,01.00,000.00,1.00
0206,-030.00,+20.00,01.00,000.00,1.00
0207,-030.00,+20.00,01.00,000.00,1.00
0208,-030.00,+20.00,01.00,000.00,1.00
0209,-030.00,+20.00,01.00,000.00,1.00
0210,-030.00,+20.00,01.00,000.00,1.00
0211,-030.00,+20.00,01.00,000.00,1.00
0212,-030.00,+20.00,01.00,000.00,1.00
0213,-030.00,+20.00,01.00,000.00,1.00
0214,-030.00,+20.00,01.00,000.00,1.00
0215,-030.00,+20.00,01.00,000.00,1.00
0216,-030.00,+20.00,01.00,000.00,1.00
0217,-030.00,+20.00,01.00,000.00,1.00
0218,-030.00,+20.00,01.00,000.00,1.00
0219,-030.00,+20.00,01.00,000.00,1.00
0220,-030.00,+20.00,01.00,000.00,1.00
0221,-030.00,+20.00,01.00,000.00,1.00
0222,-030.00,+20.00,01.00,000.00,1.00
0223,-030.00,+20.00,01.00,000.00,1.00
0224,-030.00,+20.00,01.00,000.00,1.00
0225,-030.00,+20.00,01.00,000.00,1.00
0226,-030.00,+20.00,01.00,000.00,1.00
0227,-030.00,+20.00,01.00,000.00,1.00
0228,-030.00,+20.00,01.00,000.00,1.00
0229,-030.00,+20.00,01.00,000.00,1.00
0230,-030.00,+20.00,01.00,000.00,1.00
0231,-030.00,+20.00,01.00,000.00,1.00
0232,-030.00,+20.00,01.00,000.00,1.00
0233,-030.00,+20.00,01.00,000.00,1.00
0234,-030.00,+20.00,01.00,000.00,1.00
0235,-030.00,+20.00,01.00,000.00,1.00
0236,-030.00,+20.00,01.00,000.00,1.00
0237,-030.00,+20.00,01.00,000.00,1.00
0238,-030.00,+20.00,01.00,000.00,1.00
0239,-030.00,+20.00,01.00,000.00,1.00
0240,-030.00,+20.00,01.00,000.00,1.00
0241,-030.00,+20.00,01.00,000.00,1.00
0242,-030.00,+20.00,01.00,000.00,1.00
0243,-030.00,+20.00,01.00,000.00,1.00
0244,-030.00,+20.00,01.00,000.00,1.00
0245,-030.00,+20.00,01.00,000.00,1.00
0246,-030.00,+20.00,01.00,000.00,1.00
0247,-030.00,+20.00,01.00,000.00,1.00
0248,-030.00,+20.00,01.00,000.00,1.00
0249,-030.00,+20.00,01.00,000.00,1.00
0250,-030.00,+20.00,01.00,000.00,1.00
0251,-030.00,+20.00,01.00,000.00,1.00
0252,-030.00,+20.00,01.00,000.00,1.00
0253,-030.00,+20.00,01.00,000.00,1.00
0254,-030.00,+20.00,01.00,000.00,1.00
0255,-030.00,+20.00,01.00,000.00,1.00
0256,-030.00,+20.00,01.00,000.00,1.00
0257,-030.00,+20.00,01.00,000.00,1.00
0258,-030.00,+20.00,01.00,000.00,1.00
0259,-030.00,+20.00,01.00,000.00,1.00
0260,-030.00,+20.00,01.00,000.00,1.00
0261,-030.00,+20.00,01.00,000.00,1.00
0262,-030.00,+20.00,01.00,000.00,1.00
0263,-030.00,+20.00,01.00,000.00,1.00
0264,-030.00,+20.00,01.00,000.00,1.00
0265,-030.00,+20.00,01.00,000.00,1.00
0266,-030.00,+20.00,01.00,000.00,1.00
0267,-030.00,+20.00,01.00,000.00,1.00
0268,-030.00,+20.00,01.00,000.00,1.00
0269,-030.00,+20.00,01.00,000.00,1.00
0270,-030.00,+20.00,01.00,000.00,1.00
0271,-030.00,+20.00,01.00,000.00,1.00
0272,-030.00,+20.00,01.00,000.00,1.00
0273,-030.00,+20.00,01.00,000.00,1.00
0274,-030.00,+20.00,01.00,000.00,1.00
0275,-030.00,+20.00,01.00,000.00,1.00
0276,-030.00,+20.00,01.00,000.00,1.00
0277,-030.00,+20.00,01.00,000.00,1.00
0278,-030.00,+20.00,01.00,000.00,1.00
0279,-030.00,+20.00,01.00,000.00,1.00
0280,-030.00,+20.00,01.00,000.00,1.00
0281,-030.00,+20.00,01.00,000.00,1.00
0282,-030.00,+20.00,01.00,000.00,1.00
0283,-030.00,+20.00,01.00,000.00,1.00
0284,-030.00,+20.00,01.00,000.00,1.00
0285,-030.00,+20.00,01.00,000.00,1.00
0286,-030.00,+20.00,01.00,000.00,1.00
0287,-030.00,+20.00,01.00,000.00,1.00
0288,-030.00,+20.00,01.00,000.00,1.00
0289,-030.00,+20.00,01.00,000.00,1.00
0290,-030.00,+20.00,01.00,000.00,1.00
0291,-030.00,+20.00,01.00,000.00,1.00
0292,-030.00,+20.00,01.00,000.00,1.00
0293,-030.00,+20.00,01.00,000.00,1.00
0294,-030.00,+20.00,01.00,000.00,1.00
0295,-030.00,+20.00,01.00,000.00,1.00
0296,-030.00,+20.00,01.00,000.00,1.00
0297,-030.00,+20.00,01.00,000.00,1.00
0298,-030.00,+20.00,01.00,000.00,1.00
0299,-030.00,+20.00,01.00,000.00,1.00
0300,-030.00,+20.00,01.00,000.00,1.00
0301,-030.00,+20.00,01.00,000.00,1.00
0302,-030.00,+20.00,01.00,000.00,1.00
0303,-030.00,+20.00,01.00,000.00,1.00
0304,-030.00,+20.00,01.00,000.00,1.00
0305,-030.00,+20.00,01.00,000.00,1.00
0306,-030.00,+20.00,01.00,000.00,1.00
0307,-030.00,+20.00,01.00,000.00,1.00
0308,-030.00,+20.00,01.00,000.00,1.00
0309,-030.00,+20.00,01.00,000.00,1.00
0310,-030.00,+20.00,01.00,000.00,1.00
0311,-030.00,+20.00,01.00,000.00,1.00
0312,-030.00,+20.00,01.00,000.00,1.00
0313,-030.00,+20.00,01.00,000.00,1.00
0314,-030.00,+20.00,01.00,000.00,1.00
0315,-030.00,+20.00,01.00,000.00,1.00
0316,-030.00,+20.00,01.00,000.00,1.00
0317,-030.00,+20.00,01.00,000.00,1.00
0318,-030.00,+20.00,01.00,000.00,1.00
0319,-030.00,+20.00,01.00,000.00,1.00
0320,-030.00,+20.00,01.00,000.00,1.00
0321,-030.00,+20.00,01.00,000.00,1.00
0322,-030.00,+20.00,01.00,000.00,1.00
0323,-030.00,+20.00,01.00,000.00,1.00
0324,-030.00,+20.00,01.00,000.00,1.00
0325,-030.00,+20.00,01.00,000.00,1.00
0326,-030.00,+20.00,01.00,000.00,1.00
0327,-030.00,+20.00,01.00,000.00,1.00
0328,-030.00,+20.00,01.00,000.00,1.00
0329,-030.00,+20.00,01.00,000.00,1.00
0330,-030.00,+20.00,01.00,000.00,1.00
0331,-030.00,+20.00,01.00,000.00,1.00
0332,-030.00,+20.00,01.00,000.00,1.00
0333,-030.00,+20.00,01.00,000.00,1.00
0334,-030.00,+20.00,01.00,000.00,1.00
0335,-030.00,+20.00,01.00,000.00,1.00
0336,-030.00,+20.00,01.00,000.00,1.00
0337,-030.00,+20.00,01.00,000.00,1.00
0338,-030.00,+20.00,01.00,000.00,1.00
0339,-030.00,+20.00,01.00,000.00,1.00
0340,-030.00,+20.00,01.00,000.00,1.00
0341,-030.00,+20.00,01.00,000.00,1.00
0342,-030.00,+20.00,01.00,000.00,1.00
0343,-030.00,+20.00,01.00,000.00,1.00
0344,-030.00,+20.00,01.00,000.00,1.00
0345,-030.00,+20.00,01.00,000.00,1.00
0346,-030.00,+20.00,01.00,000.00,1.00
0347,-030.00,+20.00,01.00,000.00,1.00
0348,-030.00,+20.00,01.00,000.00,1.00
0349,-030.00,+20.00,01.00,000.00,1.00
0350,-030.00,+20.00,01.00,000.00,1.00
0351,-030.00,+20.00,01.00,000.00,1.00
0352,-030.00,+20.00,01.00,000.00,1.00
0353,-030.00,+20.00,01.00,000.00,1.00
0354,-030.00,+20.00,01.00,000.00,1.00
0355,-030.00,+20.00,01.00,000.00,1.00
0356,-030.00,+20.00,01.00,000.00,1.00
0357,-030.00,+20.00,01.00,000.00,1.00
0358,-030.00,+20.00,01.00,000.00,1.00
0359,-030.00,+20.00,01.00,000.00,1.00
0360,-030.00,+20.00,01.00,000.00,1.00
0361,-030.00,+20.00,01.00,000.00,1.00
0362,-030.00,+20.00,01.00,000.00,1.00
0363,-030.00,+20.00,01.00,000.00,1.00
0364,-030.00,+20.00,01.00,000.00,1.00
0365,-030.00,+20.00,01.00,000.00,1.00
0366,-030.00,+20.00,01.00,000.00,1.00
0367,-030.00,+20.00,01.00,000.00,1.00
0368,-030.00,+20.00,01.00,000.00,1.00
0369,-030.00,+20.00,01.00,000.00,1.00
0370,-030.00,+20.00,01.00,000.00,1.00
0371,-030.00,+20.00,01.00,000.00,1.00
0372,-030.00,+20.00,01.00,000.00,1.00
0373,-030.00,+20.00,01.00,000.00,1.00
0374,-030.00,+20.00,01.00,000.00,1.00
0375,-030.00,+20.00,01.00,000.00,1.00
0376,-030.00,+20.00,01.00,000.00,1.00
0377,-030.00,+20.00,01.00,000.00,1.00
0378,-030.00,+20.00,01.00,000.00,1.00
0379,-030.00,+20.00,01.00,000.00,1.00
0380,-030.00,+20.00,01.00,000.00,1.00
0381,-030.00,+20.00,01.00,000.00,1.00
0382,-030.00,+20.00,01.00,000.00,1.00
0383,-030.00,+20.00,01.00,000.00,1.00
0384,-030.00,+20.00,01.00,000.00,1.00
0385,-030.00,+20.00,01.00,000.00,1.00
0386,-030.00,+20.00,01.00,000.00,1.00
0387,-030.00,+20.00,01.00,000.00,1.00
0388,-030.00,+20.00,01.00,000.00,1.00
0389,-030.00,+20.00,01.00,000.00,1.00
0390,-030.00,+20.00,01.00,000.00,1.00
0391,-030.00,+20.00,01.00,000.00,1.00
0392,-030.00,+20.00,01.00,000.00,1.00
0393,-030.00,+20.00,01.00,000.00,1.00
0394,-030.00,+20.00,01.00,000.00,1.00
0395,-030.00,+20.00,01.00,000.00,1.00
0396,-030.00,+20.00,01.00,000.00,1.00
0397,-030.00,+20.00,01.00,000.00,1.00
0398,-030.00,+20.00,01.00,000.00,1.00
0399,-030.00,+20.00,01.00,000.00,1.00
0400,-030.00,+20.00,01.00,000.00,1.00
0401,-030.00,+20.00,01.00,000.00,1.00
0402,-030.00,+20.00,01.00,000.00,1.00
0403,-030.00,+20.00,01.00,000.00,1.00
0404,-030.00,+20.00,01.00,000.00,1.00
0405,-030.00,+20.00,01.00,000.00,1.00
0406,-030.00,+20.00,01.00,000.00,1.00
0407,-030.00,+20.00,01.00,000.00,1.00
0408,-030.00,+20.00,01.00,000.00,1.00
0409,-030.00,+20.00,01.00,000.00,1.00
0410,-030.00,+20.00,01.00,000.00,1.00
0411,-030.00,+20.00,01.00,000.00,1.00
0412,-030.00,+20.00,01.00,000.00,1.00
0413,-030.00,+20.00,01.00,000.00,1.00
0414,-030.00,+20.00,01.00,000.00,1.00
0415,-030.00,+20.00,01.00,000.00,1.00
0416,-030.00,+20.00,01.00,000.00,1.00
0417,-030.00,+20.00,01.00,000.00,1.00
0418,-030.00,+20.00,01.00,000.00,1.00
0419,-030.00,+20.00,01.00,000.00,1.00
0420,-030.00,+20.00,01.00,000.00,1.00
0421,-030.00,+20.00,01.00,000.00,1.00
0422,-030.00,+20.00,01.00,000.00,1.00
0423,-030.00,+20.00,01.00,000.00,1.00
0424,-030.00,+20.00,01.00,000.00,1.00
0425,-030.00,+20.00,01.00,000.00,1.00
0426,-030.00,+20.00,01.00,000.00,1.00
0427,-030.00,+20.00,01.00,000.00,1.00
0428,-030.00,+20.00,01.00,000.00,1.00
0429,-030.00,+20.00,01.00,000.00,1.00
0430,-030.00,+20.00,01.00,000.00,1.00
0431,-030.00,+20.00,01.00,000.00,1.00
0432,-030.00,+20.00,01.00,000.00,1.00
0433,-030.00,+20.00,01.00,000.00,1.00
0434,-030.00,+20.00,01.00,000.00,1.00
0435,-030.00,+20.00,01.00,000.00,1.00
0436,-030.00,+20.00,01.00,000.00,1.00
0437,-030.00,+20.00,01.00,000.00,1.00
0438,-030.00,+20.00,01.00,000.00,1.00
0439,-030.00,+20.00,01.00,000.00,1.00
0440,-030.00,+20.00,01.00,000.00,1.00
0441,-030.00,+20.00,01.00,000.00,1.00
0442,-030.00,+20.00,01.00,000.00,1.00
0443,-030.00,+20.00,01.00,000.00,1.00
0444,-030.00,+20.00,01.00,000.00,1.00
0445,-030.00,+20.00,01.00,000.00,1.00
0446,-030.00,+20.00,01.00,000.00,1.00
0447,-030.00,+20.00,01.00,000.00,1.00
0448,-030.00,+20.00,01.00,000.00,1.00
0449,-030.00,+20.00,01.00,000.00,1.00
0450,-030.00,+20.00,01.00,000.00,1.00
0451,-030.00,+20.00,01.00,000.00,1.00
0452,-030.00,+20.00,01.00,000.00,1.00
0453,-030.00,+20.00,01.00,000.00,1.00
0454,-030.00,+20.00,01.00,000.00,1.00
0455,-030.00,+20.00,01.00,000.00,1.00
0456,-030.00,+20.00,01.00,000.00,1.00
0457,-030.00,+20.00,01.00,000.00,1.00
0458,-030.00,+20.00,01.00,000.00,1.00
0459,-030.00,+20.00,01.00,000.00,1.00
0460,-030.00,+20.00,01.00,000.00,1.00
0461,-030.00,+20.00,01.00,000.00,1.00
0462,-030.00,+20.00,01.00,000.00,1.00
0463,-030.00,+20.00,01.00,000.00,1.00
0464,-030.00,+20.00,01.00,000.00,1.00
0465,-030.00,+20.00,01.00,000.00,1.00
0466,-030.00,+20.00,01.00,000.00,1.00
0467,-030.00,+20.00,01.00,000.00,1.00
0468,-030.00,+20.00,01.00,000.00,1.00
0469,-030.00,+20.00,01.00,000.00,1.00
0470,-030.00,+20.00,01.00,000.00,1.00
0471,-030.00,+20.00,01.00,000.00,1.00
0472,-030.00,+20.00,01.00,000.00,1.00
0473,-030.00,+20.00,01.00,000.00,1.00
0474,-030.00,+20.00,01.00,000.00,1.00
0475,-030.00,+20.00,01.00,000.00,1.00
0476,-030.00,+20.00,01.00,000.00,1.00
0477,-030.00,+20.00,01.00,000.00,1.00
0478,-030.00,+20.00,01.00,000.00,1.00
0479,-030.00,+20.00,01.00,000.00,1.00
0480,-030.00,+20.00,01.00,000.00,1.00
0481,-030.00,+20.00,01.00,000.00,1.00
0482,-030.00,+20.00,01.00,000.00,1.00
0483,-030.00,+20.00,01.00,000.00,1.00
0484,-030.00,+20.00,01.00,000.00,1.00
0485,-030.00,+20.00,01.00,000.00,1.00
0486,-030.00,+20.00,01.00,000.00,1.00
0487,-030.00,+20.00,01.00,000.00,1.00
0488,-030.00,+20.00,01.00,000.00,1.00
0489,-030.00,+20.00,01.00,000.00,1.00
0490,-030.00,+20.00,01.00,000.00,1.00
0491,-030.00,+20.00,01.00,000.00,1.00
0492,-030.00,+20.00,01.00,000.00,1.00
0493,-030.00,+20.00,01.00,000.00,1.00
0494,-030.00,+20.00,01.00,000.00,1.00
0495,-030.00,+20.00,01.00,000.00,1.00
0496,-030.00,+20.00,01.00,000.00,1.00
0497,-030.00,+20.00,01.00,000.00,1.00
0498,-030.00,+20.00,01.00,000.00,1.00
0499,-030.00,+20.00,01.00,000.00,1.00
0500,-030.00,+20.00,01.00,000.00,1.00
0501,-030.00,+20.00,01.00,000.00,1.00
0502,-030.00,+20.00,01.00,000.00,1.00
0503,-030.00,+20.00,01.00,000.00,1.00
0504,-030.00,+20.00,01.00,000.00,1.00
0505,-030.00,+20.00,01.00,000.00,1.00
0506,-030.00,+20.00,01.00,000.00,1.00
0507,-030.00,+20.00,01.00,000.00,1.00
0508,-030.00,+20.00,01.00,000.00,1.00
0509,-030.00,+20.00,01.00,000.00,1.00
0510,-030.00,+20.00,01.00,000.00,1.00
0511,-030.00,+20.00,01.00,000.00,1.00
0512,-030.00,+20.00,01.00,000.00,1.00
0513,-030.00,+20.00,01.00,000.00,1.00
0514,-030.00,+20.00,01.00,000.00,1.00
0515,-030.00,+20.00,01.00,000.00,1.00
0516,-030.00,+20.00,01.00,000.00,1.00
0517,-030.00,+20.00,01.00,000.00,1.00
0518,-030.00,+20.00,01.00,000.00,1.00
0519,-030.00,+20.00,01.00,000.00,1.00
0520,-030.00,+20.00,01.00,000.00,1.00
0521,-030.00,+20.00,01.00,000.00,1.00
0522,-030.00,+20.00,01.00,000.00,1.00
0523,-030.00,+20.00,01.00,000.00,1.00
0524,-030.00,+20.00,01.00,000.00,1.00
0525,-030.00,+20.00,01.00,000.00,1.00
0526,-030.00,+20.00,01.00,000.00,1.00
0527,-030.00,+20.00,01.00,000.00,1.00
0528,-030.00,+20.00,01.00,000.00,1.00
0529,-030.00,+20.00,01.00,000.00,1.00
0530,-030.00,+20.00,01.00,000.00,1.00
0531,-030.00,+20.00,01.00,000.00,1.00
0532,-030.00,+20.00,01.00,000.00,1.00
0533,-030.00,+20.00,01.00,000.00,1.00
0534,-030.00,+20.00,01.00,000.00,1.00
0535,-030.00,+20.00,01.00,000.00,1.00
0536,-030.00,+20.00,01.00,000.00,1.00
0537,-030.00,+20.00,01.00,000.00,1.00
0538,-030.00,+20.00,01.00,000.00,1.00
0539,-030.00,+20.00,01.00,000.00,1.00
0540,-030.00,+20.00,01.00,000.00,1.00
0541,-030.00,+20.00,01.00,000.00,1.00
0542,-030.00,+20.00,01.00,000.00,1.00
0543,-030.00,+20.00,01.00,000.00,1.00
0544,-030.00,+20.00,01.00,000.00,1.00
0545,-030.00,+20.00,01.00,000.00,1.00
0546,-030.00,+20.00,01.00,000.00,1.00
0547,-030.00,+20.00,01.00,000.00,1.00
0548,-030.00,+20.00,01.00,000.00,1.00
0549,-030.00,+20.00,01.00,000.00,1.00
0550,-030.00,+20.00,01.00,000.00,1.00
0551,-030.00,+20.00,01.00,000.00,1.00
0552,-030.00,+20.00,01.00,000.00,1.00
0553,-030.00,+20.00,01.00,000.00,1.00
0554,-030.00,+20.00,01.00,000.00,1.00
0555,-030.00,+20.00,01.00,000.00,1.00
0556,-030.00,+20.00,01.00,000.00,1.00
0557,-030.00,+20.00,01.00,000.00,1.00
0558,-030.00,+20.00,01.00,000.00,1.00
0559,-030.00,+20.00,01.00,000.00,1.00
0560,-030.00,+20.00,01.00,000.00,1.00
0561,-030.00,+20.00,01.00,000.00,1.00
0562,-030.00,+20.00,01.00,000.00,1.00
0563,-030.00,+20.00,01.00,000.00,1.00
0564,-030.00,+20.00,01.00,000.00,1.00
0565,-030.00,+20.00,01.00,000.00,1.00
0566,-030.00,+20.00,01.00,000.00,1.00
0567,-030.00,+20.00,01.00,000.00,1.00
0568,-030.00,+20.00,01.00,000.00,1.00
0569,-030.00,+20.00,01.00,000.00,1.00
0570,-030.00,+20.00,01.00,000.00,1.00
0571,-030.00,+20.00,01.00,000.00,1.00
0572,-030.00,+20.00,01.00,000.00,1.00
0573,-030.00,+20.00,01.00,000.00,1.00
0574,-030.00,+20.00,01.00,000.00,1.00
0575,-030.00,+20.00,01.00,000.00,1.00
0576,-030.00,+20.00,01.00,000.00,1.00
0577,-030.00,+20.00,01.00,000.00,1.00
0578,-030.00,+20.00,01.00,000.00,1.00
0579,-030.00,+20.00,01.00,000.00,1.00
0580,-030.00,+20.00,01.00,000.00,1.00
0581,-030.00,+20.00,01.00,000.00,1.00
0582,-030.00,+20.00,01.00,000.00,1.00
0583,-030.00,+20.00,01.00,000.00,1.00
0584,-030.00,+20.00,01.00,000.00,1.00
0585,-030.00,+20.00,01.00,000.00,1.00
0586,-030.00,+20.00,01.00,000.00,1.00
0587,-030.00,+20.00,01.00,000.00,1.00
0588,-030.00,+20.00,01.00,000.00,1.00
0589,-030.00,+20.00,01.00,000.00,1.00
0590,-030.00,+20.00,01.00,000.00,1.00
0591,-030.00,+20.00,01.00,000.00,1.00
0592,-030.00,+20.00,01.00,000.00,1.00
0593,-030.00,+20.00,01.00,000.00,1.00
0594,-030.00,+20.00,01.00,000.00,1.00
0595,-030.00,+20.00,01.00,000.00,1.00
0596,-030.00,+20.00,01.00,000.00,1.00
0597,-030.00,+20.00,01.00,000.00,1.00
0598,-030.00,+20.00,01.00,000.00,1.00
0599,-030.00,+20.00,01.00,000.00,1.00
0600,-030.00,+20.00,01.00,000.00,1.00
0601,-030.00,+20.00,01.00,000.00,1.00
0602,-030.00,+20.00,01.00,000.00,1.00
0603,-030.00,+20.00,01.00,000.00,1.00
0604,-030.00,+20.00,01.00,000.00,1.00
0605,-030.00,+20.00,01.00,000.00,1.00
0606,-030.00,+20.00,01.00,000.00,1.00
0607,-030.00,+20.00,01.00,000.00,1.00
0608,-030.00,+20.00,01.00,000.00,1.00
0609,-030.00,+20.00,01.00,000.00,1.00
0610,-030.00,+20.00,01.00,000.00,1.00
0611,-030.00,+20.00,01.00,000.00,1.00
0612,-030.00,+20.00,01.00,000.00,1.00
0613,-030.00,+20.00,01.00,000.00,1.00
0614,-030.00,+20.00,01.00,000.00,1.00
0615,-030.00,+20.00,01.00,000.00,1.00
0616,-030.00,+20.00,01.00,000.00,1.00
0617,-030.00,+20.00,01.00,000.00,1.00
0618,-030.00,+20.00,01.00,000.00,1.00
0619,-030.00,+20.00,01.00,000.00,1.00
0620,-030.00,+20.00,01.00,000.00,1.00
0621,-030.00,+20.00,01.00,000.00,1.00
0622,-030.00,+20.00,01.00,000.00,1.00
0623,-030.00,+20.00,01.00,000.00,1.00
0624,-030.00,+20.00,01.00,000.00,1.00
0625,-030.00,+20.00,01.00,000.00,1.00
0626,-030.00,+20.00,01.00,000.00,1.00
0627,-030.00,+20.00,01.00,000.00,1.00
0628,-030.00,+20.00,01.00,000.00,1.00
0629,-030.00,+20.00,01.00,000.00,1.00
0630,-030.00,+20.00,01.00,000.00,1.00
0631,-030.00,+20.00,01.00,000.00,1.00
0632,-030.00,+20.00,01.00,000.00,1.00
0633,-030.00,+20.00,01.00,000.00,1.00
0634,-030.00,+20.00,01.00,000.00,1.00
0635,-030.00,+20.00,01.00,000.00,1.00
0636,-030.00,+20.00,01.00,000.00,1.00
0637,-030.00,+20.00,01.00,000.00,1.00
0638,-030.00,+20.00,01.00,000.00,1.00
0639,-030.00,+20.00,01.00,000.00,1.00
0640,-030.00,+20.00,01.00,000.00,1.00
0641,-030.00,+20.00,01.00,000.00,1.00
0642,-030.00,+20.00,01.00,000.00,1.00
0643,-030.00,+20.00,01.00,000.00,1.00
0644,-030.00,+20.00,01.00,000.00,1.00
0645,-030.00,+20.00,01.00,000.00,1.00
0646,-030.00,+20.00,01.00,000.00,1.00
0647,-030.00,+20.00,01.00,000.00,1.00
0648,-030.00,+20.00,01.00,000.00,1.00
0649,-030.00,+20.00,01.00,000.00,1.00
0650,-030.00,+20.00,01.00,000.00,1.00
0651,-030.00,+20.00,01.00,000.00,1.00
0652,-030.00,+20.00,01.00,000.00,1.00
0653,-030.00,+20.00,01.00,000.00,1.00
0654,-030.00,+20.00,01.00,000.00,1.00
0655,-030.00,+20.00,01.00,000.00,1.00
0656,-030.00,+20.00,01.00,000.00,1.00
0657,-030.00,+20.00,01.00,000.00,1.00
0658,-030.00,+20.00,01.00,000.00,1.00
0659,-030.00,+20.00,01.00,000.00,1.00
0660,-030.00,+20.00,01.00,000.00,1.00
0661,-030.00,+20.00,01.00,000.00,1.00
0662,-030.00,+20.00,01.00,000.00,1.00
0663,-030.00,+20.00,01.00,000.00,1.00
0664,-030.00,+20.00,01.00,000.00,1.00
0665,-030.00,+20.00,01.00,000.00,1.00
0666,-030.00,+20.00,01.00,000.00,1.00
0667,-030.00,+20.00,01.00,000.00,1.00
0668,-030.00,+20.00,01.00,000.00,1.00
0669,-030.00,+20.00,01.00,000.00,1.00
0670,-030.00,+20.00,01.00,000.00,1.00
0671,-030.00,+20.00,01.00,000.00,1.00
0672,-030.00,+20.00,01.00,000.00,1.00
0673,-030.00,+20.00,01.00,000.00,1.00
0674,-030.00,+20.00,01.00,000.00,1.00
0675,-030.00,+20.00,01.00,000.00,1.00
0676,-030.00,+20.00,01.00,000.00,1.00
0677,-030.00,+20.00,01.00,000.00,1.00
0678,-030.00,+20.00,01.00,000.00,1.00
0679,-030.00,+20.00,01.00,000.00,1.00
0680,-030.00,+20.00,01.00,000.00,1.00
0681,-030.00,+20.00,01.00,000.00,1.00
0682,-030.00,+20.00,01.00,000.00,1.00
0683,-030.00,+20.00,01.00,000.00,1.00
0684,-030.00,+20.00,01.00,000.00,1.00
0685,-030.00,+20.00,01.00,000.00,1.00
0686,-030.00,+20.00,01.00,000.00,1.00
0687,-030.00,+20.00,01.00,000.00,1.00
0688,-030.00,+20.00,01.00,000.00,1.00
0689,-030.00,+20.00,01.00,000.00,1.00
0690,-030.00,+20.00,01.00,000.00,1.00
0691,-030.00,+20.00,01.00,000.00,1.00
0692,-030.00,+20.00,01.00,000.00,1.00
0693,-030.00,+20.00,01.00,000.00,1.00
0694,-030.00,+20.00,01.00,000.00,1.00
0695,-030.00,+20.00,01.00,000.00,1.00
0696,-030.00,+20.00,01.00,000.00,1.00
0697,-030.00,+20.00,01.00,000.00,1.00
0698,-030.00,+20.00,01.00,000.00,1.00
0699,-030.00,+20.00,01.00,000.00,1.00
0700,-030.00,+20.00,01.00,000.00,1.00
0701,-030.00,+20.00,01.00,000.00,1.00
0702,-030.00,+20.00,01.00,000.00,1.00
0703,-030.00,+20.00,01.00,000.00,1.00
0704,-030.00,+20.00,01.00,000.00,1.00
0705,-030.00,+20.00,01.00,000.00,1.00
0706,-030.00,+20.00,01.00,000.00,1.00
0707,-030.00,+20.00,01.00,000.00,1.00
0708,-030.00,+20.00,01.00,000.00,1.00
0709,-030.00,+20.00,01.00,000.00,1.00
0710,-030.00,+20.00,01.00,000.00,1.00
0711,-030.00,+20.00,01.00,000.00,1.00
0712,-030.00,+20.00,01.00,000.00,1.00
0713,-030.00,+20.00,01.00,000.00,1.00
0714,-030.00,+20.00,01.00,000.00,1.00
0715,-030.00,+20.00,01.00,000.00,1.00
0716,-030.00,+20.00,01.00,000.00,1.00
0717,-030.00,+20.00,01.00,000.00,1.00
0718,-030.00,+20.00,01.00,000.00,1.00
0719,-030.00,+20.00,01.00,000.00,1.00
0720,-030.00,+20.00,01.00,000.00,1.00
0721,-030.00,+20.00,01.00,000.00,1.00
0722,-030.00,+20.00,01.00,000.00,1.00
0723,-030.00,+20.00,01.00,000.00,1.00
0724,-030.00,+20.00,01.00,000.00,1.00
0725,-030.00,+20.00,01.00,000.00,1.00
0726,-030.00,+20.00,01.00,000.00,1.00
0727,-030.00,+20.00,01.00,000.00,1.00
0728,-030.00,+20.00,01.00,000.00,1.00
0729,-030.00,+20.00,01.00,000.00,1.00
0730,-030.00,+20.00,01.00,000.00,1.00
0731,-030.00,+20.00,01.00,000.00,1.00
0732,-030.00,+20.00,01.00,000.00,1.00
0733,-030.00,+20.00,01.00,000.00,1.00
0734,-030.00,+20.00,01.00,000.00,1.00
0735,-030.00,+20.00,01.00,000.00,1.00
0736,-030.00,+20.00,01.00,000.00,1.00
0737,-030.00,+20.00,01.00,000.00,1.00
0738,-030.00,+20.00,01.00,000.00,1.00
0739,-030.00,+20.00,01.00,000.00,1.00
0740,-030.00,+20.00,01.00,000.00,1.00
0741,-030.00,+20.00,01.00,000.00,1.00
0742,-030.00,+20.00,01.00,000.00,1.00
0743,-030.00,+20.00,01.00,000.00,1.00
0744,-030.00,+20.00,01.00,000.00,1.00
0745,-030.00,+20.00,01.00,000.00,1.00
0746,-030.00,+20.00,01.00,000.00,1.00
0747,-030.00,+20.00,01.00,000.00,1.00
0748,-030.00,+20.00,01.00,000.00,1.00
0749,-030.00,+20.00,01.00,000.00,1.00
0750,-030.00,+20.00,01.00,000.00,1.00
0751,-030.00,+20.00,01.00,000.00,1.00
0752,-030.00,+20.00,01.00,000.00,1.00
0753,-030.00,+20.00,01.00,000.00,1.00
0754,-030.00,+20.00,01.00,000.00,1.00
0755,-030.00,+20.00,01.00,000.00,1.00
0756,-030.00,+20.00,01.00,000.00,1.00
0757,-030.00,+20.00,01.00,000.00,1.00
0758,-030.00,+20.00,01.00,000.00,1.00
0759,-030.00,+20.00,01.00,000.00,1.00
0760,-030.00,+20.00,01.00,000.00,1.00
0761,-030.00,+20.00,01.00,000.00,1.00
0762,-030.00,+20.00,01.00,000.00,1.00
0763,-030.00,+20.00,01.00,000.00,1.00
0764,-030.00,+20.00,01.00,000.00,1.00
0765,-030.00,+20.00,01.00,000.00,1.00
0766,-030.00,+20.00,01.00,000.00,1.00
0767,-030.00,+20.00,01.00,000.00,1.00
0768,-030.00,+20.00,01.00,000.00,1.00
0769,-030.00,+20.00,01.00,000.00,1.00
0770,-030.00,+20.00,01.00,000.00,1.00
0771,-030.00,+20.00,01.00,000.00,1.00
0772,-030.00,+20.00,01.00,000.00,1.00
0773,-030.00,+20.00,01.00,000.00,1.00
0774,-030.00,+20.00,01.00,000.00,1.00
0775,-030.00,+20.00,01.00,000.00,1.00
0776,-030.00,+20.00,01.00,000.00,1.00
0777,-030.00,+20.00,01.00,000.00,1.00
0778,-030.00,+20.00,01.00,000.00,1.00
0779,-030.00,+20.00,01.00,000.00,1.00
0780,-030.00,+20.00,01.00,000.00,1.00
0781,-030.00,+20.00,01.00,000.00,1.00
0782,-030.00,+20.00,01.00,000.00,1.00
0783,-030.00,+20.00,01.00,000.00,1.00
0784,-030.00,+20.00,01.00,000.00,1.00
0785,-030.00,+20.00,01.00,000.00,1.00
0786,-030.00,+20.00,01.00,000.00,1.00
0787,-030.00,+20.00,01.00,000.00,1.00
0788,-030.00,+20.00,01.00,000.00,1.00
0789,-030.00,+20.00,01.00,000.00,1.00
0790,-030.00,+20.00,01.00,000.00,1.00
0791,-030.00,+20.00,01.00,000.00,1.00
0792,-030.00,+20.00,01.00,000.00,1.00
0793,-030.00,+20.00,01.00,000.00,1.00
0794,-030.00,+20.00,01.00,000.00,1.00
0795,-030.00,+20.00,01.00,000.00,1.00
0796,-030.00,+20.00,01.00,000.00,1.00
0797,-030.00,+20.00,01.00,000.00,1.00
0798,-030.00,+20.00,01.00,000.00,1.00
0799,-030.00,+20.00,01.00,000.00,1.00
0800,-030.00,+20.00,01.00,000.00,1.00
0801,-030.00,+20.00,01.00,000.00,1.00
0802,-030.00,+20.00,01.00,000.00,1.00
0803,-030.00,+20.00,01.00,000.00,1.00
0804,-030.00,+20.00,01.00,000.00,1.00
0805,-030.00,+20.00,01.00,000.00,1.00
0806,-030.00,+20.00,01.00,000.00,1.00
0807,-030.00,+20.00,01.00,000.00,1.00
0808,-030.00,+20.00,01.00,000.00,1.00
0809,-030.00,+20.00,01.00,000.00,1.00
0810,-030.00,+20.00,01.00,000.00,1.00
0811,-030.00,+20.00,01.00,000.00,1.00
0812,-030.00,+20.00,01.00,000.00,1.00
0813,-030.00,+20.00,01.00,000.00,1.00
0814,-030.00,+20.00,01.00,000.00,1.00
0815,-030.00,+20.00,01.00,000.00,1.00
0816,-030.00,+20.00,01.00,000.00,1.00
0817,-030.00,+20.00,01.00,000.00,1.00
0818,-030.00,+20.00,01.00,000.00,1.00
0819,-030.00,+20.00,01.00,000.00,1.00
0820,-030.00,+20.00,01.00,000.00,1.00
0821,-030.00,+20.00,01.00,000.00,1.00
0822,-030.00,+20.00,01.00,000.00,1.00
0823,-030.00,+20.00,01.00,000.00,1.00
0824,-030.00,+20.00,01.00,000.00,1.00
0825,-030.00,+20.00,01.00,000.00,1.00
0826,-030.00,+20.00,01.00,000.00,1.00
0827,-030.00,+20.00,01.00,000.00,1.00
0828,-030.00,+20.00,01.00,000.00,1.00
0829,-030.00,+20.00,01.00,000.00,1.00
0830,-030.00,+20.00,01.00,000.00,1.00
0831,-030.00,+20.00,01.00,000.00,1.00
0832,-030.00,+20.00,01.00,000.00,1.00
0833,-030.00,+20.00,01.00,000.00,1.00
0834,-030.00,+20.00,01.00,000.00,1.00
0835,-030.00,+20.00,01.00,000.00,1.00
0836,-030.00,+20.00,01.00,000.00,1.00
0837,-030.00,+20.00,01.00,000.00,1.00
0838,-030.00,+20.00,01.00,000.00,1.00
0839,-030.00,+20.00,01.00,000.00,1.00
0840,-030.00,+20.00,01.00,000.00,1.00
0841,-030.00,+20.00,01.00,000.00,1.00
0842,-030.00,+20.00,01.00,000.00,1.00
0843,-030.00,+20.00,01.00,000.00,1.00
0844,-030.00,+20.00,01.00,000.00,1.00
0845,-030.00,+20.00,01.00,000.00,1.00
0846,-030.00,+20.00,01.00,000.00,1.00
0847,-030.00,+20.00,01.00,000.00,1.00
0848,-030.00,+20.00,01.00,000.00,1.00
0849,-030.00,+20.00,01.00,000.00,1.00
0850,-030.00,+20.00,01.00,000.00,1.00
0851,-030.00,+20.00,01.00,000.00,1.00
0852,-030.00,+20.00,01.00,000.00,1.00
0853,-030.00,+20.00,01.00,000.00,1.00
0854,-030.00,+20.00,01.00,000.00,1.00
0855,-030.00,+20.00,01.00,000.00,1.00
0856,-030.00,+20.00,01.00,000.00,1.00
0857,-030.00,+20.00,01.00,000.00,1.00
0858,-030.00,+20.00,01.00,000.00,1.00
0859,-030.00,+20.00,01.00,000.00,1.00
0860,-030.00,+20.00,01.00,000.00,1.00
0861,-030.00,+20.00,01.00,000.00,1.00
0862,-030.00,+20.00,01.00,000.00,1.00
0863,-030.00,+20.00,01.00,000.00,1.00
0864,-030.00,+20.00,01.00,000.00,1.00
0865,-030.00,+20.00,01.00,000.00,1.00
0866,-030.00,+20.00,01.00,000.00,1.00
0867,-030.00,+20.00,01.00,000.00,1.00
0868,-030.00,+20.00,01.00,000.00,1.00
0869,-030.00,+20.00,01.00,000.00,1.00
0870,-030.00,+20.00,01.00,000.00,1.00
0871,-030.00,+20.00,01.00,000.00,1.00
0872,-030.00,+20.00,01.00,000.00,1.00
0873,-030.00,+20.00,01.00,000.00,1.00
0874,-030.00,+20.00,01.00,000.00,1.00
0875,-030.00,+20.00,01.00,000.00,1.00
0876,-030.00,+20.00,01.00,000.00,1.00
0877,-030.00,+20.00,01.00,000.00,1.00
0878,-030.00,+20.00,01.00,000.00,1.00
0879,-030.00,+20.00,01.00,000.00,1.00
0880,-030.00,+20.00,01.00,000.00,1.00
0881,-030.00,+20.00,01.00,000.00,1.00
0882,-030.00,+20.00,01.00,000.00,1.00
0883,-030.00,+20.00,01.00,000.00,1.00
0884,-030.00,+20.00,01.00,000.00,1.00
0885,-030.00,+20.00,01.00,000.00,1.00
0886,-030.00,+20.00,01.00,000.00,1.00
0887,-030.00,+20.00,01.00,000.00,1.00
0888,-030.00,+20.00,01.00,000.00,1.00
0889,-030.00,+20.00,01.00,000.00,1.00
0890,-030.00,+20.00,01.00,000.00,1.00
0891,-030.00,+20.00,01.00,000.00,1.00
0892,-030.00,+20.00,01.00,000.00,1.00
0893,-030.00,+20.00,01.00,000.00,1.00
0894,-030.00,+20.00,01.00,000.00,1.00
0895,-030.00,+20.00,01.00,000.00,1.00
0896,-030.00,+20.00,01.00,000.00,1.00
0897,-030.00,+20.00,01.00,000.00,1.00
0898,-030.00,+20.00,01.00,000.00,1.00
0899,-030.00,+20.00,01.00,000.00,1.00
0900,-030.00,+20.00,01.00,000.00,1.00
0901,-030.00,+20.00,01.00,000.00,1.00
0902,-030.00,+20.00,01.00,000.00,1.00
0903,-030.00,+20.00,01.00,000.00,1.00
0904,-030.00,+20.00,01.00,000.00,1.00
0905,-030.00,+20.00,01.00,000.00,1.00
0906,-030.00,+20.00,01.00,000.00,1.00
0907,-030.00,+20.00,01.00,000.00,1.00
0908,-030.00,+20.00,01.00,000.00,1.00
0909,-030.00,+20.00,01.00,000.00,1.00
0910,-030.00,+20.00,01.00,000.00,1.00
0911,-030.00,+20.00,01.00,000.00,1.00
0912,-030.00,+20.00,01.00,000.00,1.00
0913,-030.00,+20.00,01.00,000.00,1.00
0914,-030.00,+20.00,01.00,000.00,1.00
0915,-030.00,+20.00,01.00,000.00,1.00
0916,-030.00,+20.00,01.00,000.00,1.00
0917,-030.00,+20.00,01.00,000.00,1.00
0918,-030.00,+20.00,01.00,000.00,1.00
0919,-030.00,+20.00,01.00,000.00,1.00
0920,-030.00,+20.00,01.00,000.00,1.00
0921,-030.00,+20.00,01.00,000.00,1.00
0922,-030.00,+20.00,01.00,000.00,1.00
0923,-030.00,+20.00,01.00,000.00,1.00
0924,-030.00,+20.00,01.00,000.00,1.00
0925,-030.00,+20.00,01.00,000.00,1.00
0926,-030.00,+20.00,01.00,000.00,1.00
0927,-030.00,+20.00,01.00,000.00,1.00
0928,-030.00,+20.00,01.00,000.00,1.00
0929,-030.00,+20.00,01.00,000.00,1.00
0930,-030.00,+20.00,01.00,000.00,1.00
0931,-030.00,+20.00,01.00,000.00,1.00
0932,-030.00,+20.00,01.00,000.00,1.00
0933,-030.00,+20.00,01.00,000.00,1.00
0934,-030.00,+20.00,01.00,000.00,1.00
0935,-030.00,+20.00,01.00,000.00,1.00
0936,-030.00,+20.00,01.00,000.00,1.00
0937,-030.00,+20.00,01.00,000.00,1.00
0938,-030.00,+20.00,01.00,000.00,1.00
0939,-030.00,+20.00,01.00,000.00,1.00
0940,-030.00,+20.00,01.00,000.00,1.00
0941,-030.00,+20.00,01.00,000.00,1.00
0942,-030.00,+20.00,01.00,000.00,1.00
0943,-030.00,+20.00,01.00,000.00,1.00
0944,-030.00,+20.00,01.00,000.00,1.00
0945,-030.00,+20.00,01.00,000.00,1.00
0946,-030.00,+20.00,01.00,000.00,1.00
0947,-030.00,+20.00,01.00,000.00,1.00
0948,-030.00,+20.00,01.00,000.00,1.00
0949,-030.00,+20.00,01.00,000.00,1.00
0950,-030.00,+20.00,01.00,000.00,1.00
0951,-030.00,+20.00,01.00,000.00,1.00
0952,-030.00,+20.00,01.00,000.00,1.00
0953,-030.00,+20.00,01.00,000.00,1.00
0954,-030.00,+20.00,01.00,000.00,1.00
0955,-030.00,+20.00,01.00,000.00,1.00
0956,-030.00,+20.00,01.00,000.00,1.00
0957,-030.00,+20.00,01.00,000.00,1.00
0958,-030.00,+20.00,01.00,000.00,1.00
0959,-030.00,+20.00,01.00,000.00,1.00
0960,-030.00,+20.00,01.00,000.00,1.00
0961,-030.00,+20.00,01.00,000.00,1.00
0962,-030.00,+20.00,01.00,000.00,1.00
0963,-030.00,+20.00,01.00,000.00,1.00
0964,-030.00,+20.00,01.00,000.00,1.00
0965,-030.00,+20.00,01.00,000.00,1.00
0966,-030.00,+20.00,01.00,000.00,1.00
0967,-030.00,+20.00,01.00,000.00,1.00
0968,-030.00,+20.00,01.00,000.00,1.00
0969,-030.00,+20.00,01.00,000.00,1.00
0970,-030.00,+20.00,01.00,000.00,1.00
0971,-030.00,+20.00,01.00,000.00,1.00
0972,-030.00,+20.00,01.00,000.00,1.00
0973,-030.00,+20.00,01.00,000.00,1.00
0974,-030.00,+20.00,01.00,000.00,1.00
0975,-030.00,+20.00,01.00,000.00,1.00
0976,-030.00,+20.00,01.00,000.00,1.00
0977,-030.00,+20.00,01.00,000.00,1.00
0978,-030.00,+20.00,01.00,000.00,1.00
0979,-030.00,+20.00,01.00,000.00,1.00
0980,-030.00,+20.00,01.00,000.00,1.00
0981,-030.00,+20.00,01.00,000.00,1.00
0982,-030.00,+20.00,01.00,000.00,1.00
0983,-030.00,+20.00,01.00,000.00,1.00
0984,-030.00,+20.00,01.00,000.00,1.00
0985,-030.00,+20.00,01.00,000.00,1.00
0986,-030.00,+20.00,01.00,000.00,1.00
0987,-030.00,+20.00,01.00,000.00,1.00
0988,-030.00,+20.00,01.00,000.00,1.00
0989,-030.00,+20.00,01.00,000.00,1.00
0990,-030.00,+20.00,01.00,000.00,1.00
0991,-030.00,+20.00,01.00,000.00,1.00
0992,-030.00,+20.00,01.00,000.00,1.00
0993,-030.00,+20.00,01.00,000.00,1.00
0994,-030.00,+20.00,01.00,000.00,1.00
0995,-030.00,+20.00,01.00,000.00,1.00
0996,-030.00,+20.00,01.00,000.00,1.00
0997,-030.00,+20.00,01.00,000.00,1.00
0998,-030.00,+20.00,01.00,000.00,1.00
0999,-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
-030.00,+20.00,01.00,000.00,1.00
0000,-060.00,+00.00,01.00,000.00,1.00
0001,-060.00,+00.00,01.00,000.00,1.00
0002,-060.00,+00.00,01.00,000.00,1.00
0003,-060.00,+00.00,01.00,000.00,1.00
0004,-060.00,+00.00,01.00,000.00,1.00
0005,-060.00,+00.00,01.00,000.00,1.00
0006,-060.00,+00.00,01.00,000.00,1.00
0007,-060.00,+00.00,01.00,000.00,1.00
0008,-060.00,+00.00,01.00,000.00,1.00
0009,-060.00,+00.00,01.00,000.00,1.00
0010,-060.00,+00.00,01.00,000.00,1.00
0011,-060.00,+00.00,01.00,000.00,1.00
0012,-060.00,+00.00,01.00,000.00,1.00
0013,-060.00,+00.00,01.00,000.00,1.00
0014,-060.00,+00.00,01.00,000.00,1.00
0015,-060.00,+00.00,01.00,000.00,1.00
0016,-060.00,+00.00,01.00,000.00,1.00
0017,-060.00,+00.00,01.00,000.00,1.00
0018,-060.00,+00.00,01.00,000.00,1.00
0019,-060.00,+00.00,01.00,000.00,1.00
0020,-060.00,+00.00,01.00,000.00,1.00
0021,-060.00,+00.00,01.00,000.00,1.00
0022,-060.00,+00.00,01.00,000.00,1.00
0023,-060.00,+00.00,01.00,000.00,1.00
0024,-060.00,+00.00,01.00,000.00,1.00
0025,-060.00,+00.00,01.00,000.00,1.00
0026,-060.00,+00.00,01.00,000.00,1.00
0027,-060.00,+00.00,01.00,000.00,1.00
0028,-060.00,+00.00,01.00,000.00,1.00
0029,-060.00,+00.00,01.00,000.00,1.00
0030,-060.00,+00.00,01.00,000.00,1.00
0031,-060.00,+00.00,01.00,000.00,1.00
0032,-060.00,+00.00,01.00,000.00,1.00
0033,-060.00,+00.00,01.00,000.00,1.00
0034,-060.00,+00.00,01.00,000.00,1.00
0035,-060.00,+00.00,01.00,000.00,1.00
0036,-060.00,+00.00,01.00,000.00,1.00
0037,-060.00,+00.00,01.00,000.00,1.00
0038,-060.00,+00.00,01.00,000.00,1.00
0039,-060.00,+00.00,01.00,000.00,1.00
0040,-060.00,+00.00,01.00,000.00,1.00
0041,-060.00,+00.00,01.00,000.00,1.00
0042,-060.00,+00.00,01.00,000.00,1.00
0043,-060.00,+00.00,01.00,000.00,1.00
0044,-060.00,+00.00,01.00,000.00,1.00
0045,-060.00,+00.00,01.00,000.00,1.00
0046,-060.00,+00.00,01.00,000.00,1.00
0047,-060.00,+00.00,01.00,000.00,1.00
0048,-060.00,+00.00,01.00,000.00,1.00
0049,-060.00,+00.00,01.00,000.00,1.00
0050,-060.00,+00.00,01.00,000.00,1.00
0051,-060.00,+00.00,01.00,000.00,1.00
0052,-060.00,+00.00,01.00,000.00,1.00
0053,-060.00,+00.00,01.00,000.00,1.00
0054,-060.00,+00.00,01.00,000.00,1.00
0055,-060.00,+00.00,01.00,000.00,1.00
0056,-060.00,+00.00,01.00,000.00,1.00
0057,-060.00,+00.00,01.00,000.00,1.00
0058,-060.00,+00.00,01.00,000.00,1.00
0059,-060.00,+00.00,01.00,000.00,1.00
0060,-060.00,+00.00,01.00,000.00,1.00
0061,-060.00,+00.00,01.00,000.00,1.00
0062,-060.00,+00.00,01.00,000.00,1.00
0063,-060.00,+00.00,01.00,000.00,1.00
0064,-060.00,+00.00,01.00,000.00,1.00
0065,-060.00,+00.00,01.00,000.00,1.00
0066,-060.00,+00.00,01.00,000.00,1.00
0067,-060.00,+00.00,01.00,000.00,1.00
0068,-060.00,+00.00,01.00,000.00,1.00
0069,-060.00,+00.00,01.00,000.00,1.00
0070,-060.00,+00.00,01.00,000.00,1.00
0071,-060.00,+00.00,01.00,000.00,1.00
0072,-060.00,+00.00,01.00,000.00,1.00
0073,-060.00,+00.00,01.00,000.00,1.00
0074,-060.00,+00.00,01.00,000.00,1.00
0075,-060.00,+00.00,01.00,000.00,1.00
0076,-060.00,+00.00,01.00,000.00,1.00
0077,-060.00,+00.00,01.00,000.00,1.00
0078,-060.00,+00.00,01.00,000.00,1.00
0079,-060.00,+00.00,01.00,000.00,1.00
0080,-060.00,+00.00,01.00,000.00,1.00
0081,-060.00,+00.00,01.00,000.00,1.00
0082,-060.00,+00.00,01.00,000.00,1.00
0083,-060.00,+00.00,01.00,000.00,1.00
0084,-060.00,+00.00,01.00,000.00,1.00
0085,-060.00,+00.00,01.00,000.00,1.00
0086,-060.00,+00.00,01.00,000.00,1.00
0087,-060.00,+00.00,01.00,000.00,1.00
0088,-060.00,+00.00,01.00,000.00,1.00
0089,-060.00,+00.00,01.00,000.00,1.00
0090,-060.00,+00.00,01.00,000.00,1.00
0091,-060.00,+00.00,01.00,000.00,1.00
0092,-060.00,+00.00,01.00,000.00,1.00
0093,-060.00,+00.00,01.00,000.00,1.00
0094,-060.00,+00.00,01.00,000.00,1.00
0095,-060.00,+00.00,01.00,000.00,1.00
0096,-060.00,+00.00,01.00,000.00,1.00
0097,-060.00,+00.00,01.00,000.00,1.00
0098,-060.00,+00.00,01.00,000.00,1.00
0099,-060.00,+00.00,01.00,000.00,1.00
0100,-060.00,+00.00,01.00,000.00,1.00
0101,-060.00,+00.00,01.00,000.00,1.00
0102,-060.00,+00.00,01.00,000.00,1.00
0103,-060.00,+00.00,01.00,000.00,1.00
0104,-060.00,+00.00,01.00,000.00,1.00
0105,-060.00,+00.00,01.00,000.00,1.00
0106,-060.00,+00.00,01.00,000.00,1.00
0107,-060.00,+00.00,01.00,000.00,1.00
0108,-060.00,+00.00,01.00,000.00,1.00
0109,-060.00,+00.00,01.00,000.00,1.00
0110,-060.00,+00.00,01.00,000.00,1.00
0111,-060.00,+00.00,01.00,000.00,1.00
0112,-060.00,+00.00,01.00,000.00,1.00
0113,-060.00,+00.00,01.00,000.00,1.00
0114,-060.00,+00.00,01.00,000.00,1.00
0115,-060.00,+00.00,01.00,000.00,1.00
0116,-060.00,+00.00,01.00,000.00,1.00
0117,-060.00,+00.00,01.00,000.00,1.00
0118,-060.00,+00.00,01.00,000.00,1.00
0119,-060.00,+00.00,01.00,000.00,1.00
0120,-060.00,+00.00,01.00,000.00,1.00
0121,-060.00,+00.00,01.00,000.00,1.00
0122,-060.00,+00.00,01.00,000.00,1.00
0123,-060.00,+00.00,01.00,000.00,1.00
0124,-060.00,+00.00,01.00,000.00,1.00
0125,-060.00,+00.00,01.00,000.00,1.00
0126,-060.00,+00.00,01.00,000.00,1.00
0127,-060.00,+00.00,01.00,000.00,1.00
0128,-060.00,+00.00,01.00,000.00,1.00
0129,-060.00,+00.00,01.00,000.00,1.00
0130,-060.00,+00.00,01.00,000.00,1.00
0131,-060.00,+00.00,01.00,000.00,1.00
0132,-060.00,+00.00,01.00,000.00,1.00
0133,-060.00,+00.00,01.00,000.00,1.00
0134,-060.00,+00.00,01.00,000.00,1.00
0135,-060.00,+00.00,01.00,000.00,1.00
0136,-060.00,+00.00,01.00,000.00,1.00
0137,-060.00,+00.00,01.00,000.00,1.00
0138,-060.00,+00.00,01.00,000.00,1.00
0139,-060.00,+00.00,01.00,000.00,1.00
0140,-060.00,+00.00,01.00,000.00,1.00
0141,-060.00,+00.00,01.00,000.00,1.00
0142,-060.00,+00.00,01.00,000.00,1.00
0143,-060.00,+00.00,01.00,000.00,1.00
0144,-060.00,+00.00,01.00,000.00,1.00
0145,-060.00,+00.00,01.00,000.00,1.00
0146,-060.00,+00.00,01.00,000.00,1.00
0147,-060.00,+00.00,01.00,000.00,1.00
0148,-060.00,+00.00,01.00,000.00,1.00
0149,-060.00,+00.00,01.00,000.00,1.00
0150,-060.00,+00.00,01.00,000.00,1.00
0151,-060.00,+00.00,01.00,000.00,1.00
0152,-060.00,+00.00,01.00,000.00,1.00
0153,-060.00,+00.00,01.00,000.00,1.00
0154,-060.00,+00.00,01.00,000.00,1.00
0155,-060.00,+00.00,01.00,000.00,1.00
0156,-060.00,+00.00,01.00,000.00,1.00
0157,-060.00,+00.00,01.00,000.00,1.00
0158,-060.00,+00.00,01.00,000.00,1.00
0159,-060.00,+00.00,01.00,000.00,1.00
0160,-060.00,+00.00,01.00,000.00,1.00
0161,-060.00,+00.00,01.00,000.00,1.00
0162,-060.00,+00.00,01.00,000.00,1.00
0163,-060.00,+00.00,01.00,000.00,1.00
0164,-060.00,+00.00,01.00,000.00,1.00
0165,-060.00,+00.00,01.00,000.00,1.00
0166,-060.00,+00.00,01.00,000.00,1.00
0167,-060.00,+00.00,01.00,000.00,1.00
0168,-060.00,+00.00,01.00,000.00,1.00
0169,-060.00,+00.00,01.00,000.00,1.00
0170,-060.00,+00.00,01.00,000.00,1.00
0171,-060.00,+00.00,01.00,000.00,1.00
0172,-060.00,+00.00,01.00,000.00,1.00
0173,-060.00,+00.00,01.00,000.00,1.00
0174,-060.00,+00.00,01.00,000.00,1.00
0175,-060.00,+00.00,01.00,000.00,1.00
0176,-060.00,+00.00,01.00,000.00,1.00
0177,-060.00,+00.00,01.00,000.00,1.00
0178,-060.00,+00.00,01.00,000.00,1.00
0179,-060.00,+00.00,01.00,000.00,1.00
0180,-060.00,+00.00,01.00,000.00,1.00
0181,-060.00,+00.00,01.00,000.00,1.00
0182,-060.00,+00.00,01.00,000.00,1.00
0183,-060.00,+00.00,01.00,000.00,1.00
0184,-060.00,+00.00,01.00,000.00,1.00
0185,-060.00,+00.00,01.00,000.00,1.00
0186,-060.00,+00.00,01.00,000.00,1.00
0187,-060.00,+00.00,01.00,000.00,1.00
0188,-060.00,+00.00,01.00,000.00,1.00
0189,-060.00,+00.00,01.00,000.00,1.00
0190,-060.00,+00.00,01.00,000.00,1.00
0191,-060.00,+00.00,01.00,000.00,1.00
0192,-060.00,+00.00,01.00,000.00,1.00
0193,-060.00,+00.00,01.00,000.00,1.00
0194,-060.00,+00.00,01.00,000.00,1.00
0195,-060.00,+00.00,01.00,000.00,1.00
0196,-060.00,+00.00,01.00,000.00,1.00
0197,-060.00,+00.00,01.00,000.00,1.00
0198,-060.00,+00.00,01.00,000.00,1.00
0199,-060.00,+00.00,01.00,000.00,1.00
0200,-060.00,+00.00,01.00,000.00,1.00
0201,-060.00,+00.00,01.00,000.00,1.00
0202,-060.00,+00.00,01.00,000.00,1.00
0203,-060.00,+00.00,01.00,000.00,1.00
0204,-060.00,+00.00,01.00,000.00,1.00
0205,-060.00,+00.00,01.00,000.00,1.00
0206,-060.00,+00.00,01.00,000.00,1.00
0207,-060.00,+00.00,01.00,000.00,1.00
0208,-060.00,+00.00,01.00,000.00,1.00
0209,-060.00,+00.00,01.00,000.00,1.00
0210,-060.00,+00.00,01.00,000.00,1.00
0211,-060.00,+00.00,01.00,000.00,1.00
0212,-060.00,+00.00,01.00,000.00,1.00
0213,-060.00,+00.00,01.00,000.00,1.00
0214,-060.00,+00.00,01.00,000.00,1.00
0215,-060.00,+00.00,01.00,000.00,1.00
0216,-060.00,+00.00,01.00,000.00,1.00
0217,-060.00,+00.00,01.00,000.00,1.00
0218,-060.00,+00.00,01.00,000.00,1.00
0219,-060.00,+00.00,01.00,000.00,1.00
0220,-060.00,+00.00,01.00,000.00,1.00
0221,-060.00,+00.00,01.00,000.00,1.00
0222,-060.00,+00.00,01.00,000.00,1.00
0223,-060.00,+00.00,01.00,000.00,1.00
0224,-060.00,+00.00,01.00,000.00,1.00
0225,-060.00,+00.00,01.00,000.00,1.00
0226,-060.00,+00.00,01.00,000.00,1.00
0227,-060.00,+00.00,01.00,000.00,1.00
0228,-060.00,+00.00,01.00,000.00,1.00
0229,-060.00,+00.00,01.00,000.00,1.00
0230,-060.00,+00.00,01.00,000.00,1.00
0231,-060.00,+00.00,01.00,000.00,1.00
0232,-060.00,+00.00,01.00,000.00,1.00
0233,-060.00,+00.00,01.00,000.00,1.00
0234,-060.00,+00.00,01.00,000.00,1.00
0235,-060.00,+00.00,01.00,000.00,1.00
0236,-060.00,+00.00,01.00,000.00,1.00
0237,-060.00,+00.00,01.00,000.00,1.00
0238,-060.00,+00.00,01.00,000.00,1.00
0239,-060.00,+00.00,01.00,000.00,1.00
0240,-060.00,+00.00,01.00,000.00,1.00
0241,-060.00,+00.00,01.00,000.00,1.00
0242,-060.00,+00.00,01.00,000.00,1.00
0243,-060.00,+00.00,01.00,000.00,1.00
0244,-060.00,+00.00,01.00,000.00,1.00
0245,-060.00,+00.00,01.00,000.00,1.00
0246,-060.00,+00.00,01.00,000.00,1.00
0247,-060.00,+00.00,01.00,000.00,1.00
0248,-060.00,+00.00,01.00,000.00,1.00
0249,-060.00,+00.00,01.00,000.00,1.00
0250,-060.00,+00.00,01.00,000.00,1.00
0251,-060.00,+00.00,01.00,000.00,1.00
0252,-060.00,+00.00,01.00,000.00,1.00
0253,-060.00,+00.00,01.00,000.00,1.00
0254,-060.00,+00.00,01.00,000.00,1.00
0255,-060.00,+00.00,01.00,000.00,1.00
0256,-060.00,+00.00,01.00,000.00,1.00
0257,-060.00,+00.00,01.00,000.00,1.00
0258,-060.00,+00.00,01.00,000.00,1.00
0259,-060.00,+00.00,01.00,000.00,1.00
0260,-060.00,+00.00,01.00,000.00,1.00
0261,-060.00,+00.00,01.00,000.00,1.00
0262,-060.00,+00.00,01.00,000.00,1.00
0263,-060.00,+00.00,01.00,000.00,1.00
0264,-060.00,+00.00,01.00,000.00,1.00
0265,-060.00,+00.00,01.00,000.00,1.00
0266,-060.00,+00.00,01.00,000.00,1.00
0267,-060.00,+00.00,01.00,000.00,1.00
0268,-060.00,+00.00,01.00,000.00,1.00
0269,-060.00,+00.00,01.00,000.00,1.00
0270,-060.00,+00.00,01.00,000.00,1.00
0271,-060.00,+00.00,01.00,000.00,1.00
0272,-060.00,+00.00,01.00,000.00,1.00
0273,-060.00,+00.00,01.00,000.00,1.00
0274,-060.00,+00.00,01.00,000.00,1.00
0275,-060.00,+00.00,01.00,000.00,1.00
0276,-060.00,+00.00,01.00,000.00,1.00
0277,-060.00,+00.00,01.00,000.00,1.00
0278,-060.00,+00.00,01.00,000.00,1.00
0279,-060.00,+00.00,01.00,000.00,1.00
0280,-060.00,+00.00,01.00,000.00,1.00
0281,-060.00,+00.00,01.00,000.00,1.00
0282,-060.00,+00.00,01.00,000.00,1.00
0283,-060.00,+00.00,01.00,000.00,1.00
0284,-060.00,+00.00,01.00,000.00,1.00
0285,-060.00,+00.00,01.00,000.00,1.00
0286,-060.00,+00.00,01.00,000.00,1.00
0287,-060.00,+00.00,01.00,000.00,1.00
0288,-060.00,+00.00,01.00,000.00,1.00
0289,-060.00,+00.00,01.00,000.00,1.00
0290,-060.00,+00.00,01.00,000.00,1.00
0291,-060.00,+00.00,01.00,000.00,1.00
0292,-060.00,+00.00,01.00,000.00,1.00
0293,-060.00,+00.00,01.00,000.00,1.00
0294,-060.00,+00.00,01.00,000.00,1.00
0295,-060.00,+00.00,01.00,000.00,1.00
0296,-060.00,+00.00,01.00,000.00,1.00
0297,-060.00,+00.00,01.00,000.00,1.00
0298,-060.00,+00.00,01.00,000.00,1.00
0299,-060.00,+00.00,01.00,000.00,1.00
0300,-060.00,+00.00,01.00,000.00,1.00
0301,-060.00,+00.00,01.00,000.00,1.00
0302,-060.00,+00.00,01.00,000.00,1.00
0303,-060.00,+00.00,01.00,000.00,1.00
0304,-060.00,+00.00,01.00,000.00,1.00
0305,-060.00,+00.00,01.00,000.00,1.00
0306,-060.00,+00.00,01.00,000.00,1.00
0307,-060.00,+00.00,01.00,000.00,1.00
0308,-060.00,+00.00,01.00,000.00,1.00
0309,-060.00,+00.00,01.00,000.00,1.00
0310,-060.00,+00.00,01.00,000.00,1.00
0311,-060.00,+00.00,01.00,000.00,1.00
0312,-060.00,+00.00,01.00,000.00,1.00
0313,-060.00,+00.00,01.00,000.00,1.00
0314,-060.00,+00.00,01.00,000.00,1.00
0315,-060.00,+00.00,01.00,000.00,1.00
0316,-060.00,+00.00,01.00,000.00,1.00
0317,-060.00,+00.00,01.00,000.00,1.00
0318,-060.00,+00.00,01.00,000.00,1.00
0319,-060.00,+00.00,01.00,000.00,1.00
0320,-060.00,+00.00,01.00,000.00,1.00
0321,-060.00,+00.00,01.00,000.00,1.00
0322,-060.00,+00.00,01.00,000.00,1.00
0323,-060.00,+00.00,01.00,000.00,1.00
0324,-060.00,+00.00,01.00,000.00,1.00
0325,-060.00,+00.00,01.00,000.00,1.00
0326,-060.00,+00.00,01.00,000.00,1.00
0327,-060.00,+00.00,01.00,000.00,1.00
0328,-060.00,+00.00,01.00,000.00,1.00
0329,-060.00,+00.00,01.00,000.00,1.00
0330,-060.00,+00.00,01.00,000.00,1.00
0331,-060.00,+00.00,01.00,000.00,1.00
0332,-060.00,+00.00,01.00,000.00,1.00
0333,-060.00,+00.00,01.00,000.00,1.00
0334,-060.00,+00.00,01.00,000.00,1.00
0335,-060.00,+00.00,01.00,000.00,1.00
0336,-060.00,+00.00,01.00,000.00,1.00
0337,-060.00,+00.00,01.00,000.00,1.00
0338,-060.00,+00.00,01.00,000.00,1.00
0339,-060.00,+00.00,01.00,000.00,1.00
0340,-060.00,+00.00,01.00,000.00,1.00
0341,-060.00,+00.00,01.00,000.00,1.00
0342,-060.00,+00.00,01.00,000.00,1.00
0343,-060.00,+00.00,01.00,000.00,1.00
0344,-060.00,+00.00,01.00,000.00,1.00
0345,-060.00,+00.00,01.00,000.00,1.00
0346,-060.00,+00.00,01.00,000.00,1.00
0347,-060.00,+00.00,01.00,000.00,1.00
0348,-060.00,+00.00,01.00,000.00,1.00
0349,-060.00,+00.00,01.00,000.00,1.00
0350,-060.00,+00.00,01.00,000.00,1.00
0351,-060.00,+00.00,01.00,000.00,1.00
0352,-060.00,+00.00,01.00,000.00,1.00
0353,-060.00,+00.00,01.00,000.00,1.00
0354,-060.00,+00.00,01.00,000.00,1.00
0355,-060.00,+00.00,01.00,000.00,1.00
0356,-060.00,+00.00,01.00,000.00,1.00
0357,-060.00,+00.00,01.00,000.00,1.00
0358,-060.00,+00.00,01.00,000.00,1.00
0359,-060.00,+00.00,01.00,000.00,1.00
0360,-060.00,+00.00,01.00,000.00,1.00
0361,-060.00,+00.00,01.00,000.00,1.00
0362,-060.00,+00.00,01.00,000.00,1.00
0363,-060.00,+00.00,01.00,000.00,1.00
0364,-060.00,+00.00,01.00,000.00,1.00
0365,-060.00,+00.00,01.00,000.00,1.00
0366,-060.00,+00.00,01.00,000.00,1.00
0367,-060.00,+00.00,01.00,000.00,1.00
0368,-060.00,+00.00,01.00,000.00,1.00
0369,-060.00,+00.00,01.00,000.00,1.00
0370,-060.00,+00.00,01.00,000.00,1.00
0371,-060.00,+00.00,01.00,000.00,1.00
0372,-060.00,+00.00,01.00,000.00,1.00
0373,-060.00,+00.00,01.00,000.00,1.00
0374,-060.00,+00.00,01.00,000.00,1.00
0375,-060.00,+00.00,01.00,000.00,1.00
0376,-060.00,+00.00,01.00,000.00,1.00
0377,-060.00,+00.00,01.00,000.00,1.00
0378,-060.00,+00.00,01.00,000.00,1.00
0379,-060.00,+00.00,01.00,000.00,1.00
0380,-060.00,+00.00,01.00,000.00,1.00
0381,-060.00,+00.00,01.00,000.00,1.00
0382,-060.00,+00.00,01.00,000.00,1.00
0383,-060.00,+00.00,01.00,000.00,1.00
0384,-060.00,+00.00,01.00,000.00,1.00
0385,-060.00,+00.00,01.00,000.00,1.00
0386,-060.00,+00.00,01.00,000.00,1.00
0387,-060.00,+00.00,01.00,000.00,1.00
0388,-060.00,+00.00,01.00,000.00,1.00
0389,-060.00,+00.00,01.00,000.00,1.00
0390,-060.00,+00.00,01.00,000.00,1.00
0391,-060.00,+00.00,01.00,000.00,1.00
0392,-060.00,+00.00,01.00,000.00,1.00
0393,-060.00,+00.00,01.00,000.00,1.00
0394,-060.00,+00.00,01.00,000.00,1.00
0395,-060.00,+00.00,01.00,000.00,1.00
0396,-060.00,+00.00,01.00,000.00,1.00
0397,-060.00,+00.00,01.00,000.00,1.00
0398,-060.00,+00.00,01.00,000.00,1.00
0399,-060.00,+00.00,01.00,000.00,1.00
0400,-060.00,+00.00,01.00,000.00,1.00
0401,-060.00,+00.00,01.00,000.00,1.00
0402,-060.00,+00.00,01.00,000.00,1.00
0403,-060.00,+00.00,01.00,000.00,1.00
0404,-060.00,+00.00,01.00,000.00,1.00
0405,-060.00,+00.00,01.00,000.00,1.00
0406,-060.00,+00.00,01.00,000.00,1.00
0407,-060.00,+00.00,01.00,000.00,1.00
0408,-060.00,+00.00,01.00,000.00,1.00
0409,-060.00,+00.00,01.00,000.00,1.00
0410,-060.00,+00.00,01.00,000.00,1.00
0411,-060.00,+00.00,01.00,000.00,1.00
0412,-060.00,+00.00,01.00,000.00,1.00
0413,-060.00,+00.00,01.00,000.00,1.00
0414,-060.00,+00.00,01.00,000.00,1.00
0415,-060.00,+00.00,01.00,000.00,1.00
0416,-060.00,+00.00,01.00,000.00,1.00
0417,-060.00,+00.00,01.00,000.00,1.00
0418,-060.00,+00.00,01.00,000.00,1.00
0419,-060.00,+00.00,01.00,000.00,1.00
0420,-060.00,+00.00,01.00,000.00,1.00
0421,-060.00,+00.00,01.00,000.00,1.00
0422,-060.00,+00.00,01.00,000.00,1.00
0423,-060.00,+00.00,01.00,000.00,1.00
0424,-060.00,+00.00,01.00,000.00,1.00
0425,-060.00,+00.00,01.00,000.00,1.00
0426,-060.00,+00.00,01.00,000.00,1.00
0427,-060.00,+00.00,01.00,000.00,1.00
0428,-060.00,+00.00,01.00,000.00,1.00
0429,-060.00,+00.00,01.00,000.00,1.00
0430,-060.00,+00.00,01.00,000.00,1.00
0431,-060.00,+00.00,01.00,000.00,1.00
0432,-060.00,+00.00,01.00,000.00,1.00
0433,-060.00,+00.00,01.00,000.00,1.00
0434,-060.00,+00.00,01.00,000.00,1.00
0435,-060.00,+00.00,01.00,000.00,1.00
0436,-060.00,+00.00,01.00,000.00,1.00
0437,-060.00,+00.00,01.00,000.00,1.00
0438,-060.00,+00.00,01.00,000.00,1.00
0439,-060.00,+00.00,01.00,000.00,1.00
0440,-060.00,+00.00,01.00,000.00,1.00
0441,-060.00,+00.00,01.00,000.00,1.00
0442,-060.00,+00.00,01.00,000.00,1.00
0443,-060.00,+00.00,01.00,000.00,1.00
0444,-060.00,+00.00,01.00,000.00,1.00
0445,-060.00,+00.00,01.00,000.00,1.00
0446,-060.00,+00.00,01.00,000.00,1.00
0447,-060.00,+00.00,01.00,000.00,1.00
0448,-060.00,+00.00,01.00,000.00,1.00
0449,-060.00,+00.00,01.00,000.00,1.00
0450,-060.00,+00.00,01.00,000.00,1.00
0451,-060.00,+00.00,01.00,000.00,1.00
0452,-060.00,+00.00,01.00,000.00,1.00
0453,-060.00,+00.00,01.00,000.00,1.00
0454,-060.00,+00.00,01.00,000.00,1.00
0455,-060.00,+00.00,01.00,000.00,1.00
0456,-060.00,+00.00,01.00,000.00,1.00
0457,-060.00,+00.00,01.00,000.00,1.00
0458,-060.00,+00.00,01.00,000.00,1.00
0459,-060.00,+00.00,01.00,000.00,1.00
0460,-060.00,+00.00,01.00,000.00,1.00
0461,-060.00,+00.00,01.00,000.00,1.00
0462,-060.00,+00.00,01.00,000.00,1.00
0463,-060.00,+00.00,01.00,000.00,1.00
0464,-060.00,+00.00,01.00,000.00,1.00
0465,-060.00,+00.00,01.00,000.00,1.00
0466,-060.00,+00.00,01.00,000.00,1.00
0467,-060.00,+00.00,01.00,000.00,1.00
0468,-060.00,+00.00,01.00,000.00,1.00
0469,-060.00,+00.00,01.00,000.00,1.00
0470,-060.00,+00.00,01.00,000.00,1.00
0471,-060.00,+00.00,01.00,000.00,1.00
0472,-060.00,+00.00,01.00,000.00,1.00
0473,-060.00,+00.00,01.00,000.00,1.00
0474,-060.00,+00.00,01.00,000.00,1.00
0475,-060.00,+00.00,01.00,000.00,1.00
0476,-060.00,+00.00,01.00,000.00,1.00
0477,-060.00,+00.00,01.00,000.00,1.00
0478,-060.00,+00.00,01.00,000.00,1.00
0479,-060.00,+00.00,01.00,000.00,1.00
0480,-060.00,+00.00,01.00,000.00,1.00
0481,-060.00,+00.00,01.00,000.00,1.00
0482,-060.00,+00.00,01.00,000.00,1.00
0483,-060.00,+00.00,01.00,000.00,1.00
0484,-060.00,+00.00,01.00,000.00,1.00
0485,-060.00,+00.00,01.00,000.00,1.00
0486,-060.00,+00.00,01.00,000.00,1.00
0487,-060.00,+00.00,01.00,000.00,1.00
0488,-060.00,+00.00,01.00,000.00,1.00
0489,-060.00,+00.00,01.00,000.00,1.00
0490,-060.00,+00.00,01.00,000.00,1.00
0491,-060.00,+00.00,01.00,000.00,1.00
0492,-060.00,+00.00,01.00,000.00,1.00
0493,-060.00,+00.00,01.00,000.00,1.00
0494,-060.00,+00.00,01.00,000.00,1.00
0495,-060.00,+00.00,01.00,000.00,1.00
0496,-060.00,+00.00,01.00,000.00,1.00
0497,-060.00,+00.00,01.00,000.00,1.00
0498,-060.00,+00.00,01.00,000.00,1.00
0499,-060.00,+00.00,01.00,000.00,1.00
0500,-060.00,+00.00,01.00,000.00,1.00
0501,-060.00,+00.00,01.00,000.00,1.00
0502,-060.00,+00.00,01.00,000.00,1.00
0503,-060.00,+00.00,01.00,000.00,1.00
0504,-060.00,+00.00,01.00,000.00,1.00
0505,-060.00,+00.00,01.00,000.00,1.00
0506,-060.00,+00.00,01.00,000.00,1.00
0507,-060.00,+00.00,01.00,000.00,1.00
0508,-060.00,+00.00,01.00,000.00,1.00
0509,-060.00,+00.00,01.00,000.00,1.00
0510,-060.00,+00.00,01.00,000.00,1.00
0511,-060.00,+00.00,01.00,000.00,1.00
0512,-060.00,+00.00,01.00,000.00,1.00
0513,-060.00,+00.00,01.00,000.00,1.00
0514,-060.00,+00.00,01.00,000.00,1.00
0515,-060.00,+00.00,01.00,000.00,1.00
0516,-060.00,+00.00,01.00,000.00,1.00
0517,-060.00,+00.00,01.00,000.00,1.00
0518,-060.00,+00.00,01.00,000.00,1.00
0519,-060.00,+00.00,01.00,000.00,1.00
0520,-060.00,+00.00,01.00,000.00,1.00
0521,-060.00,+00.00,01.00,000.00,1.00
0522,-060.00,+00.00,01.00,000.00,1.00
0523,-060.00,+00.00,01.00,000.00,1.00
0524,-060.00,+00.00,01.00,000.00,1.00
0525,-060.00,+00.00,01.00,000.00,1.00
0526,-060.00,+00.00,01.00,000.00,1.00
0527,-060.00,+00.00,01.00,000.00,1.00
0528,-060.00,+00.00,01.00,000.00,1.00
0529,-060.00,+00.00,01.00,000.00,1.00
0530,-060.00,+00.00,01.00,000.00,1.00
0531,-060.00,+00.00,01.00,000.00,1.00
0532,-060.00,+00.00,01.00,000.00,1.00
0533,-060.00,+00.00,01.00,000.00,1.00
0534,-060.00,+00.00,01.00,000.00,1.00
0535,-060.00,+00.00,01.00,000.00,1.00
0536,-060.00,+00.00,01.00,000.00,1.00
0537,-060.00,+00.00,01.00,000.00,1.00
0538,-060.00,+00.00,01.00,000.00,1.00
0539,-060.00,+00.00,01.00,000.00,1.00
0540,-060.00,+00.00,01.00,000.00,1.00
0541,-060.00,+00.00,01.00,000.00,1.00
0542,-060.00,+00.00,01.00,000.00,1.00
0543,-060.00,+00.00,01.00,000.00,1.00
0544,-060.00,+00.00,01.00,000.00,1.00
0545,-060.00,+00.00,01.00,000.00,1.00
0546,-060.00,+00.00,01.00,000.00,1.00
0547,-060.00,+00.00,01.00,000.00,1.00
0548,-060.00,+00.00,01.00,000.00,1.00
0549,-060.00,+00.00,01.00,000.00,1.00
0550,-060.00,+00.00,01.00,000.00,1.00
0551,-060.00,+00.00,01.00,000.00,1.00
0552,-060.00,+00.00,01.00,000.00,1.00
0553,-060.00,+00.00,01.00,000.00,1.00
0554,-060.00,+00.00,01.00,000.00,1.00
0555,-060.00,+00.00,01.00,000.00,1.00
0556,-060.00,+00.00,01.00,000.00,1.00
0557,-060.00,+00.00,01.00,000.00,1.00
0558,-060.00,+00.00,01.00,000.00,1.00
0559,-060.00,+00.00,01.00,000.00,1.00
0560,-060.00,+00.00,01.00,000.00,1.00
0561,-060.00,+00.00,01.00,000.00,1.00
0562,-060.00,+00.00,01.00,000.00,1.00
0563,-060.00,+00.00,01.00,000.00,1.00
0564,-060.00,+00.00,01.00,000.00,1.00
0565,-060.00,+00.00,01.00,000.00,1.00
0566,-060.00,+00.00,01.00,000.00,1.00
0567,-060.00,+00.00,01.00,000.00,1.00
0568,-060.00,+00.00,01.00,000.00,1.00
0569,-060.00,+00.00,01.00,000.00,1.00
0570,-060.00,+00.00,01.00,000.00,1.00
0571,-060.00,+00.00,01.00,000.00,1.00
0572,-060.00,+00.00,01.00,000.00,1.00
0573,-060.00,+00.00,01.00,000.00,1.00
0574,-060.00,+00.00,01.00,000.00,1.00
0575,-060.00,+00.00,01.00,000.00,1.00
0576,-060.00,+00.00,01.00,000.00,1.00
0577,-060.00,+00.00,01.00,000.00,1.00
0578,-060.00,+00.00,01.00,000.00,1.00
0579,-060.00,+00.00,01.00,000.00,1.00
0580,-060.00,+00.00,01.00,000.00,1.00
0581,-060.00,+00.00,01.00,000.00,1.00
0582,-060.00,+00.00,01.00,000.00,1.00
0583,-060.00,+00.00,01.00,000.00,1.00
0584,-060.00,+00.00,01.00,000.00,1.00
0585,-060.00,+00.00,01.00,000.00,1.00
0586,-060.00,+00.00,01.00,000.00,1.00
0587,-060.00,+00.00,01.00,000.00,1.00
0588,-060.00,+00.00,01.00,000.00,1.00
0589,-060.00,+00.00,01.00,000.00,1.00
0590,-060.00,+00.00,01.00,000.00,1.00
0591,-060.00,+00.00,01.00,000.00,1.00
0592,-060.00,+00.00,01.00,000.00,1.00
0593,-060.00,+00.00,01.00,000.00,1.00
0594,-060.00,+00.00,01.00,000.00,1.00
0595,-060.00,+00.00,01.00,000.00,1.00
0596,-060.00,+00.00,01.00,000.00,1.00
0597,-060.00,+00.00,01.00,000.00,1.00
0598,-060.00,+00.00,01.00,000.00,1.00
0599,-060.00,+00.00,01.00,000.00,1.00
0600,-060.00,+00.00,01.00,000.00,1.00
0601,-060.00,+00.00,01.00,000.00,1.00
0602,-060.00,+00.00,01.00,000.00,1.00
0603,-060.00,+00.00,01.00,000.00,1.00
0604,-060.00,+00.00,01.00,000.00,1.00
0605,-060.00,+00.00,01.00,000.00,1.00
0606,-060.00,+00.00,01.00,000.00,1.00
0607,-060.00,+00.00,01.00,000.00,1.00
0608,-060.00,+00.00,01.00,000.00,1.00
0609,-060.00,+00.00,01.00,000.00,1.00
0610,-060.00,+00.00,01.00,000.00,1.00
0611,-060.00,+00.00,01.00,000.00,1.00
0612,-060.00,+00.00,01.00,000.00,1.00
0613,-060.00,+00.00,01.00,000.00,1.00
0614,-060.00,+00.00,01.00,000.00,1.00
0615,-060.00,+00.00,01.00,000.00,1.00
0616,-060.00,+00.00,01.00,000.00,1.00
0617,-060.00,+00.00,01.00,000.00,1.00
0618,-060.00,+00.00,01.00,000.00,1.00
0619,-060.00,+00.00,01.00,000.00,1.00
0620,-060.00,+00.00,01.00,000.00,1.00
0621,-060.00,+00.00,01.00,000.00,1.00
0622,-060.00,+00.00,01.00,000.00,1.00
0623,-060.00,+00.00,01.00,000.00,1.00
0624,-060.00,+00.00,01.00,000.00,1.00
0625,-060.00,+00.00,01.00,000.00,1.00
0626,-060.00,+00.00,01.00,000.00,1.00
0627,-060.00,+00.00,01.00,000.00,1.00
0628,-060.00,+00.00,01.00,000.00,1.00
0629,-060.00,+00.00,01.00,000.00,1.00
0630,-060.00,+00.00,01.00,000.00,1.00
0631,-060.00,+00.00,01.00,000.00,1.00
0632,-060.00,+00.00,01.00,000.00,1.00
0633,-060.00,+00.00,01.00,000.00,1.00
0634,-060.00,+00.00,01.00,000.00,1.00
0635,-060.00,+00.00,01.00,000.00,1.00
0636,-060.00,+00.00,01.00,000.00,1.00
0637,-060.00,+00.00,01.00,000.00,1.00
0638,-060.00,+00.00,01.00,000.00,1.00
0639,-060.00,+00.00,01.00,000.00,1.00
0640,-060.00,+00.00,01.00,000.00,1.00
0641,-060.00,+00.00,01.00,000.00,1.00
0642,-060.00,+00.00,01.00,000.00,1.00
0643,-060.00,+00.00,01.00,000.00,1.00
0644,-060.00,+00.00,01.00,000.00,1.00
0645,-060.00,+00.00,01.00,000.00,1.00
0646,-060.00,+00.00,01.00,000.00,1.00
0647,-060.00,+00.00,01.00,000.00,1.00
0648,-060.00,+00.00,01.00,000.00,1.00
0649,-060.00,+00.00,01.00,000.00,1.00
0650,-060.00,+00.00,01.00,000.00,1.00
0651,-060.00,+00.00,01.00,000.00,1.00
0652,-060.00,+00.00,01.00,000.00,1.00
0653,-060.00,+00.00,01.00,000.00,1.00
0654,-060.00,+00.00,01.00,000.00,1.00
0655,-060.00,+00.00,01.00,000.00,1.00
0656,-060.00,+00.00,01.00,000.00,1.00
0657,-060.00,+00.00,01.00,000.00,1.00
0658,-060.00,+00.00,01.00,000.00,1.00
0659,-060.00,+00.00,01.00,000.00,1.00
0660,-060.00,+00.00,01.00,000.00,1.00
0661,-060.00,+00.00,01.00,000.00,1.00
0662,-060.00,+00.00,01.00,000.00,1.00
0663,-060.00,+00.00,01.00,000.00,1.00
0664,-060.00,+00.00,01.00,000.00,1.00
0665,-060.00,+00.00,01.00,000.00,1.00
0666,-060.00,+00.00,01.00,000.00,1.00
0667,-060.00,+00.00,01.00,000.00,1.00
0668,-060.00,+00.00,01.00,000.00,1.00
0669,-060.00,+00.00,01.00,000.00,1.00
0670,-060.00,+00.00,01.00,000.00,1.00
0671,-060.00,+00.00,01.00,000.00,1.00
0672,-060.00,+00.00,01.00,000.00,1.00
0673,-060.00,+00.00,01.00,000.00,1.00
0674,-060.00,+00.00,01.00,000.00,1.00
0675,-060.00,+00.00,01.00,000.00,1.00
0676,-060.00,+00.00,01.00,000.00,1.00
0677,-060.00,+00.00,01.00,000.00,1.00
0678,-060.00,+00.00,01.00,000.00,1.00
0679,-060.00,+00.00,01.00,000.00,1.00
0680,-060.00,+00.00,01.00,000.00,1.00
0681,-060.00,+00.00,01.00,000.00,1.00
0682,-060.00,+00.00,01.00,000.00,1.00
0683,-060.00,+00.00,01.00,000.00,1.00
0684,-060.00,+00.00,01.00,000.00,1.00
0685,-060.00,+00.00,01.00,000.00,1.00
0686,-060.00,+00.00,01.00,000.00,1.00
0687,-060.00,+00.00,01.00,000.00,1.00
0688,-060.00,+00.00,01.00,000.00,1.00
0689,-060.00,+00.00,01.00,000.00,1.00
0690,-060.00,+00.00,01.00,000.00,1.00
0691,-060.00,+00.00,01.00,000.00,1.00
0692,-060.00,+00.00,01.00,000.00,1.00
0693,-060.00,+00.00,01.00,000.00,1.00
0694,-060.00,+00.00,01.00,000.00,1.00
0695,-060.00,+00.00,01.00,000.00,1.00
0696,-060.00,+00.00,01.00,000.00,1.00
0697,-060.00,+00.00,01.00,000.00,1.00
0698,-060.00,+00.00,01.00,000.00,1.00
0699,-060.00,+00.00,01.00,000.00,1.00
0700,-060.00,+00.00,01.00,000.00,1.00
0701,-060.00,+00.00,01.00,000.00,1.00
0702,-060.00,+00.00,01.00,000.00,1.00
0703,-060.00,+00.00,01.00,000.00,1.00
0704,-060.00,+00.00,01.00,000.00,1.00
0705,-060.00,+00.00,01.00,000.00,1.00
0706,-060.00,+00.00,01.00,000.00,1.00
0707,-060.00,+00.00,01.00,000.00,1.00
0708,-060.00,+00.00,01.00,000.00,1.00
0709,-060.00,+00.00,01.00,000.00,1.00
0710,-060.00,+00.00,01.00,000.00,1.00
0711,-060.00,+00.00,01.00,000.00,1.00
0712,-060.00,+00.00,01.00,000.00,1.00
0713,-060.00,+00.00,01.00,000.00,1.00
0714,-060.00,+00.00,01.00,000.00,1.00
0715,-060.00,+00.00,01.00,000.00,1.00
0716,-060.00,+00.00,01.00,000.00,1.00
0717,-060.00,+00.00,01.00,000.00,1.00
0718,-060.00,+00.00,01.00,000.00,1.00
0719,-060.00,+00.00,01.00,000.00,1.00
0720,-060.00,+00.00,01.00,000.00,1.00
0721,-060.00,+00.00,01.00,000.00,1.00
0722,-060.00,+00.00,01.00,000.00,1.00
0723,-060.00,+00.00,01.00,000.00,1.00
0724,-060.00,+00.00,01.00,000.00,1.00
0725,-060.00,+00.00,01.00,000.00,1.00
0726,-060.00,+00.00,01.00,000.00,1.00
0727,-060.00,+00.00,01.00,000.00,1.00
0728,-060.00,+00.00,01.00,000.00,1.00
0729,-060.00,+00.00,01.00,000.00,1.00
0730,-060.00,+00.00,01.00,000.00,1.00
0731,-060.00,+00.00,01.00,000.00,1.00
0732,-060.00,+00.00,01.00,000.00,1.00
0733,-060.00,+00.00,01.00,000.00,1.00
0734,-060.00,+00.00,01.00,000.00,1.00
0735,-060.00,+00.00,01.00,000.00,1.00
0736,-060.00,+00.00,01.00,000.00,1.00
0737,-060.00,+00.00,01.00,000.00,1.00
0738,-060.00,+00.00,01.00,000.00,1.00
0739,-060.00,+00.00,01.00,000.00,1.00
0740,-060.00,+00.00,01.00,000.00,1.00
0741,-060.00,+00.00,01.00,000.00,1.00
0742,-060.00,+00.00,01.00,000.00,1.00
0743,-060.00,+00.00,01.00,000.00,1.00
0744,-060.00,+00.00,01.00,000.00,1.00
0745,-060.00,+00.00,01.00,000.00,1.00
0746,-060.00,+00.00,01.00,000.00,1.00
0747,-060.00,+00.00,01.00,000.00,1.00
0748,-060.00,+00.00,01.00,000.00,1.00
0749,-060.00,+00.00,01.00,000.00,1.00
0750,-060.00,+00.00,01.00,000.00,1.00
0751,-060.00,+00.00,01.00,000.00,1.00
0752,-060.00,+00.00,01.00,000.00,1.00
0753,-060.00,+00.00,01.00,000.00,1.00
0754,-060.00,+00.00,01.00,000.00,1.00
0755,-060.00,+00.00,01.00,000.00,1.00
0756,-060.00,+00.00,01.00,000.00,1.00
0757,-060.00,+00.00,01.00,000.00,1.00
0758,-060.00,+00.00,01.00,000.00,1.00
0759,-060.00,+00.00,01.00,000.00,1.00
0760,-060.00,+00.00,01.00,000.00,1.00
0761,-060.00,+00.00,01.00,000.00,1.00
0762,-060.00,+00.00,01.00,000.00,1.00
0763,-060.00,+00.00,01.00,000.00,1.00
0764,-060.00,+00.00,01.00,000.00,1.00
0765,-060.00,+00.00,01.00,000.00,1.00
0766,-060.00,+00.00,01.00,000.00,1.00
0767,-060.00,+00.00,01.00,000.00,1.00
0768,-060.00,+00.00,01.00,000.00,1.00
0769,-060.00,+00.00,01.00,000.00,1.00
0770,-060.00,+00.00,01.00,000.00,1.00
0771,-060.00,+00.00,01.00,000.00,1.00
0772,-060.00,+00.00,01.00,000.00,1.00
0773,-060.00,+00.00,01.00,000.00,1.00
0774,-060.00,+00.00,01.00,000.00,1.00
0775,-060.00,+00.00,01.00,000.00,1.00
0776,-060.00,+00.00,01.00,000.00,1.00
0777,-060.00,+00.00,01.00,000.00,1.00
0778,-060.00,+00.00,01.00,000.00,1.00
0779,-060.00,+00.00,01.00,000.00,1.00
0780,-060.00,+00.00,01.00,000.00,1.00
0781,-060.00,+00.00,01.00,000.00,1.00
0782,-060.00,+00.00,01.00,000.00,1.00
0783,-060.00,+00.00,01.00,000.00,1.00
0784,-060.00,+00.00,01.00,000.00,1.00
0785,-060.00,+00.00,01.00,000.00,1.00
0786,-060.00,+00.00,01.00,000.00,1.00
0787,-060.00,+00.00,01.00,000.00,1.00
0788,-060.00,+00.00,01.00,000.00,1.00
0789,-060.00,+00.00,01.00,000.00,1.00
0790,-060.00,+00.00,01.00,000.00,1.00
0791,-060.00,+00.00,01.00,000.00,1.00
0792,-060.00,+00.00,01.00,000.00,1.00
0793,-060.00,+00.00,01.00,000.00,1.00
0794,-060.00,+00.00,01.00,000.00,1.00
0795,-060.00,+00.00,01.00,000.00,1.00
0796,-060.00,+00.00,01.00,000.00,1.00
0797,-060.00,+00.00,01.00,000.00,1.00
0798,-060.00,+00.00,01.00,000.00,1.00
0799,-060.00,+00.00,01.00,000.00,1.00
0800,-060.00,+00.00,01.00,000.00,1.00
0801,-060.00,+00.00,01.00,000.00,1.00
0802,-060.00,+00.00,01.00,000.00,1.00
0803,-060.00,+00.00,01.00,000.00,1.00
0804,-060.00,+00.00,01.00,000.00,1.00
0805,-060.00,+00.00,01.00,000.00,1.00
0806,-060.00,+00.00,01.00,000.00,1.00
0807,-060.00,+00.00,01.00,000.00,1.00
0808,-060.00,+00.00,01.00,000.00,1.00
0809,-060.00,+00.00,01.00,000.00,1.00
0810,-060.00,+00.00,01.00,000.00,1.00
0811,-060.00,+00.00,01.00,000.00,1.00
0812,-060.00,+00.00,01.00,000.00,1.00
0813,-060.00,+00.00,01.00,000.00,1.00
0814,-060.00,+00.00,01.00,000.00,1.00
0815,-060.00,+00.00,01.00,000.00,1.00
0816,-060.00,+00.00,01.00,000.00,1.00
0817,-060.00,+00.00,01.00,000.00,1.00
0818,-060.00,+00.00,01.00,000.00,1.00
0819,-060.00,+00.00,01.00,000.00,1.00
0820,-060.00,+00.00,01.00,000.00,1.00
0821,-060.00,+00.00,01.00,000.00,1.00
0822,-060.00,+00.00,01.00,000.00,1.00
0823,-060.00,+00.00,01.00,000.00,1.00
0824,-060.00,+00.00,01.00,000.00,1.00
0825,-060.00,+00.00,01.00,000.00,1.00
0826,-060.00,+00.00,01.00,000.00,1.00
0827,-060.00,+00.00,01.00,000.00,1.00
0828,-060.00,+00.00,01.00,000.00,1.00
0829,-060.00,+00.00,01.00,000.00,1.00
0830,-060.00,+00.00,01.00,000.00,1.00
0831,-060.00,+00.00,01.00,000.00,1.00
0832,-060.00,+00.00,01.00,000.00,1.00
0833,-060.00,+00.00,01.00,000.00,1.00
0834,-060.00,+00.00,01.00,000.00,1.00
0835,-060.00,+00.00,01.00,000.00,1.00
0836,-060.00,+00.00,01.00,000.00,1.00
0837,-060.00,+00.00,01.00,000.00,1.00
0838,-060.00,+00.00,01.00,000.00,1.00
0839,-060.00,+00.00,01.00,000.00,1.00
0840,-060.00,+00.00,01.00,000.00,1.00
0841,-060.00,+00.00,01.00,000.00,1.00
0842,-060.00,+00.00,01.00,000.00,1.00
0843,-060.00,+00.00,01.00,000.00,1.00
0844,-060.00,+00.00,01.00,000.00,1.00
0845,-060.00,+00.00,01.00,000.00,1.00
0846,-060.00,+00.00,01.00,000.00,1.00
0847,-060.00,+00.00,01.00,000.00,1.00
0848,-060.00,+00.00,01.00,000.00,1.00
0849,-060.00,+00.00,01.00,000.00,1.00
0850,-060.00,+00.00,01.00,000.00,1.00
0851,-060.00,+00.00,01.00,000.00,1.00
0852,-060.00,+00.00,01.00,000.00,1.00
0853,-060.00,+00.00,01.00,000.00,1.00
0854,-060.00,+00.00,01.00,000.00,1.00
0855,-060.00,+00.00,01.00,000.00,1.00
0856,-060.00,+00.00,01.00,000.00,1.00
0857,-060.00,+00.00,01.00,000.00,1.00
0858,-060.00,+00.00,01.00,000.00,1.00
0859,-060.00,+00.00,01.00,000.00,1.00
0860,-060.00,+00.00,01.00,000.00,1.00
0861,-060.00,+00.00,01.00,000.00,1.00
0862,-060.00,+00.00,01.00,000.00,1.00
0863,-060.00,+00.00,01.00,000.00,1.00
0864,-060.00,+00.00,01.00,000.00,1.00
0865,-060.00,+00.00,01.00,000.00,1.00
0866,-060.00,+00.00,01.00,000.00,1.00
0867,-060.00,+00.00,01.00,000.00,1.00
0868,-060.00,+00.00,01.00,000.00,1.00
0869,-060.00,+00.00,01.00,000.00,1.00
0870,-060.00,+00.00,01.00,000.00,1.00
0871,-060.00,+00.00,01.00,000.00,1.00
0872,-060.00,+00.00,01.00,000.00,1.00
0873,-060.00,+00.00,01.00,000.00,1.00
0874,-060.00,+00.00,01.00,000.00,1.00
0875,-060.00,+00.00,01.00,000.00,1.00
0876,-060.00,+00.00,01.00,000.00,1.00
0877,-060.00,+00.00,01.00,000.00,1.00
0878,-060.00,+00.00,01.00,000.00,1.00
0879,-060.00,+00.00,01.00,000.00,1.00
0880,-060.00,+00.00,01.00,000.00,1.00
0881,-060.00,+00.00,01.00,000.00,1.00
0882,-060.00,+00.00,01.00,000.00,1.00
0883,-060.00,+00.00,01.00,000.00,1.00
0884,-060.00,+00.00,01.00,000.00,1.00
0885,-060.00,+00.00,01.00,000.00,1.00
0886,-060.00,+00.00,01.00,000.00,1.00
0887,-060.00,+00.00,01.00,000.00,1.00
0888,-060.00,+00.00,01.00,000.00,1.00
0889,-060.00,+00.00,01.00,000.00,1.00
0890,-060.00,+00.00,01.00,000.00,1.00
0891,-060.00,+00.00,01.00,000.00,1.00
0892,-060.00,+00.00,01.00,000.00,1.00
0893,-060.00,+00.00,01.00,000.00,1.00
0894,-060.00,+00.00,01.00,000.00,1.00
0895,-060.00,+00.00,01.00,000.00,1.00
0896,-060.00,+00.00,01.00,000.00,1.00
0897,-060.00,+00.00,01.00,000.00,1.00
0898,-060.00,+00.00,01.00,000.00,1.00
0899,-060.00,+00.00,01.00,000.00,1.00
0900,-060.00,+00.00,01.00,000.00,1.00
0901,-060.00,+00.00,01.00,000.00,1.00
0902,-060.00,+00.00,01.00,000.00,1.00
0903,-060.00,+00.00,01.00,000.00,1.00
0904,-060.00,+00.00,01.00,000.00,1.00
0905,-060.00,+00.00,01.00,000.00,1.00
0906,-060.00,+00.00,01.00,000.00,1.00
0907,-060.00,+00.00,01.00,000.00,1.00
0908,-060.00,+00.00,01.00,000.00,1.00
0909,-060.00,+00.00,01.00,000.00,1.00
0910,-060.00,+00.00,01.00,000.00,1.00
0911,-060.00,+00.00,01.00,000.00,1.00
0912,-060.00,+00.00,01.00,000.00,1.00
0913,-060.00,+00.00,01.00,000.00,1.00
0914,-060.00,+00.00,01.00,000.00,1.00
0915,-060.00,+00.00,01.00,000.00,1.00
0916,-060.00,+00.00,01.00,000.00,1.00
0917,-060.00,+00.00,01.00,000.00,1.00
0918,-060.00,+00.00,01.00,000.00,1.00
0919,-060.00,+00.00,01.00,000.00,1.00
0920,-060.00,+00.00,01.00,000.00,1.00
0921,-060.00,+00.00,01.00,000.00,1.00
0922,-060.00,+00.00,01.00,000.00,1.00
0923,-060.00,+00.00,01.00,000.00,1.00
0924,-060.00,+00.00,01.00,000.00,1.00
0925,-060.00,+00.00,01.00,000.00,1.00
0926,-060.00,+00.00,01.00,000.00,1.00
0927,-060.00,+00.00,01.00,000.00,1.00
0928,-060.00,+00.00,01.00,000.00,1.00
0929,-060.00,+00.00,01.00,000.00,1.00
0930,-060.00,+00.00,01.00,000.00,1.00
0931,-060.00,+00.00,01.00,000.00,1.00
0932,-060.00,+00.00,01.00,000.00,1.00
0933,-060.00,+00.00,01.00,000.00,1.00
0934,-060.00,+00.00,01.00,000.00,1.00
0935,-060.00,+00.00,01.00,000.00,1.00
0936,-060.00,+00.00,01.00,000.00,1.00
0937,-060.00,+00.00,01.00,000.00,1.00
0938,-060.00,+00.00,01.00,000.00,1.00
0939,-060.00,+00.00,01.00,000.00,1.00
0940,-060.00,+00.00,01.00,000.00,1.00
0941,-060.00,+00.00,01.00,000.00,1.00
0942,-060.00,+00.00,01.00,000.00,1.00
0943,-060.00,+00.00,01.00,000.00,1.00
0944,-060.00,+00.00,01.00,000.00,1.00
0945,-060.00,+00.00,01.00,000.00,1.00
0946,-060.00,+00.00,01.00,000.00,1.00
0947,-060.00,+00.00,01.00,000.00,1.00
0948,-060.00,+00.00,01.00,000.00,1.00
0949,-060.00,+00.00,01.00,000.00,1.00
0950,-060.00,+00.00,01.00,000.00,1.00
0951,-060.00,+00.00,01.00,000.00,1.00
0952,-060.00,+00.00,01.00,000.00,1.00
0953,-060.00,+00.00,01.00,000.00,1.00
0954,-060.00,+00.00,01.00,000.00,1.00
0955,-060.00,+00.00,01.00,000.00,1.00
0956,-060.00,+00.00,01.00,000.00,1.00
0957,-060.00,+00.00,01.00,000.00,1.00
0958,-060.00,+00.00,01.00,000.00,1.00
0959,-060.00,+00.00,01.00,000.00,1.00
0960,-060.00,+00.00,01.00,000.00,1.00
0961,-060.00,+00.00,01.00,000.00,1.00
0962,-060.00,+00.00,01.00,000.00,1.00
0963,-060.00,+00.00,01.00,000.00,1.00
0964,-060.00,+00.00,01.00,000.00,1.00
0965,-060.00,+00.00,01.00,000.00,1.00
0966,-060.00,+00.00,01.00,000.00,1.00
0967,-060.00,+00.00,01.00,000.00,1.00
0968,-060.00,+00.00,01.00,000.00,1.00
0969,-060.00,+00.00,01.00,000.00,1.00
0970,-060.00,+00.00,01.00,000.00,1.00
0971,-060.00,+00.00,01.00,000.00,1.00
0972,-060.00,+00.00,01.00,000.00,1.00
0973,-060.00,+00.00,01.00,000.00,1.00
0974,-060.00,+00.00,01.00,000.00,1.00
0975,-060.00,+00.00,01.00,000.00,1.00
0976,-060.00,+00.00,01.00,000.00,1.00
0977,-060.00,+00.00,01.00,000.00,1.00
0978,-060.00,+00.00,01.00,000.00,1.00
0979,-060.00,+00.00,01.00,000.00,1.00
0980,-060.00,+00.00,01.00,000.00,1.00
0981,-060.00,+00.00,01.00,000.00,1.00
0982,-060.00,+00.00,01.00,000.00,1.00
0983,-060.00,+00.00,01.00,000.00,1.00
0984,-060.00,+00.00,01.00,000.00,1.00
0985,-060.00,+00.00,01.00,000.00,1.00
0986,-060.00,+00.00,01.00,000.00,1.00
0987,-060.00,+00.00,01.00,000.00,1.00
0988,-060.00,+00.00,01.00,000.00,1.00
0989,-060.00,+00.00,01.00,000.00,1.00
0990,-060.00,+00.00,01.00,000.00,1.00
0991,-060.00,+00.00,01.00,000.00,1.00
0992,-060.00,+00.00,01.00,000.00,1.00
0993,-060.00,+00.00,01.00,000.00,1.00
0994,-060.00,+00.00,01.00,000.00,1.00
0995,-060.00,+00.00,01.00,000.00,1.00
0996,-060.00,+00.00,01.00,000.00,1.00
0997,-060.00,+00.00,01.00,000.00,1.00
0998,-060.00,+00.00,01.00,000.00,1.00
0999,-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
-060.00,+00.00,01.00,000.00,1.00
0000,-020.00,+00.00,01.00,000.00,1.00
0001,-020.00,+00.00,01.00,000.00,1.00
0002,-020.00,+00.00,01.00,000.00,1.00
0003,-020.00,+00.00,01.00,000.00,1.00
0004,-020.00,+00.00,01.00,000.00,1.00
0005,-020.00,+00.00,01.00,000.00,1.00
0006,-020.00,+00.00,01.00,000.00,1.00
0007,-020.00,+00.00,01.00,000.00,1.00
0008,-020.00,+00.00,01.00,000.00,1.00
0009,-020.00,+00.00,01.00,000.00,1.00
0010,-020.00,+00.00,01.00,000.00,1.00
0011,-020.00,+00.00,01.00,000.00,1.00
0012,-020.00,+00.00,01.00,000.00,1.00
0013,-020.00,+00.00,01.00,000.00,1.00
0014,-020.00,+00.00,01.00,000.00,1.00
0015,-020.00,+00.00,01.00,000.00,1.00
0016,-020.00,+00.00,01.00,000.00,1.00
0017,-020.00,+00.00,01.00,000.00,1.00
0018,-020.00,+00.00,01.00,000.00,1.00
0019,-020.00,+00.00,01.00,000.00,1.00
0020,-020.00,+00.00,01.00,000.00,1.00
0021,-020.00,+00.00,01.00,000.00,1.00
0022,-020.00,+00.00,01.00,000.00,1.00
0023,-020.00,+00.00,01.00,000.00,1.00
0024,-020.00,+00.00,01.00,000.00,1.00
0025,-020.00,+00.00,01.00,000.00,1.00
0026,-020.00,+00.00,01.00,000.00,1.00
0027,-020.00,+00.00,01.00,000.00,1.00
0028,-020.00,+00.00,01.00,000.00,1.00
0029,-020.00,+00.00,01.00,000.00,1.00
0030,-020.00,+00.00,01.00,000.00,1.00
0031,-020.00,+00.00,01.00,000.00,1.00
0032,-020.00,+00.00,01.00,000.00,1.00
0033,-020.00,+00.00,01.00,000.00,1.00
0034,-020.00,+00.00,01.00,000.00,1.00
0035,-020.00,+00.00,01.00,000.00,1.00
0036,-020.00,+00.00,01.00,000.00,1.00
0037,-020.00,+00.00,01.00,000.00,1.00
0038,-020.00,+00.00,01.00,000.00,1.00
0039,-020.00,+00.00,01.00,000.00,1.00
0040,-020.00,+00.00,01.00,000.00,1.00
0041,-020.00,+00.00,01.00,000.00,1.00
0042,-020.00,+00.00,01.00,000.00,1.00
0043,-020.00,+00.00,01.00,000.00,1.00
0044,-020.00,+00.00,01.00,000.00,1.00
0045,-020.00,+00.00,01.00,000.00,1.00
0046,-020.00,+00.00,01.00,000.00,1.00
0047,-020.00,+00.00,01.00,000.00,1.00
0048,-020.00,+00.00,01.00,000.00,1.00
0049,-020.00,+00.00,01.00,000.00,1.00
0050,-020.00,+00.00,01.00,000.00,1.00
0051,-020.00,+00.00,01.00,000.00,1.00
0052,-020.00,+00.00,01.00,000.00,1.00
0053,-020.00,+00.00,01.00,000.00,1.00
0054,-020.00,+00.00,01.00,000.00,1.00
0055,-020.00,+00.00,01.00,000.00,1.00
0056,-020.00,+00.00,01.00,000.00,1.00
0057,-020.00,+00.00,01.00,000.00,1.00
0058,-020.00,+00.00,01.00,000.00,1.00
0059,-020.00,+00.00,01.00,000.00,1.00
0060,-020.00,+00.00,01.00,000.00,1.00
0061,-020.00,+00.00,01.00,000.00,1.00
0062,-020.00,+00.00,01.00,000.00,1.00
0063,-020.00,+00.00,01.00,000.00,1.00
0064,-020.00,+00.00,01.00,000.00,1.00
0065,-020.00,+00.00,01.00,000.00,1.00
0066,-020.00,+00.00,01.00,000.00,1.00
0067,-020.00,+00.00,01.00,000.00,1.00
0068,-020.00,+00.00,01.00,000.00,1.00
0069,-020.00,+00.00,01.00,000.00,1.00
0070,-020.00,+00.00,01.00,000.00,1.00
0071,-020.00,+00.00,01.00,000.00,1.00
0072,-020.00,+00.00,01.00,000.00,1.00
0073,-020.00,+00.00,01.00,000.00,1.00
0074,-020.00,+00.00,01.00,000.00,1.00
0075,-020.00,+00.00,01.00,000.00,1.00
0076,-020.00,+00.00,01.00,000.00,1.00
0077,-020.00,+00.00,01.00,000.00,1.00
0078,-020.00,+00.00,01.00,000.00,1.00
0079,-020.00,+00.00,01.00,000.00,1.00
0080,-020.00,+00.00,01.00,000.00,1.00
0081,-020.00,+00.00,01.00,000.00,1.00
0082,-020.00,+00.00,01.00,000.00,1.00
0083,-020.00,+00.00,01.00,000.00,1.00
0084,-020.00,+00.00,01.00,000.00,1.00
0085,-020.00,+00.00,01.00,000.00,1.00
0086,-020.00,+00.00,01.00,000.00,1.00
0087,-020.00,+00.00,01.00,000.00,1.00
0088,-020.00,+00.00,01.00,000.00,1.00
0089,-020.00,+00.00,01.00,000.00,1.00
0090,-020.00,+00.00,01.00,000.00,1.00
0091,-020.00,+00.00,01.00,000.00,1.00
0092,-020.00,+00.00,01.00,000.00,1.00
0093,-020.00,+00.00,01.00,000.00,1.00
0094,-020.00,+00.00,01.00,000.00,1.00
0095,-020.00,+00.00,01.00,000.00,1.00
0096,-020.00,+00.00,01.00,000.00,1.00
0097,-020.00,+00.00,01.00,000.00,1.00
0098,-020.00,+00.00,01.00,000.00,1.00
0099,-020.00,+00.00,01.00,000.00,1.00
0100,-020.00,+00.00,01.00,000.00,1.00
0101,-020.00,+00.00,01.00,000.00,1.00
0102,-020.00,+00.00,01.00,000.00,1.00
0103,-020.00,+00.00,01.00,000.00,1.00
0104,-020.00,+00.00,01.00,000.00,1.00
0105,-020.00,+00.00,01.00,000.00,1.00
0106,-020.00,+00.00,01.00,000.00,1.00
0107,-020.00,+00.00,01.00,000.00,1.00
0108,-020.00,+00.00,01.00,000.00,1.00
0109,-020.00,+00.00,01.00,000.00,1.00
0110,-020.00,+00.00,01.00,000.00,1.00
0111,-020.00,+00.00,01.00,000.00,1.00
0112,-020.00,+00.00,01.00,000.00,1.00
0113,-020.00,+00.00,01.00,000.00,1.00
0114,-020.00,+00.00,01.00,000.00,1.00
0115,-020.00,+00.00,01.00,000.00,1.00
0116,-020.00,+00.00,01.00,000.00,1.00
0117,-020.00,+00.00,01.00,000.00,1.00
0118,-020.00,+00.00,01.00,000.00,1.00
0119,-020.00,+00.00,01.00,000.00,1.00
0120,-020.00,+00.00,01.00,000.00,1.00
0121,-020.00,+00.00,01.00,000.00,1.00
0122,-020.00,+00.00,01.00,000.00,1.00
0123,-020.00,+00.00,01.00,000.00,1.00
0124,-020.00,+00.00,01.00,000.00,1.00
0125,-020.00,+00.00,01.00,000.00,1.00
0126,-020.00,+00.00,01.00,000.00,1.00
0127,-020.00,+00.00,01.00,000.00,1.00
0128,-020.00,+00.00,01.00,000.00,1.00
0129,-020.00,+00.00,01.00,000.00,1.00
0130,-020.00,+00.00,01.00,000.00,1.00
0131,-020.00,+00.00,01.00,000.00,1.00
0132,-020.00,+00.00,01.00,000.00,1.00
0133,-020.00,+00.00,01.00,000.00,1.00
0134,-020.00,+00.00,01.00,000.00,1.00
0135,-020.00,+00.00,01.00,000.00,1.00
0136,-020.00,+00.00,01.00,000.00,1.00
0137,-020.00,+00.00,01.00,000.00,1.00
0138,-020.00,+00.00,01.00,000.00,1.00
0139,-020.00,+00.00,01.00,000.00,1.00
0140,-020.00,+00.00,01.00,000.00,1.00
0141,-020.00,+00.00,01.00,000.00,1.00
0142,-020.00,+00.00,01.00,000.00,1.00
0143,-020.00,+00.00,01.00,000.00,1.00
0144,-020.00,+00.00,01.00,000.00,1.00
0145,-020.00,+00.00,01.00,000.00,1.00
0146,-020.00,+00.00,01.00,000.00,1.00
0147,-020.00,+00.00,01.00,000.00,1.00
0148,-020.00,+00.00,01.00,000.00,1.00
0149,-020.00,+00.00,01.00,000.00,1.00
0150,-020.00,+00.00,01.00,000.00,1.00
0151,-020.00,+00.00,01.00,000.00,1.00
0152,-020.00,+00.00,01.00,000.00,1.00
0153,-020.00,+00.00,01.00,000.00,1.00
0154,-020.00,+00.00,01.00,000.00,1.00
0155,-020.00,+00.00,01.00,000.00,1.00
0156,-020.00,+00.00,01.00,000.00,1.00
0157,-020.00,+00.00,01.00,000.00,1.00
0158,-020.00,+00.00,01.00,000.00,1.00
0159,-020.00,+00.00,01.00,000.00,1.00
0160,-020.00,+00.00,01.00,000.00,1.00
0161,-020.00,+00.00,01.00,000.00,1.00
0162,-020.00,+00.00,01.00,000.00,1.00
0163,-020.00,+00.00,01.00,000.00,1.00
0164,-020.00,+00.00,01.00,000.00,1.00
0165,-020.00,+00.00,01.00,000.00,1.00
0166,-020.00,+00.00,01.00,000.00,1.00
0167,-020.00,+00.00,01.00,000.00,1.00
0168,-020.00,+00.00,01.00,000.00,1.00
0169,-020.00,+00.00,01.00,000.00,1.00
0170,-020.00,+00.00,01.00,000.00,1.00
0171,-020.00,+00.00,01.00,000.00,1.00
0172,-020.00,+00.00,01.00,000.00,1.00
0173,-020.00,+00.00,01.00,000.00,1.00
0174,-020.00,+00.00,01.00,000.00,1.00
0175,-020.00,+00.00,01.00,000.00,1.00
0176,-020.00,+00.00,01.00,000.00,1.00
0177,-020.00,+00.00,01.00,000.00,1.00
0178,-020.00,+00.00,01.00,000.00,1.00
0179,-020.00,+00.00,01.00,000.00,1.00
0180,-020.00,+00.00,01.00,000.00,1.00
0181,-020.00,+00.00,01.00,000.00,1.00
0182,-020.00,+00.00,01.00,000.00,1.00
0183,-020.00,+00.00,01.00,000.00,1.00
0184,-020.00,+00.00,01.00,000.00,1.00
0185,-020.00,+00.00,01.00,000.00,1.00
0186,-020.00,+00.00,01.00,000.00,1.00
0187,-020.00,+00.00,01.00,000.00,1.00
0188,-020.00,+00.00,01.00,000.00,1.00
0189,-020.00,+00.00,01.00,000.00,1.00
0190,-020.00,+00.00,01.00,000.00,1.00
0191,-020.00,+00.00,01.00,000.00,1.00
0192,-020.00,+00.00,01.00,000.00,1.00
0193,-020.00,+00.00,01.00,000.00,1.00
0194,-020.00,+00.00,01.00,000.00,1.00
0195,-020.00,+00.00,01.00,000.00,1.00
0196,-020.00,+00.00,01.00,000.00,1.00
0197,-020.00,+00.00,01.00,000.00,1.00
0198,-020.00,+00.00,01.00,000.00,1.00
0199,-020.00,+00.00,01.00,000.00,1.00
0200,-020.00,+00.00,01.00,000.00,1.00
0201,-020.00,+00.00,01.00,000.00,1.00
0202,-020.00,+00.00,01.00,000.00,1.00
0203,-020.00,+00.00,01.00,000.00,1.00
0204,-020.00,+00.00,01.00,000.00,1.00
0205,-020.00,+00.00,01.00,000.00,1.00
0206,-020.00,+00.00,01.00,000.00,1.00
0207,-020.00,+00.00,01.00,000.00,1.00
0208,-020.00,+00.00,01.00,000.00,1.00
0209,-020.00,+00.00,01.00,000.00,1.00
0210,-020.00,+00.00,01.00,000.00,1.00
0211,-020.00,+00.00,01.00,000.00,1.00
0212,-020.00,+00.00,01.00,000.00,1.00
0213,-020.00,+00.00,01.00,000.00,1.00
0214,-020.00,+00.00,01.00,000.00,1.00
0215,-020.00,+00.00,01.00,000.00,1.00
0216,-020.00,+00.00,01.00,000.00,1.00
0217,-020.00,+00.00,01.00,000.00,1.00
0218,-020.00,+00.00,01.00,000.00,1.00
0219,-020.00,+00.00,01.00,000.00,1.00
0220,-020.00,+00.00,01.00,000.00,1.00
0221,-020.00,+00.00,01.00,000.00,1.00
0222,-020.00,+00.00,01.00,000.00,1.00
0223,-020.00,+00.00,01.00,000.00,1.00
0224,-020.00,+00.00,01.00,000.00,1.00
0225,-020.00,+00.00,01.00,000.00,1.00
0226,-020.00,+00.00,01.00,000.00,1.00
0227,-020.00,+00.00,01.00,000.00,1.00
0228,-020.00,+00.00,01.00,000.00,1.00
0229,-020.00,+00.00,01.00,000.00,1.00
0230,-020.00,+00.00,01.00,000.00,1.00
0231,-020.00,+00.00,01.00,000.00,1.00
0232,-020.00,+00.00,01.00,000.00,1.00
0233,-020.00,+00.00,01.00,000.00,1.00
0234,-020.00,+00.00,01.00,000.00,1.00
0235,-020.00,+00.00,01.00,000.00,1.00
0236,-020.00,+00.00,01.00,000.00,1.00
0237,-020.00,+00.00,01.00,000.00,1.00
0238,-020.00,+00.00,01.00,000.00,1.00
0239,-020.00,+00.00,01.00,000.00,1.00
0240,-020.00,+00.00,01.00,000.00,1.00
0241,-020.00,+00.00,01.00,000.00,1.00
0242,-020.00,+00.00,01.00,000.00,1.00
0243,-020.00,+00.00,01.00,000.00,1.00
0244,-020.00,+00.00,01.00,000.00,1.00
0245,-020.00,+00.00,01.00,000.00,1.00
0246,-020.00,+00.00,01.00,000.00,1.00
0247,-020.00,+00.00,01.00,000.00,1.00
0248,-020.00,+00.00,01.00,000.00,1.00
0249,-020.00,+00.00,01.00,000.00,1.00
0250,-020.00,+00.00,01.00,000.00,1.00
0251,-020.00,+00.00,01.00,000.00,1.00
0252,-020.00,+00.00,01.00,000.00,1.00
0253,-020.00,+00.00,01.00,000.00,1.00
0254,-020.00,+00.00,01.00,000.00,1.00
0255,-020.00,+00.00,01.00,000.00,1.00
0256,-020.00,+00.00,01.00,000.00,1.00
0257,-020.00,+00.00,01.00,000.00,1.00
0258,-020.00,+00.00,01.00,000.00,1.00
0259,-020.00,+00.00,01.00,000.00,1.00
0260,-020.00,+00.00,01.00,000.00,1.00
0261,-020.00,+00.00,01.00,000.00,1.00
0262,-020.00,+00.00,01.00,000.00,1.00
0263,-020.00,+00.00,01.00,000.00,1.00
0264,-020.00,+00.00,01.00,000.00,1.00
0265,-020.00,+00.00,01.00,000.00,1.00
0266,-020.00,+00.00,01.00,000.00,1.00
0267,-020.00,+00.00,01.00,000.00,1.00
0268,-020.00,+00.00,01.00,000.00,1.00
0269,-020.00,+00.00,01.00,000.00,1.00
0270,-020.00,+00.00,01.00,000.00,1.00
0271,-020.00,+00.00,01.00,000.00,1.00
0272,-020.00,+00.00,01.00,000.00,1.00
0273,-020.00,+00.00,01.00,000.00,1.00
0274,-020.00,+00.00,01.00,000.00,1.00
0275,-020.00,+00.00,01.00,000.00,1.00
0276,-020.00,+00.00,01.00,000.00,1.00
0277,-020.00,+00.00,01.00,000.00,1.00
0278,-020.00,+00.00,01.00,000.00,1.00
0279,-020.00,+00.00,01.00,000.00,1.00
0280,-020.00,+00.00,01.00,000.00,1.00
0281,-020.00,+00.00,01.00,000.00,1.00
0282,-020.00,+00.00,01.00,000.00,1.00
0283,-020.00,+00.00,01.00,000.00,1.00
0284,-020.00,+00.00,01.00,000.00,1.00
0285,-020.00,+00.00,01.00,000.00,1.00
0286,-020.00,+00.00,01.00,000.00,1.00
0287,-020.00,+00.00,01.00,000.00,1.00
0288,-020.00,+00.00,01.00,000.00,1.00
0289,-020.00,+00.00,01.00,000.00,1.00
0290,-020.00,+00.00,01.00,000.00,1.00
0291,-020.00,+00.00,01.00,000.00,1.00
0292,-020.00,+00.00,01.00,000.00,1.00
0293,-020.00,+00.00,01.00,000.00,1.00
0294,-020.00,+00.00,01.00,000.00,1.00
0295,-020.00,+00.00,01.00,000.00,1.00
0296,-020.00,+00.00,01.00,000.00,1.00
0297,-020.00,+00.00,01.00,000.00,1.00
0298,-020.00,+00.00,01.00,000.00,1.00
0299,-020.00,+00.00,01.00,000.00,1.00
0300,-020.00,+00.00,01.00,000.00,1.00
0301,-020.00,+00.00,01.00,000.00,1.00
0302,-020.00,+00.00,01.00,000.00,1.00
0303,-020.00,+00.00,01.00,000.00,1.00
0304,-020.00,+00.00,01.00,000.00,1.00
0305,-020.00,+00.00,01.00,000.00,1.00
0306,-020.00,+00.00,01.00,000.00,1.00
0307,-020.00,+00.00,01.00,000.00,1.00
0308,-020.00,+00.00,01.00,000.00,1.00
0309,-020.00,+00.00,01.00,000.00,1.00
0310,-020.00,+00.00,01.00,000.00,1.00
0311,-020.00,+00.00,01.00,000.00,1.00
0312,-020.00,+00.00,01.00,000.00,1.00
0313,-020.00,+00.00,01.00,000.00,1.00
0314,-020.00,+00.00,01.00,000.00,1.00
0315,-020.00,+00.00,01.00,000.00,1.00
0316,-020.00,+00.00,01.00,000.00,1.00
0317,-020.00,+00.00,01.00,000.00,1.00
0318,-020.00,+00.00,01.00,000.00,1.00
0319,-020.00,+00.00,01.00,000.00,1.00
0320,-020.00,+00.00,01.00,000.00,1.00
0321,-020.00,+00.00,01.00,000.00,1.00
0322,-020.00,+00.00,01.00,000.00,1.00
0323,-020.00,+00.00,01.00,000.00,1.00
0324,-020.00,+00.00,01.00,000.00,1.00
0325,-020.00,+00.00,01.00,000.00,1.00
0326,-020.00,+00.00,01.00,000.00,1.00
0327,-020.00,+00.00,01.00,000.00,1.00
0328,-020.00,+00.00,01.00,000.00,1.00
0329,-020.00,+00.00,01.00,000.00,1.00
0330,-020.00,+00.00,01.00,000.00,1.00
0331,-020.00,+00.00,01.00,000.00,1.00
0332,-020.00,+00.00,01.00,000.00,1.00
0333,-020.00,+00.00,01.00,000.00,1.00
0334,-020.00,+00.00,01.00,000.00,1.00
0335,-020.00,+00.00,01.00,000.00,1.00
0336,-020.00,+00.00,01.00,000.00,1.00
0337,-020.00,+00.00,01.00,000.00,1.00
0338,-020.00,+00.00,01.00,000.00,1.00
0339,-020.00,+00.00,01.00,000.00,1.00
0340,-020.00,+00.00,01.00,000.00,1.00
0341,-020.00,+00.00,01.00,000.00,1.00
0342,-020.00,+00.00,01.00,000.00,1.00
0343,-020.00,+00.00,01.00,000.00,1.00
0344,-020.00,+00.00,01.00,000.00,1.00
0345,-020.00,+00.00,01.00,000.00,1.00
0346,-020.00,+00.00,01.00,000.00,1.00
0347,-020.00,+00.00,01.00,000.00,1.00
0348,-020.00,+00.00,01.00,000.00,1.00
0349,-020.00,+00.00,01.00,000.00,1.00
0350,-020.00,+00.00,01.00,000.00,1.00
0351,-020.00,+00.00,01.00,000.00,1.00
0352,-020.00,+00.00,01.00,000.00,1.00
0353,-020.00,+00.00,01.00,000.00,1.00
0354,-020.00,+00.00,01.00,000.00,1.00
0355,-020.00,+00.00,01.00,000.00,1.00
0356,-020.00,+00.00,01.00,000.00,1.00
0357,-020.00,+00.00,01.00,000.00,1.00
0358,-020.00,+00.00,01.00,000.00,1.00
0359,-020.00,+00.00,01.00,000.00,1.00
0360,-020.00,+00.00,01.00,000.00,1.00
0361,-020.00,+00.00,01.00,000.00,1.00
0362,-020.00,+00.00,01.00,000.00,1.00
0363,-020.00,+00.00,01.00,000.00,1.00
0364,-020.00,+00.00,01.00,000.00,1.00
0365,-020.00,+00.00,01.00,000.00,1.00
0366,-020.00,+00.00,01.00,000.00,1.00
0367,-020.00,+00.00,01.00,000.00,1.00
0368,-020.00,+00.00,01.00,000.00,1.00
0369,-020.00,+00.00,01.00,000.00,1.00
0370,-020.00,+00.00,01.00,000.00,1.00
0371,-020.00,+00.00,01.00,000.00,1.00
0372,-020.00,+00.00,01.00,000.00,1.00
0373,-020.00,+00.00,01.00,000.00,1.00
0374,-020.00,+00.00,01.00,000.00,1.00
0375,-020.00,+00.00,01.00,000.00,1.00
0376,-020.00,+00.00,01.00,000.00,1.00
0377,-020.00,+00.00,01.00,000.00,1.00
0378,-020.00,+00.00,01.00,000.00,1.00
0379,-020.00,+00.00,01.00,000.00,1.00
0380,-020.00,+00.00,01.00,000.00,1.00
0381,-020.00,+00.00,01.00,000.00,1.00
0382,-020.00,+00.00,01.00,000.00,1.00
0383,-020.00,+00.00,01.00,000.00,1.00
0384,-020.00,+00.00,01.00,000.00,1.00
0385,-020.00,+00.00,01.00,000.00,1.00
0386,-020.00,+00.00,01.00,000.00,1.00
0387,-020.00,+00.00,01.00,000.00,1.00
0388,-020.00,+00.00,01.00,000.00,1.00
0389,-020.00,+00.00,01.00,000.00,1.00
0390,-020.00,+00.00,01.00,000.00,1.00
0391,-020.00,+00.00,01.00,000.00,1.00
0392,-020.00,+00.00,01.00,000.00,1.00
0393,-020.00,+00.00,01.00,000.00,1.00
0394,-020.00,+00.00,01.00,000.00,1.00
0395,-020.00,+00.00,01.00,000.00,1.00
0396,-020.00,+00.00,01.00,000.00,1.00
0397,-020.00,+00.00,01.00,000.00,1.00
0398,-020.00,+00.00,01.00,000.00,1.00
0399,-020.00,+00.00,01.00,000.00,1.00
0400,-020.00,+00.00,01.00,000.00,1.00
0401,-020.00,+00.00,01.00,000.00,1.00
0402,-020.00,+00.00,01.00,000.00,1.00
0403,-020.00,+00.00,01.00,000.00,1.00
0404,-020.00,+00.00,01.00,000.00,1.00
0405,-020.00,+00.00,01.00,000.00,1.00
0406,-020.00,+00.00,01.00,000.00,1.00
0407,-020.00,+00.00,01.00,000.00,1.00
0408,-020.00,+00.00,01.00,000.00,1.00
0409,-020.00,+00.00,01.00,000.00,1.00
0410,-020.00,+00.00,01.00,000.00,1.00
0411,-020.00,+00.00,01.00,000.00,1.00
0412,-020.00,+00.00,01.00,000.00,1.00
0413,-020.00,+00.00,01.00,000.00,1.00
0414,-020.00,+00.00,01.00,000.00,1.00
0415,-020.00,+00.00,01.00,000.00,1.00
0416,-020.00,+00.00,01.00,000.00,1.00
0417,-020.00,+00.00,01.00,000.00,1.00
0418,-020.00,+00.00,01.00,000.00,1.00
0419,-020.00,+00.00,01.00,000.00,1.00
0420,-020.00,+00.00,01.00,000.00,1.00
0421,-020.00,+00.00,01.00,000.00,1.00
0422,-020.00,+00.00,01.00,000.00,1.00
0423,-020.00,+00.00,01.00,000.00,1.00
0424,-020.00,+00.00,01.00,000.00,1.00
0425,-020.00,+00.00,01.00,000.00,1.00
0426,-020.00,+00.00,01.00,000.00,1.00
0427,-020.00,+00.00,01.00,000.00,1.00
0428,-020.00,+00.00,01.00,000.00,1.00
0429,-020.00,+00.00,01.00,000.00,1.00
0430,-020.00,+00.00,01.00,000.00,1.00
0431,-020.00,+00.00,01.00,000.00,1.00
0432,-020.00,+00.00,01.00,000.00,1.00
0433,-020.00,+00.00,01.00,000.00,1.00
0434,-020.00,+00.00,01.00,000.00,1.00
0435,-020.00,+00.00,01.00,000.00,1.00
0436,-020.00,+00.00,01.00,000.00,1.00
0437,-020.00,+00.00,01.00,000.00,1.00
0438,-020.00,+00.00,01.00,000.00,1.00
0439,-020.00,+00.00,01.00,000.00,1.00
0440,-020.00,+00.00,01.00,000.00,1.00
0441,-020.00,+00.00,01.00,000.00,1.00
0442,-020.00,+00.00,01.00,000.00,1.00
0443,-020.00,+00.00,01.00,000.00,1.00
0444,-020.00,+00.00,01.00,000.00,1.00
0445,-020.00,+00.00,01.00,000.00,1.00
0446,-020.00,+00.00,01.00,000.00,1.00
0447,-020.00,+00.00,01.00,000.00,1.00
0448,-020.00,+00.00,01.00,000.00,1.00
0449,-020.00,+00.00,01.00,000.00,1.00
0450,-020.00,+00.00,01.00,000.00,1.00
0451,-020.00,+00.00,01.00,000.00,1.00
0452,-020.00,+00.00,01.00,000.00,1.00
0453,-020.00,+00.00,01.00,000.00,1.00
0454,-020.00,+00.00,01.00,000.00,1.00
0455,-020.00,+00.00,01.00,000.00,1.00
0456,-020.00,+00.00,01.00,000.00,1.00
0457,-020.00,+00.00,01.00,000.00,1.00
0458,-020.00,+00.00,01.00,000.00,1.00
0459,-020.00,+00.00,01.00,000.00,1.00
0460,-020.00,+00.00,01.00,000.00,1.00
0461,-020.00,+00.00,01.00,000.00,1.00
0462,-020.00,+00.00,01.00,000.00,1.00
0463,-020.00,+00.00,01.00,000.00,1.00
0464,-020.00,+00.00,01.00,000.00,1.00
0465,-020.00,+00.00,01.00,000.00,1.00
0466,-020.00,+00.00,01.00,000.00,1.00
0467,-020.00,+00.00,01.00,000.00,1.00
0468,-020.00,+00.00,01.00,000.00,1.00
0469,-020.00,+00.00,01.00,000.00,1.00
0470,-020.00,+00.00,01.00,000.00,1.00
0471,-020.00,+00.00,01.00,000.00,1.00
0472,-020.00,+00.00,01.00,000.00,1.00
0473,-020.00,+00.00,01.00,000.00,1.00
0474,-020.00,+00.00,01.00,000.00,1.00
0475,-020.00,+00.00,01.00,000.00,1.00
0476,-020.00,+00.00,01.00,000.00,1.00
0477,-020.00,+00.00,01.00,000.00,1.00
0478,-020.00,+00.00,01.00,000.00,1.00
0479,-020.00,+00.00,01.00,000.00,1.00
0480,-020.00,+00.00,01.00,000.00,1.00
0481,-020.00,+00.00,01.00,000.00,1.00
0482,-020.00,+00.00,01.00,000.00,1.00
0483,-020.00,+00.00,01.00,000.00,1.00
0484,-020.00,+00.00,01.00,000.00,1.00
0485,-020.00,+00.00,01.00,000.00,1.00
0486,-020.00,+00.00,01.00,000.00,1.00
0487,-020.00,+00.00,01.00,000.00,1.00
0488,-020.00,+00.00,01.00,000.00,1.00
0489,-020.00,+00.00,01.00,000.00,1.00
0490,-020.00,+00.00,01.00,000.00,1.00
0491,-020.00,+00.00,01.00,000.00,1.00
0492,-020.00,+00.00,01.00,000.00,1.00
0493,-020.00,+00.00,01.00,000.00,1.00
0494,-020.00,+00.00,01.00,000.00,1.00
0495,-020.00,+00.00,01.00,000.00,1.00
0496,-020.00,+00.00,01.00,000.00,1.00
0497,-020.00,+00.00,01.00,000.00,1.00
0498,-020.00,+00.00,01.00,000.00,1.00
0499,-020.00,+00.00,01.00,000.00,1.00
0500,-020.00,+00.00,01.00,000.00,1.00
0501,-020.00,+00.00,01.00,000.00,1.00
0502,-020.00,+00.00,01.00,000.00,1.00
0503,-020.00,+00.00,01.00,000.00,1.00
0504,-020.00,+00.00,01.00,000.00,1.00
0505,-020.00,+00.00,01.00,000.00,1.00
0506,-020.00,+00.00,01.00,000.00,1.00
0507,-020.00,+00.00,01.00,000.00,1.00
0508,-020.00,+00.00,01.00,000.00,1.00
0509,-020.00,+00.00,01.00,000.00,1.00
0510,-020.00,+00.00,01.00,000.00,1.00
0511,-020.00,+00.00,01.00,000.00,1.00
0512,-020.00,+00.00,01.00,000.00,1.00
0513,-020.00,+00.00,01.00,000.00,1.00
0514,-020.00,+00.00,01.00,000.00,1.00
0515,-020.00,+00.00,01.00,000.00,1.00
0516,-020.00,+00.00,01.00,000.00,1.00
0517,-020.00,+00.00,01.00,000.00,1.00
0518,-020.00,+00.00,01.00,000.00,1.00
0519,-020.00,+00.00,01.00,000.00,1.00
0520,-020.00,+00.00,01.00,000.00,1.00
0521,-020.00,+00.00,01.00,000.00,1.00
0522,-020.00,+00.00,01.00,000.00,1.00
0523,-020.00,+00.00,01.00,000.00,1.00
0524,-020.00,+00.00,01.00,000.00,1.00
0525,-020.00,+00.00,01.00,000.00,1.00
0526,-020.00,+00.00,01.00,000.00,1.00
0527,-020.00,+00.00,01.00,000.00,1.00
0528,-020.00,+00.00,01.00,000.00,1.00
0529,-020.00,+00.00,01.00,000.00,1.00
0530,-020.00,+00.00,01.00,000.00,1.00
0531,-020.00,+00.00,01.00,000.00,1.00
0532,-020.00,+00.00,01.00,000.00,1.00
0533,-020.00,+00.00,01.00,000.00,1.00
0534,-020.00,+00.00,01.00,000.00,1.00
0535,-020.00,+00.00,01.00,000.00,1.00
0536,-020.00,+00.00,01.00,000.00,1.00
0537,-020.00,+00.00,01.00,000.00,1.00
0538,-020.00,+00.00,01.00,000.00,1.00
0539,-020.00,+00.00,01.00,000.00,1.00
0540,-020.00,+00.00,01.00,000.00,1.00
0541,-020.00,+00.00,01.00,000.00,1.00
0542,-020.00,+00.00,01.00,000.00,1.00
0543,-020.00,+00.00,01.00,000.00,1.00
0544,-020.00,+00.00,01.00,000.00,1.00
0545,-020.00,+00.00,01.00,000.00,1.00
0546,-020.00,+00.00,01.00,000.00,1.00
0547,-020.00,+00.00,01.00,000.00,1.00
0548,-020.00,+00.00,01.00,000.00,1.00
0549,-020.00,+00.00,01.00,000.00,1.00
0550,-020.00,+00.00,01.00,000.00,1.00
0551,-020.00,+00.00,01.00,000.00,1.00
0552,-020.00,+00.00,01.00,000.00,1.00
0553,-020.00,+00.00,01.00,000.00,1.00
0554,-020.00,+00.00,01.00,000.00,1.00
0555,-020.00,+00.00,01.00,000.00,1.00
0556,-020.00,+00.00,01.00,000.00,1.00
0557,-020.00,+00.00,01.00,000.00,1.00
0558,-020.00,+00.00,01.00,000.00,1.00
0559,-020.00,+00.00,01.00,000.00,1.00
0560,-020.00,+00.00,01.00,000.00,1.00
0561,-020.00,+00.00,01.00,000.00,1.00
0562,-020.00,+00.00,01.00,000.00,1.00
0563,-020.00,+00.00,01.00,000.00,1.00
0564,-020.00,+00.00,01.00,000.00,1.00
0565,-020.00,+00.00,01.00,000.00,1.00
0566,-020.00,+00.00,01.00,000.00,1.00
0567,-020.00,+00.00,01.00,000.00,1.00
0568,-020.00,+00.00,01.00,000.00,1.00
0569,-020.00,+00.00,01.00,000.00,1.00
0570,-020.00,+00.00,01.00,000.00,1.00
0571,-020.00,+00.00,01.00,000.00,1.00
0572,-020.00,+00.00,01.00,000.00,1.00
0573,-020.00,+00.00,01.00,000.00,1.00
0574,-020.00,+00.00,01.00,000.00,1.00
0575,-020.00,+00.00,01.00,000.00,1.00
0576,-020.00,+00.00,01.00,000.00,1.00
0577,-020.00,+00.00,01.00,000.00,1.00
0578,-020.00,+00.00,01.00,000.00,1.00
0579,-020.00,+00.00,01.00,000.00,1.00
0580,-020.00,+00.00,01.00,000.00,1.00
0581,-020.00,+00.00,01.00,000.00,1.00
0582,-020.00,+00.00,01.00,000.00,1.00
0583,-020.00,+00.00,01.00,000.00,1.00
0584,-020.00,+00.00,01.00,000.00,1.00
0585,-020.00,+00.00,01.00,000.00,1.00
0586,-020.00,+00.00,01.00,000.00,1.00
0587,-020.00,+00.00,01.00,000.00,1.00
0588,-020.00,+00.00,01.00,000.00,1.00
0589,-020.00,+00.00,01.00,000.00,1.00
0590,-020.00,+00.00,01.00,000.00,1.00
0591,-020.00,+00.00,01.00,000.00,1.00
0592,-020.00,+00.00,01.00,000.00,1.00
0593,-020.00,+00.00,01.00,000.00,1.00
0594,-020.00,+00.00,01.00,000.00,1.00
0595,-020.00,+00.00,01.00,000.00,1.00
0596,-020.00,+00.00,01.00,000.00,1.00
0597,-020.00,+00.00,01.00,000.00,1.00
0598,-020.00,+00.00,01.00,000.00,1.00
0599,-020.00,+00.00,01.00,000.00,1.00
0600,-020.00,+00.00,01.00,000.00,1.00
0601,-020.00,+00.00,01.00,000.00,1.00
0602,-020.00,+00.00,01.00,000.00,1.00
0603,-020.00,+00.00,01.00,000.00,1.00
0604,-020.00,+00.00,01.00,000.00,1.00
0605,-020.00,+00.00,01.00,000.00,1.00
0606,-020.00,+00.00,01.00,000.00,1.00
0607,-020.00,+00.00,01.00,000.00,1.00
0608,-020.00,+00.00,01.00,000.00,1.00
0609,-020.00,+00.00,01.00,000.00,1.00
0610,-020.00,+00.00,01.00,000.00,1.00
0611,-020.00,+00.00,01.00,000.00,1.00
0612,-020.00,+00.00,01.00,000.00,1.00
0613,-020.00,+00.00,01.00,000.00,1.00
0614,-020.00,+00.00,01.00,000.00,1.00
0615,-020.00,+00.00,01.00,000.00,1.00
0616,-020.00,+00.00,01.00,000.00,1.00
0617,-020.00,+00.00,01.00,000.00,1.00
0618,-020.00,+00.00,01.00,000.00,1.00
0619,-020.00,+00.00,01.00,000.00,1.00
0620,-020.00,+00.00,01.00,000.00,1.00
0621,-020.00,+00.00,01.00,000.00,1.00
0622,-020.00,+00.00,01.00,000.00,1.00
0623,-020.00,+00.00,01.00,000.00,1.00
0624,-020.00,+00.00,01.00,000.00,1.00
0625,-020.00,+00.00,01.00,000.00,1.00
0626,-020.00,+00.00,01.00,000.00,1.00
0627,-020.00,+00.00,01.00,000.00,1.00
0628,-020.00,+00.00,01.00,000.00,1.00
0629,-020.00,+00.00,01.00,000.00,1.00
0630,-020.00,+00.00,01.00,000.00,1.00
0631,-020.00,+00.00,01.00,000.00,1.00
0632,-020.00,+00.00,01.00,000.00,1.00
0633,-020.00,+00.00,01.00,000.00,1.00
0634,-020.00,+00.00,01.00,000.00,1.00
0635,-020.00,+00.00,01.00,000.00,1.00
0636,-020.00,+00.00,01.00,000.00,1.00
0637,-020.00,+00.00,01.00,000.00,1.00
0638,-020.00,+00.00,01.00,000.00,1.00
0639,-020.00,+00.00,01.00,000.00,1.00
0640,-020.00,+00.00,01.00,000.00,1.00
0641,-020.00,+00.00,01.00,000.00,1.00
0642,-020.00,+00.00,01.00,000.00,1.00
0643,-020.00,+00.00,01.00,000.00,1.00
0644,-020.00,+00.00,01.00,000.00,1.00
0645,-020.00,+00.00,01.00,000.00,1.00
0646,-020.00,+00.00,01.00,000.00,1.00
0647,-020.00,+00.00,01.00,000.00,1.00
0648,-020.00,+00.00,01.00,000.00,1.00
0649,-020.00,+00.00,01.00,000.00,1.00
0650,-020.00,+00.00,01.00,000.00,1.00
0651,-020.00,+00.00,01.00,000.00,1.00
0652,-020.00,+00.00,01.00,000.00,1.00
0653,-020.00,+00.00,01.00,000.00,1.00
0654,-020.00,+00.00,01.00,000.00,1.00
0655,-020.00,+00.00,01.00,000.00,1.00
0656,-020.00,+00.00,01.00,000.00,1.00
0657,-020.00,+00.00,01.00,000.00,1.00
0658,-020.00,+00.00,01.00,000.00,1.00
0659,-020.00,+00.00,01.00,000.00,1.00
0660,-020.00,+00.00,01.00,000.00,1.00
0661,-020.00,+00.00,01.00,000.00,1.00
0662,-020.00,+00.00,01.00,000.00,1.00
0663,-020.00,+00.00,01.00,000.00,1.00
0664,-020.00,+00.00,01.00,000.00,1.00
0665,-020.00,+00.00,01.00,000.00,1.00
0666,-020.00,+00.00,01.00,000.00,1.00
0667,-020.00,+00.00,01.00,000.00,1.00
0668,-020.00,+00.00,01.00,000.00,1.00
0669,-020.00,+00.00,01.00,000.00,1.00
0670,-020.00,+00.00,01.00,000.00,1.00
0671,-020.00,+00.00,01.00,000.00,1.00
0672,-020.00,+00.00,01.00,000.00,1.00
0673,-020.00,+00.00,01.00,000.00,1.00
0674,-020.00,+00.00,01.00,000.00,1.00
0675,-020.00,+00.00,01.00,000.00,1.00
0676,-020.00,+00.00,01.00,000.00,1.00
0677,-020.00,+00.00,01.00,000.00,1.00
0678,-020.00,+00.00,01.00,000.00,1.00
0679,-020.00,+00.00,01.00,000.00,1.00
0680,-020.00,+00.00,01.00,000.00,1.00
0681,-020.00,+00.00,01.00,000.00,1.00
0682,-020.00,+00.00,01.00,000.00,1.00
0683,-020.00,+00.00,01.00,000.00,1.00
0684,-020.00,+00.00,01.00,000.00,1.00
0685,-020.00,+00.00,01.00,000.00,1.00
0686,-020.00,+00.00,01.00,000.00,1.00
0687,-020.00,+00.00,01.00,000.00,1.00
0688,-020.00,+00.00,01.00,000.00,1.00
0689,-020.00,+00.00,01.00,000.00,1.00
0690,-020.00,+00.00,01.00,000.00,1.00
0691,-020.00,+00.00,01.00,000.00,1.00
0692,-020.00,+00.00,01.00,000.00,1.00
0693,-020.00,+00.00,01.00,000.00,1.00
0694,-020.00,+00.00,01.00,000.00,1.00
0695,-020.00,+00.00,01.00,000.00,1.00
0696,-020.00,+00.00,01.00,000.00,1.00
0697,-020.00,+00.00,01.00,000.00,1.00
0698,-020.00,+00.00,01.00,000.00,1.00
0699,-020.00,+00.00,01.00,000.00,1.00
0700,-020.00,+00.00,01.00,000.00,1.00
0701,-020.00,+00.00,01.00,000.00,1.00
0702,-020.00,+00.00,01.00,000.00,1.00
0703,-020.00,+00.00,01.00,000.00,1.00
0704,-020.00,+00.00,01.00,000.00,1.00
0705,-020.00,+00.00,01.00,000.00,1.00
0706,-020.00,+00.00,01.00,000.00,1.00
0707,-020.00,+00.00,01.00,000.00,1.00
0708,-020.00,+00.00,01.00,000.00,1.00
0709,-020.00,+00.00,01.00,000.00,1.00
0710,-020.00,+00.00,01.00,000.00,1.00
0711,-020.00,+00.00,01.00,000.00,1.00
0712,-020.00,+00.00,01.00,000.00,1.00
0713,-020.00,+00.00,01.00,000.00,1.00
0714,-020.00,+00.00,01.00,000.00,1.00
0715,-020.00,+00.00,01.00,000.00,1.00
0716,-020.00,+00.00,01.00,000.00,1.00
0717,-020.00,+00.00,01.00,000.00,1.00
0718,-020.00,+00.00,01.00,000.00,1.00
0719,-020.00,+00.00,01.00,000.00,1.00
0720,-020.00,+00.00,01.00,000.00,1.00
0721,-020.00,+00.00,01.00,000.00,1.00
0722,-020.00,+00.00,01.00,000.00,1.00
0723,-020.00,+00.00,01.00,000.00,1.00
0724,-020.00,+00.00,01.00,000.00,1.00
0725,-020.00,+00.00,01.00,000.00,1.00
0726,-020.00,+00.00,01.00,000.00,1.00
0727,-020.00,+00.00,01.00,000.00,1.00
0728,-020.00,+00.00,01.00,000.00,1.00
0729,-020.00,+00.00,01.00,000.00,1.00
0730,-020.00,+00.00,01.00,000.00,1.00
0731,-020.00,+00.00,01.00,000.00,1.00
0732,-020.00,+00.00,01.00,000.00,1.00
0733,-020.00,+00.00,01.00,000.00,1.00
0734,-020.00,+00.00,01.00,000.00,1.00
0735,-020.00,+00.00,01.00,000.00,1.00
0736,-020.00,+00.00,01.00,000.00,1.00
0737,-020.00,+00.00,01.00,000.00,1.00
0738,-020.00,+00.00,01.00,000.00,1.00
0739,-020.00,+00.00,01.00,000.00,1.00
0740,-020.00,+00.00,01.00,000.00,1.00
0741,-020.00,+00.00,01.00,000.00,1.00
0742,-020.00,+00.00,01.00,000.00,1.00
0743,-020.00,+00.00,01.00,000.00,1.00
0744,-020.00,+00.00,01.00,000.00,1.00
0745,-020.00,+00.00,01.00,000.00,1.00
0746,-020.00,+00.00,01.00,000.00,1.00
0747,-020.00,+00.00,01.00,000.00,1.00
0748,-020.00,+00.00,01.00,000.00,1.00
0749,-020.00,+00.00,01.00,000.00,1.00
0750,-020.00,+00.00,01.00,000.00,1.00
0751,-020.00,+00.00,01.00,000.00,1.00
0752,-020.00,+00.00,01.00,000.00,1.00
0753,-020.00,+00.00,01.00,000.00,1.00
0754,-020.00,+00.00,01.00,000.00,1.00
0755,-020.00,+00.00,01.00,000.00,1.00
0756,-020.00,+00.00,01.00,000.00,1.00
0757,-020.00,+00.00,01.00,000.00,1.00
0758,-020.00,+00.00,01.00,000.00,1.00
0759,-020.00,+00.00,01.00,000.00,1.00
0760,-020.00,+00.00,01.00,000.00,1.00
0761,-020.00,+00.00,01.00,000.00,1.00
0762,-020.00,+00.00,01.00,000.00,1.00
0763,-020.00,+00.00,01.00,000.00,1.00
0764,-020.00,+00.00,01.00,000.00,1.00
0765,-020.00,+00.00,01.00,000.00,1.00
0766,-020.00,+00.00,01.00,000.00,1.00
0767,-020.00,+00.00,01.00,000.00,1.00
0768,-020.00,+00.00,01.00,000.00,1.00
0769,-020.00,+00.00,01.00,000.00,1.00
0770,-020.00,+00.00,01.00,000.00,1.00
0771,-020.00,+00.00,01.00,000.00,1.00
0772,-020.00,+00.00,01.00,000.00,1.00
0773,-020.00,+00.00,01.00,000.00,1.00
0774,-020.00,+00.00,01.00,000.00,1.00
0775,-020.00,+00.00,01.00,000.00,1.00
0776,-020.00,+00.00,01.00,000.00,1.00
0777,-020.00,+00.00,01.00,000.00,1.00
0778,-020.00,+00.00,01.00,000.00,1.00
0779,-020.00,+00.00,01.00,000.00,1.00
0780,-020.00,+00.00,01.00,000.00,1.00
0781,-020.00,+00.00,01.00,000.00,1.00
0782,-020.00,+00.00,01.00,000.00,1.00
0783,-020.00,+00.00,01.00,000.00,1.00
0784,-020.00,+00.00,01.00,000.00,1.00
0785,-020.00,+00.00,01.00,000.00,1.00
0786,-020.00,+00.00,01.00,000.00,1.00
0787,-020.00,+00.00,01.00,000.00,1.00
0788,-020.00,+00.00,01.00,000.00,1.00
0789,-020.00,+00.00,01.00,000.00,1.00
0790,-020.00,+00.00,01.00,000.00,1.00
0791,-020.00,+00.00,01.00,000.00,1.00
0792,-020.00,+00.00,01.00,000.00,1.00
0793,-020.00,+00.00,01.00,000.00,1.00
0794,-020.00,+00.00,01.00,000.00,1.00
0795,-020.00,+00.00,01.00,000.00,1.00
0796,-020.00,+00.00,01.00,000.00,1.00
0797,-020.00,+00.00,01.00,000.00,1.00
0798,-020.00,+00.00,01.00,000.00,1.00
0799,-020.00,+00.00,01.00,000.00,1.00
0800,-020.00,+00.00,01.00,000.00,1.00
0801,-020.00,+00.00,01.00,000.00,1.00
0802,-020.00,+00.00,01.00,000.00,1.00
0803,-020.00,+00.00,01.00,000.00,1.00
0804,-020.00,+00.00,01.00,000.00,1.00
0805,-020.00,+00.00,01.00,000.00,1.00
0806,-020.00,+00.00,01.00,000.00,1.00
0807,-020.00,+00.00,01.00,000.00,1.00
0808,-020.00,+00.00,01.00,000.00,1.00
0809,-020.00,+00.00,01.00,000.00,1.00
0810,-020.00,+00.00,01.00,000.00,1.00
0811,-020.00,+00.00,01.00,000.00,1.00
0812,-020.00,+00.00,01.00,000.00,1.00
0813,-020.00,+00.00,01.00,000.00,1.00
0814,-020.00,+00.00,01.00,000.00,1.00
0815,-020.00,+00.00,01.00,000.00,1.00
0816,-020.00,+00.00,01.00,000.00,1.00
0817,-020.00,+00.00,01.00,000.00,1.00
0818,-020.00,+00.00,01.00,000.00,1.00
0819,-020.00,+00.00,01.00,000.00,1.00
0820,-020.00,+00.00,01.00,000.00,1.00
0821,-020.00,+00.00,01.00,000.00,1.00
0822,-020.00,+00.00,01.00,000.00,1.00
0823,-020.00,+00.00,01.00,000.00,1.00
0824,-020.00,+00.00,01.00,000.00,1.00
0825,-020.00,+00.00,01.00,000.00,1.00
0826,-020.00,+00.00,01.00,000.00,1.00
0827,-020.00,+00.00,01.00,000.00,1.00
0828,-020.00,+00.00,01.00,000.00,1.00
0829,-020.00,+00.00,01.00,000.00,1.00
0830,-020.00,+00.00,01.00,000.00,1.00
0831,-020.00,+00.00,01.00,000.00,1.00
0832,-020.00,+00.00,01.00,000.00,1.00
0833,-020.00,+00.00,01.00,000.00,1.00
0834,-020.00,+00.00,01.00,000.00,1.00
0835,-020.00,+00.00,01.00,000.00,1.00
0836,-020.00,+00.00,01.00,000.00,1.00
0837,-020.00,+00.00,01.00,000.00,1.00
0838,-020.00,+00.00,01.00,000.00,1.00
0839,-020.00,+00.00,01.00,000.00,1.00
0840,-020.00,+00.00,01.00,000.00,1.00
0841,-020.00,+00.00,01.00,000.00,1.00
0842,-020.00,+00.00,01.00,000.00,1.00
0843,-020.00,+00.00,01.00,000.00,1.00
0844,-020.00,+00.00,01.00,000.00,1.00
0845,-020.00,+00.00,01.00,000.00,1.00
0846,-020.00,+00.00,01.00,000.00,1.00
0847,-020.00,+00.00,01.00,000.00,1.00
0848,-020.00,+00.00,01.00,000.00,1.00
0849,-020.00,+00.00,01.00,000.00,1.00
0850,-020.00,+00.00,01.00,000.00,1.00
0851,-020.00,+00.00,01.00,000.00,1.00
0852,-020.00,+00.00,01.00,000.00,1.00
0853,-020.00,+00.00,01.00,000.00,1.00
0854,-020.00,+00.00,01.00,000.00,1.00
0855,-020.00,+00.00,01.00,000.00,1.00
0856,-020.00,+00.00,01.00,000.00,1.00
0857,-020.00,+00.00,01.00,000.00,1.00
0858,-020.00,+00.00,01.00,000.00,1.00
0859,-020.00,+00.00,01.00,000.00,1.00
0860,-020.00,+00.00,01.00,000.00,1.00
0861,-020.00,+00.00,01.00,000.00,1.00
0862,-020.00,+00.00,01.00,000.00,1.00
0863,-020.00,+00.00,01.00,000.00,1.00
0864,-020.00,+00.00,01.00,000.00,1.00
0865,-020.00,+00.00,01.00,000.00,1.00
0866,-020.00,+00.00,01.00,000.00,1.00
0867,-020.00,+00.00,01.00,000.00,1.00
0868,-020.00,+00.00,01.00,000.00,1.00
0869,-020.00,+00.00,01.00,000.00,1.00
0870,-020.00,+00.00,01.00,000.00,1.00
0871,-020.00,+00.00,01.00,000.00,1.00
0872,-020.00,+00.00,01.00,000.00,1.00
0873,-020.00,+00.00,01.00,000.00,1.00
0874,-020.00,+00.00,01.00,000.00,1.00
0875,-020.00,+00.00,01.00,000.00,1.00
0876,-020.00,+00.00,01.00,000.00,1.00
0877,-020.00,+00.00,01.00,000.00,1.00
0878,-020.00,+00.00,01.00,000.00,1.00
0879,-020.00,+00.00,01.00,000.00,1.00
0880,-020.00,+00.00,01.00,000.00,1.00
0881,-020.00,+00.00,01.00,000.00,1.00
0882,-020.00,+00.00,01.00,000.00,1.00
0883,-020.00,+00.00,01.00,000.00,1.00
0884,-020.00,+00.00,01.00,000.00,1.00
0885,-020.00,+00.00,01.00,000.00,1.00
0886,-020.00,+00.00,01.00,000.00,1.00
0887,-020.00,+00.00,01.00,000.00,1.00
0888,-020.00,+00.00,01.00,000.00,1.00
0889,-020.00,+00.00,01.00,000.00,1.00
0890,-020.00,+00.00,01.00,000.00,1.00
0891,-020.00,+00.00,01.00,000.00,1.00
0892,-020.00,+00.00,01.00,000.00,1.00
0893,-020.00,+00.00,01.00,000.00,1.00
0894,-020.00,+00.00,01.00,000.00,1.00
0895,-020.00,+00.00,01.00,000.00,1.00
0896,-020.00,+00.00,01.00,000.00,1.00
0897,-020.00,+00.00,01.00,000.00,1.00
0898,-020.00,+00.00,01.00,000.00,1.00
0899,-020.00,+00.00,01.00,000.00,1.00
0900,-020.00,+00.00,01.00,000.00,1.00
0901,-020.00,+00.00,01.00,000.00,1.00
0902,-020.00,+00.00,01.00,000.00,1.00
0903,-020.00,+00.00,01.00,000.00,1.00
0904,-020.00,+00.00,01.00,000.00,1.00
0905,-020.00,+00.00,01.00,000.00,1.00
0906,-020.00,+00.00,01.00,000.00,1.00
0907,-020.00,+00.00,01.00,000.00,1.00
0908,-020.00,+00.00,01.00,000.00,1.00
0909,-020.00,+00.00,01.00,000.00,1.00
0910,-020.00,+00.00,01.00,000.00,1.00
0911,-020.00,+00.00,01.00,000.00,1.00
0912,-020.00,+00.00,01.00,000.00,1.00
0913,-020.00,+00.00,01.00,000.00,1.00
0914,-020.00,+00.00,01.00,000.00,1.00
0915,-020.00,+00.00,01.00,000.00,1.00
0916,-020.00,+00.00,01.00,000.00,1.00
0917,-020.00,+00.00,01.00,000.00,1.00
0918,-020.00,+00.00,01.00,000.00,1.00
0919,-020.00,+00.00,01.00,000.00,1.00
0920,-020.00,+00.00,01.00,000.00,1.00
0921,-020.00,+00.00,01.00,000.00,1.00
0922,-020.00,+00.00,01.00,000.00,1.00
0923,-020.00,+00.00,01.00,000.00,1.00
0924,-020.00,+00.00,01.00,000.00,1.00
0925,-020.00,+00.00,01.00,000.00,1.00
0926,-020.00,+00.00,01.00,000.00,1.00
0927,-020.00,+00.00,01.00,000.00,1.00
0928,-020.00,+00.00,01.00,000.00,1.00
0929,-020.00,+00.00,01.00,000.00,1.00
0930,-020.00,+00.00,01.00,000.00,1.00
0931,-020.00,+00.00,01.00,000.00,1.00
0932,-020.00,+00.00,01.00,000.00,1.00
0933,-020.00,+00.00,01.00,000.00,1.00
0934,-020.00,+00.00,01.00,000.00,1.00
0935,-020.00,+00.00,01.00,000.00,1.00
0936,-020.00,+00.00,01.00,000.00,1.00
0937,-020.00,+00.00,01.00,000.00,1.00
0938,-020.00,+00.00,01.00,000.00,1.00
0939,-020.00,+00.00,01.00,000.00,1.00
0940,-020.00,+00.00,01.00,000.00,1.00
0941,-020.00,+00.00,01.00,000.00,1.00
0942,-020.00,+00.00,01.00,000.00,1.00
0943,-020.00,+00.00,01.00,000.00,1.00
0944,-020.00,+00.00,01.00,000.00,1.00
0945,-020.00,+00.00,01.00,000.00,1.00
0946,-020.00,+00.00,01.00,000.00,1.00
0947,-020.00,+00.00,01.00,000.00,1.00
0948,-020.00,+00.00,01.00,000.00,1.00
0949,-020.00,+00.00,01.00,000.00,1.00
0950,-020.00,+00.00,01.00,000.00,1.00
0951,-020.00,+00.00,01.00,000.00,1.00
0952,-020.00,+00.00,01.00,000.00,1.00
0953,-020.00,+00.00,01.00,000.00,1.00
0954,-020.00,+00.00,01.00,000.00,1.00
0955,-020.00,+00.00,01.00,000.00,1.00
0956,-020.00,+00.00,01.00,000.00,1.00
0957,-020.00,+00.00,01.00,000.00,1.00
0958,-020.00,+00.00,01.00,000.00,1.00
0959,-020.00,+00.00,01.00,000.00,1.00
0960,-020.00,+00.00,01.00,000.00,1.00
0961,-020.00,+00.00,01.00,000.00,1.00
0962,-020.00,+00.00,01.00,000.00,1.00
0963,-020.00,+00.00,01.00,000.00,1.00
0964,-020.00,+00.00,01.00,000.00,1.00
0965,-020.00,+00.00,01.00,000.00,1.00
0966,-020.00,+00.00,01.00,000.00,1.00
0967,-020.00,+00.00,01.00,000.00,1.00
0968,-020.00,+00.00,01.00,000.00,1.00
0969,-020.00,+00.00,01.00,000.00,1.00
0970,-020.00,+00.00,01.00,000.00,1.00
0971,-020.00,+00.00,01.00,000.00,1.00
0972,-020.00,+00.00,01.00,000.00,1.00
0973,-020.00,+00.00,01.00,000.00,1.00
0974,-020.00,+00.00,01.00,000.00,1.00
0975,-020.00,+00.00,01.00,000.00,1.00
0976,-020.00,+00.00,01.00,000.00,1.00
0977,-020.00,+00.00,01.00,000.00,1.00
0978,-020.00,+00.00,01.00,000.00,1.00
0979,-020.00,+00.00,01.00,000.00,1.00
0980,-020.00,+00.00,01.00,000.00,1.00
0981,-020.00,+00.00,01.00,000.00,1.00
0982,-020.00,+00.00,01.00,000.00,1.00
0983,-020.00,+00.00,01.00,000.00,1.00
0984,-020.00,+00.00,01.00,000.00,1.00
0985,-020.00,+00.00,01.00,000.00,1.00
0986,-020.00,+00.00,01.00,000.00,1.00
0987,-020.00,+00.00,01.00,000.00,1.00
0988,-020.00,+00.00,01.00,000.00,1.00
0989,-020.00,+00.00,01.00,000.00,1.00
0990,-020.00,+00.00,01.00,000.00,1.00
0991,-020.00,+00.00,01.00,000.00,1.00
0992,-020.00,+00.00,01.00,000.00,1.00
0993,-020.00,+00.00,01.00,000.00,1.00
0994,-020.00,+00.00,01.00,000.00,1.00
0995,-020.00,+00.00,01.00,000.00,1.00
0996,-020.00,+00.00,01.00,000.00,1.00
0997,-020.00,+00.00,01.00,000.00,1.00
0998,-020.00,+00.00,01.00,000.00,1.00
0999,-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
-020.00,+00.00,01.00,000.00,1.00
0000,+020.00,+00.00,01.00,000.00,1.00
0001,+020.00,+00.00,01.00,000.00,1.00
0002,+020.00,+00.00,01.00,000.00,1.00
0003,+020.00,+00.00,01.00,000.00,1.00
0004,+020.00,+00.00,01.00,000.00,1.00
0005,+020.00,+00.00,01.00,000.00,1.00
0006,+020.00,+00.00,01.00,000.00,1.00
0007,+020.00,+00.00,01.00,000.00,1.00
0008,+020.00,+00.00,01.00,000.00,1.00
0009,+020.00,+00.00,01.00,000.00,1.00
0010,+020.00,+00.00,01.00,000.00,1.00
0011,+020.00,+00.00,01.00,000.00,1.00
0012,+020.00,+00.00,01.00,000.00,1.00
0013,+020.00,+00.00,01.00,000.00,1.00
0014,+020.00,+00.00,01.00,000.00,1.00
0015,+020.00,+00.00,01.00,000.00,1.00
0016,+020.00,+00.00,01.00,000.00,1.00
0017,+020.00,+00.00,01.00,000.00,1.00
0018,+020.00,+00.00,01.00,000.00,1.00
0019,+020.00,+00.00,01.00,000.00,1.00
0020,+020.00,+00.00,01.00,000.00,1.00
0021,+020.00,+00.00,01.00,000.00,1.00
0022,+020.00,+00.00,01.00,000.00,1.00
0023,+020.00,+00.00,01.00,000.00,1.00
0024,+020.00,+00.00,01.00,000.00,1.00
0025,+020.00,+00.00,01.00,000.00,1.00
0026,+020.00,+00.00,01.00,000.00,1.00
0027,+020.00,+00.00,01.00,000.00,1.00
0028,+020.00,+00.00,01.00,000.00,1.00
0029,+020.00,+00.00,01.00,000.00,1.00
0030,+020.00,+00.00,01.00,000.00,1.00
0031,+020.00,+00.00,01.00,000.00,1.00
0032,+020.00,+00.00,01.00,000.00,1.00
0033,+020.00,+00.00,01.00,000.00,1.00
0034,+020.00,+00.00,01.00,000.00,1.00
0035,+020.00,+00.00,01.00,000.00,1.00
0036,+020.00,+00.00,01.00,000.00,1.00
0037,+020.00,+00.00,01.00,000.00,1.00
0038,+020.00,+00.00,01.00,000.00,1.00
0039,+020.00,+00.00,01.00,000.00,1.00
0040,+020.00,+00.00,01.00,000.00,1.00
0041,+020.00,+00.00,01.00,000.00,1.00
0042,+020.00,+00.00,01.00,000.00,1.00
0043,+020.00,+00.00,01.00,000.00,1.00
0044,+020.00,+00.00,01.00,000.00,1.00
0045,+020.00,+00.00,01.00,000.00,1.00
0046,+020.00,+00.00,01.00,000.00,1.00
0047,+020.00,+00.00,01.00,000.00,1.00
0048,+020.00,+00.00,01.00,000.00,1.00
0049,+020.00,+00.00,01.00,000.00,1.00
0050,+020.00,+00.00,01.00,000.00,1.00
0051,+020.00,+00.00,01.00,000.00,1.00
0052,+020.00,+00.00,01.00,000.00,1.00
0053,+020.00,+00.00,01.00,000.00,1.00
0054,+020.00,+00.00,01.00,000.00,1.00
0055,+020.00,+00.00,01.00,000.00,1.00
0056,+020.00,+00.00,01.00,000.00,1.00
0057,+020.00,+00.00,01.00,000.00,1.00
0058,+020.00,+00.00,01.00,000.00,1.00
0059,+020.00,+00.00,01.00,000.00,1.00
0060,+020.00,+00.00,01.00,000.00,1.00
0061,+020.00,+00.00,01.00,000.00,1.00
0062,+020.00,+00.00,01.00,000.00,1.00
0063,+020.00,+00.00,01.00,000.00,1.00
0064,+020.00,+00.00,01.00,000.00,1.00
0065,+020.00,+00.00,01.00,000.00,1.00
0066,+020.00,+00.00,01.00,000.00,1.00
0067,+020.00,+00.00,01.00,000.00,1.00
0068,+020.00,+00.00,01.00,000.00,1.00
0069,+020.00,+00.00,01.00,000.00,1.00
0070,+020.00,+00.00,01.00,000.00,1.00
0071,+020.00,+00.00,01.00,000.00,1.00
0072,+020.00,+00.00,01.00,000.00,1.00
0073,+020.00,+00.00,01.00,000.00,1.00
0074,+020.00,+00.00,01.00,000.00,1.00
0075,+020.00,+00.00,01.00,000.00,1.00
0076,+020.00,+00.00,01.00,000.00,1.00
0077,+020.00,+00.00,01.00,000.00,1.00
0078,+020.00,+00.00,01.00,000.00,1.00
0079,+020.00,+00.00,01.00,000.00,1.00
0080,+020.00,+00.00,01.00,000.00,1.00
0081,+020.00,+00.00,01.00,000.00,1.00
0082,+020.00,+00.00,01.00,000.00,1.00
0083,+020.00,+00.00,01.00,000.00,1.00
0084,+020.00,+00.00,01.00,000.00,1.00
0085,+020.00,+00.00,01.00,000.00,1.00
0086,+020.00,+00.00,01.00,000.00,1.00
0087,+020.00,+00.00,01.00,000.00,1.00
0088,+020.00,+00.00,01.00,000.00,1.00
0089,+020.00,+00.00,01.00,000.00,1.00
0090,+020.00,+00.00,01.00,000.00,1.00
0091,+020.00,+00.00,01.00,000.00,1.00
0092,+020.00,+00.00,01.00,000.00,1.00
0093,+020.00,+00.00,01.00,000.00,1.00
0094,+020.00,+00.00,01.00,000.00,1.00
0095,+020.00,+00.00,01.00,000.00,1.00
0096,+020.00,+00.00,01.00,000.00,1.00
0097,+020.00,+00.00,01.00,000.00,1.00
0098,+020.00,+00.00,01.00,000.00,1.00
0099,+020.00,+00.00,01.00,000.00,1.00
0100,+020.00,+00.00,01.00,000.00,1.00
0101,+020.00,+00.00,01.00,000.00,1.00
0102,+020.00,+00.00,01.00,000.00,1.00
0103,+020.00,+00.00,01.00,000.00,1.00
0104,+020.00,+00.00,01.00,000.00,1.00
0105,+020.00,+00.00,01.00,000.00,1.00
0106,+020.00,+00.00,01.00,000.00,1.00
0107,+020.00,+00.00,01.00,000.00,1.00
0108,+020.00,+00.00,01.00,000.00,1.00
0109,+020.00,+00.00,01.00,000.00,1.00
0110,+020.00,+00.00,01.00,000.00,1.00
0111,+020.00,+00.00,01.00,000.00,1.00
0112,+020.00,+00.00,01.00,000.00,1.00
0113,+020.00,+00.00,01.00,000.00,1.00
0114,+020.00,+00.00,01.00,000.00,1.00
0115,+020.00,+00.00,01.00,000.00,1.00
0116,+020.00,+00.00,01.00,000.00,1.00
0117,+020.00,+00.00,01.00,000.00,1.00
0118,+020.00,+00.00,01.00,000.00,1.00
0119,+020.00,+00.00,01.00,000.00,1.00
0120,+020.00,+00.00,01.00,000.00,1.00
0121,+020.00,+00.00,01.00,000.00,1.00
0122,+020.00,+00.00,01.00,000.00,1.00
0123,+020.00,+00.00,01.00,000.00,1.00
0124,+020.00,+00.00,01.00,000.00,1.00
0125,+020.00,+00.00,01.00,000.00,1.00
0126,+020.00,+00.00,01.00,000.00,1.00
0127,+020.00,+00.00,01.00,000.00,1.00
0128,+020.00,+00.00,01.00,000.00,1.00
0129,+020.00,+00.00,01.00,000.00,1.00
0130,+020.00,+00.00,01.00,000.00,1.00
0131,+020.00,+00.00,01.00,000.00,1.00
0132,+020.00,+00.00,01.00,000.00,1.00
0133,+020.00,+00.00,01.00,000.00,1.00
0134,+020.00,+00.00,01.00,000.00,1.00
0135,+020.00,+00.00,01.00,000.00,1.00
0136,+020.00,+00.00,01.00,000.00,1.00
0137,+020.00,+00.00,01.00,000.00,1.00
0138,+020.00,+00.00,01.00,000.00,1.00
0139,+020.00,+00.00,01.00,000.00,1.00
0140,+020.00,+00.00,01.00,000.00,1.00
0141,+020.00,+00.00,01.00,000.00,1.00
0142,+020.00,+00.00,01.00,000.00,1.00
0143,+020.00,+00.00,01.00,000.00,1.00
0144,+020.00,+00.00,01.00,000.00,1.00
0145,+020.00,+00.00,01.00,000.00,1.00
0146,+020.00,+00.00,01.00,000.00,1.00
0147,+020.00,+00.00,01.00,000.00,1.00
0148,+020.00,+00.00,01.00,000.00,1.00
0149,+020.00,+00.00,01.00,000.00,1.00
0150,+020.00,+00.00,01.00,000.00,1.00
0151,+020.00,+00.00,01.00,000.00,1.00
0152,+020.00,+00.00,01.00,000.00,1.00
0153,+020.00,+00.00,01.00,000.00,1.00
0154,+020.00,+00.00,01.00,000.00,1.00
0155,+020.00,+00.00,01.00,000.00,1.00
0156,+020.00,+00.00,01.00,000.00,1.00
0157,+020.00,+00.00,01.00,000.00,1.00
0158,+020.00,+00.00,01.00,000.00,1.00
0159,+020.00,+00.00,01.00,000.00,1.00
0160,+020.00,+00.00,01.00,000.00,1.00
0161,+020.00,+00.00,01.00,000.00,1.00
0162,+020.00,+00.00,01.00,000.00,1.00
0163,+020.00,+00.00,01.00,000.00,1.00
0164,+020.00,+00.00,01.00,000.00,1.00
0165,+020.00,+00.00,01.00,000.00,1.00
0166,+020.00,+00.00,01.00,000.00,1.00
0167,+020.00,+00.00,01.00,000.00,1.00
0168,+020.00,+00.00,01.00,000.00,1.00
0169,+020.00,+00.00,01.00,000.00,1.00
0170,+020.00,+00.00,01.00,000.00,1.00
0171,+020.00,+00.00,01.00,000.00,1.00
0172,+020.00,+00.00,01.00,000.00,1.00
0173,+020.00,+00.00,01.00,000.00,1.00
0174,+020.00,+00.00,01.00,000.00,1.00
0175,+020.00,+00.00,01.00,000.00,1.00
0176,+020.00,+00.00,01.00,000.00,1.00
0177,+020.00,+00.00,01.00,000.00,1.00
0178,+020.00,+00.00,01.00,000.00,1.00
0179,+020.00,+00.00,01.00,000.00,1.00
0180,+020.00,+00.00,01.00,000.00,1.00
0181,+020.00,+00.00,01.00,000.00,1.00
0182,+020.00,+00.00,01.00,000.00,1.00
0183,+020.00,+00.00,01.00,000.00,1.00
0184,+020.00,+00.00,01.00,000.00,1.00
0185,+020.00,+00.00,01.00,000.00,1.00
0186,+020.00,+00.00,01.00,000.00,1.00
0187,+020.00,+00.00,01.00,000.00,1.00
0188,+020.00,+00.00,01.00,000.00,1.00
0189,+020.00,+00.00,01.00,000.00,1.00
0190,+020.00,+00.00,01.00,000.00,1.00
0191,+020.00,+00.00,01.00,000.00,1.00
0192,+020.00,+00.00,01.00,000.00,1.00
0193,+020.00,+00.00,01.00,000.00,1.00
0194,+020.00,+00.00,01.00,000.00,1.00
0195,+020.00,+00.00,01.00,000.00,1.00
0196,+020.00,+00.00,01.00,000.00,1.00
0197,+020.00,+00.00,01.00,000.00,1.00
0198,+020.00,+00.00,01.00,000.00,1.00
0199,+020.00,+00.00,01.00,000.00,1.00
0200,+020.00,+00.00,01.00,000.00,1.00
0201,+020.00,+00.00,01.00,000.00,1.00
0202,+020.00,+00.00,01.00,000.00,1.00
0203,+020.00,+00.00,01.00,000.00,1.00
0204,+020.00,+00.00,01.00,000.00,1.00
0205,+020.00,+00.00,01.00,000.00,1.00
0206,+020.00,+00.00,01.00,000.00,1.00
0207,+020.00,+00.00,01.00,000.00,1.00
0208,+020.00,+00.00,01.00,000.00,1.00
0209,+020.00,+00.00,01.00,000.00,1.00
0210,+020.00,+00.00,01.00,000.00,1.00
0211,+020.00,+00.00,01.00,000.00,1.00
0212,+020.00,+00.00,01.00,000.00,1.00
0213,+020.00,+00.00,01.00,000.00,1.00
0214,+020.00,+00.00,01.00,000.00,1.00
0215,+020.00,+00.00,01.00,000.00,1.00
0216,+020.00,+00.00,01.00,000.00,1.00
0217,+020.00,+00.00,01.00,000.00,1.00
0218,+020.00,+00.00,01.00,000.00,1.00
0219,+020.00,+00.00,01.00,000.00,1.00
0220,+020.00,+00.00,01.00,000.00,1.00
0221,+020.00,+00.00,01.00,000.00,1.00
0222,+020.00,+00.00,01.00,000.00,1.00
0223,+020.00,+00.00,01.00,000.00,1.00
0224,+020.00,+00.00,01.00,000.00,1.00
0225,+020.00,+00.00,01.00,000.00,1.00
0226,+020.00,+00.00,01.00,000.00,1.00
0227,+020.00,+00.00,01.00,000.00,1.00
0228,+020.00,+00.00,01.00,000.00,1.00
0229,+020.00,+00.00,01.00,000.00,1.00
0230,+020.00,+00.00,01.00,000.00,1.00
0231,+020.00,+00.00,01.00,000.00,1.00
0232,+020.00,+00.00,01.00,000.00,1.00
0233,+020.00,+00.00,01.00,000.00,1.00
0234,+020.00,+00.00,01.00,000.00,1.00
0235,+020.00,+00.00,01.00,000.00,1.00
0236,+020.00,+00.00,01.00,000.00,1.00
0237,+020.00,+00.00,01.00,000.00,1.00
0238,+020.00,+00.00,01.00,000.00,1.00
0239,+020.00,+00.00,01.00,000.00,1.00
0240,+020.00,+00.00,01.00,000.00,1.00
0241,+020.00,+00.00,01.00,000.00,1.00
0242,+020.00,+00.00,01.00,000.00,1.00
0243,+020.00,+00.00,01.00,000.00,1.00
0244,+020.00,+00.00,01.00,000.00,1.00
0245,+020.00,+00.00,01.00,000.00,1.00
0246,+020.00,+00.00,01.00,000.00,1.00
0247,+020.00,+00.00,01.00,000.00,1.00
0248,+020.00,+00.00,01.00,000.00,1.00
0249,+020.00,+00.00,01.00,000.00,1.00
0250,+020.00,+00.00,01.00,000.00,1.00
0251,+020.00,+00.00,01.00,000.00,1.00
0252,+020.00,+00.00,01.00,000.00,1.00
0253,+020.00,+00.00,01.00,000.00,1.00
0254,+020.00,+00.00,01.00,000.00,1.00
0255,+020.00,+00.00,01.00,000.00,1.00
0256,+020.00,+00.00,01.00,000.00,1.00
0257,+020.00,+00.00,01.00,000.00,1.00
0258,+020.00,+00.00,01.00,000.00,1.00
0259,+020.00,+00.00,01.00,000.00,1.00
0260,+020.00,+00.00,01.00,000.00,1.00
0261,+020.00,+00.00,01.00,000.00,1.00
0262,+020.00,+00.00,01.00,000.00,1.00
0263,+020.00,+00.00,01.00,000.00,1.00
0264,+020.00,+00.00,01.00,000.00,1.00
0265,+020.00,+00.00,01.00,000.00,1.00
0266,+020.00,+00.00,01.00,000.00,1.00
0267,+020.00,+00.00,01.00,000.00,1.00
0268,+020.00,+00.00,01.00,000.00,1.00
0269,+020.00,+00.00,01.00,000.00,1.00
0270,+020.00,+00.00,01.00,000.00,1.00
0271,+020.00,+00.00,01.00,000.00,1.00
0272,+020.00,+00.00,01.00,000.00,1.00
0273,+020.00,+00.00,01.00,000.00,1.00
0274,+020.00,+00.00,01.00,000.00,1.00
0275,+020.00,+00.00,01.00,000.00,1.00
0276,+020.00,+00.00,01.00,000.00,1.00
0277,+020.00,+00.00,01.00,000.00,1.00
0278,+020.00,+00.00,01.00,000.00,1.00
0279,+020.00,+00.00,01.00,000.00,1.00
0280,+020.00,+00.00,01.00,000.00,1.00
0281,+020.00,+00.00,01.00,000.00,1.00
0282,+020.00,+00.00,01.00,000.00,1.00
0283,+020.00,+00.00,01.00,000.00,1.00
0284,+020.00,+00.00,01.00,000.00,1.00
0285,+020.00,+00.00,01.00,000.00,1.00
0286,+020.00,+00.00,01.00,000.00,1.00
0287,+020.00,+00.00,01.00,000.00,1.00
0288,+020.00,+00.00,01.00,000.00,1.00
0289,+020.00,+00.00,01.00,000.00,1.00
0290,+020.00,+00.00,01.00,000.00,1.00
0291,+020.00,+00.00,01.00,000.00,1.00
0292,+020.00,+00.00,01.00,000.00,1.00
0293,+020.00,+00.00,01.00,000.00,1.00
0294,+020.00,+00.00,01.00,000.00,1.00
0295,+020.00,+00.00,01.00,000.00,1.00
0296,+020.00,+00.00,01.00,000.00,1.00
0297,+020.00,+00.00,01.00,000.00,1.00
0298,+020.00,+00.00,01.00,000.00,1.00
0299,+020.00,+00.00,01.00,000.00,1.00
0300,+020.00,+00.00,01.00,000.00,1.00
0301,+020.00,+00.00,01.00,000.00,1.00
0302,+020.00,+00.00,01.00,000.00,1.00
0303,+020.00,+00.00,01.00,000.00,1.00
0304,+020.00,+00.00,01.00,000.00,1.00
0305,+020.00,+00.00,01.00,000.00,1.00
0306,+020.00,+00.00,01.00,000.00,1.00
0307,+020.00,+00.00,01.00,000.00,1.00
0308,+020.00,+00.00,01.00,000.00,1.00
0309,+020.00,+00.00,01.00,000.00,1.00
0310,+020.00,+00.00,01.00,000.00,1.00
0311,+020.00,+00.00,01.00,000.00,1.00
0312,+020.00,+00.00,01.00,000.00,1.00
0313,+020.00,+00.00,01.00,000.00,1.00
0314,+020.00,+00.00,01.00,000.00,1.00
0315,+020.00,+00.00,01.00,000.00,1.00
0316,+020.00,+00.00,01.00,000.00,1.00
0317,+020.00,+00.00,01.00,000.00,1.00
0318,+020.00,+00.00,01.00,000.00,1.00
0319,+020.00,+00.00,01.00,000.00,1.00
0320,+020.00,+00.00,01.00,000.00,1.00
0321,+020.00,+00.00,01.00,000.00,1.00
0322,+020.00,+00.00,01.00,000.00,1.00
0323,+020.00,+00.00,01.00,000.00,1.00
0324,+020.00,+00.00,01.00,000.00,1.00
0325,+020.00,+00.00,01.00,000.00,1.00
0326,+020.00,+00.00,01.00,000.00,1.00
0327,+020.00,+00.00,01.00,000.00,1.00
0328,+020.00,+00.00,01.00,000.00,1.00
0329,+020.00,+00.00,01.00,000.00,1.00
0330,+020.00,+00.00,01.00,000.00,1.00
0331,+020.00,+00.00,01.00,000.00,1.00
0332,+020.00,+00.00,01.00,000.00,1.00
0333,+020.00,+00.00,01.00,000.00,1.00
0334,+020.00,+00.00,01.00,000.00,1.00
0335,+020.00,+00.00,01.00,000.00,1.00
0336,+020.00,+00.00,01.00,000.00,1.00
0337,+020.00,+00.00,01.00,000.00,1.00
0338,+020.00,+00.00,01.00,000.00,1.00
0339,+020.00,+00.00,01.00,000.00,1.00
0340,+020.00,+00.00,01.00,000.00,1.00
0341,+020.00,+00.00,01.00,000.00,1.00
0342,+020.00,+00.00,01.00,000.00,1.00
0343,+020.00,+00.00,01.00,000.00,1.00
0344,+020.00,+00.00,01.00,000.00,1.00
0345,+020.00,+00.00,01.00,000.00,1.00
0346,+020.00,+00.00,01.00,000.00,1.00
0347,+020.00,+00.00,01.00,000.00,1.00
0348,+020.00,+00.00,01.00,000.00,1.00
0349,+020.00,+00.00,01.00,000.00,1.00
0350,+020.00,+00.00,01.00,000.00,1.00
0351,+020.00,+00.00,01.00,000.00,1.00
0352,+020.00,+00.00,01.00,000.00,1.00
0353,+020.00,+00.00,01.00,000.00,1.00
0354,+020.00,+00.00,01.00,000.00,1.00
0355,+020.00,+00.00,01.00,000.00,1.00
0356,+020.00,+00.00,01.00,000.00,1.00
0357,+020.00,+00.00,01.00,000.00,1.00
0358,+020.00,+00.00,01.00,000.00,1.00
0359,+020.00,+00.00,01.00,000.00,1.00
0360,+020.00,+00.00,01.00,000.00,1.00
0361,+020.00,+00.00,01.00,000.00,1.00
0362,+020.00,+00.00,01.00,000.00,1.00
0363,+020.00,+00.00,01.00,000.00,1.00
0364,+020.00,+00.00,01.00,000.00,1.00
0365,+020.00,+00.00,01.00,000.00,1.00
0366,+020.00,+00.00,01.00,000.00,1.00
0367,+020.00,+00.00,01.00,000.00,1.00
0368,+020.00,+00.00,01.00,000.00,1.00
0369,+020.00,+00.00,01.00,000.00,1.00
0370,+020.00,+00.00,01.00,000.00,1.00
0371,+020.00,+00.00,01.00,000.00,1.00
0372,+020.00,+00.00,01.00,000.00,1.00
0373,+020.00,+00.00,01.00,000.00,1.00
0374,+020.00,+00.00,01.00,000.00,1.00
0375,+020.00,+00.00,01.00,000.00,1.00
0376,+020.00,+00.00,01.00,000.00,1.00
0377,+020.00,+00.00,01.00,000.00,1.00
0378,+020.00,+00.00,01.00,000.00,1.00
0379,+020.00,+00.00,01.00,000.00,1.00
0380,+020.00,+00.00,01.00,000.00,1.00
0381,+020.00,+00.00,01.00,000.00,1.00
0382,+020.00,+00.00,01.00,000.00,1.00
0383,+020.00,+00.00,01.00,000.00,1.00
0384,+020.00,+00.00,01.00,000.00,1.00
0385,+020.00,+00.00,01.00,000.00,1.00
0386,+020.00,+00.00,01.00,000.00,1.00
0387,+020.00,+00.00,01.00,000.00,1.00
0388,+020.00,+00.00,01.00,000.00,1.00
0389,+020.00,+00.00,01.00,000.00,1.00
0390,+020.00,+00.00,01.00,000.00,1.00
0391,+020.00,+00.00,01.00,000.00,1.00
0392,+020.00,+00.00,01.00,000.00,1.00
0393,+020.00,+00.00,01.00,000.00,1.00
0394,+020.00,+00.00,01.00,000.00,1.00
0395,+020.00,+00.00,01.00,000.00,1.00
0396,+020.00,+00.00,01.00,000.00,1.00
0397,+020.00,+00.00,01.00,000.00,1.00
0398,+020.00,+00.00,01.00,000.00,1.00
0399,+020.00,+00.00,01.00,000.00,1.00
0400,+020.00,+00.00,01.00,000.00,1.00
0401,+020.00,+00.00,01.00,000.00,1.00
0402,+020.00,+00.00,01.00,000.00,1.00
0403,+020.00,+00.00,01.00,000.00,1.00
0404,+020.00,+00.00,01.00,000.00,1.00
0405,+020.00,+00.00,01.00,000.00,1.00
0406,+020.00,+00.00,01.00,000.00,1.00
0407,+020.00,+00.00,01.00,000.00,1.00
0408,+020.00,+00.00,01.00,000.00,1.00
0409,+020.00,+00.00,01.00,000.00,1.00
0410,+020.00,+00.00,01.00,000.00,1.00
0411,+020.00,+00.00,01.00,000.00,1.00
0412,+020.00,+00.00,01.00,000.00,1.00
0413,+020.00,+00.00,01.00,000.00,1.00
0414,+020.00,+00.00,01.00,000.00,1.00
0415,+020.00,+00.00,01.00,000.00,1.00
0416,+020.00,+00.00,01.00,000.00,1.00
0417,+020.00,+00.00,01.00,000.00,1.00
0418,+020.00,+00.00,01.00,000.00,1.00
0419,+020.00,+00.00,01.00,000.00,1.00
0420,+020.00,+00.00,01.00,000.00,1.00
0421,+020.00,+00.00,01.00,000.00,1.00
0422,+020.00,+00.00,01.00,000.00,1.00
0423,+020.00,+00.00,01.00,000.00,1.00
0424,+020.00,+00.00,01.00,000.00,1.00
0425,+020.00,+00.00,01.00,000.00,1.00
0426,+020.00,+00.00,01.00,000.00,1.00
0427,+020.00,+00.00,01.00,000.00,1.00
0428,+020.00,+00.00,01.00,000.00,1.00
0429,+020.00,+00.00,01.00,000.00,1.00
0430,+020.00,+00.00,01.00,000.00,1.00
0431,+020.00,+00.00,01.00,000.00,1.00
0432,+020.00,+00.00,01.00,000.00,1.00
0433,+020.00,+00.00,01.00,000.00,1.00
0434,+020.00,+00.00,01.00,000.00,1.00
0435,+020.00,+00.00,01.00,000.00,1.00
0436,+020.00,+00.00,01.00,000.00,1.00
0437,+020.00,+00.00,01.00,000.00,1.00
0438,+020.00,+00.00,01.00,000.00,1.00
0439,+020.00,+00.00,01.00,000.00,1.00
0440,+020.00,+00.00,01.00,000.00,1.00
0441,+020.00,+00.00,01.00,000.00,1.00
0442,+020.00,+00.00,01.00,000.00,1.00
0443,+020.00,+00.00,01.00,000.00,1.00
0444,+020.00,+00.00,01.00,000.00,1.00
0445,+020.00,+00.00,01.00,000.00,1.00
0446,+020.00,+00.00,01.00,000.00,1.00
0447,+020.00,+00.00,01.00,000.00,1.00
0448,+020.00,+00.00,01.00,000.00,1.00
0449,+020.00,+00.00,01.00,000.00,1.00
0450,+020.00,+00.00,01.00,000.00,1.00
0451,+020.00,+00.00,01.00,000.00,1.00
0452,+020.00,+00.00,01.00,000.00,1.00
0453,+020.00,+00.00,01.00,000.00,1.00
0454,+020.00,+00.00,01.00,000.00,1.00
0455,+020.00,+00.00,01.00,000.00,1.00
0456,+020.00,+00.00,01.00,000.00,1.00
0457,+020.00,+00.00,01.00,000.00,1.00
0458,+020.00,+00.00,01.00,000.00,1.00
0459,+020.00,+00.00,01.00,000.00,1.00
0460,+020.00,+00.00,01.00,000.00,1.00
0461,+020.00,+00.00,01.00,000.00,1.00
0462,+020.00,+00.00,01.00,000.00,1.00
0463,+020.00,+00.00,01.00,000.00,1.00
0464,+020.00,+00.00,01.00,000.00,1.00
0465,+020.00,+00.00,01.00,000.00,1.00
0466,+020.00,+00.00,01.00,000.00,1.00
0467,+020.00,+00.00,01.00,000.00,1.00
0468,+020.00,+00.00,01.00,000.00,1.00
0469,+020.00,+00.00,01.00,000.00,1.00
0470,+020.00,+00.00,01.00,000.00,1.00
0471,+020.00,+00.00,01.00,000.00,1.00
0472,+020.00,+00.00,01.00,000.00,1.00
0473,+020.00,+00.00,01.00,000.00,1.00
0474,+020.00,+00.00,01.00,000.00,1.00
0475,+020.00,+00.00,01.00,000.00,1.00
0476,+020.00,+00.00,01.00,000.00,1.00
0477,+020.00,+00.00,01.00,000.00,1.00
0478,+020.00,+00.00,01.00,000.00,1.00
0479,+020.00,+00.00,01.00,000.00,1.00
0480,+020.00,+00.00,01.00,000.00,1.00
0481,+020.00,+00.00,01.00,000.00,1.00
0482,+020.00,+00.00,01.00,000.00,1.00
0483,+020.00,+00.00,01.00,000.00,1.00
0484,+020.00,+00.00,01.00,000.00,1.00
0485,+020.00,+00.00,01.00,000.00,1.00
0486,+020.00,+00.00,01.00,000.00,1.00
0487,+020.00,+00.00,01.00,000.00,1.00
0488,+020.00,+00.00,01.00,000.00,1.00
0489,+020.00,+00.00,01.00,000.00,1.00
0490,+020.00,+00.00,01.00,000.00,1.00
0491,+020.00,+00.00,01.00,000.00,1.00
0492,+020.00,+00.00,01.00,000.00,1.00
0493,+020.00,+00.00,01.00,000.00,1.00
0494,+020.00,+00.00,01.00,000.00,1.00
0495,+020.00,+00.00,01.00,000.00,1.00
0496,+020.00,+00.00,01.00,000.00,1.00
0497,+020.00,+00.00,01.00,000.00,1.00
0498,+020.00,+00.00,01.00,000.00,1.00
0499,+020.00,+00.00,01.00,000.00,1.00
0500,+020.00,+00.00,01.00,000.00,1.00
0501,+020.00,+00.00,01.00,000.00,1.00
0502,+020.00,+00.00,01.00,000.00,1.00
0503,+020.00,+00.00,01.00,000.00,1.00
0504,+020.00,+00.00,01.00,000.00,1.00
0505,+020.00,+00.00,01.00,000.00,1.00
0506,+020.00,+00.00,01.00,000.00,1.00
0507,+020.00,+00.00,01.00,000.00,1.00
0508,+020.00,+00.00,01.00,000.00,1.00
0509,+020.00,+00.00,01.00,000.00,1.00
0510,+020.00,+00.00,01.00,000.00,1.00
0511,+020.00,+00.00,01.00,000.00,1.00
0512,+020.00,+00.00,01.00,000.00,1.00
0513,+020.00,+00.00,01.00,000.00,1.00
0514,+020.00,+00.00,01.00,000.00,1.00
0515,+020.00,+00.00,01.00,000.00,1.00
0516,+020.00,+00.00,01.00,000.00,1.00
0517,+020.00,+00.00,01.00,000.00,1.00
0518,+020.00,+00.00,01.00,000.00,1.00
0519,+020.00,+00.00,01.00,000.00,1.00
0520,+020.00,+00.00,01.00,000.00,1.00
0521,+020.00,+00.00,01.00,000.00,1.00
0522,+020.00,+00.00,01.00,000.00,1.00
0523,+020.00,+00.00,01.00,000.00,1.00
0524,+020.00,+00.00,01.00,000.00,1.00
0525,+020.00,+00.00,01.00,000.00,1.00
0526,+020.00,+00.00,01.00,000.00,1.00
0527,+020.00,+00.00,01.00,000.00,1.00
0528,+020.00,+00.00,01.00,000.00,1.00
0529,+020.00,+00.00,01.00,000.00,1.00
0530,+020.00,+00.00,01.00,000.00,1.00
0531,+020.00,+00.00,01.00,000.00,1.00
0532,+020.00,+00.00,01.00,000.00,1.00
0533,+020.00,+00.00,01.00,000.00,1.00
0534,+020.00,+00.00,01.00,000.00,1.00
0535,+020.00,+00.00,01.00,000.00,1.00
0536,+020.00,+00.00,01.00,000.00,1.00
0537,+020.00,+00.00,01.00,000.00,1.00
0538,+020.00,+00.00,01.00,000.00,1.00
0539,+020.00,+00.00,01.00,000.00,1.00
0540,+020.00,+00.00,01.00,000.00,1.00
0541,+020.00,+00.00,01.00,000.00,1.00
0542,+020.00,+00.00,01.00,000.00,1.00
0543,+020.00,+00.00,01.00,000.00,1.00
0544,+020.00,+00.00,01.00,000.00,1.00
0545,+020.00,+00.00,01.00,000.00,1.00
0546,+020.00,+00.00,01.00,000.00,1.00
0547,+020.00,+00.00,01.00,000.00,1.00
0548,+020.00,+00.00,01.00,000.00,1.00
0549,+020.00,+00.00,01.00,000.00,1.00
0550,+020.00,+00.00,01.00,000.00,1.00
0551,+020.00,+00.00,01.00,000.00,1.00
0552,+020.00,+00.00,01.00,000.00,1.00
0553,+020.00,+00.00,01.00,000.00,1.00
0554,+020.00,+00.00,01.00,000.00,1.00
0555,+020.00,+00.00,01.00,000.00,1.00
0556,+020.00,+00.00,01.00,000.00,1.00
0557,+020.00,+00.00,01.00,000.00,1.00
0558,+020.00,+00.00,01.00,000.00,1.00
0559,+020.00,+00.00,01.00,000.00,1.00
0560,+020.00,+00.00,01.00,000.00,1.00
0561,+020.00,+00.00,01.00,000.00,1.00
0562,+020.00,+00.00,01.00,000.00,1.00
0563,+020.00,+00.00,01.00,000.00,1.00
0564,+020.00,+00.00,01.00,000.00,1.00
0565,+020.00,+00.00,01.00,000.00,1.00
0566,+020.00,+00.00,01.00,000.00,1.00
0567,+020.00,+00.00,01.00,000.00,1.00
0568,+020.00,+00.00,01.00,000.00,1.00
0569,+020.00,+00.00,01.00,000.00,1.00
0570,+020.00,+00.00,01.00,000.00,1.00
0571,+020.00,+00.00,01.00,000.00,1.00
0572,+020.00,+00.00,01.00,000.00,1.00
0573,+020.00,+00.00,01.00,000.00,1.00
0574,+020.00,+00.00,01.00,000.00,1.00
0575,+020.00,+00.00,01.00,000.00,1.00
0576,+020.00,+00.00,01.00,000.00,1.00
0577,+020.00,+00.00,01.00,000.00,1.00
0578,+020.00,+00.00,01.00,000.00,1.00
0579,+020.00,+00.00,01.00,000.00,1.00
0580,+020.00,+00.00,01.00,000.00,1.00
0581,+020.00,+00.00,01.00,000.00,1.00
0582,+020.00,+00.00,01.00,000.00,1.00
0583,+020.00,+00.00,01.00,000.00,1.00
0584,+020.00,+00.00,01.00,000.00,1.00
0585,+020.00,+00.00,01.00,000.00,1.00
0586,+020.00,+00.00,01.00,000.00,1.00
0587,+020.00,+00.00,01.00,000.00,1.00
0588,+020.00,+00.00,01.00,000.00,1.00
0589,+020.00,+00.00,01.00,000.00,1.00
0590,+020.00,+00.00,01.00,000.00,1.00
0591,+020.00,+00.00,01.00,000.00,1.00
0592,+020.00,+00.00,01.00,000.00,1.00
0593,+020.00,+00.00,01.00,000.00,1.00
0594,+020.00,+00.00,01.00,000.00,1.00
0595,+020.00,+00.00,01.00,000.00,1.00
0596,+020.00,+00.00,01.00,000.00,1.00
0597,+020.00,+00.00,01.00,000.00,1.00
0598,+020.00,+00.00,01.00,000.00,1.00
0599,+020.00,+00.00,01.00,000.00,1.00
0600,+020.00,+00.00,01.00,000.00,1.00
0601,+020.00,+00.00,01.00,000.00,1.00
0602,+020.00,+00.00,01.00,000.00,1.00
0603,+020.00,+00.00,01.00,000.00,1.00
0604,+020.00,+00.00,01.00,000.00,1.00
0605,+020.00,+00.00,01.00,000.00,1.00
0606,+020.00,+00.00,01.00,000.00,1.00
0607,+020.00,+00.00,01.00,000.00,1.00
0608,+020.00,+00.00,01.00,000.00,1.00
0609,+020.00,+00.00,01.00,000.00,1.00
0610,+020.00,+00.00,01.00,000.00,1.00
0611,+020.00,+00.00,01.00,000.00,1.00
0612,+020.00,+00.00,01.00,000.00,1.00
0613,+020.00,+00.00,01.00,000.00,1.00
0614,+020.00,+00.00,01.00,000.00,1.00
0615,+020.00,+00.00,01.00,000.00,1.00
0616,+020.00,+00.00,01.00,000.00,1.00
0617,+020.00,+00.00,01.00,000.00,1.00
0618,+020.00,+00.00,01.00,000.00,1.00
0619,+020.00,+00.00,01.00,000.00,1.00
0620,+020.00,+00.00,01.00,000.00,1.00
0621,+020.00,+00.00,01.00,000.00,1.00
0622,+020.00,+00.00,01.00,000.00,1.00
0623,+020.00,+00.00,01.00,000.00,1.00
0624,+020.00,+00.00,01.00,000.00,1.00
0625,+020.00,+00.00,01.00,000.00,1.00
0626,+020.00,+00.00,01.00,000.00,1.00
0627,+020.00,+00.00,01.00,000.00,1.00
0628,+020.00,+00.00,01.00,000.00,1.00
0629,+020.00,+00.00,01.00,000.00,1.00
0630,+020.00,+00.00,01.00,000.00,1.00
0631,+020.00,+00.00,01.00,000.00,1.00
0632,+020.00,+00.00,01.00,000.00,1.00
0633,+020.00,+00.00,01.00,000.00,1.00
0634,+020.00,+00.00,01.00,000.00,1.00
0635,+020.00,+00.00,01.00,000.00,1.00
0636,+020.00,+00.00,01.00,000.00,1.00
0637,+020.00,+00.00,01.00,000.00,1.00
0638,+020.00,+00.00,01.00,000.00,1.00
0639,+020.00,+00.00,01.00,000.00,1.00
0640,+020.00,+00.00,01.00,000.00,1.00
0641,+020.00,+00.00,01.00,000.00,1.00
0642,+020.00,+00.00,01.00,000.00,1.00
0643,+020.00,+00.00,01.00,000.00,1.00
0644,+020.00,+00.00,01.00,000.00,1.00
0645,+020.00,+00.00,01.00,000.00,1.00
0646,+020.00,+00.00,01.00,000.00,1.00
0647,+020.00,+00.00,01.00,000.00,1.00
0648,+020.00,+00.00,01.00,000.00,1.00
0649,+020.00,+00.00,01.00,000.00,1.00
0650,+020.00,+00.00,01.00,000.00,1.00
0651,+020.00,+00.00,01.00,000.00,1.00
0652,+020.00,+00.00,01.00,000.00,1.00
0653,+020.00,+00.00,01.00,000.00,1.00
0654,+020.00,+00.00,01.00,000.00,1.00
0655,+020.00,+00.00,01.00,000.00,1.00
0656,+020.00,+00.00,01.00,000.00,1.00
0657,+020.00,+00.00,01.00,000.00,1.00
0658,+020.00,+00.00,01.00,000.00,1.00
0659,+020.00,+00.00,01.00,000.00,1.00
0660,+020.00,+00.00,01.00,000.00,1.00
0661,+020.00,+00.00,01.00,000.00,1.00
0662,+020.00,+00.00,01.00,000.00,1.00
0663,+020.00,+00.00,01.00,000.00,1.00
0664,+020.00,+00.00,01.00,000.00,1.00
0665,+020.00,+00.00,01.00,000.00,1.00
0666,+020.00,+00.00,01.00,000.00,1.00
0667,+020.00,+00.00,01.00,000.00,1.00
0668,+020.00,+00.00,01.00,000.00,1.00
0669,+020.00,+00.00,01.00,000.00,1.00
0670,+020.00,+00.00,01.00,000.00,1.00
0671,+020.00,+00.00,01.00,000.00,1.00
0672,+020.00,+00.00,01.00,000.00,1.00
0673,+020.00,+00.00,01.00,000.00,1.00
0674,+020.00,+00.00,01.00,000.00,1.00
0675,+020.00,+00.00,01.00,000.00,1.00
0676,+020.00,+00.00,01.00,000.00,1.00
0677,+020.00,+00.00,01.00,000.00,1.00
0678,+020.00,+00.00,01.00,000.00,1.00
0679,+020.00,+00.00,01.00,000.00,1.00
0680,+020.00,+00.00,01.00,000.00,1.00
0681,+020.00,+00.00,01.00,000.00,1.00
0682,+020.00,+00.00,01.00,000.00,1.00
0683,+020.00,+00.00,01.00,000.00,1.00
0684,+020.00,+00.00,01.00,000.00,1.00
0685,+020.00,+00.00,01.00,000.00,1.00
0686,+020.00,+00.00,01.00,000.00,1.00
0687,+020.00,+00.00,01.00,000.00,1.00
0688,+020.00,+00.00,01.00,000.00,1.00
0689,+020.00,+00.00,01.00,000.00,1.00
0690,+020.00,+00.00,01.00,000.00,1.00
0691,+020.00,+00.00,01.00,000.00,1.00
0692,+020.00,+00.00,01.00,000.00,1.00
0693,+020.00,+00.00,01.00,000.00,1.00
0694,+020.00,+00.00,01.00,000.00,1.00
0695,+020.00,+00.00,01.00,000.00,1.00
0696,+020.00,+00.00,01.00,000.00,1.00
0697,+020.00,+00.00,01.00,000.00,1.00
0698,+020.00,+00.00,01.00,000.00,1.00
0699,+020.00,+00.00,01.00,000.00,1.00
0700,+020.00,+00.00,01.00,000.00,1.00
0701,+020.00,+00.00,01.00,000.00,1.00
0702,+020.00,+00.00,01.00,000.00,1.00
0703,+020.00,+00.00,01.00,000.00,1.00
0704,+020.00,+00.00,01.00,000.00,1.00
0705,+020.00,+00.00,01.00,000.00,1.00
0706,+020.00,+00.00,01.00,000.00,1.00
0707,+020.00,+00.00,01.00,000.00,1.00
0708,+020.00,+00.00,01.00,000.00,1.00
0709,+020.00,+00.00,01.00,000.00,1.00
0710,+020.00,+00.00,01.00,000.00,1.00
0711,+020.00,+00.00,01.00,000.00,1.00
0712,+020.00,+00.00,01.00,000.00,1.00
0713,+020.00,+00.00,01.00,000.00,1.00
0714,+020.00,+00.00,01.00,000.00,1.00
0715,+020.00,+00.00,01.00,000.00,1.00
0716,+020.00,+00.00,01.00,000.00,1.00
0717,+020.00,+00.00,01.00,000.00,1.00
0718,+020.00,+00.00,01.00,000.00,1.00
0719,+020.00,+00.00,01.00,000.00,1.00
0720,+020.00,+00.00,01.00,000.00,1.00
0721,+020.00,+00.00,01.00,000.00,1.00
0722,+020.00,+00.00,01.00,000.00,1.00
0723,+020.00,+00.00,01.00,000.00,1.00
0724,+020.00,+00.00,01.00,000.00,1.00
0725,+020.00,+00.00,01.00,000.00,1.00
0726,+020.00,+00.00,01.00,000.00,1.00
0727,+020.00,+00.00,01.00,000.00,1.00
0728,+020.00,+00.00,01.00,000.00,1.00
0729,+020.00,+00.00,01.00,000.00,1.00
0730,+020.00,+00.00,01.00,000.00,1.00
0731,+020.00,+00.00,01.00,000.00,1.00
0732,+020.00,+00.00,01.00,000.00,1.00
0733,+020.00,+00.00,01.00,000.00,1.00
0734,+020.00,+00.00,01.00,000.00,1.00
0735,+020.00,+00.00,01.00,000.00,1.00
0736,+020.00,+00.00,01.00,000.00,1.00
0737,+020.00,+00.00,01.00,000.00,1.00
0738,+020.00,+00.00,01.00,000.00,1.00
0739,+020.00,+00.00,01.00,000.00,1.00
0740,+020.00,+00.00,01.00,000.00,1.00
0741,+020.00,+00.00,01.00,000.00,1.00
0742,+020.00,+00.00,01.00,000.00,1.00
0743,+020.00,+00.00,01.00,000.00,1.00
0744,+020.00,+00.00,01.00,000.00,1.00
0745,+020.00,+00.00,01.00,000.00,1.00
0746,+020.00,+00.00,01.00,000.00,1.00
0747,+020.00,+00.00,01.00,000.00,1.00
0748,+020.00,+00.00,01.00,000.00,1.00
0749,+020.00,+00.00,01.00,000.00,1.00
0750,+020.00,+00.00,01.00,000.00,1.00
0751,+020.00,+00.00,01.00,000.00,1.00
0752,+020.00,+00.00,01.00,000.00,1.00
0753,+020.00,+00.00,01.00,000.00,1.00
0754,+020.00,+00.00,01.00,000.00,1.00
0755,+020.00,+00.00,01.00,000.00,1.00
0756,+020.00,+00.00,01.00,000.00,1.00
0757,+020.00,+00.00,01.00,000.00,1.00
0758,+020.00,+00.00,01.00,000.00,1.00
0759,+020.00,+00.00,01.00,000.00,1.00
0760,+020.00,+00.00,01.00,000.00,1.00
0761,+020.00,+00.00,01.00,000.00,1.00
0762,+020.00,+00.00,01.00,000.00,1.00
0763,+020.00,+00.00,01.00,000.00,1.00
0764,+020.00,+00.00,01.00,000.00,1.00
0765,+020.00,+00.00,01.00,000.00,1.00
0766,+020.00,+00.00,01.00,000.00,1.00
0767,+020.00,+00.00,01.00,000.00,1.00
0768,+020.00,+00.00,01.00,000.00,1.00
0769,+020.00,+00.00,01.00,000.00,1.00
0770,+020.00,+00.00,01.00,000.00,1.00
0771,+020.00,+00.00,01.00,000.00,1.00
0772,+020.00,+00.00,01.00,000.00,1.00
0773,+020.00,+00.00,01.00,000.00,1.00
0774,+020.00,+00.00,01.00,000.00,1.00
0775,+020.00,+00.00,01.00,000.00,1.00
0776,+020.00,+00.00,01.00,000.00,1.00
0777,+020.00,+00.00,01.00,000.00,1.00
0778,+020.00,+00.00,01.00,000.00,1.00
0779,+020.00,+00.00,01.00,000.00,1.00
0780,+020.00,+00.00,01.00,000.00,1.00
0781,+020.00,+00.00,01.00,000.00,1.00
0782,+020.00,+00.00,01.00,000.00,1.00
0783,+020.00,+00.00,01.00,000.00,1.00
0784,+020.00,+00.00,01.00,000.00,1.00
0785,+020.00,+00.00,01.00,000.00,1.00
0786,+020.00,+00.00,01.00,000.00,1.00
0787,+020.00,+00.00,01.00,000.00,1.00
0788,+020.00,+00.00,01.00,000.00,1.00
0789,+020.00,+00.00,01.00,000.00,1.00
0790,+020.00,+00.00,01.00,000.00,1.00
0791,+020.00,+00.00,01.00,000.00,1.00
0792,+020.00,+00.00,01.00,000.00,1.00
0793,+020.00,+00.00,01.00,000.00,1.00
0794,+020.00,+00.00,01.00,000.00,1.00
0795,+020.00,+00.00,01.00,000.00,1.00
0796,+020.00,+00.00,01.00,000.00,1.00
0797,+020.00,+00.00,01.00,000.00,1.00
0798,+020.00,+00.00,01.00,000.00,1.00
0799,+020.00,+00.00,01.00,000.00,1.00
0800,+020.00,+00.00,01.00,000.00,1.00
0801,+020.00,+00.00,01.00,000.00,1.00
0802,+020.00,+00.00,01.00,000.00,1.00
0803,+020.00,+00.00,01.00,000.00,1.00
0804,+020.00,+00.00,01.00,000.00,1.00
0805,+020.00,+00.00,01.00,000.00,1.00
0806,+020.00,+00.00,01.00,000.00,1.00
0807,+020.00,+00.00,01.00,000.00,1.00
0808,+020.00,+00.00,01.00,000.00,1.00
0809,+020.00,+00.00,01.00,000.00,1.00
0810,+020.00,+00.00,01.00,000.00,1.00
0811,+020.00,+00.00,01.00,000.00,1.00
0812,+020.00,+00.00,01.00,000.00,1.00
0813,+020.00,+00.00,01.00,000.00,1.00
0814,+020.00,+00.00,01.00,000.00,1.00
0815,+020.00,+00.00,01.00,000.00,1.00
0816,+020.00,+00.00,01.00,000.00,1.00
0817,+020.00,+00.00,01.00,000.00,1.00
0818,+020.00,+00.00,01.00,000.00,1.00
0819,+020.00,+00.00,01.00,000.00,1.00
0820,+020.00,+00.00,01.00,000.00,1.00
0821,+020.00,+00.00,01.00,000.00,1.00
0822,+020.00,+00.00,01.00,000.00,1.00
0823,+020.00,+00.00,01.00,000.00,1.00
0824,+020.00,+00.00,01.00,000.00,1.00
0825,+020.00,+00.00,01.00,000.00,1.00
0826,+020.00,+00.00,01.00,000.00,1.00
0827,+020.00,+00.00,01.00,000.00,1.00
0828,+020.00,+00.00,01.00,000.00,1.00
0829,+020.00,+00.00,01.00,000.00,1.00
0830,+020.00,+00.00,01.00,000.00,1.00
0831,+020.00,+00.00,01.00,000.00,1.00
0832,+020.00,+00.00,01.00,000.00,1.00
0833,+020.00,+00.00,01.00,000.00,1.00
0834,+020.00,+00.00,01.00,000.00,1.00
0835,+020.00,+00.00,01.00,000.00,1.00
0836,+020.00,+00.00,01.00,000.00,1.00
0837,+020.00,+00.00,01.00,000.00,1.00
0838,+020.00,+00.00,01.00,000.00,1.00
0839,+020.00,+00.00,01.00,000.00,1.00
0840,+020.00,+00.00,01.00,000.00,1.00
0841,+020.00,+00.00,01.00,000.00,1.00
0842,+020.00,+00.00,01.00,000.00,1.00
0843,+020.00,+00.00,01.00,000.00,1.00
0844,+020.00,+00.00,01.00,000.00,1.00
0845,+020.00,+00.00,01.00,000.00,1.00
0846,+020.00,+00.00,01.00,000.00,1.00
0847,+020.00,+00.00,01.00,000.00,1.00
0848,+020.00,+00.00,01.00,000.00,1.00
0849,+020.00,+00.00,01.00,000.00,1.00
0850,+020.00,+00.00,01.00,000.00,1.00
0851,+020.00,+00.00,01.00,000.00,1.00
0852,+020.00,+00.00,01.00,000.00,1.00
0853,+020.00,+00.00,01.00,000.00,1.00
0854,+020.00,+00.00,01.00,000.00,1.00
0855,+020.00,+00.00,01.00,000.00,1.00
0856,+020.00,+00.00,01.00,000.00,1.00
0857,+020.00,+00.00,01.00,000.00,1.00
0858,+020.00,+00.00,01.00,000.00,1.00
0859,+020.00,+00.00,01.00,000.00,1.00
0860,+020.00,+00.00,01.00,000.00,1.00
0861,+020.00,+00.00,01.00,000.00,1.00
0862,+020.00,+00.00,01.00,000.00,1.00
0863,+020.00,+00.00,01.00,000.00,1.00
0864,+020.00,+00.00,01.00,000.00,1.00
0865,+020.00,+00.00,01.00,000.00,1.00
0866,+020.00,+00.00,01.00,000.00,1.00
0867,+020.00,+00.00,01.00,000.00,1.00
0868,+020.00,+00.00,01.00,000.00,1.00
0869,+020.00,+00.00,01.00,000.00,1.00
0870,+020.00,+00.00,01.00,000.00,1.00
0871,+020.00,+00.00,01.00,000.00,1.00
0872,+020.00,+00.00,01.00,000.00,1.00
0873,+020.00,+00.00,01.00,000.00,1.00
0874,+020.00,+00.00,01.00,000.00,1.00
0875,+020.00,+00.00,01.00,000.00,1.00
0876,+020.00,+00.00,01.00,000.00,1.00
0877,+020.00,+00.00,01.00,000.00,1.00
0878,+020.00,+00.00,01.00,000.00,1.00
0879,+020.00,+00.00,01.00,000.00,1.00
0880,+020.00,+00.00,01.00,000.00,1.00
0881,+020.00,+00.00,01.00,000.00,1.00
0882,+020.00,+00.00,01.00,000.00,1.00
0883,+020.00,+00.00,01.00,000.00,1.00
0884,+020.00,+00.00,01.00,000.00,1.00
0885,+020.00,+00.00,01.00,000.00,1.00
0886,+020.00,+00.00,01.00,000.00,1.00
0887,+020.00,+00.00,01.00,000.00,1.00
0888,+020.00,+00.00,01.00,000.00,1.00
0889,+020.00,+00.00,01.00,000.00,1.00
0890,+020.00,+00.00,01.00,000.00,1.00
0891,+020.00,+00.00,01.00,000.00,1.00
0892,+020.00,+00.00,01.00,000.00,1.00
0893,+020.00,+00.00,01.00,000.00,1.00
0894,+020.00,+00.00,01.00,000.00,1.00
0895,+020.00,+00.00,01.00,000.00,1.00
0896,+020.00,+00.00,01.00,000.00,1.00
0897,+020.00,+00.00,01.00,000.00,1.00
0898,+020.00,+00.00,01.00,000.00,1.00
0899,+020.00,+00.00,01.00,000.00,1.00
0900,+020.00,+00.00,01.00,000.00,1.00
0901,+020.00,+00.00,01.00,000.00,1.00
0902,+020.00,+00.00,01.00,000.00,1.00
0903,+020.00,+00.00,01.00,000.00,1.00
0904,+020.00,+00.00,01.00,000.00,1.00
0905,+020.00,+00.00,01.00,000.00,1.00
0906,+020.00,+00.00,01.00,000.00,1.00
0907,+020.00,+00.00,01.00,000.00,1.00
0908,+020.00,+00.00,01.00,000.00,1.00
0909,+020.00,+00.00,01.00,000.00,1.00
0910,+020.00,+00.00,01.00,000.00,1.00
0911,+020.00,+00.00,01.00,000.00,1.00
0912,+020.00,+00.00,01.00,000.00,1.00
0913,+020.00,+00.00,01.00,000.00,1.00
0914,+020.00,+00.00,01.00,000.00,1.00
0915,+020.00,+00.00,01.00,000.00,1.00
0916,+020.00,+00.00,01.00,000.00,1.00
0917,+020.00,+00.00,01.00,000.00,1.00
0918,+020.00,+00.00,01.00,000.00,1.00
0919,+020.00,+00.00,01.00,000.00,1.00
0920,+020.00,+00.00,01.00,000.00,1.00
0921,+020.00,+00.00,01.00,000.00,1.00
0922,+020.00,+00.00,01.00,000.00,1.00
0923,+020.00,+00.00,01.00,000.00,1.00
0924,+020.00,+00.00,01.00,000.00,1.00
0925,+020.00,+00.00,01.00,000.00,1.00
0926,+020.00,+00.00,01.00,000.00,1.00
0927,+020.00,+00.00,01.00,000.00,1.00
0928,+020.00,+00.00,01.00,000.00,1.00
0929,+020.00,+00.00,01.00,000.00,1.00
0930,+020.00,+00.00,01.00,000.00,1.00
0931,+020.00,+00.00,01.00,000.00,1.00
0932,+020.00,+00.00,01.00,000.00,1.00
0933,+020.00,+00.00,01.00,000.00,1.00
0934,+020.00,+00.00,01.00,000.00,1.00
0935,+020.00,+00.00,01.00,000.00,1.00
0936,+020.00,+00.00,01.00,000.00,1.00
0937,+020.00,+00.00,01.00,000.00,1.00
0938,+020.00,+00.00,01.00,000.00,1.00
0939,+020.00,+00.00,01.00,000.00,1.00
0940,+020.00,+00.00,01.00,000.00,1.00
0941,+020.00,+00.00,01.00,000.00,1.00
0942,+020.00,+00.00,01.00,000.00,1.00
0943,+020.00,+00.00,01.00,000.00,1.00
0944,+020.00,+00.00,01.00,000.00,1.00
0945,+020.00,+00.00,01.00,000.00,1.00
0946,+020.00,+00.00,01.00,000.00,1.00
0947,+020.00,+00.00,01.00,000.00,1.00
0948,+020.00,+00.00,01.00,000.00,1.00
0949,+020.00,+00.00,01.00,000.00,1.00
0950,+020.00,+00.00,01.00,000.00,1.00
0951,+020.00,+00.00,01.00,000.00,1.00
0952,+020.00,+00.00,01.00,000.00,1.00
0953,+020.00,+00.00,01.00,000.00,1.00
0954,+020.00,+00.00,01.00,000.00,1.00
0955,+020.00,+00.00,01.00,000.00,1.00
0956,+020.00,+00.00,01.00,000.00,1.00
0957,+020.00,+00.00,01.00,000.00,1.00
0958,+020.00,+00.00,01.00,000.00,1.00
0959,+020.00,+00.00,01.00,000.00,1.00
0960,+020.00,+00.00,01.00,000.00,1.00
0961,+020.00,+00.00,01.00,000.00,1.00
0962,+020.00,+00.00,01.00,000.00,1.00
0963,+020.00,+00.00,01.00,000.00,1.00
0964,+020.00,+00.00,01.00,000.00,1.00
0965,+020.00,+00.00,01.00,000.00,1.00
0966,+020.00,+00.00,01.00,000.00,1.00
0967,+020.00,+00.00,01.00,000.00,1.00
0968,+020.00,+00.00,01.00,000.00,1.00
0969,+020.00,+00.00,01.00,000.00,1.00
0970,+020.00,+00.00,01.00,000.00,1.00
0971,+020.00,+00.00,01.00,000.00,1.00
0972,+020.00,+00.00,01.00,000.00,1.00
0973,+020.00,+00.00,01.00,000.00,1.00
0974,+020.00,+00.00,01.00,000.00,1.00
0975,+020.00,+00.00,01.00,000.00,1.00
0976,+020.00,+00.00,01.00,000.00,1.00
0977,+020.00,+00.00,01.00,000.00,1.00
0978,+020.00,+00.00,01.00,000.00,1.00
0979,+020.00,+00.00,01.00,000.00,1.00
0980,+020.00,+00.00,01.00,000.00,1.00
0981,+020.00,+00.00,01.00,000.00,1.00
0982,+020.00,+00.00,01.00,000.00,1.00
0983,+020.00,+00.00,01.00,000.00,1.00
0984,+020.00,+00.00,01.00,000.00,1.00
0985,+020.00,+00.00,01.00,000.00,1.00
0986,+020.00,+00.00,01.00,000.00,1.00
0987,+020.00,+00.00,01.00,000.00,1.00
0988,+020.00,+00.00,01.00,000.00,1.00
0989,+020.00,+00.00,01.00,000.00,1.00
0990,+020.00,+00.00,01.00,000.00,1.00
0991,+020.00,+00.00,01.00,000.00,1.00
0992,+020.00,+00.00,01.00,000.00,1.00
0993,+020.00,+00.00,01.00,000.00,1.00
0994,+020.00,+00.00,01.00,000.00,1.00
0995,+020.00,+00.00,01.00,000.00,1.00
0996,+020.00,+00.00,01.00,000.00,1.00
0997,+020.00,+00.00,01.00,000.00,1.00
0998,+020.00,+00.00,01.00,000.00,1.00
0999,+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00
+020.00,+00.00,01.00,000.00,1.00