diff --git a/docs/user-guide/loading-data/index.md b/docs/user-guide/loading-data/index.md index f79e9cc7a..0bbc6575d 100644 --- a/docs/user-guide/loading-data/index.md +++ b/docs/user-guide/loading-data/index.md @@ -24,6 +24,7 @@ Below is an overview of all currently supported providers, along with links to d | [Metrica](metrica.ipynb) | :material-minus: | :material-check: | :material-minus: | [:material-eye:](https://github.com/metrica-sports/sample-data) | | [PFF FC](pff.ipynb) | :material-minus: | :material-check: | :material-minus: | [:material-eye:](https://drive.google.com/drive/u/0/folders/1_a_q1e9CXeEPJ3GdCv_3-rNO3gPqacfa) | | [SecondSpectrum](secondspectrum.ipynb) | [:material-progress-wrench:](https://github.com/PySport/kloppy/pull/437) | :material-check: | :material-minus: | +| [SciSports (EPTS)](scisports.ipynb) | :material-minus: | :material-check: | :material-minus: | | | [Signality](signality.ipynb) | :material-minus: | :material-check: | :material-minus: | | | [SkillCorner](skillcorner.ipynb) | :material-minus: | :material-check: | :material-minus: | [:material-eye:](https://github.com/SkillCorner/opendata) | | [Sportec](sportec.ipynb) | :material-check: | :material-check: | :material-minus: | [:material-eye:](https://www.nature.com/articles/s41597-025-04505-y) | diff --git a/docs/user-guide/loading-data/scisports.ipynb b/docs/user-guide/loading-data/scisports.ipynb new file mode 100644 index 000000000..bf0eaf9a2 --- /dev/null +++ b/docs/user-guide/loading-data/scisports.ipynb @@ -0,0 +1,46 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# SciSports EPTS Tracking\n", + "\n", + "This guide shows how to load SciSports EPTS tracking data in Kloppy.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from kloppy import scisports\n", + "\n", + "# Replace with your paths\n", + "meta = \"./FIFA metadata.xml\"\n", + "raw = \"./FIFA positions.txt\"\n", + "\n", + "dataset = scisports.load_tracking(meta_data=meta, raw_data=raw, coordinates=\"scisports\")\n", + "dataset\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Options\n", + "- `coordinates`: provider coordinate system (default normalized).\n", + "- `sample_rate`: downsample frames (e.g., 0.5).\n", + "- `limit`: cap number of frames (e.g., 10_000).\n" + ] + } + ], + "metadata": { + "language_info": { + "name": "python" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/kloppy/_providers/scisports.py b/kloppy/_providers/scisports.py new file mode 100644 index 000000000..6a68fd605 --- /dev/null +++ b/kloppy/_providers/scisports.py @@ -0,0 +1,41 @@ +from typing import Optional + +from kloppy.domain import TrackingDataset +from kloppy.io import FileLike, open_as_file + +from kloppy.infra.serializers.tracking.scisports_epts import ( + SciSportsEPTSTrackingDataDeserializer, + SciSportsEPTSTrackingDataInputs, +) + + +def load_tracking_epts( + meta_data: FileLike, + raw_data: FileLike, + sample_rate: Optional[float] = None, + limit: Optional[int] = None, + coordinates: Optional[str] = None, +) -> TrackingDataset: + """Load SciSports EPTS tracking data. + + Args: + meta_data: XML metadata file. + raw_data: positions text file. + sample_rate: Sampling factor. + limit: Max number of frames to parse. + coordinates: Coordinate system to convert to. + + Returns: + The parsed tracking dataset. + """ + deserializer = SciSportsEPTSTrackingDataDeserializer( + sample_rate=sample_rate, limit=limit, coordinate_system=coordinates + ) + with open_as_file(raw_data) as raw_data_fp, open_as_file( + meta_data + ) as meta_data_fp: + return deserializer.deserialize( + inputs=SciSportsEPTSTrackingDataInputs( + raw_data=raw_data_fp, meta_data=meta_data_fp + ) + ) diff --git a/kloppy/domain/models/common.py b/kloppy/domain/models/common.py index e0ab88ce1..65ad63493 100644 --- a/kloppy/domain/models/common.py +++ b/kloppy/domain/models/common.py @@ -127,6 +127,7 @@ class Provider(Enum): SKILLCORNER = "skillcorner" STATSBOMB = "statsbomb" SPORTEC = "sportec" + SCISPORTS = "scisports" WYSCOUT = "wyscout" KLOPPY = "kloppy" DATAFACTORY = "datafactory" @@ -994,6 +995,34 @@ def pitch_dimensions(self) -> PitchDimensions: ) +class SciSportsCoordinateSystem(ProviderCoordinateSystem): + """ + SciSports tracking coordinate system. + """ + + @property + def provider(self) -> Provider: + return Provider.SCISPORTS + + @property + def origin(self) -> Origin: + return Origin.TOP_LEFT + + @property + def vertical_orientation(self) -> VerticalOrientation: + return VerticalOrientation.TOP_TO_BOTTOM + + @property + def pitch_dimensions(self) -> PitchDimensions: + return MetricPitchDimensions( + x_dim=Dimension(0, self._pitch_length), + y_dim=Dimension(0, self._pitch_width), + pitch_length=self._pitch_length, + pitch_width=self._pitch_width, + standardized=False, + ) + + class SportecTrackingDataCoordinateSystem(ProviderCoordinateSystem): """ Sportec tracking data coordinate system. @@ -1390,6 +1419,7 @@ def build_coordinate_system( Provider.HAWKEYE: HawkEyeCoordinateSystem, Provider.SPORTVU: SportVUCoordinateSystem, Provider.SIGNALITY: SignalityCoordinateSystem, + Provider.SCISPORTS: SciSportsCoordinateSystem, } if provider in coordinate_systems: diff --git a/kloppy/domain/services/__init__.py b/kloppy/domain/services/__init__.py index 3ebb2c630..34b52206c 100644 --- a/kloppy/domain/services/__init__.py +++ b/kloppy/domain/services/__init__.py @@ -7,32 +7,31 @@ from .transformers import DatasetTransformer, DatasetTransformerBuilder # NOT YET: from .enrichers import TrackingPossessionEnricher +import math -def avg(items: List[float]) -> float: - if not items: - return 0 - return sum(items) / len(items) +def safe_avg(values): + clean = [v for v in values if v is not None and not math.isnan(v)] + return sum(clean) / len(clean) if clean else float("nan") def attacking_direction_from_frame(frame: Frame) -> AttackingDirection: """This method should only be called for the first frame of a period.""" - avg_x_home = avg( - [ - player_data.coordinates.x - for player, player_data in frame.players_data.items() - if player.team.ground == Ground.HOME - ] + avg_x_home = safe_avg( + player_data.coordinates.x + for player, player_data in frame.players_data.items() + if player.team.ground == Ground.HOME ) - avg_x_away = avg( - [ - player_data.coordinates.x - for player, player_data in frame.players_data.items() - if player.team.ground == Ground.AWAY - ] + avg_x_away = safe_avg( + player_data.coordinates.x + for player, player_data in frame.players_data.items() + if player.team.ground == Ground.AWAY ) - if avg_x_home < avg_x_away: + # return whatever logic you already had + if math.isnan(avg_x_home) or math.isnan(avg_x_away): + return AttackingDirection.NOT_SET + elif avg_x_home < avg_x_away: return AttackingDirection.LTR else: return AttackingDirection.RTL diff --git a/kloppy/infra/serializers/tracking/epts_common.py b/kloppy/infra/serializers/tracking/epts_common.py new file mode 100644 index 000000000..175cbb18b --- /dev/null +++ b/kloppy/infra/serializers/tracking/epts_common.py @@ -0,0 +1,241 @@ +import re +from datetime import timedelta +from typing import Dict, IO, Iterator, List + +from kloppy.domain import ( + BallState, + DatasetTransformer, + Frame, + PlayerData, + Point, + Point3D, +) +from kloppy.domain.services.frame_factory import create_frame + + +def _sanitize(identifier: str) -> str: + return re.sub(r"[^0-9a-zA-Z_]", "_", identifier) + + +def _determine_ball_state(row: Dict) -> BallState: + """Determine ball state from ball channel data.""" + # Check if we have ball alive status (SciSports format) + ball_alive = row.get("ball_alive") + if ball_alive is not None: + # Convert to boolean (1 = alive, 0 = dead) + return BallState.ALIVE if float(ball_alive) == 1.0 else BallState.DEAD + + # Default to alive if no status information is available + return BallState.ALIVE + + +def build_players_data( + row: Dict, metadata, swap_coordinates: bool = False +) -> Dict: + other_sensors = [ + sensor + for sensor in metadata.sensors + if sensor.sensor_id not in ["position", "distance", "speed"] + ] + + players_data: Dict = {} + for team in metadata.teams: + for player in team.players: + safe_player_id = _sanitize(player.player_id) + other_data = {} + for sensor in other_sensors: + safe_channel = _sanitize(sensor.channels[0].channel_id) + player_sensor_field_str = ( + f"player_{safe_player_id}_{safe_channel}" + ) + player_sensor_val = row.get(player_sensor_field_str) + other_data.update({sensor.sensor_id: player_sensor_val}) + + # Get raw coordinates + raw_x = row.get(f"player_{safe_player_id}_x") + raw_y = row.get(f"player_{safe_player_id}_y") + + # Swap coordinates if needed (for SciSports) + if swap_coordinates: + x, y = raw_y, raw_x + else: + x, y = raw_x, raw_y + + players_data[player] = PlayerData( + coordinates=( + Point(x=x, y=y) + if f"player_{safe_player_id}_x" in row + else None + ), + speed=( + row.get(f"player_{safe_player_id}_s") + if f"player_{safe_player_id}_s" in row + else None + ), + distance=( + row.get(f"player_{safe_player_id}_d") + if f"player_{safe_player_id}_d" in row + else None + ), + other_data=other_data, + ) + + return players_data + + +def create_frame_from_row( + row: Dict, + metadata, + transformer: DatasetTransformer, + swap_coordinates: bool = False, +) -> Frame: + timestamp = row["timestamp"] + + period = None + if metadata.periods and row.get("period_id"): + for p in metadata.periods: + if p.id == row["period_id"]: + period = p + break + + players_data = build_players_data(row, metadata, swap_coordinates) + + # Get raw ball coordinates + raw_ball_x = row.get("ball_x") + raw_ball_y = row.get("ball_y") + + # Swap ball coordinates if needed (for SciSports) + if swap_coordinates: + ball_x, ball_y = raw_ball_y, raw_ball_x + else: + ball_x, ball_y = raw_ball_x, raw_ball_y + + # Determine ball state from ball channel data + ball_state = _determine_ball_state(row) + + frame = create_frame( + frame_id=row["frame_id"], + timestamp=timestamp, + ball_owning_team=None, + ball_state=ball_state, + period=period, + players_data=players_data, + other_data={}, + ball_coordinates=Point3D( + x=ball_x, y=ball_y, z=row.get("ball_z_estimate") + ), + ) + + if transformer: + frame = transformer.transform_frame(frame) + + return frame + + +def build_regex( + data_format_specification, + player_channels: List, + sensors: List, +) -> str: + """Build regex pattern for parsing EPTS data format.""" + player_channel_map = { + player_channel.player_channel_id: player_channel + for player_channel in player_channels + if player_channel.channel.sensor in sensors + } + + # Build ball channel map from all sensors that have ball data + ball_channel_map = {} + for sensor in sensors: + if sensor.sensor_id in ["position", "height-estimator", "state"]: + for channel in sensor.channels: + ball_channel_map[channel.channel_id] = channel + + return data_format_specification.to_regex( + player_channel_map=player_channel_map, + ball_channel_map=ball_channel_map, + ) + + +def read_raw_data( + raw_data: IO[bytes], + metadata, + sensor_ids: List[str] = None, + sample_rate: float = 1.0, + limit: int = 0, +) -> Iterator[dict]: + """Read and parse EPTS tracking data from raw file.""" + sensors = [ + sensor + for sensor in metadata.sensors + if sensor_ids is None or sensor.sensor_id in sensor_ids + ] + + data_specs = metadata.data_format_specifications + + current_data_spec_idx = 0 + end_frame_id = 0 + regex = None + frame_name = "frameCount" + + def _set_current_data_spec(idx): + nonlocal current_data_spec_idx, end_frame_id, regex, frame_name + current_data_spec_idx = idx + regex_str = build_regex( + data_specs[current_data_spec_idx], + metadata.player_channels, + sensors, + ) + + end_frame_id = data_specs[current_data_spec_idx].end_frame + regex = re.compile(regex_str) + frame_name = ( + data_specs[current_data_spec_idx].split_register.children[0].name + ) + + _set_current_data_spec(0) + + periods = metadata.periods + n = 0 + sample = 1.0 / sample_rate + + for i, line in enumerate(raw_data): + if i % sample != 0: + continue + + def to_float(v): + return float(v) if v else float("nan") + + line = line.strip().decode("ascii") + row = { + k: to_float(v) for k, v in regex.search(line).groupdict().items() + } + frame_id = int(row[frame_name]) + if frame_id <= end_frame_id: + timestamp = timedelta(seconds=frame_id / metadata.frame_rate) + + del row[frame_name] + row["frame_id"] = frame_id + row["timestamp"] = timestamp + + # Reset timestamp per period + row["period_id"] = None + for period in periods: + if period.start_timestamp <= timestamp <= period.end_timestamp: + row["period_id"] = period.id + row["timestamp"] -= period.start_timestamp + break + + yield row + + n += 1 + if limit and n >= limit: + break + + if frame_id >= end_frame_id: + if current_data_spec_idx == len(data_specs) - 1: + # don't know how to parse the rest of the file... + break + else: + current_data_spec_idx += 1 + _set_current_data_spec(current_data_spec_idx) diff --git a/kloppy/infra/serializers/tracking/metrica_epts/deserializer.py b/kloppy/infra/serializers/tracking/metrica_epts/deserializer.py index 2fc26cbdc..86f4705ad 100644 --- a/kloppy/infra/serializers/tracking/metrica_epts/deserializer.py +++ b/kloppy/infra/serializers/tracking/metrica_epts/deserializer.py @@ -4,19 +4,14 @@ from kloppy.domain import ( TrackingDataset, - Frame, - Point, - Point3D, Provider, - PlayerData, DatasetTransformer, ) -from kloppy.domain.services.frame_factory import create_frame from kloppy.utils import performance_logging from .metadata import load_metadata, EPTSMetadata -from .reader import read_raw_data from ..deserializer import TrackingDataDeserializer +from ..epts_common import create_frame_from_row, read_raw_data logger = logging.getLogger(__name__) @@ -36,67 +31,8 @@ def provider(self) -> Provider: @staticmethod def _frame_from_row( row: dict, metadata: EPTSMetadata, transformer: DatasetTransformer - ) -> Frame: - timestamp = row["timestamp"] - if metadata.periods and row["period_id"]: - # might want to search for it instead - period = metadata.periods[row["period_id"] - 1] - else: - period = None - - other_sensors = [] - for sensor in metadata.sensors: - if sensor.sensor_id not in ["position", "distance", "speed"]: - other_sensors.append(sensor) - - players_data = {} - for team in metadata.teams: - for player in team.players: - other_data = {} - for sensor in other_sensors: - player_sensor_field_str = f"player_{player.player_id}_{sensor.channels[0].channel_id}" - player_sensor_val = row.get(player_sensor_field_str) - other_data.update({sensor.sensor_id: player_sensor_val}) - - players_data[player] = PlayerData( - coordinates=( - Point( - x=row[f"player_{player.player_id}_x"], - y=row[f"player_{player.player_id}_y"], - ) - if f"player_{player.player_id}_x" in row - else None - ), - speed=( - row[f"player_{player.player_id}_s"] - if f"player_{player.player_id}_s" in row - else None - ), - distance=( - row[f"player_{player.player_id}_d"] - if f"player_{player.player_id}_d" in row - else None - ), - other_data=other_data, - ) - - frame = create_frame( - frame_id=row["frame_id"], - timestamp=timestamp, - ball_owning_team=None, - ball_state=None, - period=period, - players_data=players_data, - other_data={}, - ball_coordinates=Point3D( - x=row["ball_x"], y=row["ball_y"], z=row.get("ball_z") - ), - ) - - if transformer: - frame = transformer.transform_frame(frame) - - return frame + ): + return create_frame_from_row(row, metadata, transformer) def deserialize( self, inputs: MetricaEPTSTrackingDataInputs diff --git a/kloppy/infra/serializers/tracking/metrica_epts/models.py b/kloppy/infra/serializers/tracking/metrica_epts/models.py index 25de44812..b7d97f73f 100644 --- a/kloppy/infra/serializers/tracking/metrica_epts/models.py +++ b/kloppy/infra/serializers/tracking/metrica_epts/models.py @@ -1,4 +1,5 @@ from dataclasses import dataclass, field +import re from typing import List, Dict, Union from kloppy.domain import Player, Metadata @@ -79,7 +80,13 @@ def to_regex( ) -> str: if self.player_channel_id in player_channel_map: player_channel = player_channel_map[self.player_channel_id] - return f"(?P{NON_SPLIT_CHAR_REGEX})" + safe_player_id = re.sub( + r"[^0-9a-zA-Z_]", "_", player_channel.player.player_id + ) + safe_channel_id = re.sub( + r"[^0-9a-zA-Z_]", "_", player_channel.channel.channel_id + ) + return f"(?P{NON_SPLIT_CHAR_REGEX})" else: return NON_SPLIT_CHAR_REGEX @@ -94,7 +101,8 @@ class BallChannelRef: def to_regex(self, ball_channel_map: Dict[str, Channel], **kwargs) -> str: if self.channel_id in ball_channel_map: - return f"(?P{NON_SPLIT_CHAR_REGEX})" + safe_channel_id = re.sub(r"[^0-9a-zA-Z_]", "_", self.channel_id) + return f"(?P{NON_SPLIT_CHAR_REGEX})" else: return NON_SPLIT_CHAR_REGEX diff --git a/kloppy/infra/serializers/tracking/metrica_epts/reader.py b/kloppy/infra/serializers/tracking/metrica_epts/reader.py index 140b7e758..932f0a896 100644 --- a/kloppy/infra/serializers/tracking/metrica_epts/reader.py +++ b/kloppy/infra/serializers/tracking/metrica_epts/reader.py @@ -1,121 +1,6 @@ -import re -from datetime import timedelta -from typing import IO, Iterator, List +# This module re-exports common EPTS functionality for backwards compatibility. +# The actual implementations have been moved to epts_common.py -from .models import ( - DataFormatSpecification, - EPTSMetadata, - PlayerChannel, - Sensor, -) +from ..epts_common import build_regex, read_raw_data - -def build_regex( - data_format_specification: DataFormatSpecification, - player_channels: List[PlayerChannel], - sensors: List[Sensor], -) -> str: - player_channel_map = { - player_channel.player_channel_id: player_channel - for player_channel in player_channels - if player_channel.channel.sensor in sensors - } - - position_sensor = None - for sensor in sensors: - if sensor.sensor_id == "position": - position_sensor = sensor - - return data_format_specification.to_regex( - player_channel_map=player_channel_map, - ball_channel_map=( - { - channel.channel_id: channel - for channel in position_sensor.channels - } - if position_sensor - else {} - ), - ) - - -def read_raw_data( - raw_data: IO[bytes], - metadata: EPTSMetadata, - sensor_ids: List[str] = None, - sample_rate: float = 1.0, - limit: int = 0, -) -> Iterator[dict]: - sensors = [ - sensor - for sensor in metadata.sensors - if sensor_ids is None or sensor.sensor_id in sensor_ids - ] - - data_specs = metadata.data_format_specifications - - current_data_spec_idx = 0 - end_frame_id = 0 - regex = None - frame_name = "frameCount" - - def _set_current_data_spec(idx): - nonlocal current_data_spec_idx, end_frame_id, regex, frame_name - current_data_spec_idx = idx - regex_str = build_regex( - data_specs[current_data_spec_idx], - metadata.player_channels, - sensors, - ) - - end_frame_id = data_specs[current_data_spec_idx].end_frame - regex = re.compile(regex_str) - frame_name = ( - data_specs[current_data_spec_idx].split_register.children[0].name - ) - - _set_current_data_spec(0) - - periods = metadata.periods - n = 0 - sample = 1.0 / sample_rate - - for i, line in enumerate(raw_data): - if i % sample != 0: - continue - - def to_float(v): - return float(v) if v else float("nan") - - line = line.strip().decode("ascii") - row = { - k: to_float(v) for k, v in regex.search(line).groupdict().items() - } - frame_id = int(row[frame_name]) - if frame_id <= end_frame_id: - timestamp = timedelta(seconds=frame_id / metadata.frame_rate) - - del row[frame_name] - row["frame_id"] = frame_id - row["timestamp"] = timestamp - - row["period_id"] = None - for period in periods: - if period.start_timestamp <= timestamp <= period.end_timestamp: - row["period_id"] = period.id - row["timestamp"] -= period.start_timestamp - break - - yield row - - n += 1 - if limit and n >= limit: - break - - if frame_id >= end_frame_id: - if current_data_spec_idx == len(data_specs) - 1: - # don't know how to parse the rest of the file... - break - else: - current_data_spec_idx += 1 - _set_current_data_spec(current_data_spec_idx) +__all__ = ["build_regex", "read_raw_data"] diff --git a/kloppy/infra/serializers/tracking/scisports_epts/__init__.py b/kloppy/infra/serializers/tracking/scisports_epts/__init__.py new file mode 100644 index 000000000..eeefb707f --- /dev/null +++ b/kloppy/infra/serializers/tracking/scisports_epts/__init__.py @@ -0,0 +1,9 @@ +from .deserializer import ( + SciSportsEPTSTrackingDataDeserializer, + SciSportsEPTSTrackingDataInputs, +) + +__all__ = [ + "SciSportsEPTSTrackingDataDeserializer", + "SciSportsEPTSTrackingDataInputs", +] diff --git a/kloppy/infra/serializers/tracking/scisports_epts/deserializer.py b/kloppy/infra/serializers/tracking/scisports_epts/deserializer.py new file mode 100644 index 000000000..0511b6fa6 --- /dev/null +++ b/kloppy/infra/serializers/tracking/scisports_epts/deserializer.py @@ -0,0 +1,114 @@ +import logging +import re +import warnings +from typing import NamedTuple, IO +from dataclasses import replace + +from kloppy.domain import ( + TrackingDataset, + Provider, + DatasetTransformer, + Orientation, + AttackingDirection, +) +from kloppy.utils import performance_logging +from kloppy.domain.services import attacking_direction_from_frame + +from ..deserializer import TrackingDataDeserializer +from ..metrica_epts.metadata import EPTSMetadata +from ..epts_common import create_frame_from_row, read_raw_data +from .metadata import load_metadata + +logger = logging.getLogger(__name__) + + +class SciSportsEPTSTrackingDataInputs(NamedTuple): + meta_data: IO[bytes] + raw_data: IO[bytes] + + +class SciSportsEPTSTrackingDataDeserializer( + TrackingDataDeserializer[SciSportsEPTSTrackingDataInputs] +): + @property + def provider(self) -> Provider: + return Provider.SCISPORTS + + @staticmethod + def _frame_from_row( + row: dict, metadata: EPTSMetadata, transformer: DatasetTransformer + ): + return create_frame_from_row( + row, metadata, transformer, swap_coordinates=True + ) + + def deserialize( + self, inputs: SciSportsEPTSTrackingDataInputs + ) -> TrackingDataset: + with performance_logging("Loading metadata", logger=logger): + metadata = load_metadata(inputs.meta_data) + + if metadata.pitch_dimensions: + transformer = self.get_transformer( + pitch_length=metadata.pitch_dimensions.pitch_length, + pitch_width=metadata.pitch_dimensions.pitch_width, + provider=self.provider, + ) + else: + transformer = None + + with performance_logging("Loading data", logger=logger): + all_frames = [ + self._frame_from_row(row, metadata, transformer) + for row in read_raw_data( + raw_data=inputs.raw_data, + metadata=metadata, + sensor_ids=[ + sensor.sensor_id for sensor in metadata.sensors + ], + sample_rate=self.sample_rate, + limit=self.limit, + ) + ] + + # Filter out frames that don't belong to any period (pre/post-match frames) + frames = [ + frame for frame in all_frames if frame.period is not None + ] + + if len(frames) < len(all_frames): + logger.info( + f"Filtered out {len(all_frames) - len(frames)} frames " + f"that don't belong to any period (pre/post-match frames)" + ) + + # Determine orientation from first frame analysis + try: + first_frame = next( + frame + for frame in frames + if frame.period and frame.period.id == 1 + ) + orientation = ( + Orientation.HOME_AWAY + if attacking_direction_from_frame(first_frame) + == AttackingDirection.LTR + else Orientation.AWAY_HOME + ) + except StopIteration: + warnings.warn( + "Could not determine orientation of dataset, defaulting to NOT_SET" + ) + orientation = Orientation.NOT_SET + + if transformer: + metadata = replace( + metadata, + pitch_dimensions=transformer.get_to_coordinate_system().pitch_dimensions, + coordinate_system=transformer.get_to_coordinate_system(), + orientation=orientation, + ) + else: + metadata = replace(metadata, orientation=orientation) + + return TrackingDataset(records=frames, metadata=metadata) diff --git a/kloppy/infra/serializers/tracking/scisports_epts/metadata.py b/kloppy/infra/serializers/tracking/scisports_epts/metadata.py new file mode 100644 index 000000000..81f8a7000 --- /dev/null +++ b/kloppy/infra/serializers/tracking/scisports_epts/metadata.py @@ -0,0 +1,241 @@ +from datetime import timedelta +from typing import IO, Dict, List, Optional, Tuple, Union + +from lxml import objectify + +from kloppy.domain import ( + AttackingDirection, + DatasetFlag, + Dimension, + MetricPitchDimensions, + Orientation, + Period, + PitchDimensions, + Player, + Provider, + Score, + Team, + build_coordinate_system, + Ground, +) +from kloppy.domain.models.position import PositionType + +from ..metrica_epts.models import ( + DataFormatSpecification, + EPTSMetadata, + PlayerChannel, + Sensor, +) + + +def _text(elm: Optional[object]) -> Optional[str]: + return str(elm) if elm is not None else None + + +def _provider_value_map(value: str) -> str: + return value + + +def _map_player_type(player_type: Optional[str]) -> PositionType: + """Map SciSports player type to PositionType enum.""" + if not player_type: + return PositionType.Unknown + + player_type_lower = player_type.lower() + if "goalkeeper" in player_type_lower: + return PositionType.Goalkeeper + elif "field player" in player_type_lower: + return PositionType.Unknown + else: + return PositionType.Unknown + + +def _load_provider_parameters(parent_elm) -> Dict: + if parent_elm is None: + return {} + return { + str(param.find("Name")): _text(param.find("Value")) + for param in parent_elm.iterchildren(tag="ProviderParameter") + if _text(param.find("Value")) is not None + } + + +def _load_periods(metadata_elm) -> List[Period]: + periods: List[Period] = [] + frame_rate = int(metadata_elm.find("GlobalConfig").find("FrameRate")) + for session in metadata_elm.find("Sessions").iterchildren(tag="Session"): + if _text(session.find("SessionType")) == "Period": + params = _load_provider_parameters( + session.find("ProviderSessionParameters") + ) + if "Start Frame" in params and "End Frame" in params: + start_frame = int(float(params["Start Frame"])) + end_frame = int(float(params["End Frame"])) + periods.append( + Period( + id=int(params.get("Label", len(periods) + 1)), + start_timestamp=timedelta( + seconds=start_frame / frame_rate + ), + end_timestamp=timedelta( + seconds=end_frame / frame_rate + ), + ) + ) + return periods + + +def _load_players(players_elm, team: Team) -> List[Player]: + players: List[Player] = [] + for player_elm in players_elm.iterchildren(tag="Player"): + if player_elm.attrib["teamId"] != team.team_id: + continue + + # Load provider parameters to get player type + attributes = _load_provider_parameters( + player_elm.find("ProviderPlayerParameters") + ) + + # Map player type to PositionType + player_type_str = attributes.get("PlayerType") + position = _map_player_type(player_type_str) + + players.append( + Player( + team=team, + jersey_no=int(player_elm.find("ShirtNumber")), + player_id=player_elm.attrib["id"], + name=_text(player_elm.find("Name")), + starting=True, + starting_position=position, + attributes=attributes, + ) + ) + return players + + +def _load_sensors(sensors_elm) -> List[Sensor]: + return [ + Sensor.from_xml_element(sensor_elm) + for sensor_elm in sensors_elm.iterchildren(tag="Sensor") + ] + + +def _load_pitch_dimensions( + metadata_elm, sensors: List[Sensor] +) -> Union[None, PitchDimensions]: + # SciSports uses meters for x,y and provides Length/Width; return metric pitch dimensions + sessions = metadata_elm.find("Sessions") + session0 = sessions.find("Session") if sessions is not None else None + field_size = ( + session0.find("MatchParameters").find("FieldSize") + if session0 is not None + else None + ) + if field_size is None: + return None + length = float(field_size.find("Length")) + width = float(field_size.find("Width")) + return MetricPitchDimensions( + x_dim=Dimension(0, length), + y_dim=Dimension(0, width), + pitch_length=length, + pitch_width=width, + standardized=False, + ) + + +def _parse_provider(provider_name: Optional[str]) -> Optional[Provider]: + if not provider_name: + return None + name = provider_name.lower() + if "scisports" in name: + return Provider.SCISPORTS + return Provider.OTHER + + +def load_metadata( + metadata_file: IO[bytes], provider: Optional[Provider] = None +) -> EPTSMetadata: + root = objectify.fromstring(metadata_file.read()) + metadata = root.find("Metadata") + + frame_rate = int(metadata.find("GlobalConfig").find("FrameRate")) + + # Teams and score + team_name_map: Dict[str, str] = { + team.attrib["id"]: str(team.find("Name")) + for team in metadata.find("Teams").iterchildren(tag="Team") + } + # Determine home/away from ProviderTeamParameters Side + ground_map: Dict[str, Ground] = {} + for team in metadata.find("Teams").iterchildren(tag="Team"): + params = _load_provider_parameters(team.find("ProviderTeamParameters")) + side = params.get("Side", "H") + ground = Ground.HOME if side == "H" else Ground.AWAY + ground_map[team.attrib["id"]] = ground + + teams_metadata: Dict[Ground, Team] = {} + for team_id, ground in ground_map.items(): + team = Team( + team_id=team_id, name=team_name_map[team_id], ground=ground + ) + team.players = _load_players(metadata.find("Players"), team) + teams_metadata[ground] = team + + sensors = _load_sensors( + metadata.find("Devices").find("Device").find("Sensors") + ) + + channel_map = { + channel.channel_id: channel + for sensor in sensors + for channel in sensor.channels + } + + all_players = [p for t in teams_metadata.values() for p in t.players] + player_map = {p.player_id: p for p in all_players} + + player_channels: List[PlayerChannel] = [ + PlayerChannel( + player_channel_id=elm.attrib["id"], + player=player_map[elm.attrib["playerId"]], + channel=channel_map[elm.attrib["channelId"]], + ) + for elm in metadata.find("PlayerChannels").iterchildren( + tag="PlayerChannel" + ) + ] + + data_format_specifications = [ + DataFormatSpecification.from_xml_element(elm) + for elm in root.find("DataFormatSpecifications").iterchildren( + tag="DataFormatSpecification" + ) + ] + + pitch_dimensions = _load_pitch_dimensions(metadata, sensors) + periods = _load_periods(metadata) + + provider_name = _text(metadata.find("GlobalConfig").find("ProviderName")) + provider = provider or _parse_provider(provider_name) + + # No coordinate system mapping defined for SciSports; leave None + from_coordinate_system = None + + score = Score(home=0, away=0) + + return EPTSMetadata( + teams=list(teams_metadata.values()), + periods=periods, + pitch_dimensions=pitch_dimensions, + data_format_specifications=data_format_specifications, + player_channels=player_channels, + frame_rate=frame_rate, + sensors=sensors, + score=score, + orientation=None, # Will be determined from data in deserializer + provider=provider, + flags=~DatasetFlag.BALL_OWNING_TEAM, + coordinate_system=from_coordinate_system, + ) diff --git a/kloppy/scisports.py b/kloppy/scisports.py new file mode 100644 index 000000000..6b61921d6 --- /dev/null +++ b/kloppy/scisports.py @@ -0,0 +1,5 @@ +"""Functions for loading SciSports EPTS tracking data.""" + +from ._providers.scisports import load_tracking_epts as load_tracking + +__all__ = ["load_tracking"] diff --git a/kloppy/tests/files/scisports_epts_metadata.xml b/kloppy/tests/files/scisports_epts_metadata.xml new file mode 100644 index 000000000..7601beb36 --- /dev/null +++ b/kloppy/tests/files/scisports_epts_metadata.xml @@ -0,0 +1,1044 @@ + + + + + 2025-08-23T06:25:36 + match.xml + Scisports + Scisports Optical + smart-0.28.0-PROD + Optical + 25 + UTF-8 + + + 25.00 + A more accurate value for frame rate + FrameRate + + + 34.0 + X coordinate of the centre of the pitch + Pitch Centre X + + + 52.5 + Y coordinate of the centre of the pitch + Pitch Centre Y + + + Labeled + Indicator describing whether data is generated autonomously, or also includes labeled data + Processing Type + + + Full ID + Indicator describing what level of detail is in the output data + Tracking Level + + + + + + Full Match + Match + 2025-08-22T17:59:57 + 2025-08-22T19:55:19 + + + 105.0 + 68.0 + + + Stadium - City - Country + Competition + + + 44585 + Start Frame + + + 217637 + End Frame + + + + + Period + 1st Half + 2025-08-22T18:00:00 + 2025-08-22T18:46:16 + + + 44659 + Start Frame + + + 114059 + End Frame + + + 1 + Label + + + + + Period + 2nd Half + 2025-08-22T19:03:10 + 2025-08-22T19:55:16 + + + 139406 + Start Frame + + + 217562 + End Frame + + + 2 + Label + + + + + + + Home Team + + + H + Indicator for Home/Local (H) or Away/Visiting (A) team + Side + + + + + Away Team + + + A + Indicator for Home/Local (H) or Away/Visiting (A) team + Side + + + + + + + home_1 + 1 + + + Goalkeeper + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_2 + 2 + + + Field player + PlayerType + + + 169995 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + p61761 + Opta ID + + + + + home_3 + 3 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_4 + 4 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + p43981 + Opta ID + + + + + home_5 + 5 + + + Field player + PlayerType + + + 170229 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + p96252 + Opta ID + + + + + home_6 + 6 + + + Field player + PlayerType + + + 170929 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_8 + 8 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + p34309 + Opta ID + + + + + home_9 + 9 + + + Field player + PlayerType + + + 206506 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_11 + 11 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 199698 + Last frame player is part of line-up + End Frame + + + + + home_16 + 16 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 206505 + Last frame player is part of line-up + End Frame + + + + + home_19 + 19 + + + Field player + PlayerType + + + 199699 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_22 + 22 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 170228 + Last frame player is part of line-up + End Frame + + + + + home_24 + 24 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_26 + 26 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + home_27 + 27 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 170928 + Last frame player is part of line-up + End Frame + + + + + home_36 + 36 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 169994 + Last frame player is part of line-up + End Frame + + + + + away_38 + 38 + + + Goalkeeper + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_4 + 4 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_5 + 5 + + + Field player + PlayerType + + + 189223 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_6 + 6 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_9 + 9 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + p92842 + Opta ID + + + + + away_11 + 11 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 189222 + Last frame player is part of line-up + End Frame + + + + + away_12 + 12 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 199639 + Last frame player is part of line-up + End Frame + + + + + away_14 + 14 + + + Field player + PlayerType + + + 199225 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_17 + 17 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 199224 + Last frame player is part of line-up + End Frame + + + + + away_18 + 18 + + + Field player + PlayerType + + + 177129 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_19 + 19 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_21 + 21 + + + Field player + PlayerType + + + 199884 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_22 + 22 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 177128 + Last frame player is part of line-up + End Frame + + + + + away_24 + 24 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + away_25 + 25 + + + Field player + PlayerType + + + 44575 + First frame player is part of line-up + Start Frame + + + 199883 + Last frame player is part of line-up + End Frame + + + + + away_34 + 34 + + + Field player + PlayerType + + + 199640 + First frame player is part of line-up + Start Frame + + + 217625 + Last frame player is part of line-up + End Frame + + + + + + + Inmotio Optical Tracker + + + Position + + + X Position + m + + + Y Position + m + + + + + Height Estimator + + + Z Position Estimate + m + + + + + State + + + Ball Is In Air + Boolean + + + Game Is Alive + Boolean + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/kloppy/tests/files/scisports_epts_positions.txt b/kloppy/tests/files/scisports_epts_positions.txt new file mode 100644 index 000000000..31375cc8a --- /dev/null +++ b/kloppy/tests/files/scisports_epts_positions.txt @@ -0,0 +1,1194 @@ +44585:34.35,8.05;,;34.19,33.12;26.02,33.17;,;,;26.84,38.80;,;22.57,52.31;43.01,52.42;,;26.12,47.25;47.25,33.79;42.25,46.39;16.76,36.13;50.51,49.68:35.51,85.32;29.19,69.93;,;39.81,69.06;24.96,52.63;19.40,54.31;33.35,51.64;,;57.50,55.74;,;40.63,58.14;,;7.24,59.02;26.82,64.61;27.51,59.85;,:33.26,52.57,0.11,0,0 +44586:34.13,8.37;,;34.06,33.50;26.02,33.17;,;,;26.84,38.80;,;22.45,52.43;43.02,52.41;,;26.12,47.25;47.01,33.81;42.25,46.39;16.47,36.37;50.50,49.68:35.35,85.45;29.07,69.91;,;39.79,69.09;24.78,52.67;19.25,54.43;33.12,51.85;,;57.45,55.73;,;40.64,58.15;,;7.11,59.06;26.61,64.64;27.20,59.84;,:33.26,52.57,0.11,0,0 +44587:34.13,8.37;,;34.06,33.52;26.02,33.17;,;,;26.85,38.81;,;22.45,52.43;43.03,52.40;,;26.12,47.25;47.01,33.81;42.25,46.39;16.46,36.37;50.50,49.68:35.35,85.45;29.06,69.91;,;39.79,69.07;24.78,52.67;19.26,54.44;33.12,51.85;,;57.39,55.71;,;40.65,58.15;,;7.11,59.06;26.61,64.64;27.20,59.84;,:33.26,52.57,0.11,0,0 +44588:34.13,8.36;,;34.07,33.54;26.02,33.18;,;,;26.85,38.81;,;22.45,52.43;43.04,52.40;,;26.13,47.25;47.01,33.81;42.25,46.39;16.44,36.38;50.50,49.68:35.34,85.45;29.06,69.90;,;39.79,69.06;24.78,52.67;19.26,54.45;33.12,51.85;,;57.34,55.69;,;40.66,58.15;,;7.11,59.06;26.62,64.64;27.19,59.84;,:33.26,52.57,0.11,0,0 +44589:34.14,8.36;,;34.07,33.55;26.02,33.18;,;,;26.86,38.81;,;22.45,52.43;43.05,52.40;,;26.13,47.25;47.01,33.80;42.25,46.39;16.43,36.39;50.50,49.68:35.34,85.44;29.05,69.89;,;39.78,69.05;24.78,52.67;19.27,54.45;33.13,51.84;,;57.29,55.67;,;40.67,58.16;,;7.11,59.06;26.62,64.64;27.19,59.84;,:33.26,52.57,0.11,0,0 +44590:34.14,8.35;,;34.08,33.57;26.02,33.18;,;,;26.86,38.81;,;22.45,52.43;43.05,52.39;,;26.13,47.25;47.01,33.80;42.25,46.39;16.41,36.40;50.50,49.68:35.34,85.44;29.05,69.89;,;39.78,69.03;24.78,52.67;19.27,54.46;33.13,51.84;,;57.23,55.66;,;40.67,58.16;,;7.11,59.06;26.62,64.64;27.19,59.84;,:33.26,52.57,0.11,0,0 +44591:34.14,8.35;,;34.09,33.59;26.02,33.18;,;,;26.87,38.81;,;22.45,52.43;43.06,52.39;,;26.13,47.24;47.01,33.80;42.25,46.39;16.40,36.41;50.50,49.68:35.34,85.44;29.05,69.88;,;39.78,69.02;24.78,52.67;19.27,54.47;33.13,51.84;,;57.18,55.64;,;40.68,58.16;,;7.11,59.06;26.62,64.64;27.18,59.84;,:33.26,52.57,0.11,0,0 +44592:34.15,8.35;,;34.09,33.61;26.01,33.18;,;,;26.87,38.81;,;22.45,52.43;43.06,52.39;,;26.13,47.24;47.00,33.79;42.25,46.39;16.39,36.41;50.50,49.68:35.33,85.43;29.04,69.88;,;39.78,69.01;24.78,52.68;19.28,54.47;33.13,51.84;,;57.12,55.62;,;40.68,58.16;,;7.11,59.06;26.62,64.64;27.18,59.84;,:33.26,52.57,0.11,0,0 +44593:34.15,8.35;,;34.10,33.63;26.01,33.17;,;,;26.87,38.81;,;22.45,52.43;43.06,52.39;,;26.13,47.24;47.00,33.79;42.25,46.39;16.38,36.42;50.50,49.68:35.33,85.43;29.04,69.88;,;39.78,69.00;24.78,52.68;19.28,54.48;33.13,51.83;,;57.07,55.61;,;40.68,58.16;,;7.11,59.07;26.63,64.64;27.18,59.84;,:33.26,52.57,0.11,0,0 +44594:34.15,8.34;,;34.11,33.65;26.01,33.17;,;,;26.88,38.81;,;22.45,52.43;43.07,52.39;,;26.13,47.24;47.00,33.79;42.25,46.39;16.37,36.43;50.50,49.68:35.33,85.42;29.04,69.87;,;39.78,68.99;24.78,52.68;19.28,54.48;33.13,51.83;,;57.02,55.59;,;40.68,58.16;,;7.11,59.07;26.63,64.64;27.17,59.84;,:33.26,52.57,0.11,0,0 +44595:34.15,8.34;,;34.12,33.67;26.01,33.17;,;,;26.88,38.81;,;22.45,52.43;43.07,52.39;,;26.13,47.24;47.00,33.78;42.25,46.39;16.36,36.44;50.50,49.68:35.32,85.42;29.03,69.87;,;39.78,68.98;24.78,52.68;19.28,54.48;33.13,51.83;,;56.96,55.57;,;40.68,58.15;,;7.11,59.07;26.63,64.64;27.17,59.84;,:33.26,52.57,0.11,0,0 +44596:34.15,8.34;,;34.14,33.68;26.01,33.17;,;,;26.89,38.80;,;22.45,52.43;43.07,52.39;,;26.13,47.24;47.00,33.78;42.25,46.39;16.35,36.45;50.50,49.68:35.32,85.41;29.03,69.87;,;39.78,68.97;24.78,52.68;19.28,54.49;33.13,51.82;,;56.91,55.55;,;40.68,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44597:34.15,8.34;,;34.15,33.70;26.01,33.17;,;,;26.89,38.80;,;22.45,52.43;43.07,52.39;,;26.13,47.24;46.99,33.78;42.25,46.39;16.34,36.45;50.50,49.68:35.32,85.41;29.03,69.86;,;39.78,68.96;24.78,52.68;19.28,54.49;33.13,51.82;,;56.85,55.54;,;40.68,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44598:34.15,8.35;,;34.17,33.71;26.01,33.17;,;,;26.89,38.80;,;22.45,52.43;43.08,52.39;,;26.13,47.25;46.99,33.78;42.25,46.39;16.34,36.46;50.51,49.68:35.31,85.41;29.02,69.86;,;39.78,68.95;24.78,52.68;19.28,54.49;33.13,51.82;,;56.80,55.52;,;40.68,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44599:34.15,8.35;,;34.19,33.73;26.01,33.17;,;,;26.90,38.79;,;22.46,52.43;43.08,52.39;,;26.13,47.25;46.98,33.77;42.24,46.39;16.33,36.46;50.51,49.68:35.31,85.40;29.02,69.85;,;39.77,68.94;24.78,52.68;19.28,54.49;33.13,51.81;,;56.74,55.50;,;40.68,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44600:34.15,8.35;,;34.22,33.74;26.01,33.16;,;,;26.90,38.79;,;22.46,52.43;43.08,52.39;,;26.13,47.25;46.98,33.77;42.24,46.39;16.33,36.47;50.51,49.68:35.31,85.40;29.01,69.85;,;39.77,68.93;24.78,52.68;19.28,54.49;33.13,51.81;,;56.69,55.49;,;40.68,58.14;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44601:34.14,8.35;,;34.24,33.76;26.01,33.16;,;,;26.90,38.78;,;22.46,52.43;43.08,52.39;,;26.12,47.25;46.98,33.77;42.24,46.39;16.33,36.47;50.52,49.68:35.31,85.40;29.01,69.84;,;39.77,68.92;24.78,52.68;19.28,54.48;33.13,51.80;,;56.64,55.47;,;40.68,58.14;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44602:34.14,8.35;,;34.27,33.77;26.01,33.16;,;,;26.91,38.77;,;22.47,52.44;43.08,52.39;,;26.12,47.25;46.97,33.76;42.24,46.39;16.32,36.47;50.52,49.68:35.31,85.40;29.00,69.84;,;39.76,68.91;24.78,52.68;19.28,54.48;33.13,51.80;,;56.58,55.45;,;40.67,58.14;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44603:34.14,8.36;,;34.30,33.79;26.02,33.15;,;,;26.91,38.77;,;22.48,52.44;43.08,52.39;,;26.12,47.25;46.97,33.76;42.24,46.39;16.32,36.47;50.53,49.68:35.30,85.39;29.00,69.83;,;39.76,68.90;24.78,52.68;19.27,54.48;33.12,51.80;,;56.53,55.43;,;40.67,58.14;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44604:34.13,8.36;,;34.33,33.80;26.02,33.15;,;,;26.91,38.76;,;22.48,52.44;43.08,52.39;,;26.12,47.26;46.97,33.76;42.23,46.39;16.32,36.47;50.54,49.68:35.30,85.39;29.00,69.83;,;39.76,68.89;24.77,52.67;19.27,54.47;33.12,51.79;,;56.47,55.42;,;40.67,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44605:34.13,8.36;,;34.36,33.82;26.02,33.14;,;,;26.91,38.75;,;22.49,52.45;43.08,52.39;,;26.11,47.26;46.97,33.76;42.23,46.39;16.32,36.46;50.54,49.68:35.30,85.39;28.99,69.82;,;39.75,68.88;24.77,52.67;19.27,54.46;33.12,51.79;,;56.42,55.40;,;40.67,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44606:34.13,8.37;,;34.39,33.83;26.02,33.13;,;,;26.91,38.74;,;22.49,52.45;43.09,52.39;,;26.11,47.26;46.97,33.75;42.23,46.39;16.32,36.46;50.55,49.68:35.30,85.39;28.99,69.81;,;39.75,68.87;24.77,52.67;19.26,54.46;33.12,51.79;,;56.36,55.38;,;40.67,58.15;,;7.11,59.07;26.64,64.64;27.17,59.85;,:33.26,52.57,0.11,0,0 +44607:34.13,8.37;,;34.43,33.85;26.02,33.12;,;,;26.91,38.74;,;22.50,52.45;43.09,52.39;,;26.10,47.26;46.97,33.75;42.23,46.39;16.32,36.45;50.55,49.68:35.30,85.39;28.98,69.80;,;39.75,68.85;24.76,52.67;19.26,54.45;33.12,51.78;,;56.31,55.37;,;40.67,58.15;,;7.11,59.07;26.63,64.64;27.16,59.85;,:33.26,52.57,0.11,0,0 +44608:34.12,8.37;,;34.46,33.87;26.02,33.11;,;,;26.91,38.73;,;22.51,52.46;43.09,52.39;,;26.10,47.26;46.97,33.75;42.23,46.39;16.32,36.44;50.56,49.68:35.29,85.39;28.97,69.80;,;39.75,68.84;24.76,52.67;19.26,54.44;33.12,51.78;,;56.26,55.35;,;40.67,58.15;,;7.11,59.07;26.63,64.63;27.16,59.86;,:33.26,52.57,0.11,0,0 +44609:34.12,8.37;,;34.49,33.89;26.03,33.10;,;,;26.90,38.72;,;22.51,52.46;43.09,52.39;,;26.09,47.27;46.97,33.74;42.23,46.39;16.32,36.43;50.56,49.68:35.29,85.38;28.97,69.79;,;39.75,68.83;24.76,52.67;19.25,54.43;33.12,51.78;,;56.20,55.33;,;40.67,58.16;,;7.11,59.07;26.63,64.63;27.16,59.86;,:33.26,52.57,0.11,0,0 +44610:34.12,8.37;,;34.52,33.91;26.03,33.09;,;,;26.90,38.72;,;22.52,52.47;43.09,52.39;,;26.08,47.27;46.98,33.74;42.23,46.39;16.32,36.42;50.56,49.68:35.29,85.38;28.97,69.78;,;39.75,68.82;24.75,52.67;19.25,54.42;33.12,51.78;,;56.15,55.32;,;40.67,58.16;,;7.11,59.07;26.62,64.63;27.15,59.86;,:33.26,52.57,0.11,0,0 +44611:34.12,8.37;,;34.55,33.93;26.03,33.08;,;,;26.90,38.71;,;22.52,52.47;43.09,52.39;,;26.08,47.27;46.98,33.74;42.22,46.39;16.32,36.41;50.56,49.68:35.28,85.38;28.96,69.78;,;39.75,68.80;24.75,52.66;19.24,54.41;33.12,51.78;,;56.09,55.30;,;40.67,58.16;,;7.11,59.07;26.62,64.63;27.15,59.86;,:33.26,52.57,0.11,0,0 +44612:34.12,8.37;,;34.58,33.95;26.03,33.06;,;,;26.89,38.70;,;22.53,52.47;43.09,52.39;,;26.07,47.27;46.99,33.73;42.23,46.39;16.32,36.40;50.56,49.68:35.28,85.37;28.96,69.78;,;39.75,68.79;24.75,52.66;19.24,54.40;33.12,51.77;,;56.04,55.28;,;40.67,58.17;,;7.11,59.07;26.61,64.63;27.14,59.86;,:33.26,52.57,0.11,0,0 +44613:34.12,8.37;,;34.61,33.97;26.03,33.05;,;,;26.89,38.70;,;22.53,52.48;43.09,52.39;,;26.07,47.27;46.99,33.73;42.23,46.39;16.32,36.39;50.56,49.68:35.27,85.37;28.95,69.77;,;39.74,68.78;24.75,52.66;19.23,54.38;33.12,51.77;,;55.98,55.26;,;40.67,58.17;,;7.11,59.07;26.61,64.63;27.13,59.86;,:33.26,52.57,0.11,0,0 +44614:34.12,8.37;,;34.64,33.99;26.04,33.03;,;,;26.89,38.69;,;22.53,52.48;43.10,52.39;,;26.06,47.28;47.00,33.73;42.23,46.39;16.32,36.38;50.56,49.68:35.27,85.36;28.95,69.77;,;39.74,68.77;24.74,52.66;19.23,54.37;33.13,51.77;,;55.93,55.25;,;40.67,58.17;,;7.11,59.06;26.61,64.63;27.11,59.86;,:33.26,52.57,0.11,0,0 +44615:34.11,8.37;,;34.67,34.01;26.04,33.02;,;,;26.88,38.69;,;22.54,52.48;43.10,52.39;,;26.05,47.28;47.01,33.73;42.23,46.39;16.33,36.37;50.55,49.68:35.26,85.36;28.95,69.77;,;39.74,68.76;24.74,52.66;19.22,54.36;33.13,51.77;,;55.88,55.23;,;40.68,58.17;,;7.11,59.06;26.60,64.63;27.09,59.86;,:33.26,52.57,0.11,0,0 +44616:34.11,8.37;,;34.70,34.03;26.04,33.00;,;,;26.88,38.68;,;22.54,52.48;43.09,52.39;,;26.05,47.28;47.01,33.73;42.24,46.39;16.33,36.36;50.55,49.68:35.26,85.35;28.95,69.77;,;39.74,68.75;24.74,52.66;19.22,54.35;33.14,51.77;,;55.82,55.21;,;40.68,58.18;,;7.11,59.06;26.60,64.62;27.07,59.86;,:33.26,52.57,0.11,0,0 +44617:34.11,8.37;,;34.72,34.04;26.04,32.98;,;,;26.88,38.68;,;22.54,52.49;43.09,52.39;,;26.04,47.28;47.02,33.72;42.24,46.39;16.33,36.34;50.54,49.68:35.25,85.35;28.95,69.78;,;39.74,68.74;24.74,52.65;19.21,54.34;33.14,51.77;,;55.77,55.20;,;40.68,58.18;,;7.11,59.06;26.60,64.62;27.04,59.86;,:33.26,52.57,0.11,0,0 +44618:34.11,8.37;,;34.74,34.06;26.04,32.97;,;,;26.87,38.68;,;22.54,52.49;43.09,52.39;,;26.04,47.28;47.02,33.72;42.25,46.39;16.34,36.33;50.53,49.68:35.25,85.35;28.95,69.78;,;39.74,68.73;24.74,52.65;19.21,54.32;33.15,51.77;,;55.71,55.18;,;40.68,58.18;,;7.11,59.06;26.60,64.62;27.01,59.86;,:33.26,52.57,0.11,0,0 +44619:34.11,8.37;,;34.77,34.08;26.04,32.96;,;,;26.87,38.67;,;22.54,52.49;43.09,52.39;,;26.04,47.29;47.02,33.72;42.25,46.39;16.34,36.32;50.53,49.68:35.24,85.34;28.95,69.78;,;39.74,68.73;24.74,52.65;19.21,54.31;33.15,51.77;,;55.66,55.16;,;40.68,58.18;,;7.11,59.06;26.60,64.62;26.98,59.86;,:33.26,52.57,0.11,0,0 +44620:34.10,8.37;,;34.79,34.09;26.04,32.94;,;,;26.87,38.67;,;22.54,52.49;43.09,52.39;,;26.03,47.29;47.03,33.72;42.26,46.39;16.35,36.31;50.52,49.68:35.24,85.34;28.95,69.79;,;39.73,68.72;24.74,52.65;19.21,54.30;33.15,51.77;,;55.60,55.14;,;40.69,58.18;,;7.11,59.06;26.60,64.62;26.95,59.86;,:33.26,52.57,0.11,0,0 +44621:34.10,8.38;,;34.81,34.11;26.04,32.93;,;,;26.87,38.67;,;22.54,52.49;43.09,52.39;,;26.03,47.29;47.03,33.72;42.27,46.39;16.35,36.30;50.52,49.68:35.24,85.33;28.95,69.79;,;39.73,68.71;24.74,52.65;19.20,54.29;33.16,51.77;,;55.55,55.13;,;40.69,58.18;,;7.11,59.06;26.60,64.62;26.91,59.85;,:33.26,52.57,0.11,0,0 +44622:34.10,8.38;,;34.83,34.12;26.04,32.92;,;,;26.87,38.67;,;22.54,52.48;43.09,52.39;,;26.03,47.30;47.03,33.72;42.27,46.39;16.36,36.29;50.51,49.68:35.24,85.33;28.94,69.79;,;39.73,68.71;24.74,52.65;19.20,54.28;33.16,51.77;,;55.50,55.11;,;40.69,58.18;,;7.11,59.06;26.60,64.62;26.87,59.85;,:33.26,52.57,0.11,0,0 +44623:34.09,8.38;,;34.85,34.14;26.04,32.91;,;,;26.87,38.67;,;22.54,52.48;43.08,52.39;,;26.03,47.30;47.03,33.72;42.28,46.39;16.36,36.28;50.51,49.68:35.23,85.33;28.94,69.80;,;39.72,68.71;24.74,52.64;19.20,54.26;33.16,51.76;,;55.44,55.09;,;40.69,58.17;,;7.11,59.06;26.60,64.62;26.84,59.85;,:33.26,52.57,0.11,0,0 +44624:34.09,8.39;,;34.86,34.15;26.04,32.91;,;,;26.87,38.68;,;22.54,52.48;43.08,52.39;,;26.02,47.30;47.03,33.72;42.28,46.39;16.37,36.27;50.50,49.68:35.23,85.33;28.94,69.80;,;39.72,68.70;24.74,52.64;19.19,54.25;33.16,51.76;,;55.39,55.07;,;40.69,58.17;,;7.11,59.06;26.60,64.62;26.80,59.85;,:33.26,52.57,0.11,0,0 +44625:34.08,8.39;,;34.88,34.17;26.04,32.90;,;,;26.86,38.68;,;22.55,52.48;43.08,52.39;,;26.02,47.30;47.03,33.72;42.29,46.39;16.38,36.26;50.50,49.68:35.23,85.33;28.94,69.80;,;39.72,68.70;24.75,52.64;19.19,54.24;33.17,51.76;,;55.36,55.05;,;40.69,58.17;,;7.11,59.06;26.60,64.62;26.76,59.84;,:33.26,52.57,0.11,0,0 +44626:34.08,8.40;,;34.90,34.18;26.04,32.90;,;,;26.86,38.69;,;22.55,52.47;43.08,52.39;,;26.02,47.31;47.03,33.72;42.29,46.39;16.38,36.25;50.50,49.68:35.24,85.33;28.94,69.80;,;39.72,68.70;24.75,52.64;19.19,54.23;33.16,51.76;,;55.34,55.02;,;40.69,58.17;,;7.11,59.06;26.60,64.62;26.73,59.84;,:33.26,52.57,0.11,0,0 +44627:34.07,8.40;,;34.91,34.20;26.04,32.89;,;,;26.86,38.69;,;22.55,52.47;43.08,52.39;,;26.02,47.31;47.03,33.72;42.29,46.39;16.38,36.25;50.50,49.68:35.24,85.33;28.94,69.81;,;39.72,68.70;24.75,52.64;19.18,54.22;33.16,51.76;,;55.34,54.99;,;40.69,58.17;,;7.11,59.06;26.60,64.62;26.69,59.83;,:33.26,52.57,0.11,0,0 +44628:34.07,8.40;,;34.93,34.22;26.04,32.89;,;,;26.86,38.70;,;22.55,52.46;43.08,52.39;,;26.02,47.31;47.03,33.72;42.29,46.39;16.39,36.24;50.50,49.68:35.24,85.34;28.94,69.81;,;39.72,68.70;24.75,52.64;19.18,54.22;33.16,51.76;,;55.34,54.95;,;40.68,58.17;,;7.11,59.06;26.60,64.63;26.66,59.82;,:33.26,52.57,0.11,0,0 +44629:34.07,8.41;,;34.94,34.24;26.03,32.89;,;,;26.86,38.71;,;22.55,52.46;43.08,52.39;,;26.01,47.32;47.03,33.72;42.29,46.39;16.39,36.23;50.50,49.68:35.24,85.34;28.94,69.81;,;39.72,68.70;24.75,52.64;19.17,54.21;33.16,51.76;,;55.35,54.92;,;40.68,58.16;,;7.11,59.06;26.60,64.63;26.62,59.82;,:33.26,52.57,0.11,0,0 +44630:34.07,8.41;,;34.95,34.26;26.03,32.89;,;,;26.86,38.71;,;22.55,52.46;43.08,52.40;,;26.01,47.32;47.02,33.72;42.29,46.39;16.38,36.23;50.50,49.68:35.25,85.34;28.94,69.81;,;39.72,68.70;24.75,52.63;19.17,54.20;33.15,51.76;,;55.35,54.88;,;40.68,58.16;,;7.10,59.06;26.61,64.63;26.59,59.81;,:33.26,52.57,0.11,0,0 +44631:34.07,8.41;,;34.96,34.28;26.03,32.89;,;,;26.86,38.72;,;22.56,52.45;43.09,52.40;,;26.01,47.33;47.02,33.72;42.29,46.39;16.38,36.23;50.50,49.67:35.25,85.35;28.95,69.82;,;39.72,68.70;24.75,52.63;19.17,54.20;33.15,51.76;,;55.36,54.84;,;40.68,58.16;,;7.10,59.06;26.61,64.63;26.55,59.80;,:33.26,52.57,0.11,0,0 +44632:34.07,8.42;,;34.98,34.30;26.03,32.89;,;,;26.86,38.73;,;22.56,52.45;43.09,52.40;,;26.00,47.33;47.02,33.72;42.28,46.39;16.37,36.22;50.51,49.67:35.25,85.35;28.95,69.82;,;39.72,68.70;24.75,52.63;19.16,54.20;33.14,51.76;,;55.36,54.81;,;40.68,58.16;,;7.10,59.06;26.61,64.63;26.52,59.79;,:33.26,52.57,0.11,0,0 +44633:34.07,8.42;,;34.99,34.32;26.03,32.89;,;,;26.85,38.74;,;22.56,52.44;43.09,52.40;,;26.00,47.34;47.02,33.73;42.28,46.39;16.37,36.22;50.51,49.67:35.26,85.35;28.95,69.82;,;39.72,68.70;24.75,52.62;19.16,54.20;33.13,51.76;,;55.36,54.77;,;40.68,58.16;,;7.10,59.06;26.61,64.63;26.49,59.78;,:33.26,52.57,0.11,0,0 +44634:34.07,8.42;,;35.00,34.34;26.03,32.89;,;,;26.85,38.75;,;22.57,52.44;43.09,52.40;,;26.00,47.34;47.01,33.73;42.28,46.39;16.36,36.22;50.51,49.67:35.26,85.36;28.95,69.83;,;39.72,68.70;24.76,52.62;19.16,54.20;33.12,51.77;,;55.36,54.74;,;40.68,58.16;,;7.10,59.06;26.60,64.63;26.46,59.77;,:33.26,52.57,0.11,0,0 +44635:34.07,8.42;,;35.01,34.36;26.02,32.89;,;,;26.85,38.75;,;22.57,52.44;43.09,52.40;,;25.99,47.35;47.01,33.73;42.28,46.39;16.35,36.23;50.52,49.67:35.26,85.36;28.95,69.83;,;39.72,68.70;24.76,52.62;19.15,54.21;33.12,51.77;,;55.35,54.70;,;40.68,58.16;,;7.10,59.06;26.60,64.63;26.42,59.76;,:33.26,52.57,0.11,0,0 +44636:34.07,8.42;,;35.02,34.38;26.02,32.89;,;,;26.84,38.76;,;22.57,52.44;43.10,52.41;,;25.99,47.35;47.01,33.73;42.28,46.39;16.33,36.23;50.52,49.66:35.27,85.36;28.96,69.84;,;39.73,68.70;24.76,52.61;19.15,54.21;33.11,51.77;,;55.34,54.66;,;40.68,58.16;,;7.10,59.06;26.60,64.62;26.39,59.75;,:33.26,52.57,0.11,0,0 +44637:34.07,8.42;,;35.03,34.40;26.02,32.89;,;,;26.84,38.77;,;22.58,52.44;43.10,52.41;,;25.99,47.36;47.01,33.73;42.28,46.39;16.32,36.23;50.52,49.66:35.27,85.37;28.96,69.84;,;39.73,68.70;24.76,52.61;19.15,54.22;33.10,51.77;,;55.32,54.62;,;40.68,58.16;,;7.10,59.06;26.60,64.62;26.36,59.73;,:33.26,52.57,0.11,0,0 +44638:34.08,8.42;,;35.04,34.42;26.01,32.89;,;,;26.84,38.78;,;22.58,52.44;43.10,52.41;,;25.99,47.36;47.00,33.73;42.28,46.39;16.31,36.24;50.52,49.66:35.27,85.37;28.97,69.85;,;39.73,68.70;24.76,52.60;19.14,54.23;33.10,51.78;,;55.30,54.59;,;40.68,58.16;,;7.10,59.06;26.60,64.62;26.33,59.72;,:33.26,52.57,0.11,0,0 +44639:34.08,8.41;,;35.05,34.43;26.00,32.89;,;,;26.83,38.78;,;22.58,52.44;43.11,52.41;,;25.98,47.37;47.00,33.73;42.29,46.39;16.29,36.24;50.53,49.65:35.28,85.37;28.97,69.86;,;39.73,68.70;24.77,52.59;19.14,54.24;33.09,51.78;,;55.29,54.55;,;40.69,58.16;,;7.10,59.06;26.60,64.62;26.29,59.70;,:33.26,52.57,0.11,0,0 +44640:34.08,8.41;,;35.06,34.45;25.99,32.89;,;,;26.82,38.79;,;22.58,52.44;43.11,52.42;,;25.98,47.37;47.00,33.73;42.29,46.39;16.28,36.24;50.53,49.65:35.28,85.38;28.98,69.87;,;39.73,68.70;24.77,52.58;19.14,54.25;33.09,51.78;,;55.27,54.51;,;40.69,58.16;,;7.10,59.06;26.60,64.62;26.26,59.69;,:33.26,52.57,0.11,0,0 +44641:34.08,8.41;,;35.07,34.46;25.98,32.89;,;,;26.81,38.80;,;22.58,52.44;43.11,52.42;,;25.98,47.37;47.00,33.73;42.29,46.39;16.27,36.25;50.54,49.65:35.29,85.38;28.98,69.88;,;39.73,68.70;24.77,52.57;19.13,54.26;33.08,51.79;,;55.26,54.47;,;40.70,58.16;,;7.10,59.06;26.60,64.62;26.23,59.67;,:33.26,52.57,0.11,0,0 +44642:34.08,8.41;,;35.08,34.47;25.97,32.90;,;,;26.80,38.81;,;22.59,52.44;43.11,52.42;,;25.98,47.38;47.00,33.73;42.30,46.39;16.26,36.25;50.54,49.65:35.29,85.38;28.99,69.89;,;39.73,68.70;24.77,52.55;19.13,54.27;33.08,51.79;,;55.24,54.44;,;40.71,58.16;,;7.10,59.06;26.59,64.62;26.20,59.65;,:33.26,52.57,0.11,0,0 +44643:34.08,8.41;,;35.09,34.47;25.95,32.90;,;,;26.79,38.82;,;22.59,52.44;43.11,52.43;,;25.98,47.38;47.01,33.73;42.30,46.39;16.25,36.25;50.55,49.64:35.30,85.38;28.99,69.90;,;39.73,68.70;24.78,52.54;19.13,54.28;33.08,51.80;,;55.22,54.40;,;40.71,58.16;,;7.10,59.06;26.59,64.62;26.17,59.64;,:33.26,52.57,0.11,0,0 +44644:34.08,8.41;,;35.11,34.47;25.94,32.91;,;,;26.78,38.83;,;22.59,52.44;43.10,52.44;,;25.98,47.38;47.01,33.73;42.31,46.39;16.24,36.26;50.56,49.64:35.30,85.39;28.99,69.91;,;39.73,68.70;24.78,52.52;19.12,54.30;33.08,51.80;,;55.21,54.36;,;40.72,58.16;,;7.10,59.06;26.59,64.62;26.14,59.62;,:33.26,52.57,0.11,0,0 +44645:34.08,8.42;,;35.12,34.47;25.92,32.92;,;,;26.76,38.84;,;22.59,52.44;43.10,52.45;,;25.98,47.38;47.01,33.73;42.31,46.39;16.23,36.26;50.57,49.64:35.31,85.39;28.99,69.92;,;39.73,68.70;24.80,52.49;19.12,54.31;33.09,51.81;,;55.19,54.32;,;40.72,58.16;,;7.10,59.06;26.59,64.62;26.11,59.61;,:33.26,52.57,0.11,0,0 +44646:34.08,8.42;,;35.14,34.47;25.90,32.93;,;,;26.75,38.85;,;22.59,52.44;43.09,52.46;,;25.98,47.38;47.01,33.73;42.32,46.39;16.23,36.27;50.59,49.64:35.31,85.39;28.99,69.93;,;39.73,68.70;24.81,52.46;19.12,54.32;33.10,51.82;,;55.18,54.29;,;40.72,58.15;,;7.10,59.07;26.59,64.62;26.08,59.59;,:33.26,52.57,0.11,0,0 +44647:34.08,8.42;,;35.15,34.46;25.88,32.94;,;,;26.73,38.86;,;22.59,52.44;43.09,52.48;,;25.98,47.38;47.02,33.73;42.32,46.39;16.22,36.28;50.61,49.64:35.32,85.40;28.99,69.94;,;39.74,68.70;24.83,52.43;19.12,54.33;33.12,51.83;,;55.16,54.25;,;40.73,58.15;,;7.10,59.07;26.59,64.62;26.05,59.57;,:33.26,52.57,0.11,0,0 +44648:34.08,8.42;,;35.17,34.45;25.86,32.95;,;,;26.71,38.88;,;22.58,52.44;43.08,52.50;,;25.98,47.39;47.02,33.72;42.33,46.39;16.22,36.28;50.63,49.64:35.32,85.40;28.99,69.95;,;39.74,68.70;24.85,52.39;19.11,54.34;33.14,51.84;,;55.14,54.21;,;40.72,58.15;,;7.10,59.07;26.59,64.62;26.03,59.56;,:33.26,52.57,0.11,0,0 +44649:34.08,8.42;,;35.19,34.44;25.84,32.96;,;,;26.69,38.89;,;22.58,52.44;43.07,52.53;,;25.98,47.39;47.02,33.72;42.33,46.39;16.22,36.29;50.65,49.64:35.32,85.40;28.99,69.97;,;39.74,68.70;24.88,52.35;19.11,54.35;33.16,51.85;,;55.13,54.17;,;40.72,58.15;,;7.10,59.07;26.59,64.62;26.00,59.54;,:33.26,52.57,0.11,0,0 +44650:34.09,8.41;,;35.20,34.43;25.82,32.97;,;,;26.67,38.90;,;22.58,52.44;43.05,52.56;,;25.98,47.39;47.02,33.72;42.33,46.39;16.22,36.30;50.67,49.64:35.33,85.41;28.99,69.98;,;39.74,68.71;24.91,52.30;19.11,54.36;33.18,51.87;,;55.11,54.14;,;40.72,58.14;,;7.10,59.07;26.59,64.62;25.97,59.53;,:33.26,52.57,0.11,0,0 +44651:34.09,8.41;,;35.23,34.41;25.80,32.98;,;,;26.66,38.91;,;22.57,52.44;43.02,52.60;,;25.98,47.40;47.02,33.72;42.33,46.39;16.22,36.32;50.70,49.64:35.33,85.41;28.99,69.99;,;39.74,68.70;24.95,52.25;19.10,54.37;33.20,51.89;,;55.10,54.10;,;40.71,58.14;,;7.09,59.08;26.59,64.62;25.94,59.52;,:33.26,52.57,0.11,0,0 +44652:34.09,8.41;,;35.25,34.39;25.78,32.99;,;,;26.64,38.92;,;22.57,52.45;42.99,52.64;,;25.98,47.40;47.02,33.73;42.33,46.40;16.22,36.33;50.72,49.65:35.34,85.41;28.99,70.00;,;39.74,68.70;24.99,52.19;19.10,54.38;33.23,51.91;,;55.08,54.06;,;40.70,58.13;,;7.09,59.08;26.59,64.62;25.91,59.50;,:33.26,52.57,0.11,0,0 +44653:34.10,8.40;,;35.27,34.38;25.76,33.01;,;,;26.62,38.93;,;22.56,52.45;42.96,52.69;,;25.98,47.41;47.02,33.73;42.33,46.40;16.22,36.34;50.74,49.65:35.34,85.41;28.98,70.02;,;39.75,68.70;25.04,52.13;19.10,54.39;33.26,51.94;,;55.06,54.02;,;40.69,58.13;,;7.09,59.08;26.59,64.62;25.88,59.49;,:33.26,52.57,0.11,0,0 +44654:34.11,8.40;,;35.29,34.36;25.75,33.02;,;,;26.61,38.94;,;22.56,52.46;42.92,52.75;,;25.98,47.42;47.02,33.73;42.33,46.40;16.22,36.36;50.76,49.65:35.34,85.41;28.98,70.03;,;39.75,68.70;25.09,52.06;19.10,54.39;33.29,51.96;,;55.37,53.64;,;40.67,58.12;,;7.08,59.09;26.59,64.62;25.84,59.48;,:33.26,52.57,0.11,0,0 +44655:34.12,8.39;,;35.30,34.34;25.73,33.03;,;,;26.59,38.94;,;22.55,52.46;42.87,52.82;,;25.98,47.43;47.01,33.73;42.33,46.40;16.22,36.37;50.78,49.65:35.34,85.41;28.98,70.04;,;39.75,68.70;25.14,51.99;19.10,54.40;33.32,51.99;,;55.39,53.60;,;40.66,58.12;,;7.07,59.09;26.59,64.63;25.81,59.46;,:33.26,52.57,0.11,0,0 +44656:34.13,8.38;,;35.32,34.33;25.72,33.04;,;,;26.58,38.95;,;22.55,52.47;42.80,52.89;,;25.98,47.44;47.01,33.73;42.33,46.41;16.22,36.39;50.80,49.66:35.34,85.41;28.97,70.05;,;39.75,68.69;25.20,51.91;19.10,54.40;33.34,52.02;,;55.40,53.57;,;40.64,58.11;,;7.06,59.09;26.58,64.63;25.78,59.45;,:33.26,52.57,0.11,0,0 +44657:34.14,8.37;,;35.34,34.31;25.71,33.05;,;,;26.57,38.96;,;22.54,52.48;42.72,52.97;,;25.98,47.45;47.01,33.73;42.33,46.42;16.22,36.40;50.81,49.66:35.34,85.41;28.97,70.06;,;39.74,68.69;25.26,51.83;19.10,54.40;33.37,52.05;,;55.43,53.54;,;40.61,58.11;,;7.05,59.09;26.58,64.63;25.74,59.44;,:33.26,52.57,0.11,0,0 +44658:34.15,8.37;,;35.35,34.30;25.70,33.07;,;,;26.55,38.96;,;22.53,52.50;42.64,53.05;,;25.99,47.47;47.01,33.74;42.33,46.42;16.22,36.42;50.82,49.66:35.34,85.40;28.97,70.06;,;39.74,68.68;25.33,51.75;19.10,54.40;33.39,52.08;,;55.45,53.51;,;40.59,58.10;,;7.03,59.09;26.58,64.63;25.71,59.43;,:33.26,52.57,0.11,0,0 +44659:34.17,8.36;,;35.37,34.30;25.69,33.08;,;,;26.55,38.97;,;22.53,52.51;42.54,53.14;,;25.99,47.49;47.01,33.74;42.33,46.43;16.22,36.43;50.83,49.67:35.33,85.39;28.97,70.07;,;39.73,68.68;25.39,51.66;19.10,54.40;33.41,52.11;,;55.48,53.48;,;40.57,58.09;,;7.01,59.09;26.57,64.64;25.67,59.42;,:33.26,52.57,0.11,0,0 +44660:34.18,8.36;,;35.38,34.29;25.69,33.10;,;,;26.54,38.97;,;22.52,52.53;42.43,53.24;,;25.99,47.50;47.00,33.74;42.33,46.45;16.22,36.45;50.83,49.67:35.32,85.37;28.97,70.08;,;39.73,68.67;25.46,51.57;19.09,54.39;33.43,52.14;,;55.51,53.46;,;40.55,58.09;,;6.99,59.09;26.57,64.64;25.64,59.41;,:33.26,52.57,0.11,0,0 +44661:34.18,8.36;,;35.39,34.29;25.69,33.12;,;,;26.53,38.97;,;22.51,52.55;42.31,53.33;,;26.00,47.52;47.00,33.74;42.33,46.46;16.22,36.47;50.82,49.67:35.31,85.35;28.97,70.09;,;39.72,68.66;25.53,51.48;19.09,54.39;33.44,52.17;,;55.54,53.43;,;40.52,58.08;,;6.96,59.08;26.56,64.64;25.61,59.40;,:33.26,52.57,0.11,0,1 +44662:34.19,8.36;,;35.41,34.29;25.68,33.14;,;,;26.53,38.97;,;22.51,52.57;42.18,53.44;,;26.01,47.55;47.00,33.74;42.33,46.48;16.21,36.48;50.82,49.68:35.29,85.32;28.96,70.10;,;39.71,68.65;25.59,51.38;19.09,54.38;33.44,52.20;,;55.57,53.40;,;40.50,58.07;,;6.94,59.08;26.55,64.65;25.58,59.39;,:33.40,53.40,0.11,0,1 +44663:34.19,8.37;,;35.42,34.30;25.68,33.16;,;,;26.52,38.97;,;22.50,52.59;42.04,53.55;,;26.02,47.57;47.00,33.75;42.33,46.50;16.20,36.50;50.81,49.68:35.27,85.29;28.96,70.11;,;39.70,68.64;25.67,51.28;19.09,54.37;33.45,52.22;,;55.61,53.37;,;40.47,58.06;,;6.91,59.07;26.53,64.65;25.55,59.38;,:33.53,54.22,0.11,0,1 +44664:34.19,8.39;,;35.43,34.30;25.68,33.18;,;,;26.52,38.97;,;22.49,52.62;41.89,53.66;,;26.03,47.60;47.00,33.75;42.33,46.53;16.19,36.51;50.79,49.69:35.25,85.26;28.96,70.11;,;39.69,68.63;25.74,51.18;19.09,54.35;33.45,52.24;,;55.64,53.34;,;40.43,58.04;,;6.88,59.06;26.52,64.66;25.52,59.37;,:33.66,55.03,0.11,0,1 +44665:34.19,8.41;,;35.44,34.31;25.68,33.20;,;,;26.52,38.97;,;22.49,52.65;41.74,53.78;,;26.04,47.63;47.01,33.75;42.33,46.56;16.18,36.53;50.78,49.69:35.23,85.22;28.95,70.12;,;39.68,68.61;25.82,51.07;19.09,54.33;33.45,52.26;,;55.68,53.31;,;40.39,58.03;,;6.85,59.05;26.50,64.66;25.49,59.36;,:33.80,55.82,0.11,0,1 +44666:34.18,8.44;,;35.44,34.33;25.67,33.23;,;,;26.51,38.96;,;22.48,52.68;41.57,53.90;,;26.06,47.67;47.01,33.75;42.32,46.59;16.16,36.55;50.76,49.70:35.20,85.18;28.94,70.13;,;39.67,68.59;25.90,50.96;19.09,54.30;33.45,52.27;,;55.72,53.28;,;40.35,58.02;,;6.82,59.04;26.48,64.67;25.46,59.36;,:33.92,56.60,0.11,0,1 +44667:34.17,8.48;,;35.45,34.34;25.67,33.25;,;,;26.51,38.96;,;22.47,52.71;41.40,54.02;,;26.07,47.70;47.01,33.75;42.32,46.63;16.14,36.57;50.75,49.71:35.17,85.13;28.93,70.13;,;39.65,68.57;25.98,50.85;19.09,54.28;33.44,52.27;,;55.77,53.26;,;40.31,58.00;,;6.79,59.03;26.46,64.67;25.42,59.35;,:34.05,57.37,0.11,0,1 +44668:34.16,8.52;,;35.46,34.36;25.67,33.28;,;,;26.51,38.95;,;22.47,52.74;41.23,54.15;,;26.09,47.74;47.01,33.75;42.31,46.68;16.11,36.59;50.73,49.71:35.15,85.07;28.92,70.14;,;39.64,68.55;26.06,50.74;19.09,54.24;33.43,52.27;,;55.81,53.23;,;40.26,57.98;,;6.76,59.01;26.44,64.68;25.39,59.34;,:34.17,58.12,0.11,0,1 +44669:34.15,8.56;,;35.47,34.37;25.66,33.31;,;,;26.50,38.95;,;22.46,52.77;41.06,54.28;,;26.10,47.78;47.02,33.75;42.30,46.74;16.08,36.62;50.72,49.72:35.12,85.02;28.90,70.15;,;39.62,68.53;26.14,50.63;19.09,54.20;33.43,52.26;,;55.86,53.20;,;40.20,57.97;,;6.73,59.00;26.42,64.68;25.35,59.33;,:34.30,58.87,0.11,0,1 +44670:34.13,8.62;,;35.49,34.39;25.65,33.34;,;,;26.50,38.94;,;22.46,52.81;40.88,54.42;,;26.12,47.82;47.02,33.75;42.28,46.80;16.05,36.64;50.71,49.74:35.10,84.95;28.88,70.15;,;39.60,68.50;26.24,50.51;19.10,54.16;33.42,52.24;,;55.91,53.17;,;40.14,57.95;,;6.70,58.99;26.40,64.68;25.31,59.31;,:34.42,59.60,0.11,0,1 +44671:34.12,8.67;,;35.50,34.41;25.64,33.36;,;,;26.50,38.93;,;22.46,52.84;40.71,54.55;,;26.14,47.87;47.02,33.75;42.27,46.87;16.02,36.67;50.70,49.75:35.07,84.89;28.86,70.16;,;39.57,68.47;26.32,50.38;19.10,54.11;33.40,52.22;,;55.96,53.14;,;40.06,57.93;,;6.67,58.98;26.37,64.69;25.27,59.30;,:34.53,60.31,0.11,0,1 +44672:34.10,8.73;,;35.51,34.43;25.63,33.39;,;,;26.49,38.92;,;22.45,52.88;40.52,54.69;,;26.17,47.92;47.03,33.76;42.25,46.94;15.98,36.70;50.69,49.76:35.05,84.82;28.83,70.17;,;39.55,68.44;26.43,50.26;19.10,54.06;33.39,52.19;,;56.01,53.10;,;39.98,57.91;,;6.64,58.97;26.35,64.69;25.22,59.28;,:34.65,61.02,0.11,0,1 +44673:34.09,8.80;,;35.53,34.45;25.61,33.42;,;,;26.49,38.91;,;22.45,52.92;40.34,54.83;,;26.19,47.98;47.03,33.76;42.23,47.02;15.95,36.73;50.68,49.78:35.04,84.75;28.80,70.17;,;39.53,68.41;26.55,50.12;19.11,54.00;33.38,52.15;,;56.06,53.07;,;39.88,57.90;,;6.62,58.96;26.33,64.70;25.18,59.27;,:34.76,61.71,0.11,0,1 +44674:34.08,8.87;,;35.55,34.47;25.59,33.45;,;,;26.48,38.89;,;22.44,52.96;40.16,54.98;,;26.22,48.04;47.03,33.76;42.21,47.10;15.91,36.76;50.67,49.80:35.03,84.69;28.77,70.17;,;39.50,68.38;26.62,49.98;19.11,53.93;33.37,52.10;,;56.12,53.03;,;39.78,57.88;,;6.59,58.95;26.30,64.70;25.13,59.25;,:34.88,62.38,0.11,0,1 +44675:34.07,8.94;,;35.57,34.49;25.57,33.47;,;,;26.48,38.88;,;22.44,53.01;39.97,55.13;,;26.26,48.11;47.03,33.76;42.19,47.18;15.87,36.79;50.67,49.82:35.03,84.61;28.73,70.17;,;39.48,68.34;26.72,49.85;19.11,53.86;33.36,52.05;,;56.18,53.00;,;39.67,57.87;,;6.57,58.94;26.28,64.71;25.08,59.23;,:34.98,63.05,0.11,0,1 +44676:34.06,9.02;,;35.59,34.52;25.54,33.50;,;,;26.47,38.87;,;22.44,53.05;39.79,55.28;,;26.30,48.21;47.03,33.76;42.16,47.27;15.83,36.81;50.67,49.84:35.03,84.54;28.70,70.18;,;39.45,68.31;26.87,49.73;19.11,53.79;33.35,51.99;,;56.24,52.96;,;39.56,57.85;,;6.55,58.93;26.26,64.72;25.02,59.21;,:35.09,63.70,0.11,0,1 +44677:34.05,9.09;,;35.61,34.55;25.51,33.53;,;,;26.46,38.86;,;22.43,53.10;39.60,55.43;,;26.33,48.30;47.04,33.76;42.14,47.36;15.79,36.84;50.67,49.86:35.04,84.46;28.66,70.18;,;39.41,68.28;27.09,49.60;19.12,53.72;33.34,51.93;,;56.30,52.92;,;39.44,57.83;,;6.52,58.92;26.24,64.72;24.97,59.18;,:35.20,64.34,0.11,0,1 +44678:34.05,9.17;,;35.63,34.57;25.48,33.55;,;,;26.45,38.85;,;22.42,53.15;39.43,55.58;,;26.22,48.39;47.04,33.76;42.11,47.45;15.76,36.86;50.67,49.89:35.05,84.38;28.63,70.18;,;39.37,68.24;27.13,49.24;19.11,53.64;33.33,51.86;,;56.36,52.87;,;39.32,57.82;,;6.50,58.91;26.22,64.73;24.92,59.16;,:35.30,64.96,0.11,0,1 +44679:34.05,9.25;,;35.66,34.61;25.45,33.58;,;,;26.43,38.84;,;22.41,53.20;39.24,55.74;,;26.22,48.47;47.04,33.75;42.08,47.54;15.73,36.89;50.67,49.92:35.07,84.30;28.60,70.17;,;39.33,68.21;27.24,49.06;19.11,53.56;33.31,51.78;,;56.42,52.83;,;39.18,57.81;,;6.47,58.91;26.20,64.74;24.87,59.13;,:35.40,65.58,0.11,0,1 +44680:34.05,9.33;,;35.68,34.64;25.42,33.60;,;,;26.42,38.84;,;22.40,53.26;39.03,55.90;,;26.23,48.56;47.04,33.75;42.05,47.63;15.69,36.91;50.67,49.95:35.09,84.21;28.57,70.17;,;39.28,68.18;27.34,48.88;19.11,53.48;33.30,51.70;,;56.48,52.79;,;39.02,57.80;,;6.44,58.90;26.18,64.75;24.81,59.10;,:35.50,66.18,0.11,0,1 +44681:34.05,9.41;,;35.70,34.68;25.38,33.62;,;,;26.40,38.83;,;22.39,53.31;38.84,56.07;,;26.23,48.65;47.05,33.75;42.02,47.72;15.66,36.93;50.67,49.98:35.12,84.12;28.54,70.17;,;39.23,68.15;27.44,48.70;19.10,53.39;33.29,51.62;,;56.54,52.74;,;38.86,57.79;,;6.41,58.89;26.15,64.76;24.76,59.06;,:35.60,66.77,0.11,0,1 +44682:34.05,9.50;,;35.73,34.72;25.35,33.65;,;,;26.39,38.83;,;22.38,53.37;38.63,56.22;,;26.23,48.74;47.05,33.74;41.98,47.81;15.63,36.95;50.66,50.01:35.16,84.03;28.52,70.16;,;39.18,68.11;27.53,48.51;19.10,53.30;33.27,51.53;,;56.60,52.69;,;38.71,57.79;,;6.38,58.88;26.13,64.78;24.70,59.03;,:35.69,67.34,0.11,0,1 +44683:34.06,9.59;,;35.75,34.76;25.32,33.67;,;,;26.37,38.82;,;22.36,53.43;38.40,56.38;,;26.24,48.84;47.05,33.73;41.95,47.89;15.60,36.97;50.66,50.05:35.20,83.94;28.50,70.15;,;39.13,68.08;27.61,48.32;19.09,53.21;33.26,51.44;,;56.67,52.65;,;38.55,57.79;,;6.34,58.86;26.10,64.79;24.65,58.99;,:35.78,67.90,0.11,0,1 +44684:34.06,9.68;,;35.77,34.81;25.29,33.69;,;,;26.35,38.82;,;22.35,53.49;38.21,56.55;,;26.24,48.93;47.06,33.73;41.92,47.97;15.57,36.99;50.65,50.09:35.25,83.85;28.48,70.15;,;39.06,68.05;27.69,48.13;19.08,53.12;33.26,51.35;,;56.73,52.60;,;38.31,57.79;,;6.30,58.84;26.07,64.80;24.60,58.95;,:35.87,68.45,0.11,0,1 +44685:34.06,9.77;,;35.79,34.86;25.26,33.70;,;,;26.32,38.82;,;22.33,53.55;37.94,56.71;,;26.24,49.03;47.06,33.72;41.89,48.05;15.54,37.01;50.64,50.13:35.30,83.75;28.47,70.14;,;39.00,68.02;27.77,47.94;19.07,53.03;33.25,51.26;,;56.79,52.55;,;38.14,57.80;,;6.26,58.82;26.04,64.81;24.55,58.90;,:35.96,68.99,0.11,0,1 +44686:34.07,9.88;,;35.81,34.91;25.24,33.72;,;,;26.30,38.82;,;22.31,53.61;37.66,56.93;,;26.25,49.13;47.07,33.70;41.85,48.13;15.52,37.03;50.63,50.17:35.36,83.65;28.46,70.13;,;38.92,67.99;27.84,47.75;19.06,52.93;33.25,51.16;,;56.86,52.50;,;38.04,57.86;,;6.22,58.80;26.01,64.82;24.49,58.85;,:36.05,69.51,0.11,0,1 +44687:34.06,9.98;,;35.83,34.96;25.22,33.73;,;,;26.28,38.82;,;22.29,53.67;37.59,57.14;,;26.25,49.23;47.08,33.69;41.82,48.20;15.49,37.05;50.61,50.22:35.42,83.55;28.45,70.11;,;38.84,67.96;27.91,47.56;19.04,52.83;33.24,51.07;,;56.92,52.45;,;38.28,57.88;,;6.17,58.77;25.98,64.83;24.44,58.80;,:36.13,70.02,0.11,0,1 +44688:34.06,10.09;,;35.84,35.01;25.20,33.74;,;,;26.26,38.81;,;22.27,53.73;37.41,57.34;,;26.25,49.33;47.09,33.68;41.79,48.27;15.45,37.07;50.59,50.27:35.49,83.45;28.44,70.10;,;38.74,67.93;27.97,47.37;19.03,52.73;33.24,50.97;,;56.98,52.40;,;38.18,57.87;,;6.13,58.73;25.94,64.83;24.38,58.75;,:36.21,70.51,0.11,0,1 +44689:34.06,10.21;,;35.85,35.06;25.18,33.75;,;,;26.24,38.81;,;22.25,53.80;37.24,57.55;,;26.26,49.44;47.10,33.66;41.76,48.35;15.42,37.10;50.57,50.32:35.57,83.35;28.44,70.09;,;38.65,67.89;28.04,47.18;19.01,52.63;33.24,50.86;,;57.04,52.35;,;38.07,57.87;,;6.08,58.70;25.91,64.84;24.32,58.69;,:36.29,71.00,0.11,0,1 +44690:34.05,10.33;,;35.86,35.12;25.17,33.76;,;,;26.23,38.81;,;22.23,53.86;37.07,57.76;,;26.26,49.54;47.11,33.65;41.72,48.42;15.39,37.13;50.54,50.38:35.65,83.25;28.43,70.07;,;38.55,67.86;28.10,46.99;18.99,52.53;33.24,50.76;,;57.09,52.31;,;37.95,57.85;,;6.04,58.65;25.87,64.85;24.26,58.63;,:36.37,71.47,0.11,0,1 +44691:34.04,10.45;,;35.87,35.17;25.16,33.77;,;,;26.21,38.80;,;22.22,53.93;36.91,57.99;,;26.27,49.65;47.12,33.63;41.69,48.49;15.35,37.16;50.51,50.44:35.74,83.15;28.43,70.06;,;38.44,67.83;28.16,46.80;18.97,52.43;33.25,50.66;,;57.15,52.26;,;37.83,57.83;,;5.99,58.60;25.84,64.86;24.19,58.56;,:36.45,71.93,0.11,0,1 +44692:34.04,10.57;,;35.87,35.22;25.15,33.77;,;,;26.20,38.79;,;22.20,53.99;36.76,58.23;,;26.27,49.75;47.13,33.62;41.65,48.55;15.32,37.19;50.47,50.50:35.84,83.06;28.42,70.04;,;38.33,67.80;28.21,46.60;18.94,52.33;33.25,50.55;,;57.21,52.21;,;37.70,57.81;,;5.95,58.55;25.80,64.87;24.12,58.49;,:36.52,72.37,0.11,0,1 +44693:34.03,10.69;,;35.87,35.27;25.15,33.78;,;,;26.18,38.78;,;22.19,54.06;36.62,58.47;,;26.27,49.85;47.14,33.60;41.61,48.62;15.28,37.23;50.43,50.56:35.94,82.96;28.41,70.02;,;38.21,67.77;28.27,46.41;18.92,52.22;33.26,50.45;,;57.26,52.16;,;37.57,57.78;,;5.91,58.49;25.76,64.88;24.05,58.42;,:36.59,72.81,0.11,0,1 +44694:34.02,10.81;,;35.86,35.31;25.15,33.78;,;,;26.17,38.77;,;22.18,54.12;36.50,58.71;,;26.27,49.95;47.15,33.58;41.57,48.70;15.25,37.26;50.38,50.63:36.05,82.88;28.40,70.00;,;38.09,67.74;28.32,46.22;18.89,52.11;33.26,50.34;,;57.31,52.11;,;37.43,57.75;,;5.87,58.42;25.73,64.89;23.98,58.34;,:36.66,73.22,0.11,0,1 +44695:34.01,10.94;,;35.86,35.36;25.15,33.78;,;,;26.16,38.76;,;22.16,54.19;36.38,58.97;,;26.27,50.05;47.16,33.57;41.53,48.76;15.21,37.29;50.33,50.70:36.16,82.79;28.38,69.98;,;37.97,67.71;28.37,46.03;18.86,52.00;33.26,50.23;,;57.36,52.06;,;37.30,57.71;,;5.84,58.35;25.70,64.90;23.91,58.26;,:36.73,73.63,0.11,0,1 +44696:34.00,11.06;,;35.85,35.41;25.15,33.78;,;,;26.15,38.75;,;22.15,54.26;36.27,59.23;,;26.28,50.15;47.17,33.55;41.48,48.84;15.18,37.32;50.27,50.77:36.29,82.71;28.36,69.95;,;37.84,67.68;28.43,45.83;18.83,51.89;33.26,50.12;,;57.41,52.01;,;37.16,57.67;,;5.80,58.27;25.66,64.92;23.83,58.18;,:36.79,74.02,0.11,0,1 +44697:33.99,11.17;,;35.83,35.45;25.16,33.78;,;,;26.14,38.73;,;22.14,54.32;36.18,59.49;,;26.27,50.24;47.18,33.53;41.43,48.91;15.15,37.35;50.22,50.85:36.41,82.63;28.33,69.93;,;37.71,67.65;28.48,45.64;18.81,51.78;33.25,50.01;,;57.46,51.95;,;37.01,57.63;,;5.77,58.18;25.63,64.93;23.75,58.10;,:36.85,74.41,0.11,0,1 +44698:33.99,11.29;,;35.82,35.49;25.17,33.78;,;,;26.13,38.71;,;22.13,54.39;36.10,59.76;,;26.27,50.33;47.19,33.52;41.38,48.99;15.12,37.38;50.16,50.92:36.54,82.55;28.31,69.91;,;37.58,67.63;28.53,45.44;18.79,51.67;33.25,49.90;,;57.50,51.90;,;36.87,57.58;,;5.74,58.09;25.59,64.94;23.68,58.01;,:36.91,74.77,0.11,0,1 +44699:33.98,11.39;,;35.80,35.53;25.18,33.78;,;,;26.12,38.69;,;22.12,54.46;36.03,60.03;,;26.27,50.42;47.20,33.50;41.33,49.06;15.10,37.41;50.09,51.00:36.67,82.47;28.27,69.88;,;37.45,67.60;28.58,45.25;18.77,51.56;33.24,49.79;,;57.55,51.85;,;36.73,57.54;,;5.71,58.00;25.55,64.96;23.60,57.91;,:36.97,75.13,0.11,0,1 +44700:33.98,11.50;,;35.77,35.56;25.20,33.77;,;,;26.11,38.67;,;22.11,54.53;35.97,60.30;,;26.27,50.50;47.21,33.49;41.27,49.14;15.08,37.43;50.03,51.09:36.81,82.40;28.24,69.86;,;37.32,67.58;28.63,45.05;18.75,51.45;33.22,49.67;,;57.59,51.80;,;36.59,57.49;,;5.68,57.89;25.51,64.97;23.52,57.81;,:37.03,75.47,0.11,0,1 +44701:33.98,11.60;,;35.75,35.60;25.21,33.77;,;,;26.09,38.65;,;22.10,54.60;35.91,60.58;,;26.26,50.58;47.21,33.47;41.21,49.22;15.06,37.45;49.97,51.17:36.95,82.33;28.20,69.84;,;37.20,67.55;28.67,44.85;18.74,51.33;33.21,49.56;,;57.63,51.74;,;36.44,57.45;,;5.66,57.78;25.47,64.98;23.45,57.71;,:37.08,75.80,0.11,0,1 +44702:33.98,11.69;,;35.72,35.63;25.23,33.76;,;,;26.07,38.63;,;22.09,54.67;35.87,60.86;,;26.25,50.65;47.21,33.46;41.14,49.29;15.05,37.47;49.91,51.26:37.08,82.26;28.16,69.82;,;37.08,67.53;28.72,44.65;18.74,51.21;33.18,49.44;,;57.66,51.69;,;36.30,57.41;,;5.63,57.66;25.42,64.99;23.37,57.60;,:37.13,76.12,0.11,0,1 +44703:33.98,11.79;,;35.69,35.66;25.26,33.76;,;,;26.05,38.60;,;22.07,54.75;35.84,61.14;,;26.25,50.71;47.22,33.45;41.08,49.37;15.04,37.48;49.85,51.34:37.22,82.20;28.13,69.80;,;36.97,67.51;28.75,44.45;18.74,51.09;33.16,49.32;,;57.70,51.64;,;36.16,57.37;,;5.61,57.54;25.37,65.00;23.30,57.49;,:37.18,76.42,0.11,0,1 +44704:33.99,11.88;,;35.66,35.69;25.28,33.75;,;,;26.02,38.58;,;22.05,54.82;35.81,61.42;,;26.24,50.77;47.22,33.44;41.01,49.45;15.04,37.48;49.80,51.43:37.35,82.13;28.09,69.78;,;36.86,67.50;28.79,44.26;18.74,50.96;33.13,49.20;,;57.73,51.58;,;36.03,57.32;,;5.58,57.42;25.32,65.00;23.23,57.38;,:37.23,76.71,0.11,0,1 +44705:33.99,11.96;,;35.63,35.71;25.31,33.74;,;,;25.99,38.56;,;22.03,54.89;35.79,61.70;,;26.23,50.83;47.21,33.42;40.93,49.52;15.05,37.48;49.75,51.52:37.48,82.06;28.05,69.77;,;36.75,67.48;28.82,44.06;18.75,50.84;33.10,49.08;,;57.76,51.53;,;35.91,57.28;,;5.55,57.28;25.26,65.00;23.17,57.27;,:37.28,76.99,0.11,0,1 +44706:33.99,12.05;,;35.60,35.74;25.34,33.74;,;,;25.95,38.54;,;22.01,54.97;35.77,61.98;,;26.22,50.88;47.21,33.42;40.86,49.60;15.06,37.47;49.70,51.61:37.60,82.00;28.01,69.75;,;36.65,67.46;28.85,43.87;18.77,50.71;33.06,48.95;,;57.79,51.47;,;35.79,57.24;,;5.52,57.14;25.20,65.00;23.10,57.16;,:37.32,77.25,0.11,0,1 +44707:33.99,12.14;,;35.57,35.75;25.37,33.73;,;,;25.91,38.51;,;21.99,55.04;35.75,62.26;,;26.21,50.92;47.20,33.41;40.79,49.68;15.09,37.46;49.66,51.70:37.71,81.93;27.97,69.74;,;36.56,67.44;28.87,43.67;18.79,50.57;33.02,48.83;,;57.82,51.42;,;35.68,57.20;,;5.49,57.00;25.13,65.00;23.02,57.04;,:37.36,77.50,0.11,0,1 +44708:33.99,12.23;,;35.54,35.77;25.41,33.72;,;,;25.87,38.49;,;21.97,55.11;35.73,62.53;,;26.19,50.96;47.20,33.40;40.72,49.76;15.12,37.44;49.62,51.79:37.82,81.87;27.93,69.73;,;36.48,67.42;28.90,43.48;18.82,50.43;32.98,48.69;,;57.84,51.37;,;35.57,57.16;,;5.45,56.85;25.07,64.99;22.95,56.92;,:37.40,77.74,0.11,0,1 +44709:33.99,12.32;,;35.51,35.78;25.44,33.71;,;,;25.83,38.46;,;21.94,55.19;35.71,62.81;,;26.17,50.99;47.18,33.40;40.64,49.84;15.15,37.41;49.59,51.88:37.92,81.80;27.89,69.73;,;36.40,67.40;28.92,43.28;18.84,50.29;32.94,48.56;,;57.87,51.31;,;35.47,57.12;,;5.42,56.70;25.01,64.98;22.89,56.79;,:37.44,77.97,0.11,0,1 +44710:33.99,12.41;,;35.48,35.79;25.48,33.71;,;,;25.79,38.43;,;21.91,55.26;35.68,63.09;,;26.16,51.02;47.17,33.40;40.57,49.92;15.19,37.38;49.56,51.96:38.01,81.74;27.85,69.72;,;36.33,67.38;28.94,43.09;18.87,50.14;32.89,48.43;,;57.89,51.26;,;35.36,57.08;,;5.39,56.54;24.94,64.97;22.83,56.66;,:37.47,78.18,0.11,0,1 +44711:33.99,12.50;,;35.45,35.79;25.51,33.70;,;,;25.74,38.40;,;21.88,55.35;35.65,63.36;,;26.13,51.04;47.15,33.40;40.50,50.00;15.24,37.35;49.53,52.05:38.10,81.68;27.81,69.71;,;36.27,67.37;28.96,42.90;18.90,49.99;32.84,48.29;,;57.91,51.21;,;35.26,57.03;,;5.35,56.38;24.88,64.96;22.76,56.53;,:37.51,78.38,0.11,0,1 +44712:33.99,12.59;,;35.42,35.79;25.54,33.70;,;,;25.69,38.37;,;21.82,55.44;35.60,63.63;,;26.11,51.05;47.13,33.40;40.43,50.08;15.29,37.31;49.50,52.13:38.18,81.62;27.77,69.71;,;36.21,67.35;28.97,42.70;18.93,49.83;32.80,48.15;,;57.93,51.17;,;35.16,56.98;,;5.32,56.22;24.82,64.94;22.68,56.39;,:37.54,78.57,0.11,0,1 +44713:33.98,12.69;,;35.40,35.78;25.58,33.69;,;,;25.65,38.34;,;21.78,55.50;35.55,63.90;,;26.09,51.05;47.10,33.40;40.36,50.16;15.34,37.27;49.48,52.21:38.25,81.57;27.73,69.71;,;36.16,67.33;28.98,42.51;18.96,49.68;32.75,48.01;,;57.95,51.12;,;35.07,56.93;,;5.28,56.06;24.76,64.92;22.65,56.25;,:37.57,78.74,0.11,0,1 +44714:33.98,12.78;,;35.38,35.77;25.60,33.69;,;,;25.60,38.30;,;21.75,55.56;35.48,64.17;,;26.06,51.05;47.07,33.41;40.29,50.24;15.40,37.22;49.45,52.29:38.30,81.51;27.69,69.70;,;36.12,67.31;29.00,42.32;18.99,49.52;32.71,47.87;,;57.97,51.08;,;34.98,56.87;,;5.25,55.89;24.71,64.89;22.61,56.18;,:37.59,78.90,0.11,0,1 +44715:33.97,12.87;,;35.35,35.76;25.63,33.69;,;,;25.55,38.26;,;21.73,55.64;35.40,64.44;,;26.04,51.05;47.04,33.42;40.23,50.32;15.47,37.17;49.42,52.37:38.36,81.46;27.65,69.70;,;36.08,67.29;29.01,42.13;19.01,49.36;32.66,47.73;,;57.99,51.03;,;34.89,56.81;,;5.21,55.72;24.65,64.87;22.63,56.13;,:37.62,79.05,0.11,0,1 +44716:33.96,12.97;,;35.33,35.75;25.65,33.69;,;,;25.50,38.22;,;21.68,55.65;35.32,64.71;,;26.02,51.03;47.01,33.43;40.17,50.39;15.53,37.12;49.39,52.44:38.40,81.41;27.61,69.70;,;36.04,67.27;29.03,41.94;19.04,49.19;32.61,47.59;,;58.01,50.99;,;34.81,56.75;,;5.18,55.55;24.60,64.84;22.56,55.96;,:37.64,79.19,0.11,0,1 +44717:33.95,13.07;,;35.31,35.73;25.68,33.69;,;,;25.45,38.18;,;21.63,55.71;35.23,64.97;,;25.99,51.01;46.97,33.44;40.11,50.47;15.60,37.06;49.35,52.51:38.44,81.37;27.56,69.69;,;36.00,67.25;29.04,41.75;19.06,49.03;32.56,47.45;,;58.03,50.95;,;34.73,56.69;,;5.15,55.38;24.56,64.81;22.51,55.84;,:37.66,79.31,0.11,0,1 +44718:33.95,13.16;,;35.29,35.71;25.69,33.69;,;,;25.40,38.14;,;21.59,55.76;35.13,65.23;,;25.96,50.99;46.93,33.45;40.06,50.54;15.67,37.00;49.31,52.58:38.46,81.33;27.52,69.69;,;35.97,67.22;29.05,41.56;19.09,48.87;32.52,47.31;,;58.04,50.91;,;34.66,56.62;,;5.12,55.21;24.51,64.78;22.46,55.72;,:37.68,79.42,0.11,0,1 +44719:33.94,13.25;,;35.27,35.69;25.71,33.70;,;,;25.35,38.09;,;21.54,55.80;35.02,65.50;,;25.94,50.95;46.89,33.46;40.00,50.61;15.74,36.94;49.27,52.64:38.48,81.29;27.48,69.68;,;35.93,67.19;29.06,41.37;19.11,48.71;32.47,47.17;,;58.06,50.87;,;34.59,56.55;,;5.09,55.03;24.47,64.74;22.42,55.59;,:37.69,79.52,0.11,0,1 +44720:33.94,13.34;,;35.25,35.66;25.72,33.70;,;,;25.30,38.04;,;21.49,55.84;34.91,65.76;,;25.92,50.91;46.85,33.47;39.94,50.68;15.81,36.88;49.22,52.70:38.49,81.25;27.44,69.67;,;35.90,67.15;29.07,41.19;19.13,48.55;32.43,47.03;,;58.07,50.83;,;34.51,56.48;,;5.06,54.86;24.43,64.71;22.37,55.47;,:37.71,79.60,0.11,0,1 +44721:33.94,13.43;,;35.23,35.63;25.73,33.70;,;,;25.25,37.99;,;21.45,55.88;34.80,66.02;,;25.89,50.87;46.81,33.48;39.88,50.74;15.87,36.81;49.16,52.75:38.50,81.21;27.39,69.67;,;35.86,67.12;29.08,41.00;19.16,48.38;32.38,46.90;,;58.08,50.80;,;34.45,56.41;,;5.03,54.68;24.39,64.66;22.33,55.34;,:37.72,79.67,0.11,0,1 +44722:33.94,13.51;,;35.21,35.60;25.74,33.70;,;,;25.20,37.94;,;21.40,55.91;34.69,66.28;,;25.87,50.82;46.76,33.49;39.82,50.80;15.94,36.74;49.10,52.80:38.49,81.18;27.35,69.66;,;35.83,67.07;29.09,40.81;19.19,48.22;32.34,46.76;,;58.08,50.76;,;34.38,56.33;,;5.00,54.50;24.35,64.62;22.28,55.22;,:37.73,79.73,0.11,0,1 +44723:33.94,13.60;,;35.18,35.57;25.75,33.70;,;,;25.15,37.89;,;21.35,55.93;34.59,66.55;,;25.85,50.76;46.72,33.50;39.76,50.86;16.02,36.67;49.04,52.84:38.49,81.15;27.31,69.66;,;35.79,67.03;29.11,40.63;19.21,48.06;32.29,46.63;,;58.08,50.73;,;34.32,56.26;,;4.98,54.32;24.31,64.57;22.24,55.09;,:37.74,79.77,0.11,0,1 +44724:33.94,13.68;,;35.16,35.53;25.76,33.70;,;,;25.10,37.84;,;21.31,55.95;34.49,66.82;,;25.83,50.70;46.68,33.51;39.70,50.91;16.09,36.60;48.98,52.88:38.48,81.12;27.27,69.65;,;35.75,66.97;29.12,40.45;19.24,47.91;32.24,46.50;,;58.08,50.69;,;34.26,56.18;,;4.96,54.13;24.28,64.51;22.19,54.96;,:37.74,79.81,0.11,0,1 +44725:33.95,13.76;,;35.13,35.50;25.77,33.69;,;,;25.05,37.78;,;21.26,55.96;34.40,67.10;,;25.82,50.63;46.63,33.51;39.64,50.96;16.16,36.53;48.92,52.92:38.46,81.10;27.23,69.64;,;35.71,66.91;29.13,40.27;19.27,47.75;32.20,46.37;,;58.08,50.65;,;34.20,56.10;,;4.94,53.95;24.25,64.45;22.15,54.84;,:37.75,79.83,0.11,0,1 +44726:33.95,13.85;,;35.11,35.46;25.79,33.68;,;,;25.00,37.72;,;21.21,55.97;34.33,67.37;,;25.80,50.56;46.59,33.52;39.58,51.01;16.23,36.45;48.86,52.95:38.44,81.07;27.19,69.63;,;35.66,66.85;29.14,40.09;19.30,47.60;32.15,46.24;,;58.07,50.62;,;34.15,56.02;,;4.92,53.76;24.22,64.39;22.11,54.71;,:37.75,79.83,0.11,0,1 +44727:33.95,13.94;,;35.08,35.42;25.80,33.67;,;,;24.94,37.66;,;21.16,55.97;34.26,67.65;,;25.77,50.48;46.54,33.52;39.51,51.06;16.30,36.38;48.80,52.97:38.42,81.04;27.15,69.62;,;35.61,66.78;29.15,39.91;19.33,47.45;32.10,46.11;,;58.06,50.58;,;34.10,55.94;,;4.89,53.58;24.19,64.33;22.07,54.58;,:37.67,79.82,0.11,0,1 +44728:33.94,14.03;,;35.04,35.38;25.81,33.66;,;,;24.89,37.60;,;21.11,55.96;34.20,67.94;,;25.75,50.40;46.50,33.52;39.45,51.10;16.37,36.30;48.75,52.99:38.39,81.02;27.10,69.61;,;35.55,66.71;29.16,39.73;19.36,47.30;32.05,45.98;,;58.05,50.55;,;34.04,55.85;,;4.87,53.39;24.16,64.25;22.02,54.44;,:37.59,79.81,0.11,0,1 +44729:33.94,14.12;,;35.01,35.33;25.83,33.65;,;,;24.84,37.54;,;21.06,55.95;34.16,68.22;,;25.73,50.31;46.46,33.52;39.38,51.14;16.43,36.22;48.70,53.01:38.37,80.99;27.06,69.60;,;35.50,66.63;29.16,39.55;19.39,47.15;31.99,45.85;,;58.03,50.52;,;33.99,55.76;,;4.85,53.20;24.14,64.18;21.98,54.32;,:37.52,79.79,0.11,0,1 +44730:33.93,14.22;,;34.97,35.29;25.85,33.63;,;,;24.79,37.47;,;21.01,55.93;34.12,68.52;,;25.71,50.22;46.41,33.52;39.32,51.17;16.50,36.15;48.66,53.03:38.34,80.96;27.01,69.58;,;35.44,66.55;29.16,39.37;19.41,47.00;31.94,45.72;,;58.00,50.48;,;33.94,55.68;,;4.83,53.01;24.12,64.10;21.95,54.19;,:37.45,79.78,0.11,0,1 +44731:33.93,14.32;,;34.94,35.24;25.87,33.61;,;,;24.73,37.41;,;20.95,55.91;34.11,68.81;,;25.68,50.13;46.37,33.52;39.25,51.20;16.57,36.07;48.61,53.03:38.31,80.93;26.96,69.57;,;35.38,66.46;29.17,39.20;19.43,46.86;31.88,45.59;,;57.98,50.45;,;33.89,55.59;,;4.82,52.82;24.10,64.02;21.91,54.06;,:37.39,79.77,0.11,0,1 +44732:33.92,14.42;,;34.90,35.19;25.89,33.59;,;,;24.68,37.35;,;20.89,55.88;34.11,69.11;,;25.65,50.04;46.33,33.52;39.18,51.23;16.63,35.99;48.58,53.04:38.29,80.91;26.91,69.55;,;35.32,66.37;29.17,39.03;19.45,46.71;31.82,45.46;,;57.94,50.41;,;33.84,55.49;,;4.80,52.63;24.08,63.93;21.87,53.93;,:37.33,79.76,0.11,0,1 +44733:33.91,14.52;,;34.86,35.14;25.91,33.57;,;,;24.62,37.28;,;20.83,55.84;34.11,69.41;,;25.62,49.94;46.28,33.52;39.11,51.25;16.69,35.92;48.55,53.04:38.26,80.88;26.86,69.52;,;35.26,66.28;29.16,38.85;19.45,46.57;31.76,45.33;,;57.91,50.38;,;33.79,55.40;,;4.78,52.44;24.07,63.84;21.84,53.81;,:37.27,79.75,0.11,0,1 +44734:33.89,14.62;,;34.83,35.09;25.94,33.55;,;,;24.56,37.22;,;20.77,55.81;34.13,69.72;,;25.59,49.85;46.23,33.52;39.04,51.26;16.74,35.84;48.53,53.04:38.23,80.85;26.81,69.50;,;35.20,66.19;29.16,38.68;19.46,46.44;31.70,45.20;,;57.87,50.35;,;33.75,55.30;,;4.75,52.26;24.06,63.75;21.80,53.69;,:37.22,79.74,0.11,0,1 +44735:33.88,14.72;,;34.79,35.03;25.96,33.52;,;,;24.51,37.15;,;20.71,55.76;34.16,70.02;,;25.55,49.75;46.19,33.52;38.97,51.28;16.79,35.77;48.52,53.04:38.21,80.82;26.75,69.47;,;35.13,66.09;29.15,38.51;19.46,46.30;31.65,45.08;,;57.82,50.31;,;33.70,55.21;,;4.73,52.07;24.04,63.65;21.77,53.56;,:37.17,79.73,0.11,0,1 +44736:33.87,14.81;,;34.74,34.98;25.99,33.50;,;,;24.45,37.09;,;20.64,55.71;34.20,70.33;,;25.51,49.65;46.14,33.53;38.89,51.28;16.84,35.69;48.51,53.04:38.18,80.79;26.70,69.43;,;35.07,66.00;29.14,38.35;19.45,46.17;31.58,44.95;,;57.77,50.28;,;33.66,55.11;,;4.71,51.88;24.03,63.55;21.73,53.44;,:37.12,79.72,0.11,0,1 +44737:33.85,14.90;,;34.70,34.92;26.01,33.47;,;,;24.40,37.02;,;20.58,55.66;34.24,70.63;,;25.47,49.54;46.09,33.53;38.82,51.28;16.88,35.62;48.50,53.03:38.15,80.76;26.65,69.40;,;35.00,65.90;29.12,38.18;19.44,46.03;31.52,44.82;,;57.72,50.25;,;33.62,55.01;,;4.69,51.69;24.02,63.45;21.70,53.32;,:37.08,79.72,0.11,0,1 +44738:33.84,14.98;,;34.65,34.86;26.03,33.44;,;,;24.34,36.95;,;20.51,55.61;34.30,70.94;,;25.42,49.44;46.04,33.53;38.74,51.27;16.92,35.55;48.49,53.02:38.13,80.73;26.59,69.36;,;34.94,65.80;29.10,38.01;19.42,45.90;31.46,44.69;,;57.67,50.23;,;33.57,54.90;,;4.67,51.51;24.01,63.34;21.66,53.20;,:37.04,79.71,0.11,0,1 +44739:33.83,15.06;,;34.61,34.79;26.06,33.41;,;,;24.29,36.88;,;20.44,55.55;34.36,71.24;,;25.37,49.33;45.99,33.53;38.66,51.26;16.95,35.48;48.49,53.01:38.10,80.69;26.54,69.31;,;34.87,65.70;29.07,37.84;19.40,45.76;31.40,44.56;,;57.61,50.20;,;33.53,54.80;,;4.64,51.32;24.01,63.23;21.63,53.08;,:37.00,79.70,0.11,0,1 +44740:33.82,15.13;,;34.57,34.72;26.09,33.38;,;,;24.23,36.81;,;20.36,55.48;34.43,71.53;,;25.32,49.23;45.94,33.53;38.58,51.24;16.98,35.41;48.49,53.00:38.07,80.66;26.49,69.26;,;34.80,65.59;29.05,37.68;19.38,45.63;31.34,44.43;,;57.55,50.17;,;33.49,54.69;,;4.62,51.14;24.00,63.12;21.59,52.96;,:36.97,79.70,0.11,0,1 +44741:33.82,15.19;,;34.53,34.65;26.11,33.35;,;,;24.17,36.74;,;20.29,55.42;34.50,71.82;,;25.27,49.12;45.89,33.53;38.50,51.22;17.00,35.34;48.49,52.99:38.04,80.62;26.45,69.21;,;34.73,65.49;29.02,37.52;19.35,45.50;31.28,44.30;,;57.48,50.15;,;33.45,54.58;,;4.60,50.95;23.99,63.01;21.55,52.83;,:36.94,79.69,0.11,0,1 +44742:33.81,15.24;,;34.48,34.58;26.14,33.31;,;,;24.12,36.67;,;20.22,55.35;34.57,72.11;,;25.21,49.01;45.84,33.53;38.42,51.19;17.02,35.27;48.49,52.97:38.01,80.58;26.41,69.15;,;34.67,65.38;28.98,37.36;19.32,45.36;31.22,44.18;,;57.41,50.12;,;33.41,54.48;,;4.58,50.76;23.97,62.90;21.52,52.71;,:36.91,79.69,0.11,0,1 +44743:33.80,15.29;,;34.44,34.50;26.17,33.27;,;,;24.06,36.60;,;20.14,55.28;34.64,72.39;,;25.15,48.91;45.80,33.52;38.33,51.15;17.03,35.20;48.49,52.96:37.98,80.54;26.36,69.09;,;34.60,65.27;28.94,37.20;19.30,45.23;31.16,44.05;,;57.34,50.10;,;33.37,54.37;,;4.56,50.57;23.96,62.78;21.48,52.59;,:36.89,79.68,0.11,0,1 +44744:33.79,15.32;,;34.40,34.42;26.19,33.23;,;,;24.00,36.52;,;20.07,55.21;34.71,72.66;,;25.10,48.80;45.75,33.52;38.25,51.11;17.04,35.13;48.49,52.94:37.95,80.50;26.33,69.03;,;34.53,65.16;28.90,37.04;19.27,45.10;31.09,43.92;,;57.27,50.08;,;33.33,54.26;,;4.55,50.38;23.95,62.67;21.44,52.47;,:36.87,79.68,0.11,0,1 +44745:33.79,15.36;,;34.36,34.34;26.22,33.18;,;,;23.95,36.45;,;20.00,55.14;34.78,72.93;,;25.04,48.69;45.70,33.51;38.16,51.06;17.05,35.05;48.49,52.93:37.92,80.46;26.29,68.96;,;34.46,65.05;28.85,36.89;19.25,44.97;31.03,43.80;,;57.20,50.05;,;33.30,54.14;,;4.53,50.18;23.94,62.55;21.40,52.35;,:36.86,79.68,0.11,0,1 +44746:33.78,15.38;,;34.32,34.26;26.25,33.13;,;,;23.89,36.38;,;19.92,55.06;34.84,73.18;,;24.98,48.59;45.65,33.50;38.07,51.01;17.05,34.98;48.49,52.91:37.90,80.43;26.25,68.89;,;34.39,64.93;28.80,36.74;19.23,44.83;30.96,43.67;,;57.13,50.03;,;33.26,54.03;,;4.53,49.98;23.94,62.43;21.36,52.23;,:36.84,79.68,0.11,0,1 +44747:33.77,15.40;,;34.28,34.17;26.28,33.08;,;,;23.84,36.31;,;19.85,54.98;34.91,73.43;,;24.92,48.48;45.60,33.48;37.98,50.96;17.05,34.91;48.49,52.89:37.87,80.39;26.21,68.82;,;34.32,64.81;28.75,36.59;19.21,44.69;30.90,43.54;,;57.07,50.01;,;33.22,53.92;,;4.52,49.79;23.93,62.31;21.32,52.11;,:36.83,79.67,0.11,0,1 +44748:33.76,15.42;,;34.24,34.07;26.31,33.03;,;,;23.78,36.24;,;19.77,54.90;34.96,73.66;,;24.86,48.37;45.56,33.47;37.90,50.90;17.05,34.83;48.49,52.87:37.86,80.36;26.18,68.73;,;34.25,64.70;28.70,36.45;19.19,44.55;30.83,43.42;,;57.00,49.98;,;33.18,53.80;,;4.53,49.58;23.92,62.20;21.29,51.99;,:36.83,79.67,0.11,0,1 +44749:33.75,15.43;,;34.21,33.98;26.34,32.97;,;,;23.73,36.16;,;19.70,54.82;35.02,73.89;,;24.80,48.27;45.51,33.45;37.80,50.83;17.05,34.76;48.49,52.85:37.85,80.33;26.14,68.64;,;34.18,64.58;28.66,36.30;19.17,44.41;30.76,43.30;,;56.94,49.95;,;33.14,53.69;,;4.54,49.38;23.92,62.08;21.25,51.88;,:36.83,79.67,0.11,0,1 +44750:33.73,15.44;,;34.18,33.88;26.37,32.91;,;,;23.67,36.09;,;19.62,54.74;35.08,74.10;,;24.75,48.16;45.46,33.43;37.71,50.77;17.04,34.68;48.48,52.83:37.85,80.31;26.10,68.55;,;34.10,64.46;28.61,36.17;19.15,44.27;30.69,43.17;,;56.87,49.93;,;33.10,53.57;,;4.56,49.17;23.91,61.96;21.21,51.76;,:38.32,80.16,0.11,0,1 +44751:33.72,15.44;,;34.16,33.78;26.40,32.85;,;,;23.62,36.02;,;19.54,54.65;35.13,74.31;,;24.69,48.05;45.41,33.40;37.62,50.70;17.02,34.61;48.48,52.80:37.85,80.29;26.06,68.45;,;34.03,64.34;28.56,36.03;19.14,44.13;30.62,43.05;,;56.82,49.90;,;33.06,53.46;,;4.58,48.96;23.91,61.84;21.17,51.64;,:41.31,81.13,0.11,0,1 +44752:33.70,15.44;,;34.13,33.67;26.42,32.79;,;,;23.56,35.94;,;19.47,54.56;35.17,74.50;,;24.63,47.95;45.36,33.38;37.53,50.63;17.01,34.54;48.47,52.77:37.87,80.29;26.01,68.34;,;33.96,64.21;28.52,35.90;19.12,43.99;30.54,42.93;,;56.76,49.87;,;33.02,53.34;,;4.61,48.75;23.90,61.72;21.13,51.52;,:41.28,80.46,0.11,0,1 +44753:33.68,15.44;,;34.12,33.57;26.45,32.73;,;,;23.50,35.87;,;19.38,54.47;35.22,74.68;,;24.57,47.84;45.31,33.35;37.44,50.56;16.99,34.47;48.46,52.74:37.89,80.29;25.97,68.23;,;33.89,64.09;28.47,35.76;19.10,43.85;30.47,42.81;,;56.71,49.84;,;32.98,53.22;,;4.65,48.54;23.90,61.60;21.09,51.40;,:41.24,79.79,0.77,1,1 +44754:33.67,15.42;,;34.10,33.46;26.47,32.67;,;,;23.45,35.80;,;19.30,54.38;35.25,74.85;,;24.51,47.74;45.26,33.32;37.35,50.48;16.96,34.40;48.45,52.71:37.93,80.30;25.92,68.12;,;33.82,63.97;28.44,35.63;19.08,43.71;30.39,42.69;,;56.65,49.80;,;32.93,53.10;,;4.69,48.32;23.89,61.48;21.05,51.29;,:41.21,79.12,1.41,1,1 +44755:33.65,15.40;,;34.08,33.35;26.50,32.60;,;,;23.39,35.73;,;19.22,54.28;35.29,75.01;,;24.45,47.63;45.21,33.29;37.26,50.40;16.93,34.34;48.43,52.67:37.96,80.31;25.88,68.00;,;33.75,63.85;28.40,35.50;19.06,43.57;30.31,42.57;,;56.60,49.77;,;32.89,52.98;,;4.74,48.10;23.89,61.36;21.02,51.17;,:41.17,78.46,2.04,1,1 +44756:33.64,15.38;,;34.06,33.24;26.51,32.54;,;,;23.34,35.66;,;19.14,54.18;35.32,75.16;,;24.38,47.52;45.17,33.26;37.16,50.32;16.90,34.27;48.41,52.63:38.01,80.34;25.83,67.87;,;33.68,63.72;28.37,35.37;19.04,43.42;30.23,42.46;,;56.54,49.73;,;32.84,52.86;,;4.80,47.88;23.88,61.24;20.98,51.05;,:41.14,77.79,2.65,1,1 +44757:33.62,15.35;,;34.04,33.13;26.53,32.48;,;,;23.28,35.59;,;19.06,54.08;35.36,75.30;,;24.32,47.41;45.12,33.23;37.07,50.24;16.87,34.21;48.39,52.59:38.06,80.37;25.78,67.74;,;33.61,63.60;28.34,35.24;19.02,43.28;30.15,42.34;,;56.48,49.69;,;32.79,52.73;,;4.86,47.66;23.88,61.12;20.95,50.93;,:41.10,77.12,3.24,1,1 +44758:33.61,15.31;,;34.02,33.03;26.55,32.41;,;,;23.22,35.52;,;18.98,53.98;35.39,75.43;,;24.25,47.30;45.07,33.21;36.98,50.16;16.83,34.15;48.36,52.55:38.11,80.42;25.73,67.61;,;33.54,63.47;28.32,35.12;18.99,43.13;30.07,42.23;,;56.42,49.65;,;32.74,52.61;,;4.93,47.44;23.88,61.00;20.92,50.81;,:41.07,76.45,3.82,1,1 +44759:33.60,15.26;,;34.00,32.92;26.57,32.34;,;,;23.17,35.45;,;18.91,53.88;35.42,75.55;,;24.18,47.19;45.02,33.17;36.89,50.07;16.80,34.09;48.33,52.51:38.17,80.47;25.69,67.47;,;33.47,63.35;28.29,35.00;18.96,42.99;29.98,42.12;,;56.36,49.60;,;32.69,52.48;,;5.00,47.22;23.87,60.87;20.88,50.68;,:41.03,75.78,4.39,1,1 +44760:33.59,15.20;,;33.98,32.81;26.58,32.27;,;,;23.12,35.38;,;18.84,53.77;35.46,75.67;,;24.11,47.08;44.97,33.14;36.80,49.99;16.76,34.02;48.29,52.46:38.23,80.52;25.64,67.33;,;33.40,63.22;28.27,34.87;18.93,42.85;29.89,42.01;,;56.29,49.56;,;32.63,52.36;,;5.08,46.99;23.87,60.75;20.85,50.56;,:41.00,75.11,4.94,1,1 +44761:33.59,15.14;,;33.96,32.70;26.60,32.20;,;,;23.07,35.31;,;18.78,53.66;35.50,75.77;,;24.05,46.97;44.93,33.11;36.71,49.90;16.73,33.96;48.25,52.41:38.29,80.59;25.60,67.19;,;33.34,63.09;28.25,34.75;18.90,42.70;29.81,41.90;,;56.22,49.51;,;32.58,52.23;,;5.16,46.77;23.86,60.63;20.82,50.43;,:40.96,74.44,5.47,1,1 +44762:33.59,15.07;,;33.95,32.59;26.62,32.12;,;,;23.02,35.24;,;18.72,53.55;35.54,75.87;,;23.98,46.86;44.89,33.07;36.62,49.81;16.70,33.89;48.21,52.36:38.35,80.66;25.56,67.04;,;33.27,62.97;28.23,34.64;18.88,42.56;29.73,41.79;,;56.13,49.46;,;32.52,52.10;,;5.25,46.54;23.86,60.50;20.78,50.30;,:40.93,73.78,5.99,1,1 +44763:33.58,15.00;,;33.93,32.48;26.64,32.04;,;,;22.98,35.16;,;18.67,53.43;35.58,75.96;,;23.91,46.74;44.85,33.03;36.53,49.72;16.67,33.82;48.17,52.30:38.40,80.73;25.52,66.89;,;33.21,62.84;28.21,34.52;18.86,42.41;29.64,41.68;,;56.05,49.41;,;32.46,51.98;,;5.35,46.31;23.86,60.37;20.75,50.17;,:40.89,73.11,6.49,1,1 +44764:33.58,14.92;,;33.90,32.38;26.66,31.95;,;,;22.94,35.09;,;18.62,53.31;35.63,76.04;,;23.85,46.63;44.82,32.99;36.45,49.63;16.65,33.74;48.12,52.24:38.45,80.81;25.48,66.73;,;33.15,62.71;28.19,34.40;18.84,42.27;29.56,41.58;,;55.95,49.36;,;32.40,51.85;,;5.45,46.08;23.86,60.25;20.73,50.03;,:40.86,72.44,6.97,1,1 +44765:33.58,14.83;,;33.87,32.27;26.69,31.86;,;,;22.91,35.01;,;18.58,53.19;35.68,76.12;,;23.79,46.51;44.78,32.94;36.36,49.54;16.64,33.66;48.07,52.18:38.50,80.88;25.44,66.58;,;33.08,62.58;28.17,34.28;18.83,42.12;29.48,41.47;,;55.85,49.31;,;32.34,51.72;,;5.55,45.85;23.85,60.12;20.70,49.89;,:40.83,71.77,7.44,1,1 +44766:33.58,14.74;,;33.84,32.16;26.72,31.77;,;,;22.88,34.94;,;18.55,53.07;35.73,76.19;,;23.74,46.39;44.75,32.89;36.28,49.44;16.63,33.58;48.03,52.12:38.54,80.97;25.40,66.42;,;33.02,62.45;28.15,34.17;18.82,41.96;29.40,41.37;,;55.74,49.26;,;32.28,51.59;,;5.65,45.62;23.85,60.00;20.67,49.75;,:40.79,71.10,7.90,1,1 +44767:33.58,14.65;,;33.81,32.05;26.76,31.67;,;,;22.86,34.86;,;18.53,52.94;35.78,76.25;,;23.69,46.27;44.72,32.83;36.20,49.34;16.63,33.49;47.98,52.05:38.58,81.05;25.36,66.25;,;32.97,62.32;28.14,34.05;18.81,41.81;29.33,41.27;,;55.63,49.21;,;32.22,51.46;,;5.76,45.39;23.85,59.87;20.65,49.60;,:40.76,70.43,8.33,1,1 +44768:33.58,14.56;,;33.79,31.93;26.80,31.56;,;,;22.85,34.78;,;18.51,52.81;35.85,76.31;,;23.66,46.15;44.69,32.77;36.11,49.24;16.64,33.40;47.93,51.98:38.62,81.13;25.32,66.09;,;32.91,62.18;28.12,33.93;18.82,41.65;29.26,41.17;,;55.52,49.15;,;32.16,51.33;,;5.87,45.15;23.85,59.74;20.62,49.46;,:40.72,69.76,8.76,1,1 +44769:33.57,14.47;,;33.75,31.82;26.86,31.44;,;,;22.84,34.69;,;18.50,52.68;35.91,76.37;,;23.63,46.03;44.66,32.71;36.03,49.13;16.65,33.30;47.88,51.91:38.64,81.21;25.28,65.92;,;32.86,62.05;28.10,33.82;18.83,41.49;29.19,41.07;,;55.41,49.10;,;32.10,51.19;,;5.99,44.92;23.84,59.61;20.60,49.31;,:40.69,69.09,9.17,1,1 +44770:33.57,14.38;,;33.72,31.71;26.92,31.32;,;,;22.84,34.61;,;18.49,52.54;35.98,76.42;,;23.61,45.90;44.64,32.63;35.96,49.02;16.67,33.20;47.83,51.84:38.67,81.29;25.24,65.74;,;32.81,61.92;28.08,33.71;18.85,41.32;29.14,40.97;,;55.28,49.04;,;32.04,51.06;,;6.11,44.68;23.84,59.48;20.57,49.16;,:40.65,68.43,9.56,1,1 +44771:33.56,14.29;,;33.69,31.60;26.98,31.20;,;,;22.84,34.52;,;18.48,52.40;36.04,76.47;,;23.59,45.77;44.61,32.56;35.88,48.90;16.70,33.09;47.77,51.75:38.69,81.37;25.21,65.56;,;32.77,61.78;28.07,33.59;18.87,41.16;29.08,40.87;,;55.15,48.99;,;31.99,50.93;,;6.23,44.45;23.83,59.35;20.55,49.01;,:40.62,67.76,9.93,1,1 +44772:33.55,14.20;,;33.66,31.48;27.06,31.07;,;,;22.85,34.43;,;18.48,52.26;36.11,76.51;,;23.59,45.64;44.59,32.47;35.81,48.78;16.74,32.98;47.72,51.67:38.70,81.45;25.17,65.38;,;32.72,61.64;28.05,33.48;18.90,40.99;29.04,40.77;,;55.02,48.93;,;31.94,50.80;,;6.35,44.21;23.83,59.22;20.54,48.85;,:40.58,67.09,10.29,1,1 +44773:33.54,14.11;,;33.63,31.37;27.15,30.95;,;,;22.87,34.34;,;18.48,52.12;36.18,76.54;,;23.59,45.51;44.56,32.39;35.74,48.65;16.78,32.87;47.67,51.58:38.71,81.52;25.14,65.20;,;32.68,61.51;28.04,33.36;18.93,40.81;29.00,40.68;,;54.88,48.87;,;31.89,50.66;,;6.48,43.98;23.82,59.09;20.53,48.70;,:40.55,66.42,10.64,1,1 +44774:33.54,14.01;,;33.60,31.26;27.24,30.83;,;,;22.89,34.25;,;18.47,51.97;36.25,76.57;,;23.61,45.38;44.53,32.30;35.67,48.52;16.83,32.75;47.62,51.49:38.71,81.60;25.11,65.02;,;32.65,61.37;28.03,33.24;18.96,40.64;28.98,40.57;,;54.74,48.82;,;31.84,50.53;,;6.60,43.75;23.82,58.96;20.52,48.54;,:40.51,65.75,10.97,1,1 +44775:33.53,13.92;,;33.57,31.14;27.32,30.70;,;,;22.92,34.15;,;18.47,51.83;36.32,76.60;,;23.63,45.24;44.51,32.21;35.61,48.38;16.88,32.63;47.57,51.39:38.71,81.67;25.08,64.83;,;32.61,61.23;28.02,33.12;19.00,40.46;28.97,40.47;,;54.59,48.76;,;31.80,50.39;,;6.73,43.52;23.81,58.82;20.51,48.39;,:40.48,65.08,11.28,1,1 +44776:33.52,13.82;,;33.55,31.03;27.41,30.58;,;,;22.95,34.05;,;18.48,51.68;36.39,76.62;,;23.66,45.10;44.47,32.12;35.55,48.23;16.94,32.52;47.51,51.29:38.70,81.73;25.05,64.64;,;32.58,61.09;28.02,33.01;19.05,40.29;28.97,40.37;,;54.45,48.71;,;31.77,50.26;,;6.86,43.28;23.80,58.69;20.51,48.23;,:40.45,64.41,11.58,1,1 +44777:33.51,13.73;,;33.52,30.92;27.50,30.46;,;,;22.99,33.94;,;18.49,51.52;36.45,76.63;,;23.69,44.96;44.44,32.02;35.49,48.09;17.01,32.39;47.46,51.19:38.69,81.80;25.03,64.45;,;32.56,60.95;28.03,32.89;19.10,40.11;28.97,40.27;,;54.30,48.65;,;31.74,50.12;,;6.99,43.05;23.79,58.55;20.51,48.07;,:40.41,63.75,11.86,1,1 +44778:33.50,13.63;,;33.50,30.80;27.58,30.33;,;,;23.04,33.84;,;18.49,51.37;36.52,76.64;,;23.73,44.81;44.41,31.92;35.43,47.93;17.08,32.27;47.40,51.08:38.68,81.86;25.01,64.26;,;32.54,60.81;28.03,32.77;19.15,39.93;28.99,40.17;,;54.15,48.60;,;31.71,49.97;,;7.13,42.81;23.78,58.41;20.52,47.91;,:40.38,63.08,12.12,1,1 +44779:33.49,13.53;,;33.48,30.69;27.67,30.18;,;,;23.09,33.73;,;18.50,51.22;36.59,76.64;,;23.77,44.66;44.38,31.81;35.38,47.78;17.16,32.14;47.34,50.97:38.66,81.91;25.00,64.07;,;32.53,60.67;28.05,32.66;19.19,39.74;29.01,40.07;,;54.00,48.55;,;31.68,49.83;,;7.26,42.58;23.76,58.27;20.54,47.76;,:40.34,62.41,12.37,1,1 +44780:33.48,13.44;,;33.47,30.58;27.76,29.99;,;,;23.14,33.62;,;18.51,51.06;36.66,76.64;,;23.81,44.51;44.34,31.71;35.34,47.62;17.25,32.01;47.28,50.86:38.64,81.96;25.00,63.88;,;32.53,60.53;28.07,32.54;19.24,39.56;29.04,39.96;,;53.84,48.49;,;31.66,49.68;,;7.40,42.35;23.75,58.13;20.57,47.60;,:40.31,61.74,12.61,1,1 +44781:33.48,13.34;,;33.46,30.47;27.84,29.79;,;,;23.20,33.51;,;18.52,50.90;36.74,76.64;,;23.86,44.35;44.31,31.60;35.30,47.46;17.34,31.88;47.21,50.74:38.61,82.01;24.99,63.69;,;32.52,60.39;28.11,32.42;19.29,39.38;29.09,39.86;,;53.68,48.44;,;31.64,49.52;,;7.53,42.12;23.74,57.98;20.60,47.44;,:40.27,61.07,12.83,1,1 +44782:33.47,13.23;,;33.45,30.36;27.93,29.58;,;,;23.26,33.39;,;18.54,50.74;36.81,76.62;,;23.91,44.20;44.27,31.49;35.26,47.30;17.43,31.75;47.15,50.62:38.58,82.06;25.00,63.49;,;32.52,60.25;28.15,32.30;19.35,39.19;29.14,39.75;,;53.52,48.39;,;31.62,49.37;,;7.67,41.89;23.73,57.83;20.63,47.28;,:40.24,60.40,13.03,1,1 +44783:33.47,13.13;,;33.44,30.25;28.02,29.37;,;,;23.33,33.28;,;18.55,50.58;36.89,76.60;,;23.96,44.04;44.24,31.38;35.23,47.13;17.53,31.62;47.08,50.50:38.55,82.11;25.00,63.30;,;32.53,60.11;28.20,32.18;19.41,39.01;29.20,39.64;,;53.36,48.34;,;31.61,49.21;,;7.81,41.66;23.72,57.69;20.67,47.12;,:40.20,59.73,13.22,1,1 +44784:33.46,13.03;,;33.44,30.13;28.10,29.16;,;,;23.40,33.16;,;18.57,50.42;36.96,76.57;,;24.01,43.87;44.20,31.26;35.20,46.97;17.64,31.49;47.01,50.37:38.52,82.15;25.01,63.11;,;32.54,59.97;28.26,32.05;19.47,38.82;29.27,39.54;,;53.19,48.29;,;31.60,49.05;,;7.96,41.43;23.70,57.54;20.72,46.96;,:40.17,59.06,13.39,1,1 +44785:33.46,12.92;,;33.44,30.03;28.19,28.95;,;,;23.47,33.04;,;18.60,50.26;37.04,76.54;,;24.06,43.70;44.17,31.14;35.18,46.80;17.75,31.35;46.94,50.24:38.50,82.20;25.02,62.91;,;32.55,59.82;28.33,31.93;19.53,38.64;29.34,39.43;,;53.03,48.23;,;31.59,48.88;,;8.11,41.20;23.69,57.39;20.78,46.81;,:40.13,58.40,13.55,1,1 +44786:33.46,12.82;,;33.44,29.92;28.28,28.74;,;,;23.55,32.92;,;18.63,50.09;37.12,76.50;,;24.11,43.53;44.13,31.02;35.16,46.64;17.86,31.21;46.87,50.12:38.47,82.26;25.03,62.71;,;32.58,59.68;28.41,31.80;19.59,38.45;29.42,39.33;,;52.87,48.18;,;31.59,48.71;,;8.25,40.97;23.67,57.23;20.84,46.65;,:40.10,57.73,13.69,1,1 +44787:33.46,12.71;,;33.45,29.81;28.36,28.53;,;,;23.63,32.80;,;18.66,49.93;37.20,76.46;,;24.16,43.36;44.10,30.89;35.14,46.47;17.98,31.07;46.80,49.98:38.45,82.31;25.05,62.52;,;32.60,59.53;28.51,31.67;19.66,38.26;29.50,39.22;,;52.71,48.13;,;31.59,48.54;,;8.39,40.75;23.66,57.08;20.90,46.49;,:40.06,57.06,13.81,1,1 +44788:33.46,12.60;,;33.46,29.70;28.45,28.32;,;,;23.71,32.68;,;18.69,49.77;37.28,76.41;,;24.21,43.19;44.07,30.76;35.13,46.31;18.10,30.93;46.72,49.85:38.42,82.36;25.07,62.32;,;32.63,59.38;28.61,31.54;19.72,38.07;29.59,39.11;,;52.55,48.08;,;31.60,48.37;,;8.54,40.53;23.64,56.93;20.97,46.33;,:40.03,56.39,13.92,1,1 +44789:33.46,12.50;,;33.48,29.59;28.54,28.11;,;,;23.80,32.56;,;18.72,49.60;37.36,76.35;,;24.26,43.01;44.04,30.63;35.12,46.14;18.23,30.79;46.65,49.72:38.40,82.42;25.08,62.12;,;32.67,59.23;28.71,31.40;19.80,37.88;29.68,39.00;,;52.40,48.02;,;31.61,48.19;,;8.68,40.31;23.62,56.78;21.05,46.17;,:40.00,55.72,14.02,1,1 +44790:33.46,12.39;,;33.50,29.49;28.63,27.90;,;,;23.88,32.44;,;18.75,49.44;37.44,76.29;,;24.31,42.83;44.01,30.49;35.11,45.97;18.35,30.64;46.58,49.58:38.38,82.48;25.10,61.92;,;32.70,59.08;28.83,31.26;19.88,37.69;29.78,38.90;,;52.26,47.97;,;31.63,48.02;,;8.83,40.09;23.59,56.62;21.13,46.01;,:39.96,55.05,14.09,1,1 +44791:33.46,12.29;,;33.52,29.38;28.71,27.69;,;,;23.97,32.31;,;18.78,49.27;37.52,76.22;,;24.37,42.65;43.98,30.35;35.11,45.80;18.48,30.50;46.51,49.44:38.36,82.54;25.12,61.73;,;32.74,58.93;28.95,31.12;19.96,37.49;29.89,38.79;,;52.11,47.91;,;31.66,47.84;,;8.97,39.88;23.57,56.47;21.21,45.85;,:39.93,54.38,14.16,1,1 +44792:33.46,12.18;,;33.55,29.27;28.80,27.48;,;,;24.07,32.19;,;18.81,49.11;37.60,76.15;,;24.42,42.47;43.96,30.21;35.10,45.63;18.61,30.36;46.44,49.30:38.34,82.60;25.14,61.53;,;32.78,58.78;29.07,30.98;20.05,37.30;29.99,38.68;,;51.96,47.84;,;31.69,47.67;,;9.12,39.67;23.55,56.32;21.30,45.70;,:39.89,53.71,14.20,1,1 +44793:33.46,12.07;,;33.58,29.17;28.89,27.27;,;,;24.16,32.06;,;18.85,48.94;37.67,76.06;,;24.48,42.29;43.94,30.06;35.10,45.46;18.74,30.21;46.37,49.16:38.32,82.66;25.16,61.33;,;32.82,58.63;29.21,30.84;20.13,37.10;30.11,38.57;,;51.82,47.78;,;31.73,47.49;,;9.27,39.47;23.53,56.17;21.39,45.54;,:39.86,53.05,14.23,1,1 +44794:33.47,11.96;,;33.62,29.06;28.97,27.06;,;,;24.26,31.94;,;18.88,48.78;37.74,75.97;,;24.54,42.10;43.92,29.91;35.10,45.29;18.88,30.06;46.30,49.01:38.29,82.72;25.18,61.13;,;32.86,58.47;29.35,30.68;20.22,36.90;30.23,38.45;,;51.68,47.71;,;31.78,47.32;,;9.41,39.27;23.50,56.02;21.49,45.38;,:39.82,52.38,14.25,1,1 +44795:33.47,11.85;,;33.67,28.96;29.06,26.85;,;,;24.36,31.81;,;18.92,48.62;37.80,75.88;,;24.60,41.92;43.90,29.75;35.11,45.12;19.02,29.91;46.24,48.85:38.26,82.78;25.20,60.94;,;32.90,58.32;29.50,30.53;20.31,36.70;30.35,38.34;,;51.56,47.64;,;31.83,47.15;,;9.55,39.08;23.47,55.87;21.59,45.23;,:39.79,51.71,14.25,1,1 +44796:33.48,11.74;,;33.72,28.86;29.15,26.64;,;,;24.45,31.69;,;18.95,48.46;37.86,75.78;,;24.66,41.73;43.88,29.60;35.11,44.95;19.15,29.77;46.17,48.70:38.23,82.84;25.22,60.74;,;32.95,58.17;29.64,30.38;20.41,36.51;30.49,38.23;,;51.43,47.56;,;31.89,46.98;,;9.70,38.90;23.44,55.72;21.69,45.07;,:39.75,51.04,14.23,1,1 +44797:33.48,11.64;,;33.77,28.77;29.23,26.43;,;,;24.55,31.56;,;18.99,48.30;37.92,75.68;,;24.72,41.54;43.86,29.44;35.12,44.78;19.29,29.62;46.10,48.54:38.19,82.89;25.25,60.54;,;33.00,58.02;29.79,30.23;20.51,36.31;30.62,38.12;,;51.31,47.49;,;31.96,46.81;,;9.84,38.72;23.42,55.58;21.79,44.92;,:39.72,50.37,14.20,1,1 +44798:33.48,11.53;,;33.82,28.67;29.32,26.22;,;,;24.65,31.43;,;19.02,48.14;37.97,75.57;,;24.79,41.35;43.85,29.28;35.12,44.60;19.43,29.48;46.04,48.38:38.14,82.94;25.28,60.35;,;33.05,57.87;29.94,30.08;20.61,36.11;30.76,38.00;,;51.17,47.41;,;32.04,46.64;,;9.99,38.55;23.39,55.43;21.90,44.77;,:39.68,49.70,14.15,1,1 +44799:33.49,11.43;,;33.88,28.57;29.41,26.02;,;,;24.76,31.30;,;19.05,47.98;38.01,75.46;,;24.86,41.16;43.84,29.12;35.13,44.43;19.57,29.34;45.97,48.21:38.09,82.97;25.31,60.15;,;33.10,57.72;30.08,29.93;20.71,35.91;30.89,37.89;,;51.04,47.33;,;32.12,46.47;,;10.13,38.39;23.36,55.28;22.01,44.62;,:39.65,49.03,14.09,1,1 +44800:33.49,11.33;,;33.95,28.48;29.50,25.81;,;,;24.86,31.17;,;19.08,47.82;38.05,75.34;,;24.93,40.97;43.83,28.96;35.13,44.26;19.70,29.19;45.91,48.04:38.03,83.01;25.34,59.96;,;33.15,57.58;30.24,29.78;20.82,35.71;31.04,37.78;,;50.94,47.24;,;32.21,46.31;,;10.28,38.23;23.34,55.13;22.13,44.48;,:39.61,48.37,14.01,1,1 +44801:33.50,11.23;,;34.02,28.39;29.58,25.60;,;,;24.97,31.04;,;19.11,47.66;38.09,75.22;,;25.00,40.78;43.81,28.80;35.14,44.09;19.85,29.05;45.85,47.87:37.96,83.04;25.37,59.77;,;33.20,57.44;30.40,29.63;20.92,35.52;31.18,37.67;,;50.84,47.14;,;32.30,46.14;,;10.42,38.08;23.31,54.99;22.24,44.33;,:39.58,47.70,13.92,1,1 +44802:33.50,11.12;,;34.09,28.30;29.67,25.39;,;,;25.07,30.92;,;19.15,47.50;38.12,75.10;,;25.08,40.59;43.80,28.65;35.15,43.92;19.99,28.91;45.78,47.69:37.89,83.07;25.40,59.57;,;33.25,57.31;30.56,29.48;21.03,35.32;31.33,37.56;,;50.72,47.04;,;32.40,45.98;,;10.57,37.93;23.28,54.84;22.36,44.19;,:39.55,47.03,13.81,1,1 +44803:33.51,11.02;,;34.16,28.22;29.76,25.18;,;,;25.17,30.79;,;19.19,47.35;38.15,74.97;,;25.15,40.40;43.78,28.48;35.17,43.75;20.13,28.76;45.72,47.51:37.81,83.09;25.45,59.38;,;33.30,57.18;30.72,29.33;21.14,35.13;31.48,37.45;,;50.59,46.94;,;32.50,45.81;,;10.72,37.79;23.26,54.69;22.48,44.05;,:39.51,46.36,13.68,1,1 +44804:33.52,10.92;,;34.23,28.14;29.84,25.00;,;,;25.28,30.66;,;19.23,47.19;38.17,74.84;,;25.23,40.21;43.76,28.32;35.19,43.58;20.26,28.62;45.66,47.33:37.74,83.11;25.49,59.19;,;33.36,57.05;30.89,29.18;21.24,34.95;31.64,37.33;,;50.48,46.82;,;32.61,45.65;,;10.87,37.65;23.23,54.54;22.61,43.92;,:39.48,45.69,13.54,1,1 +44805:33.53,10.81;,;34.31,28.07;29.92,24.85;,;,;25.38,30.53;,;19.27,47.04;38.20,74.71;,;25.31,40.02;43.75,28.16;35.20,43.41;20.40,28.48;45.59,47.15:37.66,83.12;25.53,58.99;,;33.43,56.93;31.06,29.03;21.36,34.76;31.79,37.23;,;50.12,46.68;,;32.73,45.49;,;11.03,37.53;23.21,54.39;22.73,43.78;,:39.44,45.02,13.38,1,1 +44806:33.54,10.71;,;34.38,28.00;30.00,24.71;,;,;25.49,30.40;,;19.31,46.88;38.22,74.58;,;25.39,39.83;43.73,28.00;35.23,43.24;20.54,28.34;45.53,46.97:37.58,83.13;25.58,58.80;,;33.50,56.81;31.23,28.88;21.48,34.58;31.94,37.12;,;50.13,46.60;,;32.85,45.32;,;11.19,37.40;23.18,54.24;22.86,43.65;,:39.41,44.35,13.21,1,1 +44807:33.55,10.60;,;34.45,27.93;30.07,24.58;,;,;25.60,30.27;,;19.35,46.73;38.24,74.44;,;25.47,39.65;43.71,27.84;35.25,43.07;20.68,28.20;45.47,46.78:37.50,83.14;25.64,58.61;,;33.57,56.69;31.41,28.73;21.59,34.40;32.09,37.02;,;49.77,46.48;,;32.96,45.16;,;11.34,37.28;23.16,54.09;23.00,43.53;,:39.37,43.68,13.02,1,1 +44808:33.57,10.49;,;34.52,27.88;30.15,24.46;,;,;25.71,30.14;,;19.39,46.58;38.27,74.31;,;25.55,39.46;43.70,27.68;35.28,42.90;20.82,28.06;45.40,46.60:37.42,83.15;25.69,58.42;,;33.65,56.58;31.59,28.59;21.71,34.22;32.24,36.91;,;49.59,46.37;,;33.08,44.99;,;11.51,37.17;23.14,53.93;23.13,43.40;,:39.34,43.02,12.82,1,1 +44809:33.59,10.38;,;34.58,27.82;30.22,24.33;,;,;25.82,30.01;,;19.43,46.42;38.29,74.17;,;25.64,39.28;43.68,27.53;35.31,42.74;20.95,27.93;45.34,46.42:37.34,83.16;25.75,58.22;,;33.73,56.47;31.77,28.44;21.82,34.05;32.39,36.81;,;49.43,46.26;,;33.20,44.83;,;11.67,37.07;23.11,53.78;23.27,43.28;,:39.30,42.35,12.60,1,1 +44810:33.61,10.27;,;34.65,27.78;30.30,24.20;,;,;25.93,29.89;,;19.47,46.27;38.30,74.03;,;25.72,39.10;43.67,27.37;35.34,42.57;21.08,27.79;45.27,46.24:37.27,83.16;25.80,58.03;,;33.81,56.36;31.96,28.30;21.94,33.89;32.55,36.71;,;49.26,46.14;,;33.32,44.67;,;11.83,36.97;23.09,53.62;23.40,43.17;,:39.27,41.68,12.36,1,1 +44811:33.63,10.16;,;34.71,27.74;30.37,24.08;,;,;26.04,29.76;,;19.51,46.12;38.32,73.89;,;25.80,38.92;43.65,27.22;35.38,42.40;21.22,27.66;45.20,46.05:37.20,83.17;25.86,57.84;,;33.90,56.26;32.15,28.16;22.07,33.73;32.71,36.61;,;49.09,46.03;,;33.44,44.51;,;12.00,36.87;23.08,53.47;23.55,43.05;,:39.23,41.01,12.11,1,1 +44812:33.65,10.05;,;34.78,27.70;30.45,23.95;,;,;26.16,29.63;,;19.55,45.96;38.34,73.75;,;25.88,38.75;43.63,27.07;35.42,42.24;21.35,27.53;45.13,45.86:37.13,83.18;25.92,57.65;,;33.99,56.15;32.34,28.01;22.20,33.56;32.86,36.51;,;48.94,45.91;,;33.57,44.35;,;12.17,36.78;23.06,53.31;23.69,42.94;,:39.20,40.34,11.84,1,1 +44813:33.67,9.94;,;34.84,27.67;30.52,23.82;,;,;26.27,29.51;,;19.60,45.81;38.35,73.61;,;25.96,38.58;43.62,26.92;35.46,42.07;21.48,27.40;45.07,45.69:37.06,83.18;25.97,57.46;,;34.08,56.04;32.53,27.87;22.34,33.40;33.02,36.41;,;48.78,45.78;,;33.70,44.19;,;12.34,36.70;23.04,53.16;23.84,42.84;,:39.17,39.67,11.56,1,1 +44814:33.69,9.82;,;34.90,27.64;30.60,23.70;,;,;26.38,29.38;,;19.64,45.66;38.36,73.46;,;26.04,38.42;43.61,26.76;35.50,41.91;21.61,27.27;44.99,45.53:36.99,83.19;26.02,57.27;,;34.17,55.94;32.72,27.72;22.47,33.25;33.17,36.31;,;48.62,45.66;,;33.82,44.03;,;12.51,36.63;23.03,53.00;23.99,42.74;,:39.13,39.00,11.26,1,1 +44815:33.72,9.72;,;34.96,27.62;30.67,23.57;,;,;26.50,29.26;,;19.68,45.51;38.38,73.32;,;26.12,38.26;43.60,26.61;35.54,41.74;21.73,27.14;44.92,45.36:36.93,83.20;26.07,57.08;,;34.27,55.83;32.91,27.57;22.61,33.10;33.33,36.21;,;48.47,45.53;,;33.93,43.87;,;12.68,36.57;23.02,52.85;24.15,42.64;,:39.10,38.34,10.95,1,1 +44816:33.73,9.61;,;35.02,27.60;30.75,23.44;,;,;26.61,29.14;,;19.72,45.35;38.39,73.17;,;26.19,38.11;43.61,26.45;35.59,41.58;21.86,27.02;44.84,45.18:36.86,83.20;26.12,56.90;,;34.36,55.73;33.11,27.42;22.75,32.95;33.50,36.10;,;48.33,45.40;,;34.05,43.72;,;12.85,36.51;23.00,52.69;24.30,42.55;,:39.06,37.67,10.62,1,1 +44817:33.75,9.51;,;35.09,27.58;30.83,23.32;,;,;26.73,29.02;,;19.76,45.20;38.40,73.03;,;26.27,37.96;43.61,26.30;35.64,41.42;21.99,26.89;44.78,45.03:36.79,83.20;26.17,56.72;,;34.46,55.62;33.29,27.27;22.89,32.80;33.67,36.00;,;48.20,45.27;,;34.17,43.56;,;13.03,36.46;23.00,52.54;24.46,42.46;,:39.03,37.00,10.27,1,1 +44818:33.77,9.41;,;35.15,27.56;30.90,23.19;,;,;26.84,28.90;,;19.80,45.05;38.41,72.88;,;26.35,37.81;43.62,26.14;35.77,41.25;22.11,26.77;44.77,44.87:36.73,83.20;26.22,56.54;,;34.56,55.52;33.48,27.11;23.03,32.66;33.83,35.89;,;48.07,45.13;,;34.29,43.41;,;13.20,36.42;22.99,52.38;24.62,42.37;,:38.99,36.33,9.91,1,1 +44819:33.78,9.32;,;35.22,27.54;30.98,23.06;,;,;26.96,28.78;,;19.84,44.90;38.42,72.73;,;26.42,37.67;43.63,25.99;35.83,41.07;22.23,26.66;44.60,44.70:36.66,83.19;26.27,56.37;,;34.65,55.41;33.66,26.95;23.18,32.52;34.00,35.78;,;47.94,44.99;,;34.42,43.25;,;13.37,36.39;22.98,52.22;24.78,42.29;,:38.96,35.66,9.53,1,1 +44820:33.79,9.22;,;35.29,27.51;31.05,22.93;,;,;27.07,28.66;,;19.88,44.75;38.42,72.58;,;26.50,37.54;43.64,25.84;35.88,40.89;22.35,26.55;44.60,44.50:36.60,83.19;26.31,56.20;,;34.74,55.31;33.84,26.79;23.34,32.39;34.17,35.67;,;47.80,44.85;,;34.54,43.10;,;13.54,36.37;22.98,52.07;24.95,42.21;,:38.92,34.99,9.14,1,1 +44821:33.81,9.13;,;35.37,27.48;31.13,22.81;,;,;27.19,28.55;,;19.92,44.60;38.43,72.43;,;26.58,37.41;43.65,25.68;35.94,40.72;22.47,26.44;44.54,44.33:36.54,83.18;26.35,56.03;,;34.83,55.20;34.01,26.62;23.49,32.25;34.34,35.56;,;47.68,44.70;,;34.66,42.95;,;13.70,36.35;22.98,51.92;25.12,42.13;,:38.89,34.32,8.73,1,1 +44822:33.82,9.04;,;35.45,27.45;31.20,22.68;,;,;27.31,28.43;,;19.96,44.45;38.43,72.27;,;26.67,37.28;43.66,25.53;35.99,40.54;22.59,26.33;44.49,44.16:36.48,83.17;26.39,55.86;,;34.92,55.09;34.18,26.44;23.64,32.13;34.51,35.45;,;47.56,44.55;,;34.78,42.80;,;13.87,36.34;22.97,51.76;25.29,42.06;,:38.85,33.65,8.31,1,1 +44823:33.84,8.94;,;35.54,27.41;31.28,22.55;,;,;27.42,28.32;,;20.00,44.30;38.43,72.12;,;26.75,37.16;43.68,25.38;36.05,40.36;22.71,26.22;44.44,43.98:36.42,83.16;26.44,55.70;,;35.01,54.99;34.35,26.26;23.80,32.00;34.68,35.33;,;47.45,44.39;,;34.90,42.66;,;14.04,36.33;22.97,51.61;25.46,41.99;,:38.82,32.99,7.87,1,1 +44824:33.86,8.85;,;35.63,27.36;31.35,22.43;,;,;27.53,28.21;,;20.04,44.16;38.44,71.97;,;26.84,37.05;43.69,25.23;36.10,40.21;22.83,26.12;44.38,43.81:36.36,83.14;26.48,55.55;,;35.11,54.88;34.50,26.07;23.95,31.88;34.85,35.21;,;47.34,44.23;,;35.02,42.51;,;14.20,36.34;22.97,51.46;25.63,41.93;,:38.78,32.32,7.41,1,1 +44825:33.88,8.76;,;35.73,27.32;31.43,22.30;,;,;27.64,28.11;,;20.09,44.01;38.44,71.82;,;26.92,36.94;43.69,25.09;36.14,40.08;22.94,26.02;44.34,43.63:36.31,83.13;26.53,55.40;,;35.20,54.78;34.64,25.89;24.11,31.76;35.02,35.09;,;47.22,44.07;,;35.14,42.37;,;14.37,36.34;22.97,51.31;25.80,41.87;,:38.75,31.65,6.94,1,1 +44826:33.90,8.66;,;35.84,27.26;31.53,22.15;,;,;27.75,28.01;,;20.13,43.87;38.44,71.66;,;27.02,36.83;43.70,24.96;36.18,39.98;23.05,25.93;44.29,43.46:36.26,83.11;26.59,55.25;,;35.29,54.67;34.78,25.70;24.27,31.65;35.19,34.96;,;47.09,43.91;,;35.26,42.23;,;14.53,36.36;22.97,51.16;25.97,41.81;,:38.72,30.98,6.46,1,1 +44827:33.92,8.57;,;35.95,27.20;31.67,21.97;,;,;27.86,27.91;,;20.17,43.73;38.44,71.51;,;27.11,36.73;43.70,24.83;36.22,39.88;23.16,25.85;44.25,43.28:36.22,83.10;26.64,55.10;,;35.39,54.56;34.91,25.50;24.43,31.53;35.36,34.84;,;46.97,43.74;,;35.38,42.09;,;14.69,36.37;22.98,51.01;26.14,41.76;,:38.68,30.31,5.95,1,1 +44828:33.95,8.47;,;36.06,27.14;31.90,21.70;,;,;27.96,27.81;,;20.21,43.60;38.44,71.35;,;27.21,36.63;43.69,24.71;36.26,39.78;23.26,25.76;44.21,43.10:36.18,83.08;26.69,54.96;,;35.48,54.46;35.03,25.30;24.60,31.42;35.52,34.71;,;46.85,43.57;,;35.50,41.95;,;14.85,36.40;22.99,50.86;26.30,41.71;,:38.65,29.64,5.44,1,1 +44829:33.97,8.37;,;36.17,27.07;32.18,21.39;,;,;28.06,27.72;,;20.26,43.46;38.44,71.20;,;27.31,36.54;43.68,24.60;36.30,39.68;23.37,25.68;44.17,42.92:36.15,83.07;26.75,54.82;,;35.56,54.35;35.13,25.11;24.76,31.32;35.68,34.58;,;46.72,43.41;,;35.61,41.81;,;15.01,36.43;23.00,50.71;26.47,41.66;,:38.61,28.97,4.90,1,1 +44830:34.00,8.27;,;36.28,27.01;32.45,21.09;,;,;28.16,27.63;,;20.30,43.33;38.44,71.04;,;27.41,36.45;43.67,24.49;36.34,39.58;23.48,25.61;44.12,42.74:36.12,83.06;26.81,54.68;,;35.65,54.24;35.23,24.91;24.91,31.22;35.84,34.45;,;46.60,43.24;,;35.72,41.68;,;15.17,36.46;23.01,50.56;26.64,41.61;,:38.58,28.30,4.35,1,1 +44831:34.03,8.18;,;36.39,26.95;32.68,20.84;,;,;28.26,27.55;,;20.34,43.20;38.43,70.88;,;27.50,36.36;43.66,24.40;36.38,39.48;23.58,25.54;44.09,42.56:36.09,83.04;26.87,54.54;,;35.73,54.14;35.31,24.72;25.07,31.13;36.00,34.32;,;46.48,43.07;,;35.83,41.55;,;15.32,36.50;23.02,50.41;26.80,41.57;,:38.54,27.64,3.79,1,1 +44832:34.06,8.08;,;36.48,26.89;32.80,20.69;,;,;28.36,27.47;,;20.39,43.07;38.43,70.73;,;27.59,36.29;43.65,24.31;36.41,39.38;23.68,25.48;44.05,42.38:36.06,83.03;26.94,54.41;,;35.82,54.03;35.39,24.52;25.23,31.04;36.15,34.19;,;46.35,42.89;,;35.94,41.43;,;15.47,36.54;23.03,50.26;26.97,41.53;,:38.47,26.30,2.00,1,1 +44833:34.09,7.98;,;36.57,26.84;32.87,20.60;,;,;28.45,27.40;,;20.44,42.94;38.43,70.57;,;27.68,36.22;43.64,24.24;36.45,39.28;23.78,25.43;44.01,42.20:36.04,83.02;27.00,54.28;,;35.91,53.93;35.46,24.33;25.38,30.95;36.31,34.06;,;46.22,42.72;,;36.04,41.30;,;15.62,36.59;23.05,50.10;27.13,41.49;,:38.24,26.74,2.00,1,1 +44834:34.12,7.88;,;36.65,26.79;32.92,20.52;,;,;28.55,27.33;,;20.48,42.82;38.43,70.41;,;27.76,36.16;43.63,24.17;36.49,39.18;23.88,25.38;43.97,42.02:36.01,83.00;27.07,54.15;,;35.99,53.83;35.52,24.14;25.54,30.87;36.46,33.93;,;46.09,42.55;,;36.13,41.19;,;15.77,36.64;23.07,49.95;27.29,41.45;,:38.01,27.18,2.29,1,1 +44835:34.15,7.79;,;36.72,26.75;32.97,20.45;,;,;28.64,27.27;,;20.53,42.70;38.42,70.25;,;27.84,36.10;43.63,24.11;36.53,39.08;23.97,25.35;43.93,41.84:35.99,82.98;27.15,54.03;,;36.07,53.72;35.58,23.96;25.69,30.79;36.61,33.80;,;45.96,42.38;,;36.22,41.07;,;15.91,36.70;23.09,49.80;27.44,41.42;,:37.78,27.63,2.57,1,1 +44836:34.17,7.69;,;36.77,26.72;33.02,20.37;,;,;28.73,27.22;,;20.57,42.58;38.42,70.10;,;27.92,36.05;43.63,24.06;36.57,38.98;24.07,25.32;43.90,41.66:35.96,82.96;27.22,53.90;,;36.15,53.62;35.62,23.78;25.84,30.72;36.76,33.67;,;45.82,42.21;,;36.30,40.96;,;16.06,36.76;23.11,49.64;27.59,41.39;,:37.55,28.07,2.84,1,1 +44837:34.19,7.60;,;36.81,26.70;33.06,20.30;,;,;28.83,27.17;,;20.61,42.47;38.41,69.93;,;28.00,36.02;43.63,24.02;36.61,38.88;24.15,25.30;43.83,41.49:35.93,82.94;27.30,53.78;,;36.22,53.52;35.66,23.61;25.98,30.65;36.91,33.55;,;45.69,42.03;,;36.37,40.86;,;16.20,36.83;23.13,49.49;27.75,41.36;,:37.31,28.51,3.08,1,1 +44838:34.21,7.52;,;36.83,26.68;33.11,20.23;,;,;28.94,27.12;,;20.66,42.36;38.40,69.77;,;28.07,35.99;43.64,23.99;36.65,38.78;24.24,25.29;43.72,41.31:35.89,82.91;27.38,53.66;,;36.29,53.42;35.70,23.44;26.12,30.59;37.05,33.42;,;45.55,41.86;,;36.44,40.76;,;16.34,36.90;23.16,49.33;27.90,41.33;,:37.08,28.95,3.31,1,1 +44839:34.22,7.44;,;36.85,26.68;33.16,20.15;,;,;29.04,27.08;,;20.70,42.25;38.40,69.61;,;28.13,35.97;43.65,23.96;36.68,38.68;24.32,25.28;43.64,41.15:35.85,82.89;27.47,53.54;,;36.35,53.32;35.73,23.28;26.26,30.54;37.19,33.29;,;45.35,41.69;,;36.50,40.67;,;16.48,36.98;23.18,49.18;28.05,41.31;,:36.85,29.40,3.53,1,1 +44840:34.23,7.37;,;36.86,26.68;33.20,20.08;,;,;29.15,27.05;,;20.74,42.15;38.39,69.45;,;28.20,35.96;43.67,23.95;36.72,38.58;24.40,25.29;43.66,40.96:35.81,82.86;27.56,53.42;,;36.41,53.22;35.77,23.12;26.40,30.49;37.33,33.17;,;45.13,41.56;,;36.55,40.58;,;16.62,37.06;23.20,49.03;28.21,41.29;,:36.62,29.84,3.73,1,1 +44841:34.22,7.30;,;36.86,26.69;33.25,20.02;,;,;29.26,27.03;,;20.79,42.06;38.39,69.29;,;28.26,35.96;43.69,23.94;36.76,38.48;24.47,25.31;43.63,40.94:35.77,82.83;27.65,53.31;,;36.46,53.12;35.80,22.96;26.53,30.45;37.46,33.05;,;45.15,41.43;,;36.59,40.49;,;16.76,37.15;23.22,48.88;28.36,41.28;,:36.39,30.28,3.91,1,1 +44842:34.22,7.24;,;36.87,26.70;33.30,19.98;,;,;29.38,27.02;,;20.83,41.97;38.38,69.13;,;28.32,35.97;43.71,23.94;36.80,38.38;24.53,25.33;43.57,40.81:35.72,82.79;27.74,53.19;,;36.51,53.02;35.83,22.82;26.65,30.42;37.59,32.93;,;45.06,41.42;,;36.63,40.42;,;16.89,37.24;23.25,48.74;28.51,41.27;,:36.15,30.72,4.08,1,1 +44843:34.20,7.18;,;36.87,26.71;33.36,19.99;,;,;29.50,27.01;,;20.87,41.89;38.37,68.97;,;28.38,35.99;43.74,23.94;36.83,38.27;24.59,25.37;43.51,40.69:35.67,82.76;27.83,53.08;,;36.55,52.92;35.85,22.68;26.78,30.39;37.71,32.81;,;44.93,41.31;,;36.65,40.35;,;17.02,37.34;23.27,48.59;28.66,41.26;,:35.92,31.16,4.24,1,1 +44844:34.18,7.13;,;36.86,26.73;33.42,20.03;,;,;29.62,27.01;,;20.90,41.83;38.37,68.82;,;28.44,36.01;43.78,23.96;36.83,38.17;24.63,25.41;43.45,40.58:35.62,82.73;27.93,52.96;,;36.59,52.82;35.88,22.55;26.89,30.37;37.83,32.70;,;44.80,41.22;,;36.67,40.28;,;17.15,37.44;23.30,48.46;28.81,41.26;,:35.69,31.61,4.37,1,1 +44845:34.16,7.09;,;36.86,26.75;33.48,20.08;,;,;29.75,27.02;,;20.93,41.77;38.37,68.66;,;28.51,36.05;43.81,23.97;36.79,38.06;24.67,25.45;43.39,40.47:35.57,82.69;28.03,52.84;,;36.62,52.73;35.91,22.43;27.01,30.35;37.94,32.59;,;44.68,41.13;,;36.68,40.23;,;17.28,37.55;23.33,48.33;28.95,41.27;,:35.46,32.05,4.50,1,1 +44846:34.13,7.06;,;36.86,26.77;33.53,20.13;,;,;29.87,27.05;,;20.96,41.72;38.36,68.50;,;28.58,36.10;43.85,24.00;36.73,37.95;24.70,25.51;43.32,40.38:35.51,82.66;28.12,52.73;,;36.65,52.63;35.94,22.31;27.11,30.34;38.05,32.48;,;44.55,41.06;,;36.68,40.17;,;17.41,37.66;23.36,48.20;29.10,41.28;,:35.23,32.49,4.60,1,1 +44847:34.09,7.03;,;36.87,26.79;33.59,20.18;,;,;29.99,27.08;,;20.99,41.69;38.36,68.34;,;28.64,36.15;43.89,24.03;36.65,37.83;24.72,25.56;43.26,40.30:35.46,82.62;28.21,52.61;,;36.66,52.54;35.98,22.21;27.22,30.34;38.16,32.38;,;44.43,41.00;,;36.68,40.13;,;17.54,37.78;23.40,48.08;29.24,41.29;,:34.99,32.93,4.69,1,1 +44848:34.05,7.01;,;36.89,26.81;33.65,20.23;,;,;30.12,27.11;,;21.02,41.67;38.36,68.19;,;28.71,36.21;43.92,24.07;36.58,37.72;24.74,25.63;43.19,40.23:35.41,82.59;28.29,52.48;,;36.67,52.45;36.01,22.12;27.33,30.34;38.25,32.28;,;44.31,40.94;,;36.68,40.09;,;17.66,37.90;23.43,47.97;29.38,41.31;,:34.76,33.38,4.77,1,1 +44849:34.00,6.99;,;36.90,26.83;33.71,20.28;,;,;30.23,27.16;,;21.04,41.66;38.36,68.03;,;28.78,36.28;43.96,24.12;36.50,37.61;24.74,25.69;43.12,40.16:35.36,82.55;28.37,52.36;,;36.67,52.36;36.04,22.04;27.43,30.35;38.34,32.19;,;44.19,40.91;,;36.67,40.07;,;17.78,38.03;23.47,47.87;29.51,41.34;,:34.53,33.82,4.83,1,1 +44850:33.96,6.97;,;36.93,26.85;33.77,20.33;,;,;30.35,27.22;,;21.07,41.66;38.35,67.87;,;28.84,36.36;43.99,24.17;36.42,37.51;24.74,25.76;43.06,40.11:35.31,82.52;28.43,52.23;,;36.66,52.28;36.07,21.97;27.52,30.37;38.42,32.10;,;44.07,40.88;,;36.66,40.04;,;17.90,38.16;23.52,47.78;29.64,41.37;,:34.30,34.26,4.87,1,1 +44851:33.91,6.96;,;36.96,26.87;33.82,20.38;,;,;30.46,27.28;,;21.09,41.67;38.35,67.72;,;28.90,36.44;44.02,24.23;36.35,37.45;24.73,25.83;42.99,40.06:35.26,82.49;28.49,52.10;,;36.65,52.20;36.10,21.91;27.61,30.39;38.50,32.01;,;43.96,40.87;,;36.63,40.03;,;18.01,38.29;23.56,47.69;29.77,41.41;,:34.07,34.70,4.90,1,1 +44852:33.87,6.94;,;36.99,26.88;33.85,20.44;,;,;30.56,27.35;,;21.11,41.70;38.35,67.56;,;28.96,36.53;44.05,24.29;36.28,37.45;24.72,25.91;42.93,40.03:35.22,82.46;28.53,51.96;,;36.63,52.13;36.12,21.87;27.70,30.41;38.58,31.93;,;43.85,40.87;,;36.61,40.02;,;18.13,38.43;23.61,47.62;29.82,41.49;,:33.83,35.15,4.91,1,1 +44853:33.83,6.92;,;37.02,26.90;33.84,20.52;,;,;30.65,27.43;,;21.13,41.74;38.34,67.41;,;29.02,36.63;44.08,24.37;36.21,37.49;24.70,25.99;42.86,40.00:35.18,82.43;28.56,51.83;,;36.61,52.07;36.14,21.84;27.79,30.45;38.66,31.86;,;43.75,40.88;,;36.57,40.03;,;18.23,38.58;23.66,47.56;29.88,41.56;,:33.60,35.59,4.90,1,1 +44854:33.79,6.90;,;37.06,26.92;33.82,20.61;,;,;30.73,27.52;,;21.14,41.78;38.34,67.25;,;29.07,36.73;44.11,24.44;36.14,37.54;24.67,26.07;42.80,39.98:35.14,82.40;28.59,51.69;,;36.58,52.01;36.16,21.82;27.88,30.48;38.73,31.78;,;43.64,40.89;,;36.54,40.03;,;18.34,38.73;23.71,47.50;29.94,41.64;,:33.37,36.03,4.88,1,1 +44855:33.75,6.88;,;37.09,26.95;33.79,20.70;,;,;30.80,27.61;,;21.16,41.84;38.33,67.09;,;29.11,36.84;44.13,24.52;36.07,37.59;24.64,26.15;42.74,39.96:35.10,82.38;28.60,51.55;,;36.54,51.95;36.18,21.81;27.96,30.52;38.80,31.71;,;43.55,40.92;,;36.50,40.05;,;18.44,38.88;23.77,47.46;30.00,41.72;,:33.14,36.47,4.85,1,1 +44856:33.72,6.85;,;37.12,26.97;33.76,20.79;,;,;30.86,27.71;,;21.18,41.90;38.31,66.94;,;29.14,36.95;44.16,24.61;36.00,37.65;24.60,26.23;42.68,39.95:35.07,82.35;28.59,51.41;,;36.49,51.91;36.19,21.82;28.04,30.57;38.86,31.65;,;43.45,40.96;,;36.45,40.07;,;18.54,39.04;23.82,47.43;30.06,41.79;,:32.91,36.92,4.80,1,1 +44857:33.70,6.81;,;37.15,27.01;33.72,20.88;,;,;30.90,27.82;,;21.20,41.97;38.30,66.78;,;29.17,37.07;44.18,24.69;35.93,37.70;24.57,26.32;42.62,39.94:35.03,82.32;28.57,51.28;,;36.45,51.87;36.20,21.83;28.11,30.62;38.93,31.59;,;43.37,41.01;,;36.41,40.10;,;18.62,39.20;23.87,47.40;30.12,41.87;,:32.67,37.36,4.73,1,1 +44858:33.68,6.76;,;37.17,27.04;33.69,20.97;,;,;30.94,27.92;,;21.23,42.05;38.29,66.63;,;29.18,37.20;44.20,24.78;35.86,37.75;24.53,26.40;42.57,39.94:34.99,82.29;28.54,51.14;,;36.40,51.84;36.20,21.86;28.18,30.68;38.99,31.54;,;43.29,41.06;,;36.36,40.14;,;18.71,39.37;23.92,47.39;30.18,41.95;,:32.44,37.80,4.65,1,1 +44859:33.67,6.71;,;37.19,27.08;33.66,21.06;,;,;30.96,28.04;,;21.26,42.13;38.27,66.47;,;29.19,37.33;44.22,24.88;35.79,37.81;24.49,26.49;42.52,39.95:34.96,82.27;28.50,51.01;,;36.35,51.81;36.19,21.89;28.25,30.74;39.04,31.49;,;43.22,41.12;,;36.31,40.18;,;18.78,39.53;23.97,47.39;30.23,42.02;,:32.21,38.24,4.55,1,1 +44860:33.66,6.65;,;37.21,27.13;33.63,21.14;,;,;30.98,28.15;,;21.29,42.22;38.25,66.31;,;29.18,37.46;44.24,24.97;35.73,37.86;24.44,26.58;42.47,39.96:34.92,82.24;28.45,50.89;,;36.29,51.79;36.18,21.94;28.30,30.82;39.10,31.45;,;43.15,41.19;,;36.26,40.23;,;18.86,39.70;24.01,47.40;30.29,42.10;,:31.98,38.68,4.44,1,1 +44861:33.66,6.59;,;37.23,27.18;33.60,21.23;,;,;30.98,28.27;,;21.32,42.31;38.23,66.16;,;29.17,37.59;44.25,25.07;35.66,37.91;24.39,26.67;42.43,39.98:34.88,82.21;28.39,50.77;,;36.24,51.78;36.17,21.99;28.36,30.89;39.15,31.41;,;43.09,41.26;,;36.20,40.28;,;18.92,39.87;24.05,47.42;30.35,42.18;,:31.75,39.13,4.31,1,1 +44862:33.67,6.51;,;37.25,27.23;33.56,21.32;,;,;30.97,28.39;,;21.36,42.41;38.20,66.00;,;29.15,37.72;44.27,25.17;35.59,37.97;24.33,26.76;42.39,39.99:34.84,82.17;28.33,50.67;,;36.19,51.77;36.15,22.05;28.41,30.97;39.21,31.37;,;43.04,41.34;,;36.14,40.34;,;18.99,40.03;24.09,47.44;30.41,42.25;,:31.51,39.57,4.16,1,1 +44863:33.68,6.44;,;37.26,27.29;33.53,21.41;,;,;30.94,28.52;,;21.39,42.51;38.18,65.85;,;29.12,37.86;44.28,25.28;35.54,38.05;24.27,26.86;42.35,40.01:34.80,82.14;28.27,50.57;,;36.13,51.76;36.13,22.12;28.46,31.06;39.26,31.34;,;43.00,41.42;,;36.08,40.40;,;19.05,40.21;24.11,47.48;30.47,42.33;,:31.28,40.01,4.00,1,1 +44864:33.69,6.36;,;37.27,27.35;33.50,21.50;,;,;30.92,28.65;,;21.44,42.62;38.15,65.69;,;29.09,38.00;44.30,25.38;35.50,38.14;24.21,26.96;42.32,40.04:34.75,82.11;28.19,50.47;,;36.08,51.76;36.11,22.18;28.50,31.15;39.31,31.32;,;42.95,41.50;,;36.02,40.46;,;19.11,40.38;24.14,47.52;30.53,42.41;,:31.05,40.45,3.83,1,1 +44865:33.70,6.29;,;37.28,27.42;33.47,21.59;,;,;30.88,28.77;,;21.48,42.73;38.12,65.54;,;29.05,38.14;44.31,25.49;35.48,38.25;24.14,27.06;42.29,40.07:34.71,82.07;28.11,50.39;,;36.02,51.76;36.09,22.25;28.54,31.24;39.36,31.30;,;42.92,41.59;,;35.95,40.53;,;19.16,40.54;24.16,47.58;30.59,42.48;,:30.82,40.90,3.64,1,1 +44866:33.71,6.21;,;37.29,27.49;33.43,21.68;,;,;30.84,28.90;,;21.52,42.84;38.09,65.39;,;29.01,38.28;44.32,25.59;35.46,38.37;24.07,27.16;42.26,40.10:34.66,82.04;28.03,50.32;,;35.97,51.77;36.06,22.33;28.57,31.34;39.41,31.29;,;42.89,41.68;,;35.89,40.60;,;19.21,40.71;24.17,47.63;30.64,42.56;,:30.58,41.34,3.43,1,1 +44867:33.72,6.15;,;37.29,27.57;33.40,21.77;,;,;30.79,29.03;,;21.57,42.96;38.05,65.23;,;28.96,38.42;44.33,25.70;35.44,38.48;24.00,27.27;42.23,40.13:34.60,82.00;27.95,50.25;,;35.91,51.78;36.04,22.41;28.59,31.45;39.45,31.29;,;42.86,41.78;,;35.83,40.67;,;19.24,40.88;24.17,47.70;30.19,42.56;,:30.35,41.78,3.21,1,1 +44868:33.73,6.09;,;37.30,27.66;33.37,21.86;,;,;30.74,29.16;,;21.62,43.09;38.02,65.08;,;28.90,38.56;44.34,25.81;35.42,38.60;23.93,27.37;42.21,40.17:34.55,81.96;27.86,50.19;,;35.86,51.79;36.02,22.48;28.61,31.56;39.49,31.29;,;42.84,41.87;,;35.76,40.75;,;19.26,41.04;24.18,47.77;30.12,42.63;,:30.12,42.22,2.97,1,1 +44869:33.74,6.03;,;37.30,27.74;33.34,21.95;,;,;30.68,29.29;,;21.68,43.21;37.98,64.93;,;28.85,38.70;44.34,25.92;35.40,38.72;23.86,27.48;42.18,40.20:34.50,81.93;27.77,50.14;,;35.80,51.80;36.00,22.57;28.62,31.67;39.53,31.30;,;42.83,41.97;,;35.70,40.82;,;19.28,41.21;24.18,47.84;30.05,42.70;,:29.89,42.67,2.71,1,1 +44870:33.74,5.99;,;37.30,27.83;33.31,22.04;,;,;30.62,29.43;,;21.74,43.35;37.93,64.78;,;28.79,38.84;44.34,26.04;35.38,38.83;23.78,27.59;42.16,40.24:34.44,81.89;27.69,50.09;,;35.75,51.82;35.97,22.65;28.62,31.79;39.56,31.32;,;42.81,42.08;,;35.65,40.90;,;19.28,41.36;24.17,47.92;29.98,42.77;,:29.66,43.11,2.44,1,1 +44871:33.74,5.95;,;37.29,27.93;33.27,22.13;,;,;30.55,29.56;,;21.81,43.48;37.89,64.63;,;28.73,38.99;44.34,26.16;35.36,38.95;23.69,27.70;42.14,40.29:34.39,81.86;27.60,50.05;,;35.70,51.84;35.95,22.74;28.61,31.91;39.60,31.34;,;42.80,42.18;,;35.59,40.99;,;19.28,41.48;24.16,48.00;29.91,42.84;,:29.42,43.55,2.16,1,1 +44872:33.74,5.92;,;37.28,28.03;33.24,22.22;,;,;30.49,29.69;,;21.87,43.63;37.84,64.48;,;28.67,39.13;44.34,26.27;35.34,39.06;23.61,27.82;42.11,40.33:34.34,81.83;27.52,50.02;,;35.64,51.86;35.94,22.82;28.60,32.03;39.63,31.36;,;42.79,42.29;,;35.54,41.07;,;19.29,41.58;24.14,48.08;29.83,42.91;,:29.19,43.99,1.85,1,1 +44873:33.74,5.90;,;37.27,28.14;33.21,22.31;,;,;30.42,29.82;,;21.94,43.77;37.79,64.33;,;28.61,39.27;44.33,26.39;35.32,39.18;23.52,27.94;42.09,40.37:34.28,81.80;27.43,49.98;,;35.59,51.88;35.93,22.91;28.58,32.16;39.67,31.39;,;42.77,42.40;,;35.49,41.16;,;18.95,41.74;24.12,48.17;29.74,42.97;,:28.96,44.44,1.54,1,1 +44874:33.73,5.88;,;37.25,28.24;33.18,22.40;,;,;30.35,29.96;,;22.02,43.93;37.73,64.18;,;28.55,39.41;44.32,26.51;35.30,39.29;23.44,28.06;42.07,40.42:34.23,81.77;27.35,49.96;,;35.53,51.91;35.92,23.00;28.56,32.28;39.70,31.43;,;42.77,42.51;,;35.44,41.25;,;18.88,41.87;24.10,48.26;29.66,43.04;,:28.73,44.88,1.20,1,1 +44875:33.72,5.87;,;37.23,28.35;33.14,22.49;,;,;30.28,30.09;,;22.10,44.08;37.67,64.03;,;28.48,39.55;44.30,26.64;35.28,39.41;23.35,28.18;42.05,40.47:34.17,81.74;27.26,49.93;,;35.47,51.94;35.90,23.10;28.52,32.42;39.73,31.47;,;42.76,42.62;,;35.40,41.34;,;18.80,42.00;24.07,48.35;29.56,43.10;,:28.26,45.76,0.11,0,1 +44876:33.71,5.87;,;37.20,28.47;33.11,22.58;,;,;30.21,30.23;,;22.18,44.24;37.61,63.88;,;28.42,39.69;44.28,26.76;35.26,39.53;23.26,28.30;42.02,40.52:34.12,81.71;27.18,49.91;,;35.40,51.98;35.89,23.19;28.49,32.55;39.76,31.52;,;42.76,42.73;,;35.36,41.43;,;18.71,42.12;24.04,48.45;29.47,43.16;,:28.78,45.82,0.11,0,1 +44877:33.69,5.87;,;37.17,28.58;33.08,22.67;,;,;30.14,30.36;,;22.27,44.41;37.54,63.73;,;28.36,39.84;44.26,26.89;35.24,39.64;23.18,28.43;42.00,40.57:34.06,81.68;27.10,49.88;,;35.34,52.02;35.88,23.29;28.45,32.69;39.79,31.56;,;42.76,42.84;,;35.32,41.53;,;18.60,42.24;24.00,48.54;29.37,43.22;,:29.81,45.94,0.11,0,1 +44878:33.68,5.88;,;37.14,28.70;33.05,22.76;,;,;30.06,30.50;,;22.35,44.58;37.47,63.59;,;28.31,39.98;44.23,27.01;35.22,39.76;23.09,28.55;41.97,40.62:34.01,81.65;27.01,49.86;,;35.27,52.07;35.87,23.40;28.40,32.83;39.82,31.61;,;42.76,42.96;,;35.28,41.63;,;18.49,42.36;23.96,48.65;29.27,43.29;,:29.64,46.11,0.11,0,1 +44879:33.66,5.89;,;37.11,28.81;33.02,22.85;,;,;29.98,30.64;,;22.45,44.75;37.40,63.44;,;28.24,40.12;44.19,27.13;35.20,39.87;23.00,28.68;41.93,40.68:33.95,81.63;26.93,49.84;,;35.20,52.11;35.85,23.51;28.35,32.96;39.85,31.66;,;42.76,43.07;,;35.24,41.73;,;18.37,42.47;23.92,48.75;29.17,43.35;,:29.47,46.29,0.36,1,1 +44880:33.65,5.90;,;37.07,28.93;32.98,22.94;,;,;29.90,30.78;,;22.53,44.93;37.33,63.30;,;28.19,40.26;44.15,27.26;35.18,39.99;22.90,28.81;41.90,40.73:33.90,81.61;26.84,49.82;,;35.13,52.16;35.83,23.63;28.30,33.10;39.88,31.72;,;42.76,43.19;,;35.21,41.83;,;18.25,42.58;23.87,48.86;29.07,43.42;,:29.31,46.46,0.59,1,1 +44881:33.63,5.91;,;37.03,29.05;32.94,23.03;,;,;29.82,30.92;,;22.62,45.11;37.25,63.16;,;28.13,40.40;44.11,27.38;35.16,40.11;22.81,28.94;41.86,40.78:33.84,81.58;26.76,49.80;,;35.06,52.22;35.81,23.75;28.25,33.24;39.91,31.77;,;42.77,43.30;,;35.17,41.93;,;18.13,42.68;23.82,48.97;28.96,43.48;,:29.14,46.64,0.80,1,1 +44882:33.62,5.92;,;36.99,29.17;32.88,23.13;,;,;29.73,31.07;,;22.70,45.30;37.18,63.03;,;28.07,40.54;44.06,27.51;35.14,40.22;22.71,29.07;41.83,40.84:33.78,81.56;26.68,49.78;,;34.98,52.28;35.79,23.87;28.19,33.38;39.94,31.83;,;42.78,43.42;,;35.13,42.04;,;17.99,42.78;23.77,49.09;28.85,43.55;,:28.97,46.81,1.00,1,1 +44883:33.60,5.93;,;36.94,29.29;32.79,23.24;,;,;29.64,31.21;,;22.79,45.48;37.10,62.89;,;28.01,40.68;44.01,27.63;35.12,40.34;22.62,29.20;41.79,40.91:33.73,81.54;26.60,49.77;,;34.90,52.34;35.77,24.00;28.13,33.52;39.97,31.88;,;42.79,43.53;,;35.09,42.15;,;17.86,42.88;23.71,49.21;28.74,43.62;,:28.81,46.98,1.19,1,1 +44884:33.59,5.95;,;36.90,29.41;32.68,23.36;,;,;29.54,31.36;,;22.86,45.67;37.01,62.76;,;27.95,40.82;43.96,27.75;35.10,40.45;22.51,29.34;41.72,40.97:33.67,81.52;26.52,49.75;,;34.82,52.40;35.74,24.13;28.06,33.66;40.00,31.94;,;42.80,43.65;,;35.05,42.26;,;17.72,42.98;23.66,49.33;28.63,43.69;,:28.64,47.16,1.36,1,1 +44885:33.57,5.97;,;36.85,29.53;32.55,23.47;,;,;29.43,31.50;,;22.94,45.87;36.92,62.63;,;27.89,40.95;43.91,27.88;35.08,40.57;22.41,29.48;41.65,41.04:33.61,81.50;26.44,49.74;,;34.75,52.46;35.72,24.26;28.00,33.80;40.02,32.00;,;42.82,43.77;,;35.01,42.37;,;17.58,43.08;23.60,49.45;28.52,43.77;,:28.48,47.33,1.51,1,1 +44886:33.56,5.99;,;36.81,29.64;32.43,23.59;,;,;29.32,31.65;,;23.00,46.06;36.83,62.50;,;27.82,41.09;43.85,28.00;35.05,40.68;22.31,29.62;41.56,41.12:33.54,81.48;26.37,49.73;,;34.67,52.53;35.68,24.40;27.93,33.94;40.05,32.06;,;42.84,43.88;,;34.96,42.48;,;17.43,43.17;23.53,49.58;28.41,43.84;,:28.31,47.51,1.65,1,1 +44887:33.54,6.01;,;36.76,29.76;32.31,23.71;,;,;29.20,31.80;,;23.06,46.25;36.74,62.37;,;27.75,41.23;43.79,28.12;35.01,40.78;22.20,29.76;41.43,41.20:33.48,81.46;26.29,49.73;,;34.60,52.60;35.65,24.53;27.85,34.08;40.08,32.12;,;42.86,44.00;,;34.92,42.59;,;17.29,43.26;23.47,49.71;28.31,43.92;,:28.14,47.68,1.77,1,1 +44888:33.53,6.03;,;36.72,29.88;32.19,23.83;,;,;29.08,31.95;,;23.11,46.45;36.65,62.25;,;27.68,41.37;43.73,28.23;34.94,40.86;22.10,29.91;41.62,41.22:33.41,81.44;26.23,49.72;,;34.53,52.67;35.61,24.67;27.78,34.23;40.10,32.18;,;42.88,44.12;,;34.87,42.70;,;17.14,43.35;23.41,49.83;28.20,44.00;,:27.98,47.86,1.87,1,1 +44889:33.52,6.06;,;36.67,30.00;32.07,23.95;,;,;28.95,32.11;,;23.15,46.64;36.55,62.13;,;27.61,41.50;43.67,28.35;34.85,40.93;21.99,30.05;41.60,41.29:33.35,81.43;26.16,49.72;,;34.47,52.74;35.57,24.81;27.70,34.37;40.13,32.24;,;42.90,44.24;,;34.83,42.81;,;17.00,43.43;23.34,49.97;28.09,44.07;,:27.81,48.03,1.96,1,1 +44890:33.50,6.09;,;36.62,30.12;31.94,24.06;,;,;28.81,32.26;,;23.19,46.83;36.45,62.01;,;27.53,41.64;43.61,28.47;34.76,40.99;21.88,30.20;41.58,41.35:33.28,81.41;26.10,49.72;,;34.40,52.81;35.53,24.95;27.61,34.52;40.15,32.30;,;42.92,44.36;,;34.77,42.93;,;16.85,43.51;23.27,50.10;27.99,44.15;,:27.64,48.20,2.04,1,1 +44891:33.49,6.12;,;36.57,30.24;31.82,24.18;,;,;28.68,32.41;,;23.22,47.01;36.35,61.89;,;27.45,41.78;43.56,28.59;34.66,41.06;21.77,30.35;41.57,41.41:33.21,81.39;26.05,49.72;,;34.34,52.88;35.48,25.09;27.53,34.67;40.18,32.36;,;42.94,44.47;,;34.72,43.04;,;16.69,43.58;23.20,50.23;27.88,44.23;,:27.48,48.38,2.10,1,1 +44892:33.48,6.15;,;36.52,30.35;31.70,24.30;,;,;28.54,32.56;,;23.24,47.20;36.24,61.78;,;27.36,41.91;43.49,28.71;34.57,41.12;21.65,30.50;41.55,41.47:33.14,81.37;26.00,49.73;,;34.28,52.95;35.43,25.23;27.45,34.82;40.20,32.43;,;42.96,44.59;,;34.67,43.15;,;16.53,43.66;23.14,50.36;27.78,44.32;,:27.31,48.55,2.14,1,1 +44893:33.47,6.19;,;36.47,30.47;31.58,24.42;,;,;28.40,32.71;,;23.25,47.38;36.14,61.67;,;27.27,42.04;43.43,28.84;34.47,41.18;21.54,30.65;41.54,41.53:33.08,81.35;25.95,49.74;,;34.23,53.02;35.39,25.37;27.36,34.96;40.22,32.49;,;42.98,44.71;,;34.61,43.26;,;16.38,43.73;23.07,50.50;27.67,44.40;,:27.14,48.73,2.17,1,1 +44894:33.46,6.23;,;36.42,30.58;31.46,24.53;,;,;28.25,32.87;,;23.25,47.56;36.03,61.55;,;27.18,42.18;43.37,28.96;34.37,41.25;21.42,30.81;41.53,41.59:33.01,81.34;25.90,49.75;,;34.17,53.10;35.34,25.51;27.27,35.11;40.25,32.56;,;43.00,44.83;,;34.55,43.36;,;16.22,43.79;23.00,50.63;27.57,44.48;,:26.98,48.90,2.18,1,1 +44895:33.45,6.26;,;36.37,30.70;31.33,24.65;,;,;28.10,33.02;,;23.25,47.73;35.92,61.44;,;27.08,42.31;43.31,29.08;34.28,41.31;21.31,30.96;41.53,41.64:32.94,81.33;25.86,49.76;,;34.12,53.17;35.28,25.64;27.18,35.27;40.27,32.62;,;43.01,44.95;,;34.49,43.47;,;16.06,43.86;22.94,50.77;27.46,44.56;,:26.81,49.08,2.17,1,1 +44896:33.43,6.30;,;36.32,30.81;31.21,24.77;,;,;27.96,33.17;,;23.24,47.90;35.81,61.33;,;26.98,42.44;43.25,29.20;34.18,41.37;21.19,31.11;41.52,41.70:32.88,81.32;25.82,49.78;,;34.06,53.24;35.23,25.78;27.08,35.42;40.29,32.69;,;43.03,45.07;,;34.42,43.57;,;15.90,43.91;22.88,50.90;27.36,44.64;,:26.65,49.25,2.15,1,1 +44897:33.42,6.34;,;36.26,30.91;31.09,24.89;,;,;27.81,33.32;,;23.23,48.06;35.70,61.22;,;26.87,42.56;43.19,29.33;34.09,41.44;21.08,31.26;41.51,41.76:32.81,81.31;25.78,49.79;,;34.01,53.32;35.17,25.91;26.97,35.57;40.31,32.76;,;43.03,45.18;,;34.36,43.68;,;15.74,43.97;22.81,51.04;27.26,44.72;,:26.31,49.60,2.00,1,1 +44898:33.40,6.39;,;36.20,31.02;30.97,25.00;,;,;27.67,33.46;,;23.21,48.22;35.59,61.11;,;26.76,42.69;43.13,29.45;33.99,41.50;20.96,31.42;41.50,41.82:32.75,81.31;25.75,49.81;,;33.95,53.39;35.10,26.05;26.86,35.73;40.32,32.83;,;43.04,45.30;,;34.29,43.78;,;15.57,44.03;22.75,51.18;27.15,44.80;,:26.01,49.55,2.00,1,1 +44899:33.39,6.43;,;36.14,31.13;30.84,25.12;,;,;27.52,33.61;,;23.19,48.37;35.49,61.01;,;26.64,42.81;43.07,29.57;33.90,41.56;20.84,31.57;41.49,41.88:32.69,81.31;25.72,49.82;,;33.89,53.46;35.05,26.17;26.75,35.87;40.34,32.89;,;43.04,45.42;,;34.22,43.88;,;15.41,44.09;22.70,51.32;27.05,44.88;,:25.71,49.49,2.19,1,1 +44900:33.38,6.47;,;36.08,31.24;30.70,25.23;,;,;27.38,33.75;,;23.16,48.52;35.38,60.91;,;26.53,42.92;43.01,29.69;33.80,41.63;20.71,31.73;41.48,41.94:32.64,81.31;25.69,49.84;,;33.83,53.54;34.98,26.30;26.64,36.02;40.36,32.96;,;43.04,45.53;,;34.14,43.98;,;15.24,44.14;22.64,51.46;26.94,44.96;,:25.41,49.44,2.37,1,1 +44901:33.36,6.52;,;36.01,31.34;30.56,25.33;,;,;27.23,33.89;,;23.13,48.67;35.27,60.80;,;26.41,43.03;42.95,29.81;33.71,41.69;20.59,31.89;41.47,42.01:32.58,81.32;25.65,49.85;,;33.76,53.61;34.92,26.43;26.53,36.16;40.37,33.03;,;43.04,45.65;,;34.05,44.07;,;15.08,44.20;22.59,51.60;26.83,45.03;,:25.10,49.38,2.53,1,1 +44902:33.35,6.56;,;35.94,31.44;30.42,25.44;,;,;27.09,34.03;,;23.09,48.81;35.16,60.70;,;26.28,43.13;42.89,29.93;33.61,41.76;20.46,32.05;41.45,42.07:32.52,81.33;25.62,49.87;,;33.69,53.69;34.86,26.56;26.41,36.30;40.39,33.10;,;43.03,45.76;,;33.97,44.17;,;14.92,44.25;22.54,51.73;26.72,45.11;,:24.80,49.33,2.68,1,1 +44903:33.33,6.60;,;35.87,31.54;30.27,25.54;,;,;26.94,34.16;,;23.05,48.95;35.04,60.60;,;26.16,43.23;42.82,30.05;33.52,41.82;20.34,32.21;41.43,42.13:32.47,81.34;25.59,49.88;,;33.62,53.76;34.79,26.68;26.28,36.43;40.40,33.16;,;43.02,45.88;,;33.88,44.26;,;14.77,44.31;22.49,51.87;26.60,45.18;,:24.50,49.27,2.81,1,1 +44904:33.31,6.65;,;35.80,31.64;30.13,25.65;,;,;26.80,34.30;,;22.99,49.09;34.93,60.51;,;26.04,43.32;42.76,30.17;33.42,41.88;20.21,32.37;41.41,42.19:32.42,81.35;25.56,49.90;,;33.54,53.83;34.72,26.81;26.15,36.57;40.41,33.23;,;43.01,45.99;,;33.79,44.35;,;14.61,44.37;22.44,52.01;26.49,45.25;,:24.20,49.22,2.93,1,1 +44905:33.29,6.69;,;35.72,31.73;29.99,25.75;,;,;26.66,34.43;,;22.93,49.22;34.81,60.42;,;25.91,43.40;42.70,30.29;33.33,41.94;20.08,32.53;41.39,42.25:32.36,81.36;25.52,49.91;,;33.47,53.91;34.65,26.93;26.02,36.69;40.42,33.29;,;42.99,46.10;,;33.70,44.44;,;14.45,44.43;22.39,52.14;26.38,45.32;,:23.89,49.17,3.03,1,1 +44906:33.27,6.74;,;35.64,31.82;29.84,25.86;,;,;26.52,34.55;,;22.86,49.35;34.70,60.33;,;25.79,43.48;42.64,30.41;33.24,42.00;19.95,32.70;41.37,42.31:32.31,81.38;25.49,49.92;,;33.39,53.98;34.58,27.06;25.88,36.82;40.42,33.36;,;42.97,46.21;,;33.60,44.52;,;14.30,44.49;22.35,52.28;26.27,45.38;,:23.59,49.11,3.11,1,1 +44907:33.25,6.79;,;35.56,31.91;29.70,25.96;,;,;26.37,34.68;,;22.79,49.47;34.58,60.24;,;25.66,43.55;42.58,30.52;33.17,42.06;19.80,32.86;41.34,42.37:32.26,81.40;25.45,49.93;,;33.32,54.05;34.51,27.18;25.74,36.93;40.43,33.43;,;42.95,46.33;,;33.50,44.61;,;14.15,44.56;22.30,52.41;26.15,45.45;,:23.29,49.06,3.18,1,1 +44908:33.22,6.84;,;35.47,32.00;29.55,26.06;,;,;26.22,34.81;,;22.70,49.58;34.46,60.15;,;25.54,43.61;42.52,30.63;33.10,42.11;19.66,33.03;41.32,42.43:32.20,81.42;25.41,49.94;,;33.24,54.12;34.44,27.29;25.59,37.05;40.43,33.49;,;42.93,46.44;,;33.39,44.69;,;14.01,44.63;22.25,52.54;26.03,45.51;,:22.99,49.00,3.23,1,1 +44909:33.20,6.89;,;35.38,32.08;29.41,26.17;,;,;26.06,34.93;,;22.60,49.68;34.34,60.07;,;25.41,43.67;42.47,30.75;33.03,42.16;19.51,33.20;41.29,42.49:32.15,81.43;25.37,49.95;,;33.16,54.20;34.37,27.41;25.45,37.15;40.43,33.56;,;42.90,46.56;,;33.29,44.76;,;13.88,44.71;22.19,52.67;25.92,45.56;,:22.68,48.95,3.27,1,1 +44910:33.17,6.94;,;35.29,32.17;29.27,26.27;,;,;25.91,35.05;,;22.49,49.78;34.22,59.99;,;25.29,43.72;42.42,30.86;32.97,42.21;19.36,33.37;41.27,42.55:32.09,81.45;25.32,49.97;,;33.08,54.27;34.30,27.52;25.29,37.26;40.42,33.63;,;42.87,46.68;,;33.19,44.80;,;13.74,44.79;22.14,52.80;25.80,45.62;,:22.38,48.89,3.29,1,1 +44911:33.14,7.00;,;35.20,32.25;29.12,26.38;,;,;25.75,35.17;,;22.38,49.87;34.09,59.92;,;25.17,43.77;42.36,30.97;32.90,42.26;19.21,33.54;41.24,42.61:32.04,81.46;25.28,49.98;,;33.00,54.34;34.22,27.63;25.14,37.36;40.42,33.70;,;42.85,46.79;,;33.10,44.83;,;13.61,44.88;22.08,52.92;25.68,45.67;,:22.08,48.84,3.29,1,1 +44912:33.12,7.05;,;35.10,32.33;28.98,26.48;,;,;25.60,35.29;,;22.25,49.95;33.97,59.84;,;25.05,43.81;42.31,31.08;32.83,42.31;19.05,33.70;41.21,42.67:31.98,81.47;25.23,50.00;,;32.92,54.41;34.14,27.74;24.98,37.46;40.41,33.77;,;42.82,46.91;,;33.01,44.87;,;13.49,44.97;22.01,53.04;25.55,45.72;,:21.78,48.79,3.28,1,1 +44913:33.09,7.11;,;35.00,32.41;28.84,26.59;,;,;25.44,35.40;,;22.11,50.02;33.84,59.77;,;24.93,43.84;42.26,31.19;32.77,42.36;18.90,33.87;41.18,42.72:31.91,81.48;25.18,50.02;,;32.84,54.48;34.06,27.85;24.81,37.55;40.40,33.84;,;42.79,47.03;,;32.91,44.90;,;13.36,45.06;21.94,53.16;25.44,45.77;,:21.47,48.73,3.26,1,1 +44914:33.06,7.17;,;34.91,32.48;28.69,26.69;,;,;25.27,35.52;,;21.96,50.08;33.71,59.70;,;24.80,43.87;42.21,31.30;32.70,42.41;18.73,34.05;41.15,42.78:31.85,81.49;25.13,50.05;,;32.77,54.55;33.98,27.96;24.65,37.64;40.39,33.91;,;42.77,47.15;,;32.82,44.94;,;13.25,45.16;21.87,53.28;25.31,45.81;,:21.17,48.68,3.22,1,1 +44915:33.03,7.24;,;34.81,32.55;28.55,26.80;,;,;25.10,35.63;,;21.79,50.14;33.59,59.63;,;24.68,43.90;42.16,31.41;32.64,42.46;18.57,34.22;41.12,42.83:31.79,81.50;25.09,50.08;,;32.69,54.63;33.89,28.07;24.48,37.72;40.38,33.98;,;42.74,47.26;,;32.73,44.97;,;13.14,45.27;21.80,53.40;25.19,45.85;,:20.87,48.62,3.16,1,1 +44916:33.00,7.30;,;34.71,32.62;28.41,26.90;,;,;24.93,35.74;,;21.62,50.18;33.46,59.56;,;24.55,43.93;42.11,31.52;32.57,42.51;18.41,34.39;41.09,42.89:31.72,81.51;25.04,50.11;,;32.61,54.70;33.81,28.17;24.32,37.80;40.37,34.05;,;42.72,47.38;,;32.63,45.01;,;13.03,45.37;21.72,53.51;25.06,45.88;,:20.57,48.57,3.09,1,1 +44917:32.97,7.37;,;34.61,32.69;28.26,27.00;,;,;24.76,35.85;,;21.45,50.21;33.33,59.50;,;24.41,43.95;42.06,31.62;32.50,42.56;18.24,34.57;41.05,42.94:31.65,81.52;25.00,50.15;,;32.54,54.77;33.72,28.26;24.15,37.88;40.36,34.12;,;42.70,47.50;,;32.54,45.05;,;12.93,45.49;21.64,53.62;24.93,45.92;,:20.26,48.51,3.00,1,1 +44918:32.94,7.44;,;34.50,32.76;28.12,27.11;,;,;24.59,35.95;,;21.26,50.24;33.20,59.44;,;24.28,43.97;42.01,31.72;32.44,42.61;18.07,34.74;41.01,42.99:31.59,81.53;24.96,50.20;,;32.46,54.84;33.63,28.36;23.98,37.96;40.35,34.19;,;42.68,47.61;,;32.45,45.08;,;12.84,45.61;21.55,53.73;24.81,45.95;,:19.96,48.46,2.89,1,1 +44919:32.92,7.50;,;34.40,32.83;27.98,27.21;,;,;24.42,36.05;,;21.07,50.26;33.07,59.38;,;24.15,43.99;41.96,31.82;32.37,42.66;17.91,34.92;40.98,43.05:31.52,81.54;24.93,50.26;,;32.38,54.91;33.53,28.45;23.81,38.03;40.34,34.26;,;42.66,47.73;,;32.36,45.12;,;12.75,45.73;21.47,53.84;24.68,45.98;,:19.66,48.41,2.77,1,1 +44920:32.89,7.57;,;34.29,32.89;27.83,27.32;,;,;24.25,36.15;,;20.86,50.26;32.94,59.32;,;24.01,44.00;41.91,31.92;32.30,42.71;17.74,35.09;40.94,43.10:31.45,81.55;24.90,50.32;,;32.31,54.98;33.44,28.54;23.65,38.09;40.33,34.33;,;42.65,47.84;,;32.26,45.15;,;12.66,45.86;21.38,53.95;24.55,46.00;,:19.36,48.35,2.64,1,1 +44921:32.86,7.64;,;34.17,32.96;27.69,27.42;,;,;24.09,36.24;,;20.66,50.26;32.81,59.27;,;23.87,44.02;41.85,32.01;32.24,42.76;17.57,35.27;40.90,43.14:31.38,81.56;24.87,50.38;,;32.23,55.06;33.34,28.64;23.48,38.15;40.32,34.39;,;42.64,47.95;,;32.17,45.19;,;12.59,45.98;21.29,54.05;24.42,46.02;,:19.05,48.30,2.49,1,1 +44922:32.84,7.71;,;34.06,33.02;27.55,27.51;,;,;23.92,36.33;,;20.45,50.26;32.68,59.22;,;23.73,44.03;41.80,32.10;32.17,42.81;17.40,35.44;40.85,43.19:31.32,81.57;24.85,50.46;,;32.15,55.13;33.25,28.72;23.31,38.21;40.31,34.46;,;42.63,48.05;,;32.08,45.22;,;12.52,46.11;21.20,54.16;24.28,46.05;,:18.75,48.24,2.32,1,1 +44923:32.82,7.78;,;33.95,33.07;27.42,27.60;,;,;23.75,36.42;,;20.23,50.25;32.55,59.17;,;23.58,44.05;41.74,32.18;32.11,42.86;17.23,35.62;40.79,43.24:31.25,81.59;24.84,50.54;,;32.08,55.20;33.14,28.81;23.14,38.26;40.29,34.53;,;42.62,48.16;,;31.98,45.26;,;12.46,46.25;21.11,54.26;24.15,46.06;,:18.45,48.19,2.14,1,1 +44924:32.80,7.85;,;33.85,33.13;27.28,27.67;,;,;23.58,36.50;,;20.01,50.23;32.42,59.12;,;23.44,44.06;41.68,32.26;32.04,42.91;17.07,35.78;40.74,43.28:31.19,81.61;24.82,50.62;,;32.01,55.28;33.04,28.89;22.97,38.31;40.28,34.59;,;42.62,48.26;,;31.89,45.29;,;12.41,46.38;21.02,54.36;24.02,46.08;,:18.15,48.14,1.94,1,1 +44925:32.78,7.91;,;33.74,33.19;27.15,27.75;,;,;23.41,36.58;,;19.78,50.20;32.29,59.07;,;23.29,44.07;41.63,32.34;31.97,42.97;16.91,35.94;40.69,43.33:31.12,81.63;24.81,50.70;,;31.93,55.35;32.94,28.97;22.80,38.36;40.27,34.66;,;42.61,48.36;,;31.80,45.33;,;12.36,46.52;20.94,54.46;23.88,46.10;,:17.84,48.08,1.72,1,1 +44926:32.75,7.98;,;33.63,33.24;27.02,27.82;,;,;23.25,36.66;,;19.54,50.17;32.15,59.03;,;23.14,44.09;41.57,32.40;31.91,43.03;16.76,36.08;40.63,43.37:31.06,81.65;24.81,50.79;,;31.86,55.42;32.84,29.04;22.62,38.41;40.26,34.72;,;42.61,48.46;,;31.70,45.36;,;12.32,46.66;20.85,54.56;23.74,46.11;,:17.54,48.03,1.49,1,1 +44927:32.73,8.04;,;33.52,33.29;26.89,27.90;,;,;23.08,36.73;,;19.30,50.14;32.02,58.99;,;22.99,44.10;41.51,32.47;31.84,43.10;16.60,36.22;40.57,43.41:31.00,81.68;24.81,50.89;,;31.79,55.50;32.73,29.11;22.45,38.45;40.24,34.78;,;42.60,48.56;,;31.61,45.40;,;12.29,46.80;20.76,54.66;23.60,46.13;,:17.24,47.97,1.25,1,1 +44928:32.71,8.10;,;33.40,33.34;26.76,27.97;,;,;22.92,36.80;,;19.06,50.10;31.88,58.95;,;22.84,44.11;41.45,32.53;31.77,43.17;16.45,36.35;40.51,43.45:30.93,81.70;24.81,50.98;,;31.72,55.57;32.63,29.17;22.28,38.49;40.23,34.84;,;42.59,48.66;,;31.52,45.43;,;12.27,46.93;20.67,54.76;23.47,46.14;,:16.94,47.92,0.99,1,1 +44929:32.69,8.17;,;33.29,33.39;26.63,28.04;,;,;22.75,36.86;,;18.82,50.05;31.75,58.92;,;22.69,44.13;41.39,32.58;31.70,43.24;16.31,36.47;40.44,43.50:30.87,81.73;24.82,51.08;,;31.65,55.64;32.52,29.23;22.11,38.53;40.21,34.90;,;42.58,48.76;,;31.42,45.47;,;12.25,47.06;20.58,54.86;23.33,46.15;,:16.33,47.81,0.11,0,1 +44930:32.66,8.22;,;33.18,33.44;26.50,28.12;,;,;22.59,36.93;,;18.57,50.00;31.62,58.88;,;22.55,44.14;41.33,32.64;31.63,43.31;16.17,36.57;40.38,43.54:30.81,81.76;24.82,51.18;,;31.58,55.72;32.41,29.28;21.94,38.56;40.20,34.96;,;42.58,48.85;,;31.33,45.50;,;12.24,47.19;20.50,54.95;23.19,46.16;,:16.02,47.89,0.11,0,1 +44931:32.63,8.28;,;33.06,33.48;26.37,28.19;,;,;22.43,36.99;,;18.33,49.94;31.48,58.85;,;22.40,44.16;41.28,32.68;31.56,43.38;16.04,36.66;40.32,43.57:30.75,81.79;24.82,51.28;,;31.51,55.79;32.30,29.34;21.77,38.59;40.18,35.02;,;42.57,48.94;,;31.24,45.54;,;12.24,47.32;20.41,55.05;23.04,46.18;,:15.71,47.96,0.11,0,1 +44932:32.61,8.34;,;32.95,33.52;26.24,28.27;,;,;22.27,37.05;,;18.08,49.89;31.34,58.82;,;22.26,44.18;41.23,32.73;31.49,43.45;15.91,36.73;40.25,43.61:30.69,81.83;24.82,51.38;,;31.45,55.86;32.18,29.38;21.59,38.62;40.16,35.09;,;42.56,49.04;,;31.14,45.57;,;12.24,47.44;20.31,55.14;22.90,46.19;,:15.42,48.03,0.11,0,1 +44933:32.58,8.39;,;32.84,33.56;26.10,28.34;,;,;22.11,37.10;,;17.82,49.83;31.20,58.80;,;22.11,44.20;41.18,32.77;31.43,43.52;15.78,36.79;40.19,43.65:30.63,81.86;24.82,51.48;,;31.38,55.93;32.07,29.43;21.42,38.66;40.14,35.15;,;42.54,49.13;,;31.02,45.59;,;12.25,47.56;20.22,55.24;22.75,46.20;,:15.14,48.10,0.11,0,1 +44934:32.55,8.44;,;32.74,33.59;25.97,28.41;,;,;21.95,37.16;,;17.57,49.76;31.06,58.77;,;21.97,44.22;41.12,32.81;31.36,43.59;15.66,36.84;40.13,43.69:30.57,81.90;24.81,51.58;,;31.31,56.00;31.96,29.47;21.25,38.68;40.12,35.21;,;42.53,49.23;,;30.89,45.60;,;12.26,47.67;20.12,55.33;22.61,46.21;,:14.88,48.16,0.11,0,1 +44935:32.53,8.49;,;32.63,33.62;25.84,28.49;,;,;21.79,37.22;,;17.31,49.70;30.92,58.75;,;21.82,44.25;41.07,32.84;31.29,43.66;15.54,36.88;40.07,43.73:30.51,81.93;24.80,51.69;,;31.25,56.07;31.84,29.50;21.08,38.71;40.10,35.27;,;42.52,49.32;,;30.73,45.60;,;12.27,47.77;20.01,55.43;22.46,46.22;,:14.62,48.22,0.11,0,1 +44936:32.50,8.54;,;32.52,33.65;25.71,28.56;,;,;21.64,37.26;,;17.05,49.64;30.78,58.73;,;21.68,44.27;41.02,32.88;31.22,43.73;15.42,36.91;40.02,43.77:30.45,81.96;24.78,51.79;,;31.18,56.14;31.72,29.53;20.89,38.74;40.08,35.33;,;42.50,49.41;,;30.58,45.60;,;12.29,47.87;19.91,55.52;22.31,46.24;,:14.38,48.28,0.11,0,1 +44937:32.47,8.59;,;32.40,33.68;25.58,28.63;,;,;21.50,37.31;,;16.80,49.59;30.63,58.71;,;21.54,44.30;40.97,32.91;31.15,43.81;15.31,36.94;39.96,43.81:30.39,82.00;24.77,51.90;,;31.11,56.21;31.61,29.56;20.69,38.77;40.06,35.39;,;42.49,49.51;,;30.42,45.59;,;12.31,47.97;19.79,55.61;22.16,46.25;,:14.15,48.34,0.11,0,1 +44938:32.44,8.64;,;32.29,33.70;25.45,28.71;,;,;21.32,37.37;,;16.56,49.53;30.48,58.69;,;21.41,44.33;40.92,32.95;31.08,43.88;15.19,36.95;39.91,43.85:30.34,82.03;24.75,52.01;,;31.04,56.27;31.49,29.60;20.51,38.79;40.04,35.46;,;42.48,49.60;,;30.28,45.60;,;12.33,48.06;19.68,55.71;22.01,46.27;,:13.94,48.39,0.11,0,1 +44939:32.41,8.68;,;32.18,33.72;25.32,28.78;,;,;21.15,37.42;,;16.32,49.48;30.32,58.67;,;21.27,44.37;40.86,32.98;31.01,43.95;15.08,36.95;39.86,43.89:30.28,82.06;24.72,52.12;,;30.97,56.33;31.36,29.63;20.37,38.80;40.02,35.52;,;42.47,49.69;,;30.16,45.61;,;12.35,48.14;19.56,55.80;21.87,46.28;,:13.73,48.44,0.11,0,1 +44940:32.38,8.72;,;32.06,33.74;25.19,28.86;,;,;21.03,37.45;,;16.09,49.44;30.16,58.65;,;21.13,44.40;40.81,33.02;30.94,44.02;14.98,36.95;39.82,43.93:30.22,82.10;24.69,52.23;,;30.91,56.39;31.24,29.66;20.18,38.81;40.00,35.59;,;42.46,49.78;,;30.04,45.63;,;12.37,48.22;19.43,55.89;21.72,46.30;,:13.54,48.49,0.11,0,1 +44941:32.36,8.76;,;31.95,33.76;25.06,28.93;,;,;20.91,37.46;,;15.86,49.40;30.00,58.64;,;21.00,44.44;40.75,33.05;30.88,44.09;14.88,36.95;39.78,43.97:30.16,82.13;24.66,52.34;,;30.84,56.45;31.11,29.70;19.99,38.79;39.99,35.65;,;42.45,49.87;,;29.93,45.65;,;12.39,48.30;19.30,55.99;21.58,46.32;,:13.36,48.53,0.11,0,1 +44942:32.34,8.80;,;31.84,33.77;24.93,28.99;,;,;20.67,37.55;,;15.63,49.36;29.83,58.62;,;20.86,44.48;40.69,33.08;30.81,44.16;14.77,36.94;39.73,44.01:30.10,82.16;24.62,52.46;,;30.77,56.51;30.99,29.73;19.92,38.71;39.97,35.71;,;42.44,49.95;,;29.82,45.67;,;12.41,48.38;19.16,56.08;21.43,46.34;,:13.20,48.57,0.11,0,1 +44943:32.31,8.84;,;31.73,33.77;24.81,29.04;,;,;20.68,37.60;,;15.41,49.33;29.66,58.61;,;20.73,44.53;40.64,33.12;30.74,44.23;14.68,36.93;39.69,44.05:30.05,82.20;24.58,52.57;,;30.70,56.57;30.86,29.77;19.61,38.65;39.96,35.78;,;42.44,50.04;,;29.71,45.69;,;12.43,48.45;19.03,56.16;21.28,46.36;,:13.04,48.61,0.11,0,1 +44944:32.29,8.89;,;31.62,33.78;24.69,29.08;,;,;20.55,37.65;,;15.18,49.30;29.49,58.59;,;20.60,44.58;40.58,33.15;30.67,44.30;14.58,36.92;39.65,44.09:29.99,82.23;24.54,52.69;,;30.63,56.63;30.74,29.80;19.43,38.62;39.95,35.84;,;42.44,50.13;,;29.61,45.71;,;12.46,48.53;18.89,56.25;21.13,46.38;,:12.90,48.64,0.11,0,1 +44945:32.27,8.92;,;31.52,33.77;24.58,29.12;,;,;20.43,37.69;,;14.98,49.28;29.30,58.58;,;20.48,44.63;40.52,33.19;30.60,44.37;14.48,36.90;39.61,44.13:29.94,82.27;24.49,52.81;,;30.55,56.68;30.61,29.84;19.26,38.58;39.94,35.91;,;42.43,50.21;,;29.52,45.72;,;12.48,48.59;18.76,56.34;20.99,46.40;,:12.77,48.67,0.11,0,1 +44946:32.25,8.96;,;31.42,33.77;24.46,29.16;,;,;20.32,37.74;,;14.80,49.26;29.11,58.56;,;20.36,44.68;40.46,33.22;30.53,44.44;14.39,36.88;39.56,44.18:29.89,82.31;24.45,52.92;,;30.48,56.74;30.49,29.88;19.08,38.54;39.93,35.97;,;42.43,50.30;,;29.46,45.72;,;12.50,48.65;18.62,56.43;20.85,46.43;,:12.65,48.70,0.11,0,1 +44947:32.23,8.99;,;31.32,33.76;24.34,29.20;,;,;20.21,37.78;,;14.61,49.27;28.91,58.55;,;20.25,44.73;40.41,33.26;30.46,44.52;14.30,36.86;39.52,44.22:29.84,82.35;24.40,53.04;,;30.41,56.80;30.37,29.92;18.91,38.50;39.92,36.04;,;42.43,50.38;,;29.41,45.71;,;12.53,48.71;18.48,56.52;20.71,46.45;,:12.55,48.73,0.11,0,1 +44948:32.21,9.02;,;31.21,33.75;24.23,29.24;,;,;20.10,37.82;,;14.40,49.30;28.71,58.53;,;20.13,44.80;40.36,33.30;30.39,44.60;14.21,36.84;39.49,44.26:29.79,82.39;24.35,53.16;,;30.34,56.86;30.24,29.96;18.73,38.45;39.91,36.10;,;42.44,50.46;,;29.37,45.70;,;12.55,48.77;18.35,56.60;20.57,46.48;,:12.45,48.75,0.11,0,1 +44949:32.19,9.06;,;31.11,33.73;24.11,29.28;,;,;20.00,37.86;,;14.24,49.35;28.50,58.52;,;20.03,44.86;40.31,33.33;30.32,44.69;14.12,36.81;39.44,44.31:29.74,82.44;24.30,53.28;,;30.27,56.92;30.12,30.00;18.55,38.41;39.90,36.16;,;42.44,50.54;,;29.34,45.69;,;12.58,48.83;18.21,56.69;20.43,46.51;,:12.37,48.77,0.11,0,1 +44950:32.18,9.09;,;31.02,33.71;23.99,29.31;,;,;19.90,37.91;,;14.10,49.39;28.30,58.51;,;19.92,44.93;40.26,33.37;30.25,44.79;14.03,36.78;39.40,44.35:29.69,82.48;24.25,53.41;,;30.19,56.98;30.00,30.04;18.37,38.36;39.90,36.23;,;42.44,50.62;,;29.29,45.68;,;12.60,48.93;18.08,56.78;20.28,46.55;,:12.31,48.79,0.11,0,1 +44951:32.16,9.12;,;30.93,33.69;23.88,29.35;,;,;19.80,37.95;,;14.03,49.44;28.09,58.49;,;19.82,45.00;40.22,33.41;30.18,44.88;13.95,36.75;39.35,44.40:29.65,82.53;24.20,53.53;,;30.12,57.05;29.88,30.09;18.20,38.30;39.89,36.29;,;42.45,50.70;,;29.24,45.68;,;12.65,49.03;17.96,56.86;20.14,46.58;,:12.25,48.80,0.11,0,1 +44952:32.14,9.15;,;30.84,33.66;23.76,29.39;,;,;19.71,38.00;,;13.91,49.51;27.87,58.48;,;19.72,45.07;40.19,33.45;30.11,44.97;13.87,36.71;39.30,44.45:29.60,82.58;24.15,53.65;,;30.05,57.11;29.77,30.13;18.03,38.25;39.89,36.35;,;42.45,50.78;,;29.17,45.68;,;12.69,49.14;17.83,56.95;20.00,46.62;,:12.21,48.81,0.11,0,1 +44953:32.12,9.18;,;30.76,33.63;23.64,29.43;,;,;19.62,38.04;,;13.86,49.57;27.65,58.47;,;19.62,45.15;40.16,33.48;30.04,45.06;13.80,36.68;39.25,44.50:29.55,82.63;24.10,53.77;,;29.99,57.18;29.65,30.17;17.86,38.20;39.89,36.41;,;42.46,50.86;,;29.10,45.68;,;12.30,49.24;17.72,57.04;19.86,46.66;,:12.18,48.82,0.11,0,1 +44954:32.10,9.22;,;30.68,33.60;23.53,29.47;,;,;19.53,38.09;,;13.74,49.62;27.43,58.46;,;19.53,45.23;40.14,33.52;29.97,45.15;13.72,36.64;39.21,44.55:29.51,82.68;24.06,53.90;,;29.92,57.25;29.54,30.21;17.69,38.16;39.89,36.48;,;42.47,50.93;,;29.02,45.69;,;12.24,49.31;17.60,57.13;19.72,46.70;,:12.16,48.82,0.11,0,1 +44955:32.08,9.25;,;30.61,33.57;23.41,29.51;,;,;19.45,38.13;,;13.64,49.67;27.20,58.45;,;19.45,45.31;40.11,33.56;29.89,45.25;13.65,36.60;39.16,44.60:29.46,82.73;24.02,54.02;,;29.85,57.33;29.43,30.25;17.52,38.11;39.88,36.54;,;42.48,51.01;,;28.94,45.69;,;12.17,49.39;17.49,57.22;19.58,46.74;,:12.15,48.82,0.11,0,1 +44956:32.05,9.29;,;30.53,33.54;23.29,29.55;,;,;19.37,38.18;,;13.53,49.71;26.98,58.44;,;19.36,45.39;40.10,33.60;29.82,45.34;13.58,36.56;39.11,44.65:29.42,82.78;23.98,54.15;,;29.79,57.41;29.32,30.30;17.34,38.07;39.88,36.60;,;42.49,51.08;,;28.86,45.70;,;12.09,49.46;17.39,57.31;19.45,46.79;,:11.89,48.82,0.11,0,1 +44957:32.03,9.32;,;30.46,33.52;23.18,29.59;,;,;19.30,38.22;,;13.44,49.75;26.76,58.43;,;19.28,45.48;40.08,33.64;29.75,45.43;13.51,36.53;39.07,44.71:29.37,82.83;23.94,54.28;,;29.73,57.49;29.22,30.34;17.17,38.03;39.88,36.66;,;42.50,51.15;,;28.78,45.70;,;12.01,49.52;17.29,57.40;19.31,46.84;,:11.63,48.82,0.11,0,1 +44958:32.00,9.36;,;30.39,33.49;23.06,29.63;,;,;19.22,38.26;,;13.34,49.79;26.54,58.43;,;19.19,45.56;40.07,33.68;29.68,45.52;13.44,36.49;39.03,44.76:29.33,82.88;23.90,54.41;,;29.67,57.57;29.11,30.39;17.01,38.00;39.88,36.72;,;42.52,51.22;,;28.70,45.72;,;11.91,49.58;17.19,57.50;19.17,46.89;,:11.40,48.81,0.11,0,1 +44959:31.98,9.40;,;30.31,33.47;22.94,29.66;,;,;19.15,38.30;,;13.24,49.83;26.31,58.42;,;19.09,45.65;40.06,33.73;29.61,45.61;13.37,36.46;38.99,44.82:29.28,82.93;23.87,54.54;,;29.62,57.65;29.01,30.43;16.84,37.96;39.88,36.77;,;42.53,51.29;,;28.63,45.76;,;11.81,49.64;17.09,57.59;19.04,46.95;,:11.17,48.81,0.11,0,1 +44960:31.95,9.45;,;30.25,33.45;22.83,29.70;,;,;19.08,38.34;,;13.13,49.86;26.09,58.41;,;19.00,45.73;40.05,33.77;29.54,45.71;13.29,36.43;38.95,44.87:29.23,82.98;23.84,54.67;,;29.56,57.73;28.90,30.48;16.68,37.93;39.88,36.83;,;42.55,51.36;,;28.57,45.84;,;11.70,49.68;17.00,57.68;18.90,47.00;,:10.96,48.81,0.11,0,1 +44961:31.92,9.49;,;30.18,33.44;22.71,29.74;,;,;19.02,38.38;,;13.03,49.88;25.86,58.41;,;18.91,45.81;40.05,33.82;29.47,45.80;13.22,36.41;38.91,44.93:29.18,83.02;23.81,54.80;,;29.51,57.82;28.80,30.53;16.52,37.90;39.88,36.88;,;42.56,51.42;,;28.51,45.94;,;11.59,49.71;16.90,57.78;18.77,47.06;,:10.76,48.80,0.11,0,1 +44962:31.88,9.54;,;30.11,33.43;22.60,29.76;,;,;18.95,38.41;,;12.91,49.90;25.63,58.41;,;18.81,45.89;40.04,33.86;29.40,45.89;13.15,36.39;38.86,44.99:29.13,83.07;23.79,54.93;,;29.45,57.90;28.70,30.58;16.36,37.87;39.88,36.93;,;42.58,51.49;,;28.45,46.05;,;11.48,49.74;16.81,57.87;18.64,47.12;,:10.58,48.80,0.11,0,1 +44963:31.85,9.58;,;30.04,33.43;22.49,29.76;,;,;18.89,38.43;,;12.79,49.92;25.40,58.40;,;18.70,45.97;40.04,33.91;29.32,45.98;13.07,36.37;38.82,45.04:29.08,83.11;23.77,55.06;,;29.40,57.98;28.60,30.64;16.20,37.84;39.88,36.98;,;42.60,51.56;,;28.37,46.14;,;11.35,49.76;16.72,57.96;18.51,47.18;,:10.41,48.80,0.11,0,1 +44964:31.81,9.63;,;29.97,33.43;22.38,29.75;,;,;18.83,38.45;,;12.67,49.92;25.17,58.40;,;18.60,46.05;40.03,33.95;29.25,46.07;12.99,36.35;38.78,45.10:29.03,83.15;23.75,55.20;,;29.35,58.06;28.49,30.69;16.04,37.80;39.87,37.03;,;42.61,51.62;,;28.28,46.20;,;11.22,49.77;16.62,58.05;18.38,47.24;,:10.25,48.80,0.11,0,1 +44965:31.78,9.69;,;29.90,33.43;22.27,29.73;,;,;18.78,38.47;,;12.54,49.92;24.95,58.40;,;18.48,46.12;40.03,34.00;29.18,46.17;12.91,36.34;38.73,45.16:28.98,83.19;23.74,55.33;,;29.30,58.14;28.39,30.76;15.89,37.76;39.87,37.07;,;42.62,51.68;,;28.18,46.25;,;11.09,49.77;16.52,58.14;18.25,47.30;,:10.11,48.79,0.11,0,1 +44966:31.74,9.74;,;29.83,33.43;22.17,29.72;,;,;18.72,38.48;,;12.41,49.91;24.73,58.40;,;18.36,46.19;40.02,34.04;29.11,46.26;12.82,36.32;38.69,45.22:28.93,83.23;23.72,55.46;,;29.25,58.22;28.28,30.82;15.74,37.73;39.87,37.11;,;42.63,51.74;,;28.07,46.29;,;10.95,49.77;16.42,58.23;18.13,47.36;,:9.98,48.79,0.11,0,1 +44967:31.71,9.79;,;29.76,33.44;22.06,29.70;,;,;18.67,38.48;,;12.26,49.89;24.49,58.39;,;18.24,46.25;40.01,34.08;29.04,46.35;12.74,36.30;38.65,45.27:28.87,83.27;23.71,55.59;,;29.19,58.29;28.17,30.89;15.59,37.70;39.87,37.14;,;42.64,51.80;,;27.96,46.32;,;10.81,49.76;16.32,58.32;18.00,47.42;,:9.86,48.79,0.11,0,1 +44968:31.67,9.84;,;29.68,33.44;21.95,29.69;,;,;18.61,38.48;,;12.12,49.87;24.26,58.39;,;18.11,46.32;40.00,34.12;28.97,46.44;12.65,36.28;38.60,45.32:28.82,83.31;23.69,55.71;,;29.14,58.37;28.06,30.95;15.45,37.66;39.86,37.17;,;42.64,51.86;,;27.85,46.36;,;10.67,49.74;16.22,58.40;17.88,47.47;,:9.76,48.79,0.11,0,1 +44969:31.64,9.89;,;29.61,33.44;21.85,29.67;,;,;18.56,38.47;,;11.97,49.83;24.02,58.38;,;17.97,46.38;39.99,34.15;28.92,46.53;12.56,36.25;38.55,45.38:28.76,83.35;23.68,55.84;,;29.08,58.44;27.95,31.02;15.31,37.61;39.86,37.19;,;42.64,51.92;,;27.76,46.40;,;10.53,49.71;16.12,58.48;17.75,47.53;,:9.67,48.79,0.11,0,1 +44970:31.61,9.95;,;29.54,33.43;21.74,29.65;,;,;18.50,38.46;,;11.82,49.79;23.79,58.37;,;17.84,46.43;39.97,34.18;28.87,46.62;12.47,36.22;38.50,45.43:28.71,83.39;23.65,55.96;,;29.03,58.52;27.85,31.09;15.16,37.58;39.85,37.21;,;42.63,51.97;,;27.67,46.44;,;10.38,49.68;16.01,58.56;17.63,47.58;,:9.60,48.79,0.11,0,1 +44971:31.57,10.00;,;29.47,33.42;21.63,29.64;,;,;18.45,38.44;,;11.66,49.74;23.56,58.37;,;17.70,46.49;39.96,34.20;28.84,46.71;12.37,36.19;38.44,45.48:28.65,83.43;23.63,56.09;,;28.97,58.59;27.74,31.15;15.01,37.54;39.85,37.22;,;42.62,52.03;,;27.63,46.48;,;10.23,49.64;15.90,58.64;17.50,47.63;,:9.54,48.79,0.11,0,1 +44972:31.54,10.05;,;29.40,33.41;21.53,29.62;,;,;18.39,38.42;,;11.51,49.69;23.33,58.36;,;17.56,46.53;39.94,34.22;28.82,46.79;12.27,36.15;38.38,45.52:28.59,83.47;23.60,56.21;,;28.91,58.66;27.63,31.22;14.88,37.47;39.84,37.23;,;42.60,52.08;,;27.60,46.52;,;10.08,49.61;15.79,58.72;17.38,47.68;,:9.49,48.79,0.11,0,1 +44973:31.51,10.09;,;29.33,33.39;21.42,29.61;,;,;18.33,38.39;,;11.35,49.63;23.10,58.35;,;17.41,46.58;39.92,34.23;28.79,46.88;12.17,36.10;38.32,45.57:28.53,83.51;23.57,56.33;,;28.85,58.73;27.52,31.28;14.79,37.38;39.83,37.23;,;42.58,52.13;,;27.59,46.56;,;9.92,49.57;15.67,58.79;17.26,47.72;,:9.46,48.79,0.11,0,1 +44974:31.48,10.14;,;29.25,33.37;21.31,29.59;,;,;18.27,38.36;,;11.18,49.56;22.86,58.34;,;17.27,46.62;39.89,34.24;28.76,46.96;12.08,36.04;38.26,45.61:28.48,83.55;23.53,56.45;,;28.79,58.80;27.41,31.34;14.66,37.24;39.82,37.23;,;42.55,52.18;,;27.57,46.60;,;9.77,49.52;15.54,58.86;17.13,47.76;,:9.44,48.78,0.11,0,1 +44975:31.45,10.18;,;29.18,33.34;21.21,29.57;,;,;18.21,38.33;,;11.03,49.49;22.63,58.33;,;17.12,46.66;39.87,34.24;28.73,47.05;11.98,35.97;38.20,45.65:28.42,83.59;23.49,56.57;,;28.73,58.87;27.29,31.39;14.63,36.97;39.81,37.22;,;42.52,52.22;,;27.54,46.63;,;9.61,49.47;15.42,58.93;17.01,47.80;,:9.43,48.78,0.11,0,1 +44976:31.43,10.22;,;29.10,33.30;21.10,29.56;,;,;18.15,38.29;,;10.86,49.41;22.39,58.31;,;16.98,46.69;39.84,34.23;28.71,47.13;11.88,35.89;38.14,45.68:28.36,83.63;23.45,56.69;,;28.67,58.94;27.18,31.44;14.22,37.01;39.80,37.21;,;42.48,52.27;,;27.49,46.67;,;9.44,49.42;15.28,59.00;16.88,47.83;,:9.20,48.45,0.11,0,1 +44977:31.41,10.26;,;29.03,33.26;20.96,29.61;,;,;18.08,38.25;,;10.69,49.32;22.15,58.30;,;16.83,46.72;39.81,34.21;28.68,47.22;11.79,35.81;38.08,45.72:28.30,83.66;23.39,56.80;,;28.60,59.01;27.07,31.49;14.07,36.90;39.79,37.19;,;42.44,52.31;,;27.39,46.69;,;9.27,49.35;15.15,59.06;16.75,47.86;,:8.98,48.13,0.11,0,1 +44978:31.38,10.30;,;28.95,33.21;20.82,29.66;,;,;18.01,38.21;,;10.56,49.21;21.92,58.28;,;16.69,46.75;39.78,34.19;28.64,47.29;11.70,35.71;38.02,45.75:28.25,83.70;23.34,56.91;,;28.54,59.08;26.96,31.52;13.92,36.78;39.78,37.17;,;42.40,52.35;,;27.27,46.71;,;9.10,49.29;15.02,59.11;16.61,47.88;,:8.76,47.82,0.11,0,1 +44979:31.36,10.33;,;28.87,33.16;20.65,29.77;,;,;17.94,38.17;,;10.43,49.09;21.69,58.26;,;16.55,46.76;39.75,34.15;28.58,47.35;11.61,35.60;37.97,45.77:28.19,83.74;23.28,57.02;,;28.47,59.15;26.85,31.55;13.77,36.65;39.76,37.14;,;42.35,52.39;,;27.14,46.73;,;8.94,49.23;14.88,59.17;16.49,47.90;,:8.55,47.51,0.11,0,1 +44980:31.33,10.36;,;28.79,33.10;20.61,29.62;,;,;17.87,38.12;,;10.27,48.94;21.46,58.24;,;16.41,46.78;39.72,34.11;28.48,47.35;11.53,35.49;37.91,45.80:28.13,83.77;23.22,57.13;,;28.41,59.22;26.74,31.58;13.62,36.51;39.75,37.11;,;42.30,52.42;,;27.01,46.75;,;8.82,49.13;14.73,59.22;16.36,47.92;,:8.35,47.22,0.11,0,1 +44981:31.30,10.40;,;28.71,33.04;20.53,29.54;,;,;17.79,38.07;,;10.13,48.79;21.23,58.22;,;16.27,46.79;39.69,34.06;28.37,47.33;11.45,35.36;37.85,45.82:28.08,83.81;23.16,57.23;,;28.35,59.28;26.62,31.60;13.47,36.37;39.73,37.07;,;42.25,52.45;,;26.88,46.77;,;8.71,49.05;14.58,59.26;16.23,47.93;,:8.15,46.93,0.11,0,1 +44982:31.28,10.43;,;28.62,32.97;20.46,29.46;,;,;17.71,38.02;,;10.01,48.68;21.00,58.20;,;16.14,46.79;39.66,34.01;28.24,47.30;11.37,35.23;37.79,45.84:28.02,83.84;23.09,57.33;,;28.29,59.35;26.51,31.61;13.33,36.21;39.72,37.02;,;42.20,52.48;,;26.75,46.79;,;8.48,48.96;14.43,59.29;16.10,47.94;,:7.96,46.66,0.11,0,1 +44983:31.25,10.46;,;28.53,32.90;20.35,29.45;,;,;17.64,37.96;,;9.85,48.39;20.76,58.17;,;16.00,46.78;39.63,33.94;28.11,47.27;11.30,35.09;37.73,45.86:27.97,83.87;23.02,57.43;,;28.24,59.42;26.40,31.62;13.18,36.05;39.70,36.97;,;42.14,52.51;,;26.62,46.80;,;8.36,48.65;14.28,59.32;15.96,47.94;,:7.78,46.39,0.11,0,1 +44984:31.21,10.49;,;28.44,32.83;20.24,29.43;,;,;17.56,37.90;,;9.71,48.22;20.53,58.15;,;15.87,46.77;39.60,33.87;27.98,47.24;11.23,34.94;37.68,45.87:27.91,83.90;22.95,57.52;,;28.18,59.48;26.28,31.61;13.05,35.89;39.69,36.92;,;42.09,52.54;,;26.49,46.79;,;8.21,48.52;14.12,59.35;15.83,47.94;,:7.60,46.13,0.11,0,1 +44985:31.18,10.52;,;28.34,32.75;20.14,29.42;,;,;17.48,37.84;,;9.58,48.05;20.30,58.12;,;15.74,46.75;39.57,33.79;27.85,47.21;11.16,34.78;37.62,45.89:27.86,83.93;22.87,57.61;,;28.14,59.54;26.17,31.61;12.92,35.71;39.67,36.86;,;42.03,52.56;,;26.37,46.75;,;8.07,48.37;13.97,59.37;15.70,47.94;,:7.43,45.88,0.11,0,1 +44986:31.15,10.54;,;28.25,32.66;20.03,29.40;,;,;17.40,37.77;,;9.44,47.87;20.07,58.09;,;15.61,46.73;39.54,33.71;27.72,47.18;11.10,34.62;37.57,45.90:27.81,83.96;22.79,57.69;,;28.09,59.60;26.05,31.59;12.79,35.53;39.65,36.79;,;41.97,52.58;,;26.25,46.70;,;7.93,48.22;13.81,59.38;15.56,47.93;,:7.27,45.64,0.11,0,1 +44987:31.11,10.57;,;28.15,32.57;19.92,29.38;,;,;17.33,37.70;,;9.31,47.68;19.85,58.06;,;15.49,46.69;39.51,33.62;27.59,47.15;11.04,34.45;37.52,45.90:27.76,83.99;22.70,57.77;,;28.05,59.66;25.94,31.56;12.66,35.36;39.63,36.73;,;41.91,52.60;,;26.14,46.64;,;7.79,48.06;13.65,59.38;15.43,47.91;,:7.11,45.41,0.11,0,1 +44988:31.08,10.59;,;28.06,32.48;19.82,29.37;,;,;17.25,37.62;,;9.17,47.49;19.63,58.03;,;15.37,46.65;39.48,33.53;27.47,47.12;10.99,34.28;37.47,45.91:27.71,84.01;22.60,57.85;,;28.01,59.71;25.84,31.53;12.54,35.18;39.62,36.65;,;41.85,52.61;,;26.04,46.58;,;7.66,47.89;13.49,59.38;15.29,47.89;,:6.96,45.19,0.11,0,1 +44989:31.04,10.60;,;27.96,32.38;19.71,29.34;,;,;17.18,37.53;,;9.04,47.30;19.40,57.99;,;15.26,46.60;39.45,33.43;27.37,47.07;10.94,34.10;37.42,45.91:27.66,84.03;22.50,57.91;,;27.98,59.76;25.73,31.49;12.41,35.02;39.60,36.57;,;41.80,52.63;,;25.94,46.53;,;7.53,47.71;13.33,59.37;15.17,47.86;,:6.82,44.98,0.11,0,1 +44990:31.01,10.60;,;27.86,32.28;19.62,29.30;,;,;17.11,37.44;,;8.90,47.11;19.17,57.95;,;15.15,46.55;39.43,33.33;27.29,47.02;10.89,33.91;37.37,45.91:27.62,84.05;22.39,57.97;,;27.95,59.80;25.62,31.45;12.30,34.85;39.58,36.49;,;41.74,52.64;,;25.88,46.50;,;7.40,47.52;13.17,59.35;15.04,47.83;,:6.68,44.78,0.11,0,1 +44991:30.98,10.60;,;27.76,32.18;19.54,29.21;,;,;17.04,37.34;,;8.76,46.91;18.95,57.91;,;15.04,46.48;39.41,33.23;27.23,46.95;10.84,33.72;37.32,45.91:27.57,84.08;22.28,58.03;,;27.92,59.84;25.51,31.40;12.18,34.68;39.56,36.41;,;41.69,52.64;,;25.83,46.47;,;7.28,47.33;13.01,59.32;14.91,47.79;,:6.55,44.59,0.11,0,1 +44992:30.95,10.59;,;27.66,32.08;19.46,29.10;,;,;16.97,37.24;,;8.64,46.70;18.73,57.86;,;14.94,46.41;39.39,33.12;27.18,46.88;10.80,33.52;37.26,45.90:27.53,84.10;22.16,58.08;,;27.90,59.88;25.40,31.35;12.07,34.51;39.54,36.32;,;41.63,52.65;,;25.79,46.44;,;7.16,47.13;12.86,59.29;14.79,47.75;,:6.42,44.41,0.11,0,1 +44993:30.93,10.58;,;27.56,31.97;19.39,28.98;,;,;16.90,37.13;,;8.52,46.49;18.52,57.81;,;14.84,46.34;39.37,33.00;27.13,46.81;10.77,33.32;37.21,45.89:27.49,84.12;22.03,58.12;,;27.88,59.91;25.30,31.28;11.96,34.35;39.52,36.23;,;41.58,52.65;,;25.74,46.41;,;7.04,46.92;12.71,59.25;14.66,47.70;,:6.30,44.24,0.11,0,1 +44994:30.91,10.56;,;27.46,31.85;19.32,28.86;,;,;16.84,37.02;,;8.38,46.27;18.31,57.76;,;14.74,46.26;39.35,32.89;27.07,46.74;10.73,33.10;37.16,45.88:27.46,84.15;21.89,58.16;,;27.86,59.93;25.20,31.21;11.85,34.20;39.50,36.13;,;41.52,52.65;,;25.70,46.38;,;6.93,46.71;12.56,59.21;14.54,47.65;,:6.19,44.07,0.11,0,1 +44995:30.88,10.53;,;27.36,31.74;19.25,28.74;,;,;16.77,36.91;,;8.23,46.06;18.10,57.71;,;14.65,46.17;39.33,32.77;27.02,46.67;10.70,32.89;37.11,45.87:27.42,84.17;21.75,58.19;,;27.84,59.95;25.10,31.14;11.73,34.07;39.47,36.04;,;41.47,52.64;,;25.65,46.33;,;6.82,46.50;12.41,59.16;14.42,47.59;,:6.08,43.92,0.11,0,1 +44996:30.87,10.49;,;27.27,31.62;19.18,28.62;,;,;16.71,36.78;,;8.06,45.86;17.89,57.65;,;14.56,46.07;39.32,32.64;26.97,46.60;10.67,32.67;37.07,45.85:27.39,84.19;21.62,58.21;,;27.83,59.97;25.00,31.06;11.62,33.94;39.45,35.94;,;41.42,52.64;,;25.59,46.25;,;6.71,46.29;12.27,59.10;14.30,47.53;,:5.98,43.77,0.11,0,1 +44997:30.85,10.44;,;27.18,31.49;19.11,28.50;,;,;16.65,36.66;,;7.90,45.65;17.68,57.59;,;14.47,45.97;39.30,32.52;26.92,46.53;10.64,32.45;37.02,45.84:27.36,84.21;21.47,58.23;,;27.81,59.98;24.91,30.97;11.50,33.83;39.43,35.84;,;41.38,52.62;,;25.53,46.15;,;6.60,46.06;12.14,59.04;14.19,47.46;,:5.89,43.64,0.11,0,1 +44998:30.84,10.40;,;27.09,31.36;19.04,28.38;,;,;16.59,36.53;,;7.83,45.40;17.48,57.53;,;14.39,45.87;39.29,32.39;26.87,46.46;10.60,32.23;36.97,45.82:27.34,84.23;21.33,58.24;,;27.80,59.98;24.82,30.87;11.38,33.73;39.40,35.73;,;41.33,52.61;,;25.46,46.04;,;6.51,45.84;12.01,58.97;14.08,47.39;,:5.80,43.51,0.11,0,1 +44999:30.82,10.35;,;27.00,31.24;18.97,28.26;,;,;16.53,36.40;,;7.70,45.13;17.28,57.47;,;14.32,45.76;39.28,32.26;26.81,46.39;10.57,32.00;36.92,45.79:27.31,84.25;21.19,58.24;,;27.78,59.98;24.73,30.78;11.26,33.63;39.38,35.63;,;41.29,52.59;,;25.40,45.94;,;6.42,45.61;11.88,58.90;13.97,47.31;,:5.72,43.39,0.11,0,1 +45000:30.81,10.29;,;26.91,31.11;18.90,28.14;,;,;16.47,36.26;,;7.72,44.87;17.08,57.40;,;14.25,45.65;39.26,32.13;26.77,46.31;10.53,31.78;36.87,45.77:27.29,84.27;21.06,58.24;,;27.77,59.97;24.65,30.68;11.13,33.56;39.35,35.53;,;41.25,52.57;,;25.34,45.84;,;6.33,45.37;11.76,58.82;13.87,47.23;,:5.65,43.29,0.11,0,1 +89218:34.51,2.84;,;35.52,12.30;30.71,14.51;,;,;42.56,19.69;,;17.48,38.08;38.47,50.00;,;38.10,21.66;56.61,22.69;37.10,27.19;25.73,15.16;49.52,25.06:35.03,79.58;35.45,50.10;,;49.64,44.29;32.75,15.54;31.65,20.08;36.95,22.41;,;60.21,26.25;,;41.07,34.91;,;18.01,24.03;20.09,41.07;30.56,30.50;,:60.65,25.11,0.11,0,1 +89219:34.52,2.83;,;35.57,12.15;30.81,14.40;,;,;42.55,19.51;,;17.54,37.98;38.72,49.95;,;38.12,21.51;56.72,22.65;37.16,27.10;25.80,15.04;49.56,25.02:35.04,79.52;35.55,50.09;,;49.75,44.18;32.78,15.37;31.71,19.96;36.94,22.18;,;60.21,26.17;,;41.19,34.85;,;18.03,23.84;20.11,40.98;30.59,30.44;,:60.67,25.09,0.11,0,1 +89220:34.53,2.81;,;35.62,12.00;30.91,14.28;,;,;42.55,19.33;,;17.61,37.87;38.28,49.89;,;38.13,21.36;56.84,22.62;37.23,27.01;25.87,14.92;49.60,24.99:35.05,79.47;35.64,50.08;,;49.85,44.08;32.81,15.20;31.78,19.84;36.94,21.96;,;60.20,26.10;,;41.32,34.79;,;18.05,23.66;20.12,40.89;30.63,30.39;,:60.68,25.07,0.11,0,1 +89221:34.54,2.80;,;35.66,11.84;31.01,14.17;,;,;42.53,19.16;,;17.68,37.77;38.33,49.85;,;38.15,21.21;56.85,22.63;37.29,26.92;25.94,14.79;49.63,24.96:35.06,79.42;35.74,50.08;,;49.96,43.98;32.85,15.03;31.84,19.72;36.93,21.73;,;60.19,26.03;,;41.44,34.73;,;18.06,23.48;20.14,40.80;30.67,30.33;,:60.68,25.06,0.11,0,1 +89222:34.55,2.79;,;35.71,11.69;31.07,14.09;,;,;42.48,19.01;,;17.74,37.66;38.37,49.81;,;38.16,21.06;56.85,22.64;37.35,26.83;26.01,14.67;49.66,24.93:35.07,79.37;35.83,50.07;,;50.06,43.87;32.88,14.87;31.90,19.61;36.93,21.50;,;60.18,25.96;,;41.57,34.68;,;18.08,23.31;20.15,40.72;30.70,30.28;,:60.69,25.05,0.11,0,1 +89223:34.56,2.77;,;35.76,11.53;31.13,14.01;,;,;42.42,18.86;,;17.80,37.56;38.40,49.78;,;38.18,20.91;56.86,22.65;37.42,26.74;26.07,14.55;49.69,24.91:35.09,79.32;35.92,50.06;,;50.16,43.77;32.91,14.70;31.96,19.50;36.93,21.28;,;60.16,25.91;,;41.69,34.62;,;18.09,23.14;20.16,40.63;30.74,30.23;,:60.69,25.05,0.11,0,1 +89224:34.56,2.75;,;35.81,11.38;31.19,13.93;,;,;42.36,18.72;,;17.86,37.45;38.42,49.75;,;38.20,20.76;56.86,22.66;37.48,26.65;26.14,14.43;49.71,24.88:35.10,79.28;36.01,50.04;,;50.27,43.67;32.94,14.53;32.02,19.39;36.92,21.05;,;60.14,25.85;,;41.82,34.56;,;18.11,22.97;20.18,40.54;30.77,30.19;,:60.46,25.14,0.11,0,1 +89225:34.57,2.74;,;35.86,11.23;31.25,13.85;,;,;42.29,18.58;,;17.93,37.34;38.43,49.72;,;38.21,20.61;56.87,22.67;37.55,26.57;26.21,14.30;49.73,24.86:35.12,79.23;36.10,50.03;,;50.37,43.57;32.97,14.36;32.07,19.29;36.92,20.82;,;60.13,25.80;,;41.94,34.51;,;18.12,22.81;20.20,40.46;30.81,30.14;,:60.25,25.22,0.11,0,1 +89226:34.58,2.72;,;35.91,11.07;31.31,13.77;,;,;42.23,18.44;,;18.00,37.23;38.44,49.69;,;38.23,20.46;56.87,22.68;37.61,26.48;26.28,14.19;49.75,24.85:35.14,79.19;36.18,50.02;,;50.49,43.47;33.00,14.20;32.12,19.19;36.91,20.60;,;60.10,25.76;,;42.05,34.46;,;18.12,22.65;20.21,40.38;30.84,30.10;,:60.06,25.30,0.11,0,1 +89227:34.59,2.71;,;35.96,10.92;31.36,13.69;,;,;42.17,18.30;,;18.06,37.12;38.44,49.66;,;38.24,20.31;56.88,22.69;37.67,26.39;26.34,14.07;49.76,24.83:35.15,79.14;36.26,50.01;,;50.60,43.37;33.03,14.03;32.17,19.09;36.91,20.37;,;60.08,25.73;,;42.17,34.40;,;18.13,22.50;20.23,40.29;30.87,30.07;,:59.88,25.37,0.11,0,1 +89228:34.60,2.69;,;35.96,11.61;31.42,13.61;,;,;42.10,18.16;,;18.13,37.02;38.44,49.64;,;38.26,20.16;56.88,22.70;37.74,26.30;26.41,13.95;49.78,24.82:35.17,79.10;36.34,50.00;,;50.71,43.27;33.04,13.97;32.21,19.01;36.91,20.14;,;60.05,25.70;,;42.29,34.35;,;18.14,22.34;20.25,40.21;30.90,30.03;,:59.72,25.44,0.11,0,1 +89229:34.61,2.68;,;35.95,11.58;31.48,13.53;,;,;42.04,18.01;,;18.19,36.91;38.44,49.62;,;38.28,20.02;56.89,22.71;37.80,26.21;26.47,13.83;49.79,24.81:35.18,79.05;36.41,49.99;,;50.82,43.17;33.05,13.92;32.26,18.92;36.90,19.92;,;60.02,25.66;,;42.40,34.31;,;18.15,22.19;20.27,40.13;30.94,30.00;,:59.57,25.50,0.11,0,1 +89230:34.62,2.66;,;35.94,11.56;31.54,13.45;,;,;41.97,17.87;,;18.26,36.80;38.43,49.60;,;38.29,19.87;56.89,22.72;37.87,26.12;26.53,13.72;49.80,24.81:35.19,79.00;36.48,49.98;,;50.92,43.07;33.06,13.87;32.30,18.84;36.90,19.69;,;59.99,25.64;,;42.51,34.26;,;18.15,22.04;20.29,40.05;30.97,29.96;,:59.44,25.55,0.11,0,1 +89231:34.63,2.65;,;35.93,11.53;31.60,13.37;,;,;41.91,17.73;,;18.32,36.70;38.43,49.58;,;38.30,19.75;56.90,22.73;37.93,26.03;26.59,13.61;49.80,24.80:35.20,78.95;36.55,49.97;,;51.03,42.97;33.07,13.81;32.35,18.76;36.89,19.46;,;59.97,25.62;,;42.62,34.21;,;18.16,21.90;20.31,39.97;31.00,29.94;,:59.32,25.60,0.11,0,1 +89232:34.64,2.63;,;35.91,11.52;31.66,13.29;,;,;41.84,17.59;,;18.38,36.59;38.42,49.57;,;38.31,19.65;56.90,22.74;37.99,25.95;26.66,13.50;49.81,24.80:35.21,78.90;36.62,49.96;,;51.13,42.86;33.08,13.76;32.39,18.69;36.89,19.24;,;59.93,25.60;,;42.74,34.17;,;18.16,21.76;20.34,39.89;31.03,29.91;,:59.22,25.64,0.11,0,1 +89233:34.64,2.62;,;35.88,11.51;31.72,13.21;,;,;41.78,17.45;,;18.44,36.49;38.42,49.56;,;38.31,19.56;56.91,22.75;38.06,25.86;26.72,13.39;49.81,24.81:35.21,78.85;36.68,49.95;,;51.23,42.76;33.09,13.70;32.44,18.62;36.89,19.02;,;59.89,25.59;,;42.85,34.13;,;18.16,21.63;20.35,39.82;31.06,29.89;,:59.14,25.67,0.11,0,1 +89234:34.65,2.60;,;35.87,11.51;31.77,13.13;,;,;41.71,17.31;,;18.50,36.38;38.42,49.54;,;38.31,19.49;56.91,22.76;38.12,25.78;26.78,13.29;49.81,24.82:35.22,78.79;36.74,49.95;,;51.33,42.66;33.10,13.65;32.49,18.55;36.91,18.82;,;59.85,25.58;,;42.96,34.09;,;18.16,21.50;20.37,39.74;31.09,29.87;,:59.07,25.70,0.11,0,1 +89235:34.66,2.59;,;35.85,11.51;31.83,13.05;,;,;41.65,17.17;,;18.56,36.28;38.43,49.53;,;38.31,19.41;56.92,22.77;38.18,25.71;26.84,13.19;49.81,24.83:35.22,78.73;36.81,49.94;,;51.43,42.56;33.11,13.59;32.53,18.49;36.95,18.66;,;59.79,25.58;,;43.07,34.05;,;18.15,21.38;20.39,39.67;31.11,29.85;,:59.01,25.72,0.11,0,1 +89236:34.67,2.57;,;35.84,11.52;31.89,12.97;,;,;41.59,17.02;,;18.62,36.17;38.45,49.52;,;38.31,19.33;56.92,22.78;38.22,25.67;26.90,13.10;49.81,24.84:35.22,78.67;36.87,49.93;,;51.54,42.46;33.12,13.54;32.58,18.43;37.01,18.51;,;59.68,25.61;,;43.19,34.02;,;18.14,21.26;20.41,39.60;31.14,29.84;,:58.97,25.74,0.11,0,1 +89237:34.68,2.56;,;35.83,11.53;31.95,12.89;,;,;41.52,16.88;,;18.68,36.07;38.47,49.51;,;38.31,19.25;56.93,22.79;38.26,25.64;26.96,13.00;49.81,24.85:35.22,78.61;36.92,49.93;,;51.63,42.37;33.13,13.48;32.63,18.38;37.07,18.38;,;59.56,25.67;,;43.29,33.99;,;18.13,21.15;20.43,39.53;31.16,29.83;,:58.95,25.75,0.11,0,1 +89238:34.69,2.55;,;35.83,11.56;32.01,12.81;,;,;41.46,16.74;,;18.74,35.96;38.49,49.49;,;38.32,19.18;56.93,22.80;38.30,25.63;27.02,12.91;49.80,24.87:35.21,78.55;36.98,49.92;,;51.73,42.27;33.15,13.43;32.68,18.33;37.13,18.24;,;59.43,25.73;,;43.41,33.96;,;18.12,21.05;20.44,39.46;31.19,29.83;,:58.94,25.75,0.11,0,1 +89239:34.70,2.53;,;35.83,11.60;32.07,12.74;,;,;41.39,16.60;,;18.79,35.86;38.52,49.48;,;38.32,19.10;56.94,22.81;38.34,25.61;27.09,12.82;49.80,24.89:35.21,78.49;37.04,49.92;,;51.82,42.18;33.16,13.37;32.73,18.28;37.20,18.11;,;59.21,25.81;,;43.52,33.93;,;18.10,20.96;20.46,39.39;31.21,29.83;,:58.18,26.19,0.11,0,1 +89240:34.71,2.52;,;35.78,11.74;32.12,12.66;,;,;41.33,16.46;,;18.84,35.76;38.55,49.47;,;38.32,19.02;56.94,22.82;38.38,25.59;27.16,12.73;49.79,24.91:35.21,78.43;37.09,49.91;,;51.91,42.08;33.17,13.32;32.78,18.23;37.26,17.98;,;59.69,25.59;,;43.64,33.91;,;18.08,20.87;20.48,39.32;31.24,29.83;,:57.44,26.62,0.11,0,1 +89241:34.72,2.51;,;35.55,12.03;32.18,12.58;,;,;41.28,16.33;,;18.90,35.66;38.58,49.45;,;38.32,18.94;56.95,22.83;38.41,25.57;27.22,12.65;49.78,24.94:35.21,78.37;37.15,49.91;,;52.00,41.99;33.18,13.26;32.83,18.19;37.32,17.84;,;59.70,25.58;,;43.75,33.88;,;18.06,20.79;20.49,39.25;31.26,29.84;,:56.73,27.03,0.11,0,1 +89242:34.73,2.50;,;35.71,11.89;32.24,12.50;,;,;41.24,16.22;,;18.95,35.56;38.61,49.44;,;38.32,18.87;56.95,22.84;38.45,25.56;27.29,12.57;49.77,24.96:35.20,78.31;37.21,49.90;,;52.08,41.91;33.19,13.21;32.89,18.14;37.39,17.71;,;59.71,25.57;,;43.87,33.86;,;18.04,20.70;20.51,39.18;31.29,29.84;,:56.04,27.43,0.11,0,1 +89243:34.74,2.49;,;35.71,11.96;32.30,12.42;,;,;41.20,16.11;,;19.00,35.46;38.65,49.42;,;38.32,18.79;56.96,22.85;38.49,25.54;27.35,12.50;49.76,25.00:35.20,78.25;37.26,49.89;,;52.17,41.82;33.20,13.16;32.94,18.10;37.45,17.57;,;59.72,25.55;,;43.99,33.84;,;18.01,20.63;20.53,39.12;31.33,29.85;,:55.37,27.81,0.11,0,1 +89244:34.75,2.48;,;35.71,12.03;32.36,12.34;,;,;41.17,16.00;,;19.06,35.37;38.69,49.40;,;38.32,18.71;56.96,22.86;38.53,25.52;27.41,12.43;49.75,25.03:35.20,78.19;37.32,49.89;,;52.25,41.74;33.21,13.10;33.00,18.06;37.51,17.44;,;59.74,25.53;,;44.11,33.82;,;17.98,20.56;20.55,39.05;31.36,29.86;,:54.73,28.18,0.11,0,1 +89245:34.76,2.47;,;35.71,12.10;32.42,12.26;,;,;41.14,15.90;,;19.11,35.27;38.73,49.38;,;38.32,18.64;56.97,22.87;38.57,25.51;27.47,12.37;49.73,25.07:35.20,78.13;37.38,49.88;,;52.33,41.65;33.22,13.05;33.05,18.03;37.58,17.30;,;59.77,25.51;,;44.22,33.81;,;17.95,20.49;20.57,38.99;31.40,29.88;,:54.11,28.54,0.11,0,1 +89246:34.77,2.46;,;35.72,12.17;32.48,12.18;,;,;41.11,15.80;,;19.17,35.17;38.77,49.36;,;38.33,18.56;56.97,22.88;38.61,25.49;27.52,12.32;49.71,25.11:35.20,78.08;37.44,49.87;,;52.41,41.57;33.23,12.99;33.10,18.00;37.64,17.17;,;59.81,25.48;,;44.34,33.79;,;17.91,20.42;20.59,38.92;31.43,29.89;,:53.52,28.88,0.11,0,1 +89247:34.78,2.45;,;35.72,12.24;32.53,12.10;,;,;41.08,15.69;,;19.23,35.08;38.81,49.34;,;38.33,18.48;56.98,22.89;38.64,25.47;27.58,12.27;49.70,25.15:35.21,78.02;37.50,49.86;,;52.49,41.49;33.24,12.94;33.15,17.98;37.70,17.03;,;59.85,25.46;,;44.46,33.77;,;17.88,20.35;20.61,38.86;31.48,29.91;,:52.95,29.21,0.11,0,1 +89248:34.80,2.45;,;35.72,12.31;32.59,12.02;,;,;41.04,15.59;,;19.28,34.98;38.85,49.32;,;38.33,18.40;56.98,22.90;38.68,25.45;27.63,12.22;49.69,25.20:35.21,77.97;37.55,49.85;,;52.57,41.41;33.25,12.88;33.20,17.96;37.77,16.90;,;59.89,25.43;,;44.57,33.76;,;17.84,20.29;20.63,38.80;31.52,29.93;,:52.40,29.53,0.11,0,1 +89249:34.81,2.44;,;35.72,12.38;32.65,11.94;,;,;41.01,15.49;,;19.34,34.89;38.89,49.30;,;38.33,18.33;56.99,22.91;38.72,25.44;27.68,12.19;49.66,25.25:35.21,77.92;37.61,49.84;,;52.64,41.33;33.26,12.83;33.25,17.94;37.83,16.77;,;59.94,25.40;,;44.69,33.74;,;17.81,20.22;20.65,38.74;31.57,29.94;,:51.88,29.83,0.11,0,1 +89250:34.82,2.44;,;35.73,12.46;32.71,11.86;,;,;40.98,15.38;,;19.40,34.80;38.92,49.27;,;38.33,18.25;56.99,22.92;38.78,25.42;27.72,12.16;49.63,25.30:35.22,77.87;37.67,49.83;,;52.71,41.25;33.25,12.88;33.30,17.93;37.89,16.63;,;59.99,25.37;,;44.80,33.72;,;17.77,20.15;20.68,38.69;31.61,29.96;,:51.39,30.11,0.11,0,1 +89251:34.83,2.44;,;35.73,12.53;32.77,11.78;,;,;40.95,15.28;,;19.46,34.71;38.96,49.25;,;38.33,18.17;57.00,22.93;38.87,25.41;27.75,12.15;49.61,25.36:35.22,77.82;37.73,49.82;,;52.77,41.17;33.24,12.93;33.34,17.93;37.96,16.50;,;60.04,25.33;,;44.91,33.71;,;17.73,20.08;20.71,38.63;31.66,29.99;,:50.92,30.38,0.11,0,1 +89252:34.83,2.45;,;35.73,12.60;32.83,11.70;,;,;40.92,15.17;,;19.51,34.62;38.99,49.23;,;38.33,18.10;57.00,22.94;39.04,25.42;27.77,12.14;49.58,25.41:35.23,77.77;37.79,49.80;,;52.84,41.09;33.23,12.97;33.39,17.92;38.02,16.36;,;60.10,25.30;,;45.02,33.69;,;17.69,20.01;20.73,38.57;31.71,30.01;,:50.47,30.64,0.11,0,1 +89253:34.84,2.45;,;35.73,12.67;32.80,11.81;,;,;40.89,15.07;,;19.57,34.53;39.02,49.21;,;38.33,18.02;57.01,22.95;39.24,25.44;27.79,12.15;49.56,25.47:35.24,77.72;37.84,49.79;,;52.91,41.01;33.22,13.02;33.43,17.92;38.09,16.23;,;60.16,25.27;,;45.12,33.67;,;17.65,19.95;20.76,38.52;31.76,30.03;,:50.04,30.89,0.11,0,1 +89254:34.84,2.46;,;35.74,12.74;32.76,11.92;,;,;40.86,14.97;,;19.63,34.44;39.05,49.18;,;38.33,17.94;57.01,22.96;39.47,25.45;27.81,12.16;49.54,25.53:35.24,77.67;37.90,49.78;,;52.97,40.93;33.21,13.07;33.47,17.92;38.15,16.09;,;60.22,25.23;,;45.22,33.65;,;17.60,19.89;20.78,38.46;31.82,30.06;,:49.64,31.12,0.11,0,1 +89255:34.85,2.48;,;35.74,12.81;32.73,12.03;,;,;40.83,14.86;,;19.69,34.35;39.08,49.16;,;38.34,17.86;57.01,22.97;39.69,25.47;27.81,12.18;49.50,25.59:35.25,77.63;37.95,49.77;,;53.04,40.86;33.20,13.12;33.52,17.92;38.21,15.96;,;60.29,25.20;,;45.32,33.63;,;17.55,19.84;20.81,38.41;31.87,30.09;,:49.27,31.34,0.11,0,1 +89256:34.85,2.49;,;35.74,12.88;32.70,12.14;,;,;40.79,14.76;,;19.75,34.26;39.11,49.14;,;38.34,17.79;57.02,22.98;39.91,25.49;27.81,12.21;49.46,25.66:35.25,77.58;38.00,49.76;,;53.10,40.78;33.20,13.17;33.56,17.93;38.28,15.82;,;60.35,25.17;,;45.41,33.61;,;17.50,19.78;20.83,38.35;31.93,30.12;,:48.92,31.54,0.11,0,1 +89257:34.85,2.51;,;35.81,12.92;32.67,12.25;,;,;40.76,14.66;,;19.80,34.16;39.13,49.12;,;38.34,17.71;57.02,22.99;40.14,25.51;27.80,12.25;49.44,25.71:35.25,77.53;38.05,49.74;,;53.15,40.70;33.19,13.22;33.61,17.93;38.34,15.69;,;60.41,25.14;,;45.50,33.59;,;17.44,19.73;20.85,38.30;31.98,30.15;,:48.59,31.73,0.11,0,1 +89258:34.85,2.54;,;35.87,12.95;32.64,12.37;,;,;40.73,14.55;,;19.86,34.07;39.15,49.09;,;38.34,17.63;57.03,23.00;40.36,25.52;27.79,12.29;49.42,25.76:35.26,77.48;38.10,49.73;,;53.21,40.63;33.18,13.27;33.65,17.94;38.40,15.55;,;60.48,25.10;,;45.59,33.57;,;17.38,19.68;20.88,38.24;32.03,30.19;,:48.29,31.90,0.11,0,1 +89259:34.85,2.57;,;35.94,12.98;32.61,12.48;,;,;40.70,14.45;,;19.91,33.99;39.17,49.07;,;38.34,17.56;57.03,23.01;40.59,25.54;27.77,12.34;49.39,25.81:35.26,77.42;38.15,49.72;,;53.26,40.56;33.17,13.32;33.70,17.95;38.47,15.42;,;60.54,25.07;,;45.67,33.54;,;17.31,19.64;20.90,38.18;32.08,30.22;,:48.01,32.06,0.11,0,1 +89260:34.84,2.60;,;36.01,13.02;32.58,12.59;,;,;40.67,14.34;,;19.96,33.90;39.19,49.05;,;38.34,17.48;57.04,23.01;40.81,25.56;27.74,12.39;49.34,25.87:35.26,77.37;38.20,49.70;,;53.31,40.49;33.16,13.36;33.75,17.95;38.53,15.31;,;60.61,25.04;,;45.74,33.52;,;17.24,19.61;20.92,38.13;32.14,30.26;,:47.76,32.21,0.11,0,1 +89261:34.84,2.63;,;36.07,13.05;32.55,12.70;,;,;40.64,14.24;,;20.01,33.81;39.21,49.03;,;38.34,17.41;57.04,23.02;41.03,25.58;27.71,12.44;49.00,26.08:35.26,77.32;38.25,49.69;,;53.35,40.42;33.15,13.41;33.80,17.96;38.60,15.23;,;60.68,25.01;,;45.82,33.50;,;17.16,19.59;20.93,38.07;32.19,30.30;,:47.53,32.34,0.11,0,1 +89262:34.84,2.65;,;36.14,13.08;32.52,12.81;,;,;40.61,14.15;,;20.06,33.73;39.23,49.00;,;38.34,17.35;57.05,23.03;41.26,25.59;27.67,12.51;48.95,26.12:35.25,77.26;38.30,49.67;,;53.40,40.35;33.14,13.46;33.85,17.97;38.69,15.23;,;60.75,24.98;,;45.88,33.49;,;17.07,19.56;20.95,38.02;32.24,30.34;,:47.32,32.46,0.11,0,1 +89263:34.84,2.68;,;36.20,13.12;32.49,12.92;,;,;40.59,14.09;,;20.11,33.64;39.25,48.98;,;38.34,17.33;57.05,23.04;41.48,25.61;27.62,12.58;48.85,26.20:35.25,77.21;38.34,49.66;,;53.44,40.29;33.13,13.51;33.91,17.97;38.78,15.27;,;60.82,24.95;,;45.94,33.47;,;16.99,19.54;20.97,37.96;32.29,30.38;,:47.14,32.57,0.11,0,1 +89264:34.85,2.70;,;36.27,13.15;32.45,13.03;,;,;40.59,14.08;,;20.17,33.56;39.26,48.96;,;38.34,17.32;57.06,23.05;41.70,25.63;27.58,12.65;48.74,26.28:35.24,77.15;38.39,49.64;,;53.48,40.22;33.12,13.56;33.96,17.98;38.87,15.33;,;60.88,24.92;,;45.99,33.46;,;16.89,19.53;20.99,37.91;32.34,30.43;,:46.98,32.66,0.11,0,1 +89265:34.85,2.72;,;36.34,13.19;32.42,13.14;,;,;40.60,14.10;,;20.22,33.47;39.27,48.94;,;38.34,17.32;56.98,23.00;41.85,25.80;27.53,12.72;48.56,26.40:35.24,77.10;38.42,49.63;,;53.51,40.16;33.11,13.61;34.02,17.98;38.96,15.39;,;60.94,24.89;,;46.03,33.45;,;16.80,19.51;21.00,37.86;32.39,30.47;,:46.85,32.73,0.11,0,1 +89266:34.85,2.74;,;36.40,13.22;32.39,13.25;,;,;40.61,14.13;,;20.27,33.39;39.30,48.91;,;38.34,17.32;56.90,22.94;41.91,26.13;27.48,12.80;48.44,26.49:35.24,77.04;38.46,49.61;,;53.55,40.10;33.10,13.66;34.08,17.99;39.05,15.44;,;60.99,24.86;,;46.06,33.44;,;16.69,19.51;21.02,37.80;32.44,30.52;,:46.74,32.80,0.11,0,1 +89267:34.86,2.76;,;36.47,13.25;32.36,13.37;,;,;40.62,14.16;,;20.32,33.31;39.32,48.88;,;38.34,17.34;56.83,22.88;41.78,26.80;27.43,12.88;48.38,26.53:35.24,76.99;38.51,49.58;,;53.58,40.04;33.09,13.71;34.13,17.99;39.15,15.50;,;61.04,24.83;,;46.09,33.44;,;16.59,19.50;21.03,37.75;32.49,30.57;,:46.65,32.84,0.11,0,1 +89268:34.87,2.77;,;36.27,13.53;32.33,13.48;,;,;40.63,14.19;,;20.38,33.23;39.32,48.86;,;38.32,17.38;56.75,22.83;41.74,27.25;27.38,12.96;48.28,26.60:35.23,76.94;38.58,49.54;,;53.61,39.98;33.08,13.76;34.19,18.00;39.24,15.56;,;61.09,24.81;,;46.10,33.44;,;16.48,19.50;21.05,37.69;32.54,30.62;,:46.59,32.88,0.11,0,1 +89269:34.88,2.77;,;36.28,13.61;32.30,13.59;,;,;40.64,14.22;,;20.43,33.15;39.34,48.83;,;38.27,17.49;56.67,22.77;41.74,27.58;27.33,13.04;48.22,26.64:35.23,76.88;38.65,49.50;,;53.64,39.92;33.07,13.80;34.25,18.01;39.33,15.62;,;61.13,24.78;,;46.11,33.44;,;16.36,19.49;21.07,37.64;32.58,30.67;,:46.56,32.90,0.11,0,1 +89270:34.90,2.77;,;36.29,13.69;32.27,13.70;,;,;40.65,14.25;,;20.48,33.08;39.35,48.79;,;38.20,17.63;56.60,22.71;41.79,27.77;27.28,13.13;48.12,26.75:35.22,76.83;38.71,49.46;,;53.67,39.86;33.06,13.85;34.31,18.02;39.42,15.68;,;61.17,24.76;,;46.10,33.44;,;16.25,19.49;21.09,37.59;32.63,30.72;,:46.54,32.91,0.11,0,1 +89271:34.91,2.77;,;36.30,13.77;32.24,13.81;,;,;40.66,14.28;,;20.53,33.00;39.34,48.74;,;38.13,17.78;56.52,22.66;41.85,27.97;27.24,13.21;48.04,26.81:35.22,76.78;38.71,49.40;,;53.70,39.80;33.05,13.90;34.37,18.03;39.51,15.74;,;61.20,24.74;,;46.08,33.45;,;16.13,19.48;21.11,37.54;32.68,30.77;,:46.33,33.04,0.11,0,1 +89272:34.93,2.75;,;36.31,13.86;32.21,13.92;,;,;40.67,14.31;,;20.58,32.92;39.51,48.64;,;38.06,17.93;56.44,22.60;41.90,28.17;27.19,13.29;47.96,26.87:35.21,76.73;38.64,49.34;,;53.73,39.74;33.04,13.95;34.43,18.05;39.61,15.79;,;61.23,24.71;,;46.06,33.47;,;16.02,19.48;21.13,37.49;32.72,30.83;,:46.12,33.18,0.11,0,1 +89273:34.95,2.74;,;36.32,13.94;32.18,14.03;,;,;40.68,14.34;,;20.63,32.84;39.55,48.59;,;37.99,18.08;56.36,22.54;41.96,28.36;27.15,13.38;47.89,26.92:35.21,76.68;38.66,49.30;,;53.76,39.69;33.03,14.00;34.49,18.06;39.70,15.85;,;61.26,24.69;,;46.02,33.48;,;15.90,19.47;21.16,37.45;32.77,30.89;,:45.92,33.30,0.11,0,1 +89274:34.97,2.72;,;36.32,14.03;32.14,14.14;,;,;40.69,14.38;,;20.68,32.77;39.58,48.55;,;37.92,18.23;56.29,22.49;42.01,28.56;27.10,13.47;47.84,26.96:35.20,76.63;38.69,49.26;,;53.79,39.63;33.02,14.05;34.54,18.08;39.79,15.91;,;61.29,24.66;,;45.98,33.50;,;15.77,19.48;21.18,37.40;32.81,30.95;,:45.73,33.42,0.11,0,1 +89275:34.99,2.70;,;36.33,14.11;32.11,14.25;,;,;40.70,14.41;,;20.74,32.69;39.62,48.50;,;37.84,18.38;56.21,22.43;42.07,28.76;27.06,13.56;47.79,27.00:35.20,76.58;38.70,49.22;,;53.82,39.58;33.02,14.10;34.60,18.10;39.88,15.97;,;61.32,24.64;,;45.93,33.52;,;15.65,19.48;21.20,37.36;32.86,31.01;,:45.56,33.53,0.11,0,1 +89276:35.00,2.68;,;36.33,14.19;32.08,14.36;,;,;40.71,14.44;,;20.79,32.61;39.65,48.46;,;37.77,18.53;56.13,22.37;42.12,28.95;27.01,13.65;47.75,27.04:35.20,76.54;38.72,49.18;,;53.85,39.52;33.01,14.15;34.66,18.12;39.98,16.03;,;61.35,24.62;,;45.88,33.54;,;15.52,19.48;21.23,37.32;32.90,31.07;,:45.39,33.64,0.11,0,1 +89277:35.02,2.65;,;36.34,14.27;32.05,14.48;,;,;40.72,14.47;,;20.84,32.54;39.69,48.41;,;37.70,18.68;56.05,22.32;42.18,29.15;26.96,13.75;47.71,27.07:35.19,76.49;38.73,49.14;,;53.88,39.47;33.00,14.19;34.71,18.15;40.07,16.09;,;61.38,24.59;,;45.82,33.56;,;15.39,19.48;21.25,37.28;32.94,31.14;,:45.23,33.74,0.11,0,1 +89278:35.04,2.63;,;36.35,14.35;32.02,14.59;,;,;40.73,14.50;,;20.89,32.46;39.72,48.37;,;37.63,18.83;55.98,22.26;42.23,29.35;26.91,13.84;47.67,27.09:35.19,76.45;38.75,49.10;,;53.90,39.42;32.99,14.24;34.77,18.18;40.16,16.15;,;61.41,24.57;,;45.75,33.59;,;15.27,19.48;21.27,37.24;32.99,31.21;,:45.08,33.83,0.11,0,1 +89279:35.05,2.60;,;36.36,14.42;31.99,14.70;,;,;40.74,14.53;,;20.93,32.39;39.76,48.34;,;37.56,18.98;55.90,22.20;42.28,29.54;26.86,13.93;47.64,27.12:35.19,76.41;38.76,49.06;,;53.93,39.37;32.98,14.29;34.82,18.20;40.25,16.20;,;61.44,24.54;,;45.67,33.62;,;15.14,19.49;21.29,37.21;33.03,31.28;,:44.94,33.92,0.11,0,1 +89280:35.06,2.57;,;36.35,14.50;31.96,14.81;,;,;40.75,14.56;,;20.98,32.31;39.79,48.30;,;37.49,19.13;55.82,22.15;42.34,29.74;26.80,14.03;47.62,27.14:35.18,76.37;38.77,49.02;,;53.95,39.32;32.97,14.34;34.87,18.23;40.34,16.26;,;61.48,24.52;,;45.60,33.65;,;15.01,19.50;21.31,37.18;33.08,31.36;,:44.81,34.00,0.11,0,1 +89281:35.07,2.54;,;36.33,14.58;31.93,14.92;,;,;40.77,14.59;,;21.03,32.24;39.82,48.27;,;37.42,19.29;55.74,22.09;42.39,29.94;26.75,14.12;47.59,27.16:35.18,76.33;38.78,48.98;,;53.98,39.28;32.98,14.41;34.92,18.26;40.44,16.32;,;61.51,24.49;,;45.52,33.68;,;14.87,19.52;21.33,37.16;33.13,31.43;,:44.69,34.08,0.11,0,1 +89282:35.07,2.52;,;36.32,14.66;31.90,15.03;,;,;40.78,14.63;,;21.08,32.16;39.85,48.24;,;37.35,19.44;55.67,22.03;42.45,30.13;26.68,14.22;47.56,27.17:35.17,76.29;38.79,48.94;,;54.00,39.23;32.99,14.48;34.97,18.29;40.53,16.38;,;61.55,24.47;,;45.44,33.72;,;14.74,19.53;21.35,37.14;33.18,31.51;,:44.58,34.15,0.11,0,1 +89283:35.08,2.49;,;36.31,14.74;31.87,15.14;,;,;40.79,14.66;,;21.14,32.09;39.88,48.21;,;37.27,19.59;55.59,21.98;42.50,30.33;26.61,14.31;47.54,27.19:35.17,76.25;38.80,48.91;,;54.03,39.19;33.00,14.54;35.01,18.32;40.62,16.44;,;61.58,24.44;,;45.36,33.76;,;14.60,19.55;21.36,37.12;33.23,31.59;,:44.48,34.22,0.11,0,1 +89284:35.08,2.47;,;36.30,14.82;31.83,15.25;,;,;40.80,14.69;,;21.19,32.02;39.90,48.18;,;37.20,19.74;55.51,21.92;42.56,30.53;26.53,14.41;47.53,27.20:35.16,76.21;38.80,48.88;,;54.05,39.14;33.00,14.61;35.05,18.35;40.71,16.50;,;61.61,24.42;,;45.27,33.80;,;14.46,19.57;21.37,37.11;33.28,31.67;,:44.38,34.27,0.11,0,1 +89285:35.07,2.45;,;36.28,14.90;31.80,15.36;,;,;40.81,14.72;,;21.24,31.95;39.92,48.16;,;37.13,19.89;55.43,21.86;42.61,30.72;26.45,14.51;47.52,27.21:35.15,76.17;38.82,48.84;,;54.06,39.11;33.01,14.68;35.09,18.38;40.81,16.55;,;61.64,24.40;,;45.18,33.85;,;14.32,19.59;21.38,37.10;33.33,31.75;,:44.30,34.32,0.11,0,1 +89286:35.06,2.44;,;36.27,14.98;31.77,15.47;,;,;40.82,14.75;,;21.29,31.88;39.95,48.14;,;37.06,20.04;55.36,21.81;42.67,30.92;26.37,14.61;47.51,27.22:35.15,76.13;38.83,48.81;,;54.07,39.07;33.02,14.74;35.12,18.42;40.90,16.61;,;61.67,24.37;,;45.09,33.89;,;14.18,19.61;21.39,37.09;33.38,31.84;,:44.23,34.37,0.11,0,1 +89287:35.04,2.43;,;36.26,15.06;31.74,15.59;,;,;40.83,14.78;,;21.34,31.81;39.97,48.12;,;36.99,20.19;55.28,21.75;42.72,31.12;26.28,14.71;47.50,27.22:35.14,76.09;38.84,48.78;,;54.08,39.03;33.03,14.81;35.15,18.45;40.99,16.67;,;61.69,24.35;,;45.00,33.94;,;14.04,19.64;21.39,37.09;33.43,31.92;,:44.17,34.41,0.11,0,1 +89288:35.03,2.41;,;36.24,15.14;31.71,15.70;,;,;40.84,14.81;,;21.39,31.75;39.98,48.10;,;36.92,20.34;55.20,21.69;42.77,31.30;26.20,14.81;47.50,27.23:35.13,76.05;38.85,48.75;,;54.09,39.00;33.04,14.88;35.18,18.49;41.08,16.73;,;61.72,24.33;,;44.91,33.99;,;13.90,19.67;21.40,37.09;33.48,32.01;,:44.11,34.44,0.11,0,1 +89289:35.01,2.40;,;36.23,15.22;31.68,15.81;,;,;40.85,14.84;,;21.43,31.68;40.00,48.08;,;36.85,20.49;55.13,21.64;42.82,31.47;26.11,14.90;47.51,27.24:35.12,76.01;38.86,48.72;,;54.09,38.96;33.05,14.95;35.20,18.53;41.17,16.79;,;61.74,24.31;,;44.81,34.04;,;13.75,19.70;21.40,37.10;33.52,32.10;,:44.07,34.47,0.11,0,1 +89290:34.99,2.39;,;36.22,15.30;31.65,15.92;,;,;40.86,14.87;,;21.48,31.62;40.01,48.06;,;36.78,20.64;55.05,21.58;42.85,31.60;26.02,14.99;47.52,27.25:35.11,75.97;38.87,48.69;,;54.08,38.93;33.06,15.01;35.22,18.57;41.25,16.86;,;61.76,24.28;,;44.72,34.09;,;13.60,19.73;21.39,37.11;33.57,32.19;,:44.04,34.49,0.11,0,1 +89291:34.96,2.39;,;36.20,15.38;31.62,16.03;,;,;40.87,14.91;,;21.53,31.55;40.03,48.03;,;36.70,20.79;54.97,21.52;42.88,31.70;25.93,15.08;47.53,27.25:35.10,75.93;38.88,48.67;,;54.07,38.91;33.07,15.08;35.23,18.61;41.32,16.94;,;61.78,24.26;,;44.63,34.14;,;13.46,19.75;21.39,37.12;33.61,32.28;,:44.01,34.51,0.11,0,1 +89292:34.92,2.40;,;36.19,15.46;31.59,16.14;,;,;40.88,14.94;,;21.57,31.49;40.05,48.00;,;36.63,20.95;54.89,21.47;42.90,31.80;25.84,15.17;47.54,27.26:35.09,75.89;38.89,48.64;,;54.06,38.88;33.08,15.15;35.25,18.65;41.38,17.03;,;61.80,24.24;,;44.53,34.19;,;13.32,19.78;21.38,37.14;33.65,32.37;,:44.00,34.52,0.11,0,1 +89293:34.88,2.41;,;36.18,15.54;31.56,16.25;,;,;40.88,15.00;,;21.61,31.42;40.06,47.97;,;36.56,21.10;54.82,21.41;42.93,31.90;25.75,15.26;47.56,27.26:35.08,75.85;38.90,48.61;,;54.04,38.86;33.09,15.21;35.26,18.68;41.44,17.12;,;61.82,24.22;,;44.44,34.24;,;13.17,19.81;21.37,37.15;33.69,32.46;,:43.99,34.52,0.11,0,1 +89294:34.83,2.44;,;36.17,15.61;31.52,16.36;,;,;40.88,15.08;,;21.66,31.36;40.07,47.93;,;36.49,21.25;54.74,21.35;42.95,32.00;25.65,15.36;47.59,27.27:35.07,75.81;38.91,48.58;,;54.02,38.84;33.10,15.28;35.28,18.71;41.50,17.22;,;61.82,24.20;,;44.34,34.29;,;13.03,19.84;21.36,37.18;33.73,32.56;,:43.03,34.40,0.11,0,1 +89295:34.75,2.49;,;36.15,15.69;31.49,16.47;,;,;40.87,15.18;,;21.70,31.29;40.08,47.89;,;36.42,21.40;54.66,21.30;42.97,32.09;25.55,15.45;47.62,27.27:35.06,75.76;38.91,48.55;,;53.99,38.83;33.10,15.35;35.30,18.73;41.55,17.31;,;61.83,24.18;,;44.24,34.34;,;12.88,19.87;21.35,37.20;33.77,32.65;,:42.12,34.28,0.11,0,1 +89296:34.67,2.56;,;36.14,15.77;31.50,16.51;,;,;40.86,15.29;,;21.73,31.23;40.10,47.84;,;36.35,21.56;54.58,21.24;43.00,32.19;25.45,15.55;47.65,27.27:35.05,75.72;38.92,48.52;,;53.96,38.81;33.11,15.42;35.33,18.75;41.61,17.40;,;61.84,24.16;,;44.13,34.39;,;12.73,19.91;21.33,37.22;33.80,32.74;,:41.26,34.17,0.11,0,1 +89297:34.60,2.62;,;36.13,15.85;31.50,16.55;,;,;40.85,15.39;,;21.77,31.17;40.11,47.79;,;36.27,21.73;54.51,21.18;43.02,32.29;25.36,15.64;47.68,27.28:35.04,75.68;38.92,48.49;,;53.93,38.80;33.12,15.48;35.35,18.77;41.67,17.49;,;61.86,24.13;,;44.06,34.43;,;12.58,19.94;21.31,37.25;33.84,32.83;,:40.45,34.07,0.11,0,1 +89298:34.54,2.66;,;36.11,15.93;31.50,16.58;,;,;40.84,15.50;,;21.80,31.11;40.12,47.74;,;36.20,21.93;54.43,21.13;43.04,32.38;25.26,15.73;47.71,27.28:35.03,75.64;38.92,48.46;,;53.89,38.79;33.13,15.55;35.38,18.78;41.72,17.59;,;61.87,24.10;,;43.97,34.46;,;12.44,19.96;21.29,37.28;33.88,32.92;,:39.69,33.98,0.11,0,1 +89299:34.68,2.42;,;36.10,16.01;31.50,16.62;,;,;40.83,15.60;,;21.84,31.05;40.13,47.68;,;36.13,22.14;54.35,21.07;43.07,32.48;25.16,15.81;47.74,27.28:35.02,75.60;38.93,48.43;,;53.85,38.78;33.14,15.62;35.42,18.78;41.78,17.68;,;61.87,24.07;,;43.87,34.48;,;12.30,19.99;21.26,37.31;33.92,33.01;,:38.99,33.89,0.11,0,1 +89300:34.66,2.41;,;36.09,16.09;31.50,16.66;,;,;40.82,15.71;,;21.87,30.98;40.14,47.62;,;36.05,22.36;54.27,21.03;43.09,32.58;25.06,15.90;47.76,27.28:35.00,75.57;38.93,48.40;,;53.80,38.78;33.15,15.68;35.45,18.78;41.84,17.77;,;61.90,24.03;,;43.88,34.46;,;12.15,20.02;21.23,37.34;33.95,33.10;,:38.34,33.80,0.11,0,1 +89301:34.64,2.39;,;36.08,16.17;31.51,16.69;,;,;40.81,15.82;,;21.90,30.92;40.15,47.56;,;35.98,22.58;54.18,20.98;43.11,32.67;24.95,16.00;47.78,27.29:34.99,75.53;38.93,48.36;,;53.76,38.77;33.16,15.75;35.50,18.77;41.89,17.86;,;61.88,23.99;,;43.84,34.44;,;12.01,20.05;21.21,37.37;33.99,33.18;,:37.74,33.73,0.11,0,1 +89302:34.63,2.36;,;36.06,16.25;31.51,16.73;,;,;40.80,15.92;,;21.93,30.86;40.15,47.51;,;35.90,22.81;54.10,20.94;43.14,32.77;24.85,16.09;47.80,27.30:34.98,75.50;38.92,48.32;,;53.71,38.77;33.17,15.82;35.54,18.76;41.95,17.96;,;61.86,23.97;,;43.91,34.22;,;11.86,20.08;21.18,37.40;34.03,33.27;,:37.19,33.66,0.11,0,1 +89303:34.62,2.32;,;36.05,16.33;31.51,16.76;,;,;40.79,16.03;,;21.96,30.80;40.16,47.45;,;35.83,23.03;54.02,20.89;43.16,32.87;24.74,16.18;47.80,27.30:34.96,75.47;38.91,48.28;,;53.66,38.76;33.18,15.89;35.59,18.74;42.01,18.05;,;61.87,23.94;,;43.88,34.18;,;11.71,20.12;21.15,37.43;34.07,33.35;,:36.69,33.60,0.11,0,1 +89304:34.62,2.28;,;36.04,16.41;31.51,16.80;,;,;40.78,16.13;,;21.99,30.73;40.16,47.39;,;35.75,23.25;53.93,20.85;43.18,32.97;24.63,16.27;47.81,27.31:34.95,75.44;38.90,48.24;,;53.61,38.76;33.19,15.95;35.64,18.71;42.07,18.14;,;61.87,23.91;,;43.86,34.13;,;11.57,20.15;21.12,37.46;34.11,33.42;,:36.25,33.54,0.11,0,1 +89305:34.62,2.23;,;36.02,16.49;31.52,16.84;,;,;40.77,16.24;,;22.01,30.67;40.16,47.33;,;35.68,23.47;53.85,20.81;43.21,33.06;24.52,16.36;47.80,27.32:34.94,75.42;38.89,48.20;,;53.56,38.76;33.20,16.02;35.69,18.69;42.12,18.23;,;61.87,23.88;,;43.84,34.07;,;11.42,20.17;21.09,37.49;34.14,33.50;,:35.86,33.49,0.11,0,1 +89306:34.62,2.19;,;36.01,16.57;31.52,16.87;,;,;40.76,16.35;,;22.04,30.60;40.15,47.28;,;35.60,23.69;53.77,20.76;43.23,33.16;24.41,16.45;47.79,27.34:34.92,75.39;38.88,48.15;,;53.50,38.76;33.20,16.09;35.75,18.66;42.18,18.33;,;61.87,23.84;,;43.83,34.00;,;11.28,20.20;21.07,37.52;34.17,33.57;,:35.52,33.45,0.11,0,1 +89307:34.63,2.13;,;36.00,16.65;31.52,16.91;,;,;40.75,16.45;,;22.06,30.54;40.15,47.23;,;35.53,23.91;53.68,20.72;43.25,33.26;24.30,16.54;47.78,27.35:34.91,75.37;38.86,48.10;,;53.45,38.76;33.21,16.15;35.81,18.62;42.24,18.42;,;61.87,23.81;,;43.81,33.93;,;11.14,20.22;21.04,37.55;34.19,33.65;,:35.23,33.41,0.11,0,1 +89308:34.63,2.09;,;35.98,16.73;31.52,16.95;,;,;40.74,16.56;,;22.08,30.47;40.14,47.18;,;35.45,24.13;53.60,20.67;43.28,33.35;24.19,16.63;47.76,27.36:34.90,75.36;38.85,48.05;,;53.39,38.76;33.22,16.22;35.87,18.59;42.29,18.51;,;61.87,23.77;,;43.81,33.86;,;11.00,20.25;21.02,37.58;34.22,33.71;,:35.00,33.38,0.11,0,1 +89309:34.63,2.04;,;35.97,16.81;31.52,16.98;,;,;40.73,16.66;,;22.09,30.41;40.13,47.13;,;35.38,24.35;53.52,20.63;43.30,33.45;24.07,16.73;47.73,27.38:34.89,75.34;38.83,48.00;,;53.34,38.76;33.23,16.29;35.93,18.55;42.35,18.60;,;61.87,23.73;,;43.80,33.78;,;10.85,20.28;21.00,37.61;34.24,33.78;,:34.82,33.36,0.11,0,1 +89310:34.64,1.99;,;35.96,16.88;31.53,17.02;,;,;40.72,16.77;,;22.10,30.35;40.12,47.09;,;35.30,24.58;53.43,20.59;43.32,33.55;23.95,16.82;47.70,27.39:34.88,75.33;38.81,47.94;,;53.28,38.76;33.24,16.36;35.99,18.51;42.41,18.70;,;61.87,23.70;,;43.80,33.69;,;10.71,20.31;20.98,37.64;34.25,33.84;,:34.69,33.34,0.11,0,1 +89311:34.64,1.95;,;35.95,16.96;31.53,17.06;,;,;40.71,16.88;,;22.11,30.28;40.10,47.04;,;35.22,24.80;53.35,20.54;43.35,33.64;23.83,16.92;47.66,27.41:34.87,75.32;38.78,47.89;,;53.23,38.77;33.25,16.42;36.05,18.47;42.46,18.79;,;61.87,23.66;,;43.79,33.61;,;10.56,20.34;20.96,37.67;34.26,33.90;,:34.61,33.33,0.11,0,1 +89312:34.63,1.91;,;35.93,17.04;31.53,17.09;,;,;40.70,16.98;,;22.12,30.22;40.09,47.00;,;35.15,25.02;53.27,20.50;43.36,33.72;23.71,17.02;47.62,27.42:34.86,75.32;38.76,47.83;,;53.17,38.77;33.26,16.49;36.06,18.47;42.52,18.88;,;61.87,23.62;,;43.78,33.52;,;10.42,20.36;20.95,37.70;34.26,33.96;,:34.58,33.33,0.11,0,1 +89313:34.63,1.88;,;35.92,17.12;31.53,17.13;,;,;40.69,17.09;,;22.12,30.17;40.07,46.96;,;35.07,25.24;53.19,20.45;43.35,33.76;23.58,17.12;47.57,27.44:34.86,75.31;38.74,47.78;,;53.11,38.78;33.27,16.56;36.08,18.46;42.58,18.97;,;61.87,23.58;,;43.77,33.43;,;10.28,20.38;20.93,37.74;34.26,34.02;,:34.48,33.39,0.11,0,1 +89314:34.62,1.86;,;35.91,17.20;31.53,17.16;,;,;40.68,17.19;,;22.11,30.11;40.05,46.92;,;35.00,25.46;53.10,20.41;43.29,33.72;23.45,17.21;47.53,27.45:34.85,75.31;38.72,47.73;,;53.06,38.79;33.28,16.62;36.11,18.45;42.63,19.07;,;61.87,23.54;,;43.77,33.33;,;10.14,20.41;20.92,37.77;34.26,34.07;,:34.38,33.45,0.11,0,1 +89315:34.60,1.84;,;35.89,17.28;31.54,17.20;,;,;40.67,17.30;,;22.10,30.06;40.03,46.88;,;34.92,25.68;53.02,20.37;43.21,33.64;23.32,17.30;47.48,27.45:34.85,75.31;38.69,47.67;,;53.00,38.80;33.28,16.69;36.13,18.44;42.66,19.18;,;61.87,23.50;,;43.76,33.24;,;10.00,20.43;20.91,37.80;34.25,34.12;,:34.29,33.50,0.11,0,1 +89316:34.59,1.83;,;35.88,17.36;31.54,17.24;,;,;40.66,17.41;,;22.09,30.02;40.01,46.84;,;34.85,25.90;52.94,20.32;43.12,33.55;23.19,17.39;47.43,27.44:34.85,75.31;38.67,47.62;,;52.95,38.81;33.27,16.75;36.15,18.44;42.67,19.31;,;61.87,23.46;,;43.76,33.14;,;9.85,20.46;20.89,37.84;34.24,34.17;,:34.20,33.55,0.11,0,1 +89317:34.57,1.82;,;35.87,17.44;31.54,17.27;,;,;40.65,17.51;,;22.08,29.98;39.98,46.79;,;34.77,26.12;52.85,20.28;43.03,33.45;23.06,17.47;47.38,27.44:34.85,75.32;38.65,47.57;,;52.89,38.82;33.27,16.81;36.27,18.42;42.66,19.44;,;61.87,23.42;,;43.75,33.04;,;9.71,20.50;20.88,37.88;34.23,34.21;,:34.12,33.60,0.11,0,1 +89318:34.55,1.82;,;35.85,17.52;31.54,17.31;,;,;40.64,17.62;,;22.06,29.94;39.96,46.75;,;34.70,26.35;52.77,20.23;42.93,33.35;22.92,17.55;47.33,27.43:34.85,75.32;38.63,47.52;,;52.84,38.84;33.27,16.87;36.32,18.41;42.64,19.59;,;61.87,23.38;,;43.75,32.94;,;9.57,20.52;20.87,37.92;34.23,34.24;,:34.04,33.65,0.11,0,1 +89319:34.52,1.83;,;35.84,17.60;31.55,17.35;,;,;40.63,17.72;,;22.04,29.91;39.93,46.71;,;34.62,26.57;52.69,20.19;42.84,33.26;22.79,17.62;47.28,27.43:34.85,75.33;38.61,47.48;,;52.79,38.85;33.27,16.94;36.37,18.39;42.62,19.73;,;61.88,23.33;,;43.74,32.84;,;9.43,20.54;20.85,37.96;34.23,34.27;,:33.97,33.69,0.11,0,1 +89320:34.50,1.84;,;35.83,17.68;31.55,17.38;,;,;40.62,17.83;,;22.02,29.88;39.91,46.67;,;34.55,26.79;52.60,20.15;42.75,33.16;22.66,17.68;47.23,27.42:34.85,75.34;38.58,47.43;,;52.73,38.87;33.26,17.00;36.43,18.38;42.61,19.87;,;61.88,23.29;,;43.74,32.74;,;9.28,20.57;20.83,38.00;34.23,34.28;,:33.90,33.73,0.11,0,1 +89321:34.47,1.85;,;36.09,17.50;31.55,17.42;,;,;40.61,17.95;,;21.99,29.85;39.88,46.64;,;34.47,27.01;52.52,20.10;42.66,33.06;22.53,17.74;47.19,27.42:34.85,75.35;38.56,47.39;,;52.68,38.89;33.26,17.06;36.49,18.36;42.59,20.02;,;61.89,23.25;,;43.73,32.64;,;9.14,20.59;20.81,38.04;34.24,34.29;,:33.84,33.76,0.11,0,1 +89322:34.45,1.86;,;36.08,17.58;31.55,17.46;,;,;40.61,18.09;,;21.97,29.83;39.85,46.60;,;34.40,27.23;52.44,20.06;42.57,32.96;22.39,17.80;47.14,27.41:34.85,75.36;38.54,47.34;,;52.63,38.91;33.26,17.12;36.56,18.35;42.57,20.16;,;61.89,23.20;,;43.73,32.54;,;9.00,20.62;20.78,38.08;34.25,34.30;,:33.78,33.80,0.11,0,1 +89323:34.42,1.87;,;36.07,17.65;31.55,17.49;,;,;40.60,18.24;,;21.94,29.81;39.83,46.56;,;34.32,27.45;52.35,20.01;42.47,32.87;22.26,17.85;47.09,27.40:34.85,75.37;38.52,47.30;,;52.58,38.92;33.26,17.18;36.62,18.33;42.56,20.30;,;61.90,23.16;,;43.72,32.44;,;8.85,20.66;20.76,38.11;34.27,34.29;,:33.73,33.83,0.11,0,1 +89324:34.40,1.88;,;36.06,17.73;31.56,17.53;,;,;40.59,18.40;,;21.91,29.79;39.80,46.52;,;34.25,27.67;52.27,19.97;42.38,32.77;22.12,17.90;47.04,27.40:34.85,75.39;38.49,47.26;,;52.53,38.94;33.25,17.25;36.69,18.31;42.54,20.45;,;61.92,23.11;,;43.71,32.34;,;8.71,20.69;20.73,38.15;34.30,34.28;,:33.68,33.86,0.11,0,1 +89325:34.37,1.89;,;36.05,17.80;31.56,17.56;,;,;40.58,18.55;,;21.88,29.77;39.77,46.48;,;34.18,27.88;52.19,19.93;42.29,32.67;21.99,17.95;46.99,27.39:34.85,75.40;38.47,47.23;,;52.47,38.97;33.25,17.31;36.76,18.30;42.52,20.59;,;61.93,23.06;,;43.70,32.25;,;8.56,20.72;20.70,38.19;34.33,34.26;,:33.64,33.88,0.11,0,1 +89326:34.35,1.89;,;36.04,17.87;31.56,17.60;,;,;40.58,18.71;,;21.85,29.76;39.74,46.44;,;34.13,28.05;52.10,19.88;42.20,32.57;21.86,17.99;46.94,27.39:34.85,75.42;38.44,47.19;,;52.42,38.99;33.25,17.37;36.84,18.28;42.51,20.73;,;61.94,23.01;,;43.68,32.16;,;8.42,20.75;20.67,38.22;34.36,34.23;,:33.60,33.90,0.11,0,1 +89327:34.33,1.90;,;36.04,17.94;31.56,17.64;,;,;40.57,18.86;,;21.83,29.74;39.70,46.40;,;34.10,28.16;52.02,19.84;42.10,32.48;21.72,18.03;46.90,27.38:34.84,75.44;38.42,47.15;,;52.37,39.01;33.25,17.43;36.92,18.26;42.49,20.88;,;61.95,22.96;,;43.67,32.08;,;8.28,20.77;20.63,38.26;34.40,34.20;,:33.57,33.92,0.11,0,1 +89328:34.31,1.90;,;36.03,18.01;31.56,17.67;,;,;40.56,19.01;,;21.80,29.73;39.67,46.36;,;34.10,28.24;51.94,19.79;42.01,32.38;21.59,18.08;46.85,27.38:34.84,75.46;38.39,47.11;,;52.32,39.04;33.25,17.50;37.00,18.24;42.47,21.02;,;61.97,22.91;,;43.64,32.00;,;8.14,20.79;20.60,38.29;34.44,34.17;,:33.55,33.94,0.11,0,1 +89329:34.29,1.90;,;36.03,18.08;31.57,17.71;,;,;40.56,19.17;,;21.77,29.72;39.64,46.32;,;34.09,28.30;51.85,19.75;41.92,32.28;21.45,18.12;46.80,27.37:34.83,75.47;38.36,47.07;,;52.27,39.06;33.24,17.56;37.08,18.22;42.46,21.16;,;61.98,22.86;,;43.61,31.92;,;8.01,20.82;20.57,38.32;34.48,34.13;,:33.52,33.95,0.11,0,1 +89330:34.27,1.90;,;36.02,18.14;31.57,17.75;,;,;40.55,19.32;,;21.73,29.70;39.60,46.28;,;34.09,28.36;51.77,19.71;41.83,32.18;21.31,18.17;46.75,27.37:34.83,75.49;38.33,47.03;,;52.21,39.09;33.24,17.62;37.16,18.21;42.44,21.31;,;61.99,22.81;,;43.58,31.85;,;7.87,20.85;20.53,38.35;34.52,34.09;,:33.51,33.96,0.11,0,1 +89331:34.25,1.90;,;36.02,18.21;31.57,17.78;,;,;40.54,19.48;,;21.70,29.69;39.57,46.24;,;34.09,28.43;51.69,19.66;41.74,32.09;21.17,18.22;46.70,27.36:34.82,75.51;38.29,46.99;,;52.16,39.11;33.24,17.68;37.24,18.19;42.42,21.45;,;62.01,22.76;,;43.54,31.78;,;7.73,20.87;20.50,38.39;34.56,34.05;,:33.49,33.97,0.11,0,1 +89332:34.24,1.89;,;36.02,18.27;31.57,17.82;,;,;40.54,19.63;,;21.67,29.68;39.53,46.20;,;34.09,28.49;51.60,19.62;41.64,31.99;21.03,18.26;46.65,27.36:34.81,75.53;38.26,46.96;,;52.11,39.14;33.24,17.75;37.32,18.18;42.41,21.59;,;62.02,22.71;,;43.50,31.72;,;7.59,20.90;20.46,38.42;34.59,34.02;,:33.49,33.97,0.11,0,1 +89333:34.22,1.88;,;36.02,18.33;31.58,17.86;,;,;40.53,19.79;,;21.65,29.67;39.50,46.16;,;34.09,28.55;51.52,19.57;41.55,31.89;20.90,18.30;46.61,27.35:34.80,75.54;38.23,46.92;,;52.06,39.17;33.23,17.81;37.40,18.17;42.39,21.73;,;62.03,22.66;,;43.44,31.67;,;7.45,20.92;20.43,38.45;34.61,33.99;,:33.48,33.97,0.11,0,1 +89334:34.21,1.87;,;36.03,18.38;31.58,17.89;,;,;40.52,19.94;,;21.62,29.66;39.46,46.12;,;34.09,28.61;51.44,19.53;41.46,31.80;20.76,18.34;46.56,27.35:34.79,75.56;38.20,46.88;,;52.01,39.19;33.23,17.87;37.48,18.17;42.37,21.88;,;62.04,22.61;,;43.38,31.61;,;7.32,20.94;20.40,38.48;34.63,33.96;,:34.19,33.03,0.11,0,1 +89335:34.19,1.87;,;36.03,18.44;31.58,17.93;,;,;40.52,20.09;,;21.59,29.66;39.42,46.08;,;34.09,28.67;51.32,19.50;41.37,31.70;20.63,18.38;46.51,27.34:34.77,75.57;38.17,46.85;,;51.97,39.22;33.23,17.93;37.55,18.17;42.36,22.02;,;62.05,22.56;,;43.32,31.57;,;7.19,20.95;20.37,38.51;34.63,33.94;,:34.87,32.13,0.11,0,1 +89336:34.18,1.87;,;36.04,18.49;31.58,17.97;,;,;40.51,20.25;,;21.56,29.65;39.39,46.04;,;34.08,28.73;51.20,19.47;41.28,31.60;20.50,18.42;46.46,27.34:34.76,75.59;38.14,46.81;,;51.92,39.24;33.23,17.99;37.63,18.17;42.34,22.16;,;62.05,22.51;,;43.26,31.52;,;7.07,20.97;20.34,38.54;34.63,33.92;,:35.51,31.28,0.11,0,1 +89337:34.16,1.87;,;36.05,18.54;31.64,17.99;,;,;40.50,20.40;,;21.53,29.65;39.35,46.01;,;34.08,28.80;51.08,19.44;41.20,31.50;20.37,18.45;46.41,27.28:34.75,75.60;38.12,46.78;,;51.87,39.27;33.22,18.06;37.71,18.17;42.32,22.31;,;62.06,22.47;,;43.19,31.48;,;6.94,20.99;20.31,38.58;34.62,33.91;,:36.12,30.47,0.11,0,1 +89338:34.15,1.88;,;36.07,18.58;31.70,18.01;,;,;40.50,20.56;,;21.51,29.65;39.31,45.97;,;34.08,28.86;50.96,19.41;41.14,31.41;20.25,18.48;46.37,27.23:34.73,75.62;38.10,46.75;,;51.83,39.30;33.22,18.12;37.78,18.18;42.31,22.45;,;62.05,22.42;,;43.12,31.44;,;6.81,21.00;20.28,38.61;34.60,33.90;,:36.69,29.71,0.11,0,1 +89339:34.13,1.89;,;36.08,18.62;31.76,18.04;,;,;40.49,20.71;,;21.48,29.64;39.27,45.93;,;34.08,28.92;50.85,19.37;41.08,31.31;20.13,18.51;46.32,27.18:34.71,75.63;38.07,46.72;,;51.79,39.32;33.22,18.18;37.86,18.19;42.29,22.59;,;62.05,22.38;,;43.04,31.40;,;6.69,21.02;20.25,38.65;34.57,33.89;,:37.23,29.00,0.11,0,1 +89340:34.10,1.90;,;36.11,18.66;31.82,18.06;,;,;40.48,20.87;,;21.46,29.64;39.24,45.89;,;34.08,28.98;50.73,19.34;41.03,31.22;20.02,18.53;46.27,27.13:34.70,75.65;38.05,46.69;,;51.74,39.35;33.22,18.24;37.93,18.21;41.55,22.46;,;62.05,22.33;,;42.96,31.37;,;6.57,21.03;20.22,38.69;34.53,33.89;,:37.73,28.33,0.11,0,1 +89341:34.08,1.93;,;36.13,18.70;31.88,18.08;,;,;40.48,21.02;,;21.44,29.64;39.20,45.86;,;34.08,29.04;50.61,19.31;40.98,31.13;19.92,18.54;46.22,27.07:34.68,75.66;38.04,46.66;,;51.70,39.37;33.22,18.31;38.00,18.23;41.44,22.59;,;62.05,22.29;,;42.89,31.34;,;6.46,21.04;20.19,38.73;34.49,33.88;,:38.20,27.71,0.11,0,1 +89342:34.06,1.95;,;36.16,18.72;31.94,18.11;,;,;40.47,21.17;,;21.42,29.65;39.17,45.83;,;34.08,29.11;50.49,19.28;40.93,31.03;19.83,18.55;46.18,27.02:34.65,75.67;38.02,46.63;,;51.65,39.39;33.21,18.37;38.07,18.25;41.33,22.73;,;62.04,22.25;,;42.82,31.31;,;6.35,21.05;20.16,38.77;34.44,33.88;,:38.63,27.13,0.11,0,1 +89343:34.04,1.98;,;36.20,18.75;32.01,18.13;,;,;40.46,21.33;,;21.40,29.65;39.14,45.79;,;34.07,29.17;50.38,19.25;40.88,30.94;19.74,18.56;46.13,26.97:34.63,75.68;38.01,46.61;,;51.61,39.42;33.21,18.43;38.13,18.28;41.23,22.85;,;62.03,22.20;,;42.75,31.28;,;6.24,21.06;20.12,38.81;34.38,33.88;,:39.03,26.60,0.11,0,1 +89344:34.02,2.01;,;36.24,18.77;32.07,18.16;,;,;40.46,21.48;,;21.38,29.65;39.11,45.76;,;34.07,29.23;50.26,19.22;40.83,30.84;19.67,18.57;46.08,26.92:34.60,75.70;37.99,46.58;,;51.56,39.44;33.21,18.49;38.20,18.31;41.11,22.99;,;62.02,22.16;,;42.68,31.25;,;6.13,21.08;20.09,38.85;34.31,33.88;,:39.40,26.12,0.11,0,1 +89345:34.00,2.04;,;36.28,18.79;32.13,18.18;,;,;40.45,21.64;,;21.37,29.65;39.08,45.73;,;34.07,29.29;50.14,19.19;40.78,30.75;19.59,18.58;46.03,26.86:34.57,75.71;37.98,46.55;,;51.51,39.46;33.24,18.56;38.26,18.34;40.98,23.09;,;62.00,22.12;,;42.62,31.23;,;6.02,21.09;20.05,38.89;34.24,33.87;,:39.72,25.68,0.11,0,1 +89346:33.99,2.08;,;36.33,18.80;32.19,18.20;,;,;40.44,21.79;,;21.35,29.65;39.06,45.70;,;34.07,29.35;50.02,19.16;40.73,30.65;19.53,18.59;45.99,26.81:34.54,75.72;37.96,46.52;,;51.46,39.48;33.27,18.63;38.32,18.37;40.92,23.13;,;61.99,22.08;,;42.56,31.21;,;5.92,21.10;20.01,38.92;34.18,33.86;,:40.02,25.29,0.11,0,1 +89347:33.97,2.11;,;36.38,18.81;32.25,18.23;,;,;40.43,21.92;,;21.34,29.66;39.03,45.67;,;34.07,29.42;49.90,19.13;40.68,30.56;19.47,18.60;45.94,26.76:34.51,75.73;37.95,46.49;,;51.41,39.51;33.29,18.70;38.38,18.41;40.79,23.21;,;61.98,22.03;,;42.51,31.19;,;5.83,21.11;19.97,38.96;34.10,33.84;,:40.28,24.94,0.11,0,1 +89348:33.96,2.15;,;36.44,18.82;32.31,18.25;,;,;40.41,22.04;,;21.32,29.66;39.01,45.64;,;34.07,29.48;49.79,19.09;40.63,30.47;19.42,18.61;45.89,26.71:34.48,75.73;37.93,46.46;,;51.36,39.53;33.32,18.76;38.44,18.44;40.84,23.20;,;61.97,21.99;,;42.46,31.17;,;5.73,21.12;19.92,39.00;34.03,33.83;,:40.51,24.64,0.11,0,1 +89349:33.95,2.18;,;36.51,18.82;32.37,18.28;,;,;40.39,22.14;,;21.31,29.66;38.99,45.62;,;34.07,29.54;49.67,19.06;40.58,30.37;19.37,18.63;45.84,26.65:34.44,75.74;37.91,46.43;,;51.30,39.55;33.35,18.83;38.50,18.48;40.59,23.39;,;61.96,21.94;,;42.41,31.16;,;5.64,21.14;19.88,39.03;33.95,33.80;,:40.70,24.39,0.11,0,1 +89350:33.95,2.20;,;36.58,18.82;32.43,18.30;,;,;40.37,22.24;,;21.30,29.66;38.98,45.59;,;34.06,29.60;49.55,19.03;40.53,30.28;19.33,18.65;45.80,26.60:34.40,75.75;37.89,46.40;,;51.25,39.58;33.38,18.90;38.56,18.52;40.60,23.43;,;61.95,21.90;,;42.37,31.15;,;5.56,21.15;19.83,39.07;33.87,33.78;,:40.85,24.18,0.11,0,1 +89351:33.94,2.23;,;36.66,18.82;32.49,18.32;,;,;40.35,22.34;,;21.28,29.66;38.96,45.56;,;34.06,29.66;49.43,19.00;40.48,30.18;19.30,18.67;45.75,26.55:34.36,75.75;37.88,46.37;,;51.19,39.60;33.41,18.97;38.61,18.57;40.61,23.46;,;61.93,21.86;,;42.33,31.14;,;5.47,21.17;19.79,39.10;33.79,33.75;,:40.97,24.02,0.11,0,1 +89352:33.94,2.26;,;36.73,18.81;32.55,18.35;,;,;40.33,22.44;,;21.27,29.65;38.95,45.53;,;34.06,29.72;49.32,18.97;40.43,30.09;19.26,18.70;45.70,26.49:34.33,75.75;37.86,46.33;,;51.14,39.62;33.44,19.04;38.66,18.61;40.62,23.50;,;61.92,21.81;,;42.29,31.14;,;5.39,21.19;19.75,39.13;33.71,33.71;,:41.06,23.90,0.11,0,1 +89353:33.94,2.28;,;36.82,18.80;32.61,18.37;,;,;40.30,22.54;,;21.26,29.65;38.94,45.50;,;34.06,29.79;49.20,18.94;40.38,29.99;19.24,18.72;45.65,26.44:34.29,75.76;37.83,46.30;,;51.08,39.65;33.47,19.10;38.70,18.66;40.63,23.54;,;61.91,21.76;,;42.26,31.14;,;5.31,21.21;19.70,39.16;33.63,33.67;,:41.11,23.83,0.11,0,1 +89354:33.95,2.30;,;36.90,18.79;32.67,18.39;,;,;40.28,22.64;,;21.25,29.65;38.93,45.47;,;34.06,29.85;49.08,18.91;40.33,29.90;19.22,18.75;45.61,26.39:34.25,75.76;37.81,46.27;,;51.02,39.68;33.50,19.17;38.74,18.70;40.63,23.58;,;61.90,21.72;,;42.23,31.14;,;5.24,21.23;19.66,39.19;33.54,33.63;,:41.13,23.81,0.11,0,1 +89355:33.96,2.31;,;36.99,18.77;32.73,18.42;,;,;40.26,22.73;,;21.24,29.65;38.92,45.44;,;34.06,29.91;48.96,18.88;40.28,29.81;19.21,18.78;45.56,26.34:34.22,75.76;37.79,46.23;,;50.96,39.70;33.52,19.24;38.79,18.74;40.64,23.62;,;61.89,21.67;,;42.21,31.14;,;5.17,21.24;19.63,39.22;33.46,33.58;,:41.37,24.41,0.11,0,1 +89356:33.98,2.31;,;37.08,18.76;32.79,18.44;,;,;40.24,22.83;,;21.23,29.64;38.91,45.41;,;34.06,29.97;48.84,18.85;40.23,29.71;19.20,18.80;45.51,26.28:34.19,75.76;37.77,46.20;,;50.90,39.73;33.55,19.31;38.82,18.79;40.83,23.55;,;61.88,21.63;,;42.20,31.15;,;5.10,21.26;19.59,39.24;33.38,33.52;,:41.59,24.99,0.11,0,1 +89357:34.03,2.26;,;37.16,18.74;32.85,18.47;,;,;40.22,22.93;,;21.22,29.64;38.91,45.38;,;34.05,30.02;48.73,18.81;40.18,29.62;19.20,18.82;45.46,26.23:34.16,75.77;37.75,46.17;,;50.84,39.75;33.58,19.38;38.85,18.83;41.02,23.49;,;61.87,21.58;,;42.19,31.15;,;5.04,21.28;19.56,39.27;33.31,33.46;,:41.81,25.54,0.11,0,1 +89358:34.08,2.22;,;37.25,18.72;32.91,18.49;,;,;40.19,23.03;,;21.22,29.64;38.90,45.35;,;34.05,30.04;48.61,18.78;40.13,29.52;19.21,18.83;45.42,26.18:34.13,75.77;37.72,46.14;,;50.78,39.78;33.61,19.44;38.88,18.88;40.80,23.59;,;61.86,21.54;,;42.19,31.16;,;4.98,21.29;19.53,39.30;33.23,33.40;,:42.02,26.06,0.11,0,1 +89359:34.11,2.18;,;37.33,18.70;32.97,18.51;,;,;40.17,23.13;,;21.21,29.63;38.90,45.32;,;34.03,30.01;48.49,18.75;40.08,29.43;19.22,18.85;45.37,26.13:34.11,75.78;37.70,46.11;,;50.73,39.81;33.64,19.51;38.90,18.92;40.57,23.69;,;61.85,21.50;,;42.21,31.17;,;4.93,21.31;19.51,39.32;33.16,33.33;,:42.21,26.56,0.11,0,1 +89360:34.13,2.14;,;37.42,18.68;33.03,18.54;,;,;40.15,23.23;,;21.21,29.62;38.90,45.28;,;34.01,29.95;48.37,18.72;40.03,29.33;19.24,18.86;45.32,26.07:34.09,75.78;37.68,46.08;,;50.67,39.83;33.67,19.58;38.91,18.97;40.35,23.79;,;61.84,21.45;,;42.22,31.17;,;4.88,21.32;19.49,39.35;33.09,33.26;,:42.40,27.03,0.11,0,1 +89361:34.19,2.07;,;37.50,18.66;33.09,18.56;,;,;40.13,23.33;,;21.21,29.62;38.90,45.25;,;33.99,29.88;48.25,18.69;39.98,29.24;19.27,18.87;45.27,26.02:34.07,75.79;37.66,46.05;,;50.62,39.86;33.70,19.65;38.92,19.01;40.12,23.89;,;61.84,21.42;,;42.25,31.18;,;4.83,21.34;19.47,39.37;33.03,33.19;,:42.58,27.48,0.11,0,1 +89362:34.10,2.24;,;37.58,18.64;33.15,18.59;,;,;40.11,23.43;,;21.20,29.61;38.90,45.21;,;33.97,29.81;48.14,18.66;39.93,29.15;19.29,18.88;45.23,25.97:34.06,75.80;37.64,46.03;,;50.57,39.88;33.72,19.71;38.93,19.06;39.90,23.99;,;61.83,21.38;,;42.28,31.19;,;4.79,21.34;19.45,39.40;32.97,33.11;,:42.74,27.90,0.11,0,1 +89363:34.11,2.23;,;37.65,18.61;33.21,18.61;,;,;40.09,23.52;,;21.20,29.61;38.91,45.18;,;33.95,29.73;48.02,18.63;39.90,29.06;19.33,18.89;45.18,25.92:34.06,75.81;37.62,46.00;,;50.52,39.90;33.75,19.78;38.92,19.11;39.68,24.09;,;61.83,21.35;,;42.32,31.20;,;4.75,21.35;19.43,39.43;32.91,33.02;,:42.90,28.30,0.11,0,1 +89364:34.13,2.23;,;37.73,18.59;33.28,18.63;,;,;40.06,23.62;,;21.20,29.60;38.91,45.14;,;33.93,29.66;47.90,18.60;39.92,28.99;19.36,18.90;45.13,25.86:34.05,75.83;37.60,45.98;,;50.48,39.92;33.78,19.85;38.92,19.15;39.45,24.18;,;61.82,21.32;,;42.37,31.21;,;4.72,21.35;19.42,39.45;32.86,32.94;,:43.05,28.67,0.11,0,1 +89365:34.14,2.23;,;37.80,18.57;33.34,18.66;,;,;40.04,23.72;,;21.20,29.60;38.92,45.10;,;33.91,29.59;47.78,18.56;40.01,28.95;19.40,18.91;45.12,25.81:34.05,75.84;37.58,45.95;,;50.43,39.94;33.81,19.92;38.91,19.20;39.23,24.28;,;61.82,21.30;,;42.43,31.22;,;4.69,21.34;19.41,39.47;32.81,32.85;,:43.18,29.02,0.11,0,1 +89366:34.16,2.23;,;37.86,18.55;33.40,18.68;,;,;40.02,23.82;,;21.20,29.60;38.93,45.07;,;33.89,29.51;47.67,18.53;40.14,28.93;19.44,18.92;45.10,25.76:34.05,75.86;37.57,45.93;,;50.40,39.95;33.84,19.99;38.92,19.25;39.00,24.38;,;61.81,21.28;,;42.50,31.22;,;4.67,21.34;19.40,39.50;32.77,32.76;,:43.31,29.33,0.11,0,1 +89367:34.18,2.22;,;37.93,18.53;33.46,18.71;,;,;40.00,23.92;,;21.19,29.60;38.94,45.03;,;33.87,29.44;47.55,18.50;40.29,28.92;19.48,18.94;45.09,25.71:34.05,75.88;37.56,45.91;,;50.36,39.97;33.87,20.05;38.92,19.30;38.78,24.48;,;61.81,21.26;,;42.57,31.22;,;4.65,21.34;19.39,39.52;32.73,32.67;,:43.43,29.63,0.11,0,1 +89368:34.20,2.22;,;38.00,18.50;33.52,18.73;,;,;39.98,24.02;,;21.19,29.60;38.95,45.00;,;33.85,29.37;47.43,18.47;40.45,28.90;19.52,18.96;45.08,25.66:34.05,75.90;37.55,45.89;,;50.33,39.98;33.90,20.12;38.92,19.35;38.57,24.56;,;61.82,21.26;,;42.64,31.23;,;4.63,21.33;19.39,39.54;32.69,32.58;,:43.53,29.90,0.11,0,1 +89369:34.22,2.21;,;38.07,18.47;33.58,18.75;,;,;39.95,24.12;,;21.19,29.59;38.96,44.96;,;33.83,29.30;47.31,18.44;40.60,28.89;19.57,18.98;45.06,25.61:34.06,75.92;37.55,45.87;,;50.31,39.99;33.93,20.19;38.93,19.40;38.39,24.62;,;61.82,21.25;,;42.71,31.23;,;4.62,21.32;19.38,39.56;32.66,32.49;,:43.63,30.14,0.11,0,1 +89370:34.25,2.19;,;38.13,18.44;33.64,18.78;,;,;39.93,24.22;,;21.19,29.60;38.97,44.92;,;33.81,29.22;47.19,18.41;40.75,28.88;19.61,19.00;45.05,25.56:34.07,75.94;37.55,45.86;,;50.29,40.00;33.95,20.26;38.93,19.45;38.27,24.61;,;61.83,21.25;,;42.79,31.23;,;4.61,21.31;19.37,39.57;32.62,32.41;,:43.71,30.36,0.11,0,1 +89371:34.28,2.18;,;38.18,18.42;33.70,18.80;,;,;39.91,24.31;,;21.19,29.60;38.98,44.89;,;33.79,29.15;47.28,18.38;40.91,28.86;19.65,19.04;45.03,25.51:34.07,75.96;37.56,45.84;,;50.28,40.01;33.98,20.33;38.94,19.50;38.18,24.57;,;61.84,21.25;,;42.86,31.24;,;4.60,21.30;19.37,39.59;32.59,32.33;,:43.79,30.55,0.11,0,1 +89372:34.31,2.16;,;38.22,18.42;33.76,18.82;,;,;39.89,24.41;,;21.18,29.60;38.99,44.85;,;33.77,29.08;47.37,18.34;41.06,28.85;19.70,19.07;45.02,25.46:34.08,75.98;37.57,45.82;,;50.26,40.01;34.01,20.39;38.94,19.55;38.10,24.52;,;61.86,21.25;,;42.94,31.24;,;4.60,21.29;19.36,39.60;32.56,32.24;,:43.85,30.72,0.11,0,1 +89373:34.35,2.14;,;38.27,18.41;33.82,18.85;,;,;39.87,24.51;,;21.18,29.60;39.00,44.82;,;33.75,29.01;47.46,18.31;41.21,28.84;19.74,19.11;45.01,25.41:34.09,76.00;37.58,45.80;,;50.25,40.02;34.04,20.46;38.95,19.60;38.03,24.46;,;61.88,21.26;,;43.02,31.24;,;4.59,21.29;19.36,39.61;32.52,32.16;,:43.91,30.86,0.11,0,1 +89374:34.38,2.11;,;38.34,18.39;33.88,18.87;,;,;39.84,24.60;,;21.17,29.61;39.00,44.78;,;33.73,28.93;47.55,18.28;41.37,28.82;19.78,19.15;44.99,25.36:34.10,76.02;37.60,45.78;,;50.25,40.02;34.07,20.53;38.95,19.64;37.95,24.41;,;61.90,21.26;,;43.09,31.24;,;4.59,21.28;19.35,39.62;32.49,32.08;,:43.96,30.97,0.11,0,1 +89375:34.42,2.08;,;38.46,18.34;33.94,18.90;,;,;39.81,24.65;,;21.17,29.61;39.01,44.75;,;33.71,28.86;47.64,18.24;41.52,28.81;19.82,19.20;44.98,25.31:34.11,76.05;37.62,45.77;,;50.25,40.02;34.10,20.60;38.96,19.69;37.88,24.36;,;61.93,21.27;,;43.17,31.24;,;4.59,21.28;19.35,39.63;32.46,32.01;,:43.99,31.06,0.11,0,1 +89376:34.47,2.05;,;38.50,18.37;34.00,18.92;,;,;39.77,24.65;,;21.17,29.62;39.01,44.71;,;33.69,28.79;47.73,18.21;41.67,28.79;19.86,19.24;44.97,25.26:34.12,76.07;37.64,45.75;,;50.25,40.02;34.13,20.67;38.96,19.74;37.80,24.30;,;61.96,21.28;,;43.24,31.24;,;4.60,21.29;19.34,39.64;32.43,31.93;,:44.02,31.13,0.11,0,1 +89377:34.52,2.00;,;38.49,18.40;34.06,18.94;,;,;39.73,24.62;,;21.16,29.63;39.02,44.68;,;33.67,28.72;47.82,18.18;41.83,28.78;19.90,19.29;44.95,25.21:34.14,76.09;37.67,45.73;,;50.26,40.02;34.12,20.63;38.97,19.79;37.73,24.25;,;62.00,21.29;,;43.31,31.25;,;4.60,21.30;19.34,39.64;32.39,31.86;,:44.03,31.16,0.11,0,1 +89378:34.59,1.94;,;38.54,18.39;34.12,18.97;,;,;39.69,24.58;,;21.16,29.64;39.02,44.64;,;33.65,28.64;47.90,18.14;41.98,28.77;19.94,19.33;44.94,25.16:34.15,76.11;37.70,45.71;,;50.27,40.01;34.12,20.59;38.97,19.84;37.65,24.20;,;62.03,21.29;,;43.38,31.25;,;4.60,21.32;19.34,39.64;32.36,31.79;,:44.04,31.18,0.11,0,1 +89379:34.66,1.87;,;38.60,18.37;34.18,18.99;,;,;39.64,24.53;,;21.15,29.65;39.02,44.61;,;33.63,28.57;47.99,18.11;42.13,28.75;19.99,19.37;44.93,25.11:34.16,76.13;37.73,45.69;,;50.28,40.01;34.12,20.55;38.91,19.85;37.57,24.14;,;62.07,21.30;,;43.45,31.25;,;4.61,21.34;19.34,39.63;32.33,31.72;,:44.86,30.71,0.11,0,1 +89380:34.73,1.80;,;38.66,18.35;34.24,19.02;,;,;39.59,24.49;,;21.15,29.65;39.03,44.57;,;33.62,28.50;48.08,18.08;42.29,28.74;20.03,19.41;44.91,25.06:34.18,76.14;37.76,45.68;,;50.29,40.00;34.12,20.52;38.85,19.86;37.50,24.09;,;62.11,21.30;,;43.52,31.26;,;4.62,21.36;19.34,39.63;32.31,31.66;,:45.67,30.26,0.11,0,1 +89381:34.78,1.74;,;38.72,18.33;34.30,19.04;,;,;39.55,24.45;,;21.14,29.67;39.03,44.54;,;33.63,28.43;48.17,18.04;42.44,28.73;20.08,19.44;44.90,25.01:34.19,76.16;37.80,45.66;,;50.31,40.00;34.11,20.48;38.79,19.87;37.42,24.04;,;62.15,21.30;,;43.59,31.26;,;4.63,21.39;19.34,39.62;32.28,31.59;,:46.47,29.82,0.11,0,1 +89382:34.78,1.74;,;38.78,18.30;34.36,19.06;,;,;39.50,24.40;,;21.14,29.68;39.03,44.50;,;33.64,28.35;48.26,18.01;42.59,28.71;20.12,19.48;44.88,24.96:34.21,76.17;37.83,45.64;,;50.33,39.99;34.11,20.44;38.73,19.87;37.35,23.99;,;62.19,21.31;,;43.67,31.27;,;4.64,21.42;19.34,39.60;32.26,31.52;,:47.25,29.38,0.11,0,1 +89383:34.73,1.79;,;38.84,18.27;34.42,19.09;,;,;39.46,24.36;,;21.13,29.69;39.04,44.47;,;33.66,28.28;48.35,17.98;42.75,28.70;20.18,19.51;44.87,24.91:34.23,76.18;37.87,45.61;,;50.35,39.98;34.11,20.41;38.67,19.88;37.27,23.93;,;62.22,21.31;,;43.74,31.27;,;4.65,21.46;19.35,39.59;32.24,31.45;,:48.01,28.96,0.11,0,1 +89384:34.73,1.81;,;38.90,18.23;34.42,19.03;,;,;39.41,24.32;,;21.13,29.70;39.05,44.43;,;33.68,28.21;48.44,17.94;42.90,28.69;20.23,19.53;44.86,24.86:34.24,76.19;37.90,45.59;,;50.37,39.97;34.10,20.37;38.61,19.89;37.20,23.88;,;62.25,21.31;,;43.81,31.28;,;4.67,21.49;19.35,39.57;32.23,31.38;,:48.75,28.54,0.11,0,1 +89385:34.80,1.77;,;38.96,18.19;34.41,18.98;,;,;39.36,24.27;,;21.12,29.72;39.06,44.40;,;33.70,28.13;48.52,17.91;43.06,28.76;20.29,19.55;44.84,24.81:34.26,76.19;37.94,45.56;,;50.40,39.96;34.10,20.33;38.55,19.90;37.12,23.83;,;62.28,21.31;,;43.90,31.28;,;4.69,21.52;19.35,39.55;32.22,31.31;,:49.48,28.14,0.11,0,1 +89386:34.86,1.73;,;39.02,18.15;34.40,18.92;,;,;39.32,24.23;,;21.12,29.73;39.07,44.36;,;33.71,28.06;48.61,17.88;43.23,28.92;20.35,19.56;44.83,24.76:34.27,76.20;37.98,45.54;,;50.43,39.95;34.10,20.29;38.49,19.91;37.04,23.77;,;62.30,21.31;,;43.98,31.29;,;4.71,21.56;19.36,39.53;32.22,31.24;,:50.19,27.74,0.11,0,1 +89387:34.92,1.68;,;39.07,18.10;34.40,18.87;,;,;39.27,24.18;,;21.12,29.75;39.09,44.33;,;33.73,27.99;48.70,17.85;43.41,29.25;20.41,19.58;44.82,24.71:34.28,76.19;38.01,45.51;,;50.47,39.93;34.10,20.26;38.43,19.91;36.97,23.72;,;62.32,21.31;,;44.06,31.30;,;4.74,21.59;19.36,39.50;32.21,31.17;,:50.88,27.35,0.11,0,1 +89388:34.98,1.64;,;39.13,18.05;34.39,18.81;,;,;39.23,24.14;,;21.11,29.76;39.10,44.29;,;33.75,27.91;48.79,17.81;43.57,29.43;20.48,19.58;44.94,24.68:34.29,76.19;38.05,45.48;,;50.50,39.91;34.09,20.22;38.37,19.92;36.89,23.67;,;62.33,21.31;,;44.14,31.30;,;4.77,21.62;19.37,39.47;32.21,31.11;,:51.56,26.97,0.11,0,1 +89389:35.05,1.60;,;39.18,17.99;34.38,18.76;,;,;39.18,24.10;,;21.11,29.78;39.12,44.26;,;33.76,27.84;48.88,17.78;43.71,29.54;20.54,19.58;45.06,24.64:34.31,76.18;38.09,45.45;,;50.54,39.90;34.09,20.18;38.31,19.93;36.82,23.61;,;62.35,21.31;,;44.22,31.31;,;4.80,21.65;19.37,39.45;32.22,31.04;,:52.22,26.60,0.11,0,1 +89390:35.11,1.56;,;39.23,17.93;34.38,18.70;,;,;39.13,24.05;,;21.11,29.80;39.14,44.23;,;33.78,27.77;48.97,17.75;43.84,29.56;20.61,19.58;45.18,24.60:34.32,76.16;38.13,45.41;,;50.58,39.87;34.09,20.15;38.25,19.94;36.74,23.56;,;62.36,21.32;,;44.31,31.32;,;4.84,21.67;19.38,39.41;32.22,30.97;,:52.86,26.24,0.11,0,1 +89391:35.17,1.52;,;39.28,17.86;34.37,18.65;,;,;39.09,24.01;,;21.11,29.82;39.16,44.20;,;33.80,27.69;49.06,17.71;43.97,29.58;20.69,19.57;45.30,24.57:34.33,76.15;38.16,45.38;,;50.62,39.85;34.08,20.11;37.97,20.11;36.67,23.51;,;62.36,21.32;,;44.39,31.34;,;4.88,21.69;19.38,39.38;32.23,30.90;,:53.49,25.89,0.11,0,1 +89392:35.23,1.48;,;39.32,17.80;34.36,18.60;,;,;39.04,23.97;,;21.11,29.84;39.18,44.17;,;33.81,27.62;49.15,17.68;44.10,29.60;20.76,19.56;45.42,24.53:34.35,76.14;38.20,45.34;,;50.67,39.82;34.08,20.07;37.94,20.09;36.59,23.45;,;62.36,21.32;,;44.47,31.35;,;4.93,21.70;19.38,39.35;32.24,30.84;,:54.10,25.55,0.11,0,1 +89393:35.29,1.44;,;39.37,17.73;34.35,18.54;,;,;39.00,23.92;,;21.11,29.87;39.20,44.14;,;33.83,27.55;49.23,17.65;44.23,29.62;20.84,19.54;45.54,24.49:34.36,76.12;38.24,45.30;,;50.71,39.80;34.08,20.03;37.91,20.05;36.52,23.39;,;62.37,21.32;,;44.56,31.36;,;4.99,21.71;19.39,39.31;32.26,30.77;,:54.69,25.22,0.11,0,1 +89394:35.36,1.40;,;39.40,17.66;34.35,18.49;,;,;38.95,23.88;,;21.10,29.90;39.23,44.11;,;33.85,27.47;49.32,17.61;44.36,29.64;20.92,19.52;45.66,24.46:34.38,76.10;38.28,45.26;,;50.75,39.77;34.08,20.00;37.89,19.99;36.47,23.31;,;62.37,21.32;,;44.64,31.37;,;5.05,21.72;19.39,39.27;32.27,30.71;,:55.27,24.90,0.11,0,1 +89395:35.42,1.35;,;39.43,17.59;34.34,18.43;,;,;38.91,23.83;,;21.10,29.92;39.25,44.08;,;33.87,27.40;49.41,17.58;44.49,29.66;21.00,19.49;45.78,24.42:34.39,76.08;38.33,45.22;,;50.80,39.73;34.07,19.96;37.88,19.91;36.46,23.20;,;62.37,21.32;,;44.72,31.38;,;5.12,21.72;19.39,39.23;32.28,30.64;,:55.83,24.59,0.11,0,1 +89396:34.89,1.74;,;39.45,17.52;34.33,18.38;,;,;38.87,23.78;,;21.11,29.95;39.27,44.05;,;33.88,27.33;49.50,17.55;44.62,29.68;21.09,19.45;45.90,24.38:34.41,76.06;38.37,45.18;,;50.84,39.70;34.07,19.92;37.88,19.84;36.45,23.06;,;62.38,21.32;,;44.81,31.39;,;5.19,21.71;19.40,39.19;32.30,30.58;,:56.37,24.28,0.11,0,1 +89397:34.91,1.73;,;39.48,17.44;34.33,18.32;,;,;38.86,23.71;,;21.11,29.98;39.29,44.02;,;33.90,27.25;49.59,17.51;44.75,29.71;21.17,19.40;46.02,24.35:34.43,76.04;38.41,45.14;,;50.89,39.66;34.07,19.89;37.81,19.83;36.46,22.92;,;62.39,21.32;,;44.89,31.40;,;5.26,21.71;19.40,39.14;32.31,30.52;,:56.90,23.99,0.11,0,1 +89398:34.92,1.73;,;39.49,17.37;34.32,18.27;,;,;38.90,23.60;,;21.11,30.01;39.32,44.00;,;33.92,27.18;49.68,17.48;44.88,29.73;21.26,19.35;46.14,24.31:34.45,76.01;38.45,45.10;,;50.93,39.63;34.07,19.85;37.69,19.87;36.47,22.78;,;62.40,21.31;,;44.97,31.42;,;5.35,21.70;19.41,39.10;32.33,30.45;,:57.41,23.70,0.11,0,1 +89399:34.94,1.72;,;39.50,17.29;34.31,18.21;,;,;38.96,23.47;,;21.12,30.04;39.33,43.97;,;33.93,27.11;49.77,17.45;45.01,29.75;21.35,19.30;46.26,24.27:34.47,75.99;38.49,45.06;,;50.98,39.59;34.06,19.81;37.71,19.76;36.48,22.64;,;62.41,21.31;,;45.05,31.43;,;5.44,21.68;19.41,39.05;32.35,30.39;,:57.90,23.43,0.11,0,1 +89400:34.95,1.72;,;39.51,17.21;34.30,18.16;,;,;39.04,23.33;,;21.13,30.06;39.36,43.94;,;33.95,27.03;49.86,17.41;45.14,29.77;21.44,19.23;46.38,24.23:34.50,75.97;38.53,45.02;,;51.03,39.55;34.06,19.77;37.72,19.65;36.48,22.50;,;62.43,21.30;,;45.13,31.43;,;5.53,21.66;19.41,39.00;32.36,30.33;,:58.38,23.16,0.11,0,1 +89401:34.96,1.71;,;39.51,17.12;34.30,18.10;,;,;39.11,23.19;,;21.14,30.08;39.38,43.92;,;33.97,26.96;49.94,17.38;45.27,29.79;21.53,19.17;46.50,24.20:34.52,75.94;38.56,44.98;,;51.08,39.51;34.06,19.74;37.74,19.54;36.49,22.36;,;62.46,21.29;,;45.22,31.44;,;5.64,21.64;19.42,38.95;32.38,30.27;,:58.84,22.91,0.11,0,1 +89402:34.98,1.71;,;39.51,17.04;34.29,18.05;,;,;39.19,23.05;,;21.16,30.11;39.40,43.89;,;33.99,26.89;50.03,17.35;45.40,29.81;21.62,19.10;46.62,24.16:34.55,75.91;38.60,44.94;,;51.13,39.47;34.00,19.66;37.75,19.43;36.50,22.22;,;62.48,21.28;,;45.30,31.45;,;5.74,21.61;19.42,38.90;32.40,30.21;,:59.28,22.66,0.11,0,1 +89403:34.99,1.71;,;39.51,16.95;34.28,18.00;,;,;39.27,22.91;,;21.18,30.12;39.42,43.86;,;34.00,26.81;50.12,17.31;45.53,29.83;21.71,19.02;46.74,24.12:34.58,75.88;38.63,44.91;,;51.18,39.43;33.93,19.58;37.77,19.32;36.50,22.08;,;62.51,21.27;,;45.38,31.45;,;5.85,21.58;19.43,38.85;32.42,30.16;,:59.71,22.42,0.11,0,1 +89404:35.00,1.71;,;39.50,16.86;34.28,17.94;,;,;39.34,22.77;,;21.20,30.14;39.44,43.83;,;34.02,26.74;50.21,17.28;45.66,29.85;21.80,18.94;46.86,24.09:34.61,75.85;38.66,44.87;,;51.23,39.38;33.87,19.51;37.79,19.21;36.51,21.94;,;62.53,21.25;,;45.46,31.46;,;5.97,21.55;19.43,38.80;32.43,30.10;,:60.12,22.19,0.11,0,1 +89405:35.01,1.71;,;39.48,16.77;34.27,17.89;,;,;39.42,22.63;,;21.22,30.16;39.46,43.80;,;34.04,26.67;50.30,17.25;45.79,29.87;21.89,18.86;46.98,24.05:34.64,75.82;38.69,44.84;,;51.29,39.34;33.81,19.43;37.80,19.10;36.52,21.80;,;62.56,21.24;,;45.54,31.46;,;6.09,21.53;19.44,38.74;32.45,30.04;,:60.51,21.97,0.11,0,1 +89406:35.01,1.72;,;39.46,16.68;34.26,17.83;,;,;39.49,22.50;,;21.25,30.17;39.48,43.78;,;34.05,26.59;50.39,17.21;45.90,29.88;21.98,18.77;47.11,24.01:34.67,75.79;38.72,44.80;,;51.35,39.30;33.75,19.35;37.82,18.99;36.53,21.66;,;62.58,21.23;,;45.62,31.46;,;6.21,21.50;19.45,38.69;32.47,29.99;,:60.89,21.76,0.11,0,1 +89407:35.01,1.73;,;39.43,16.59;34.26,17.78;,;,;39.57,22.36;,;21.28,30.18;39.50,43.75;,;34.07,26.52;50.48,17.18;46.01,29.87;22.07,18.68;47.23,23.98:34.70,75.75;38.74,44.77;,;51.41,39.26;33.69,19.28;37.83,18.88;36.53,21.52;,;62.61,21.21;,;45.69,31.46;,;6.34,21.46;19.45,38.63;32.49,29.93;,:61.25,21.56,0.11,0,1 +89408:35.01,1.74;,;39.40,16.50;34.25,17.72;,;,;39.64,22.22;,;21.31,30.19;39.52,43.72;,;34.09,26.45;50.56,17.15;46.10,29.86;22.16,18.59;47.35,23.94:34.73,75.72;38.77,44.74;,;51.48,39.22;33.63,19.20;37.85,18.77;36.54,21.38;,;62.64,21.19;,;45.76,31.46;,;6.47,21.42;19.46,38.57;32.51,29.88;,:61.59,21.37,0.11,0,1 +89409:35.00,1.75;,;39.36,16.41;34.24,17.67;,;,;39.72,22.08;,;21.35,30.19;39.54,43.69;,;34.11,26.37;50.65,17.11;46.19,29.84;22.24,18.50;47.47,23.90:34.75,75.68;38.79,44.71;,;51.56,39.18;33.57,19.12;37.86,18.66;36.55,21.24;,;62.67,21.17;,;45.83,31.46;,;6.61,21.38;19.47,38.52;32.53,29.83;,:61.91,21.19,0.11,0,1 +89410:35.00,1.76;,;39.32,16.32;34.23,17.61;,;,;39.79,21.94;,;21.39,30.20;39.57,43.66;,;34.12,26.30;50.74,17.08;46.28,29.82;22.33,18.41;47.59,23.87:34.78,75.65;38.82,44.68;,;51.63,39.14;33.51,19.05;37.88,18.55;36.56,21.10;,;62.70,21.15;,;45.89,31.46;,;6.75,21.34;19.48,38.46;32.55,29.78;,:62.22,21.01,0.11,0,1 +89411:34.98,1.78;,;39.26,16.24;34.23,17.56;,;,;39.87,21.80;,;21.42,30.21;39.59,43.63;,;34.14,26.23;50.83,17.05;46.37,29.81;22.41,18.31;47.74,23.72:34.81,75.61;38.84,44.64;,;51.71,39.09;33.44,18.97;37.32,18.90;36.56,20.95;,;62.73,21.12;,;45.95,31.45;,;6.89,21.29;19.50,38.40;32.57,29.74;,:62.52,20.85,0.11,0,1 +89412:34.97,1.80;,;39.21,16.15;34.22,17.50;,;,;39.94,21.66;,;21.46,30.21;39.61,43.60;,;34.16,26.15;51.07,17.04;46.46,29.79;22.49,18.22;47.89,23.57:34.84,75.57;38.87,44.61;,;51.79,39.05;33.38,18.89;37.30,18.80;36.57,20.81;,;62.76,21.10;,;46.01,31.45;,;7.03,21.23;19.51,38.34;32.60,29.69;,:62.79,20.70,0.11,0,1 +89413:34.95,1.82;,;39.15,16.07;34.21,17.45;,;,;40.02,21.52;,;21.50,30.22;39.64,43.57;,;34.17,26.08;51.31,17.03;46.55,29.77;22.57,18.12;48.04,23.42:34.87,75.54;38.89,44.58;,;51.87,39.01;33.32,18.82;37.28,18.70;36.58,20.67;,;62.78,21.07;,;46.07,31.44;,;7.18,21.18;19.52,38.29;32.63,29.64;,:63.05,20.55,0.11,0,1 +89414:34.93,1.84;,;39.09,15.99;34.17,17.31;,;,;40.09,21.38;,;21.54,30.22;39.67,43.54;,;34.19,26.01;51.55,17.02;46.64,29.75;22.65,18.03;48.19,23.27:34.90,75.50;38.92,44.55;,;51.96,38.97;33.26,18.74;37.25,18.59;36.58,20.53;,;62.81,21.04;,;46.13,31.43;,;7.32,21.12;19.53,38.23;32.66,29.60;,:63.29,20.42,0.11,0,1 +89415:34.91,1.87;,;39.02,15.90;34.13,17.17;,;,;40.17,21.24;,;21.58,30.23;39.69,43.51;,;33.95,26.30;51.78,17.01;46.73,29.74;22.72,17.94;48.34,23.12:34.93,75.46;38.95,44.51;,;52.04,38.92;33.20,18.66;37.22,18.49;36.59,20.39;,;62.84,21.01;,;46.18,31.42;,;7.47,21.06;19.55,38.17;32.69,29.55;,:63.52,20.29,0.11,0,1 +89416:34.89,1.89;,;38.96,15.82;34.10,17.03;,;,;40.24,21.10;,;21.63,30.23;39.72,43.48;,;33.96,26.21;52.02,16.99;46.82,29.72;22.79,17.84;48.49,22.97:34.95,75.42;38.98,44.47;,;52.13,38.88;33.14,18.59;37.20,18.39;36.60,20.25;,;62.86,20.98;,;46.22,31.41;,;7.62,20.99;19.56,38.11;32.73,29.50;,:63.73,20.17,0.11,0,1 +89417:34.86,1.92;,;38.89,15.74;34.06,16.89;,;,;40.31,20.96;,;21.67,30.23;39.75,43.45;,;33.97,26.12;52.26,16.98;46.91,29.70;22.86,17.75;48.64,22.82:34.98,75.38;39.01,44.44;,;52.22,38.83;33.08,18.51;37.17,18.29;36.60,20.12;,;62.89,20.95;,;46.27,31.40;,;7.77,20.92;19.58,38.06;32.77,29.45;,:63.92,20.07,0.11,0,1 +89418:34.83,1.95;,;38.82,15.66;34.02,16.75;,;,;40.35,20.82;,;21.71,30.24;39.78,43.43;,;33.99,26.03;52.50,16.97;47.00,29.68;22.93,17.65;48.79,22.67:35.01,75.34;39.04,44.40;,;52.31,38.78;33.02,18.41;37.14,18.19;36.60,19.99;,;62.92,20.91;,;46.31,31.39;,;7.92,20.85;19.60,38.00;32.81,29.41;,:64.10,19.97,0.11,0,1 +113960:32.64,26.09;,;43.25,50.05;20.32,43.88;,;,;32.73,57.03;,;6.83,72.75;30.65,83.15;,;11.12,57.44;47.67,71.93;28.96,77.25;3.80,68.17;37.35,80.73:31.84,101.04;30.28,84.17;,;35.79,84.19;21.52,61.92;8.39,70.46;35.28,65.74;,;47.65,80.91;,;35.67,76.59;,;5.25,71.60;17.17,80.34;26.29,75.48;,:8.82,59.69,0.11,0,1 +113961:32.66,26.11;,;43.22,50.04;20.32,43.86;,;,;32.62,57.00;,;6.80,72.87;30.62,83.16;,;11.03,57.41;47.65,71.88;28.85,77.34;3.79,68.18;37.35,80.71:31.85,101.04;30.26,84.21;,;35.80,84.19;21.46,61.89;8.43,70.43;35.24,65.72;,;47.60,80.90;,;35.63,76.58;,;5.31,71.64;17.12,80.31;26.25,75.48;,:9.05,59.27,0.11,0,1 +113962:32.68,26.13;,;43.20,50.04;20.31,43.83;,;,;32.52,56.97;,;6.76,72.99;30.59,83.17;,;10.94,57.37;47.63,71.84;28.75,77.44;3.78,68.19;37.37,80.70:31.86,101.05;30.23,84.26;,;35.81,84.19;21.40,61.85;8.46,70.39;35.21,65.69;,;47.55,80.89;,;35.59,76.57;,;5.36,71.69;17.06,80.28;26.21,75.48;,:9.26,58.88,0.11,0,1 +113963:32.70,26.14;,;43.18,50.04;20.31,43.80;,;,;32.42,56.94;,;6.73,73.11;30.56,83.18;,;10.86,57.33;47.61,71.80;28.64,77.53;3.77,68.20;37.39,80.68:31.87,101.05;30.21,84.30;,;35.83,84.19;21.35,61.82;8.50,70.35;35.18,65.67;,;47.50,80.88;,;35.55,76.55;,;5.43,71.74;17.01,80.25;26.17,75.48;,:9.44,58.53,0.11,0,1 +113964:32.73,26.16;,;43.16,50.03;20.30,43.78;,;,;32.32,56.90;,;6.69,73.23;30.53,83.19;,;10.78,57.29;47.60,71.75;28.53,77.62;3.76,68.21;37.41,80.67:31.88,101.06;30.18,84.34;,;35.84,84.19;21.30,61.78;8.53,70.30;35.15,65.64;,;47.46,80.87;,;35.51,76.53;,;5.49,71.81;16.95,80.22;26.13,75.48;,:9.61,58.21,0.11,0,1 +113965:32.76,26.18;,;43.14,50.03;20.30,43.75;,;,;32.22,56.86;,;6.64,73.34;30.54,83.24;,;10.70,57.24;47.58,71.70;28.43,77.71;3.74,68.22;37.43,80.65:31.90,101.07;30.16,84.38;,;35.85,84.19;21.25,61.75;8.55,70.25;35.13,65.61;,;47.41,80.86;,;35.47,76.51;,;5.55,71.88;16.90,80.20;26.09,75.47;,:9.76,57.93,0.11,0,1 +113966:32.78,26.20;,;43.13,50.02;20.29,43.72;,;,;32.12,56.82;,;6.60,73.45;30.56,83.28;,;10.63,57.18;47.56,71.65;28.32,77.81;3.72,68.24;37.46,80.63:31.92,101.09;30.13,84.42;,;35.87,84.20;21.21,61.71;8.57,70.20;35.10,65.58;,;47.37,80.84;,;35.43,76.49;,;5.61,71.95;16.84,80.18;26.05,75.47;,:9.89,57.69,0.11,0,1 +113967:32.81,26.22;,;43.11,50.01;20.28,43.70;,;,;32.02,56.78;,;6.56,73.55;30.57,83.33;,;10.57,57.13;47.55,71.61;28.22,77.90;3.69,68.25;37.49,80.61:31.94,101.10;30.11,84.47;,;35.88,84.20;21.17,61.67;8.59,70.14;35.09,65.56;,;47.33,80.83;,;35.40,76.47;,;5.67,72.02;16.78,80.16;26.01,75.46;,:10.00,57.49,0.11,0,1 +113968:32.83,26.25;,;43.10,50.00;20.28,43.67;,;,;31.93,56.74;,;6.51,73.66;30.59,83.38;,;10.50,57.07;47.53,71.56;28.11,77.99;3.66,68.26;37.52,80.60:31.96,101.12;30.08,84.51;,;35.90,84.21;21.14,61.64;8.61,70.08;35.07,65.52;,;47.29,80.81;,;35.36,76.45;,;5.73,72.09;16.72,80.15;25.98,75.46;,:10.09,57.32,0.11,0,1 +113969:32.86,26.27;,;43.09,49.99;20.27,43.64;,;,;31.84,56.69;,;6.47,73.76;30.60,83.42;,;10.44,57.00;47.52,71.51;28.00,78.08;3.63,68.26;37.56,80.58:31.97,101.13;30.07,84.52;,;35.91,84.21;21.11,61.60;8.62,70.02;35.05,65.49;,;47.26,80.80;,;35.33,76.43;,;5.78,72.16;16.67,80.14;25.94,75.45;,:10.15,57.20,0.11,0,1 +113970:32.88,26.30;,;43.08,49.98;20.27,43.61;,;,;31.76,56.64;,;6.43,73.86;30.62,83.47;,;10.38,56.94;47.50,71.46;27.90,78.17;3.59,68.27;37.59,80.56:31.99,101.15;30.05,84.52;,;35.93,84.23;21.08,61.56;8.63,69.95;35.04,65.46;,;47.22,80.78;,;35.31,76.41;,;5.84,72.22;16.61,80.14;25.90,75.43;,:10.20,57.10,0.11,0,1 +113971:32.90,26.32;,;43.07,49.96;20.26,43.58;,;,;31.67,56.59;,;6.39,73.96;30.63,83.51;,;10.33,56.87;47.49,71.41;27.81,78.26;3.56,68.28;37.64,80.55:32.01,101.17;30.03,84.53;,;35.95,84.24;21.05,61.52;8.64,69.88;35.03,65.42;,;47.19,80.76;,;35.28,76.38;,;5.90,72.29;16.55,80.14;25.86,75.42;,:10.23,57.05,0.11,0,1 +113972:32.92,26.35;,;43.07,49.95;20.26,43.55;,;,;31.59,56.54;,;6.36,74.06;30.65,83.56;,;10.27,56.81;47.48,71.36;27.73,78.33;3.51,68.28;37.68,80.53:32.03,101.18;30.02,84.54;,;35.97,84.25;21.03,61.48;8.65,69.81;35.02,65.39;,;47.16,80.74;,;35.26,76.36;,;5.96,72.36;16.50,80.14;25.82,75.40;,:10.24,57.03,0.11,0,1 +113973:32.95,26.38;,;43.07,49.93;20.25,43.52;,;,;31.51,56.48;,;6.32,74.16;30.66,83.60;,;10.22,56.74;47.46,71.32;27.66,78.40;3.47,68.28;37.72,80.51:32.05,101.20;30.00,84.55;,;35.99,84.26;21.01,61.44;8.65,69.73;35.01,65.35;,;47.13,80.71;,;35.24,76.33;,;6.01,72.43;16.44,80.14;25.78,75.39;,:10.28,56.99,0.11,0,1 +113974:32.97,26.40;,;43.07,49.91;20.25,43.49;,;,;31.44,56.43;,;6.29,74.26;30.67,83.65;,;10.17,56.68;47.45,71.27;27.60,78.47;3.42,68.28;37.77,80.50:32.06,101.22;29.99,84.56;,;36.01,84.27;20.99,61.41;8.66,69.66;35.00,65.31;,;47.11,80.69;,;35.22,76.30;,;6.07,72.50;16.39,80.15;25.74,75.37;,:10.31,56.95,0.11,0,1 +113975:32.99,26.43;,;43.07,49.88;20.25,43.46;,;,;31.36,56.37;,;6.25,74.36;30.69,83.69;,;10.12,56.62;47.44,71.22;27.53,78.53;3.37,68.28;37.82,80.48:32.08,101.23;29.97,84.57;,;36.02,84.29;20.97,61.37;8.66,69.58;34.99,65.27;,;47.09,80.67;,;35.21,76.27;,;6.13,72.58;16.33,80.15;25.70,75.35;,:10.34,56.91,0.11,0,1 +113976:33.00,26.46;,;43.07,49.86;20.25,43.43;,;,;31.30,56.31;,;6.22,74.46;30.73,83.77;,;10.07,56.56;47.42,71.16;27.46,78.60;3.31,68.28;37.86,80.46:32.09,101.24;29.95,84.58;,;36.04,84.30;20.95,61.33;8.67,69.49;34.99,65.23;,;47.07,80.64;,;35.19,76.24;,;6.19,72.65;16.27,80.15;25.66,75.32;,:10.38,56.88,0.11,0,1 +113977:33.02,26.48;,;43.07,49.83;20.25,43.39;,;,;31.23,56.25;,;6.19,74.56;30.76,83.84;,;10.02,56.50;47.41,71.11;27.40,78.66;3.26,68.27;37.91,80.43:32.10,101.26;29.94,84.59;,;36.06,84.31;20.93,61.28;8.68,69.41;34.98,65.19;,;47.05,80.62;,;35.18,76.21;,;6.25,72.73;16.21,80.15;25.63,75.30;,:10.40,56.84,0.11,0,1 +113978:33.04,26.51;,;43.08,49.80;20.25,43.36;,;,;31.17,56.19;,;6.16,74.67;30.80,83.91;,;9.98,56.45;47.39,71.06;27.33,78.73;3.20,68.26;37.95,80.41:32.10,101.27;29.92,84.60;,;36.07,84.32;20.91,61.24;8.69,69.32;34.98,65.15;,;47.03,80.59;,;35.17,76.17;,;6.32,72.81;16.14,80.15;25.59,75.28;,:10.43,56.81,0.11,0,1 +113979:33.06,26.54;,;43.09,49.77;20.25,43.33;,;,;31.11,56.12;,;6.14,74.77;30.84,83.98;,;9.94,56.41;47.38,71.01;27.27,78.80;3.15,68.25;37.99,80.38:32.11,101.28;29.91,84.61;,;36.08,84.33;20.89,61.20;8.70,69.23;34.98,65.11;,;47.02,80.56;,;35.17,76.14;,;6.38,72.90;16.08,80.15;25.55,75.25;,:10.46,56.78,0.11,0,1 +113980:33.08,26.56;,;43.10,49.73;20.25,43.29;,;,;31.06,56.06;,;6.11,74.87;30.87,84.06;,;9.91,56.37;47.37,70.95;27.20,78.86;3.09,68.24;38.03,80.35:32.11,101.29;29.89,84.62;,;36.09,84.34;20.86,61.16;8.72,69.15;34.97,65.07;,;47.00,80.54;,;35.16,76.10;,;6.45,72.99;16.01,80.15;25.51,75.23;,:10.48,56.75,0.11,0,1 +113981:33.09,26.59;,;43.11,49.70;20.25,43.26;,;,;31.00,56.00;,;6.08,74.97;30.91,84.13;,;9.87,56.33;47.36,70.90;27.13,78.93;3.03,68.22;38.06,80.31:32.11,101.29;29.70,84.72;,;36.10,84.35;20.84,61.11;8.73,69.06;34.97,65.02;,;46.99,80.51;,;35.16,76.07;,;6.52,73.08;15.95,80.14;25.47,75.20;,:10.50,56.73,0.11,0,1 +113982:33.11,26.62;,;43.12,49.66;20.26,43.22;,;,;30.95,55.93;,;6.05,75.07;30.95,84.20;,;9.85,56.30;47.35,70.84;27.07,78.99;2.97,68.21;38.09,80.28:32.11,101.30;29.69,84.75;,;36.10,84.36;20.82,61.07;8.75,68.97;34.97,64.98;,;46.97,80.48;,;35.15,76.03;,;6.59,73.18;15.88,80.14;25.44,75.17;,:10.52,56.70,0.11,0,1 +113983:33.12,26.65;,;43.13,49.62;20.26,43.19;,;,;30.90,55.87;,;6.02,75.16;30.98,84.27;,;9.82,56.27;47.33,70.78;27.00,79.06;2.92,68.19;38.12,80.24:32.11,101.30;29.66,84.75;,;36.11,84.36;20.79,61.02;8.78,68.88;34.97,64.93;,;46.96,80.45;,;35.15,75.99;,;6.66,73.29;15.81,80.13;25.40,75.15;,:10.54,56.68,0.11,0,1 +113984:33.14,26.68;,;43.15,49.58;20.26,43.15;,;,;30.85,55.80;,;5.99,75.25;31.02,84.35;,;9.81,56.25;47.32,70.73;26.94,79.12;2.86,68.18;38.15,80.19:32.11,101.30;29.58,84.70;,;36.11,84.37;20.77,60.97;8.81,68.79;34.97,64.89;,;46.95,80.43;,;35.14,75.95;,;6.73,73.40;15.74,80.13;25.37,75.12;,:10.56,56.66,0.11,0,1 +113985:33.15,26.71;,;43.16,49.54;20.26,43.11;,;,;30.80,55.74;,;5.96,75.34;31.06,84.42;,;9.79,56.23;47.31,70.67;26.87,79.19;2.80,68.16;38.17,80.15:32.10,101.31;29.52,84.65;,;36.11,84.37;20.75,60.92;8.84,68.70;34.97,64.84;,;46.94,80.41;,;35.13,75.92;,;6.80,73.51;15.67,80.12;25.33,75.09;,:10.58,56.64,0.11,0,1 +113986:33.16,26.74;,;43.18,49.50;20.27,43.08;,;,;30.76,55.67;,;5.93,75.43;31.09,84.49;,;9.78,56.21;47.30,70.61;26.80,79.26;2.75,68.14;38.20,80.11:32.10,101.31;29.47,84.63;,;36.11,84.38;20.73,60.88;8.87,68.62;34.97,64.80;,;46.94,80.38;,;35.12,75.88;,;6.87,73.63;15.60,80.11;25.30,75.06;,:10.59,56.63,0.11,0,1 +113987:33.17,26.77;,;43.19,49.46;20.27,43.04;,;,;30.72,55.61;,;5.90,75.51;31.13,84.56;,;9.77,56.20;47.30,70.55;26.74,79.32;2.69,68.13;38.22,80.07:32.10,101.30;29.43,84.63;,;36.10,84.38;20.71,60.83;8.91,68.53;34.98,64.75;,;46.93,80.36;,;35.12,75.85;,;6.93,73.75;15.53,80.11;25.27,75.04;,:10.60,56.61,0.11,0,1 +113988:33.18,26.81;,;43.21,49.43;20.27,43.01;,;,;30.67,55.54;,;5.86,75.59;31.17,84.64;,;9.77,56.19;47.30,70.50;26.67,79.39;2.63,68.11;38.24,80.02:32.09,101.30;29.39,84.62;,;36.10,84.38;20.69,60.78;8.95,68.44;34.98,64.71;,;46.93,80.33;,;35.11,75.82;,;7.00,73.87;15.46,80.10;25.23,75.01;,:10.61,56.60,0.11,0,1 +113989:33.18,26.84;,;43.23,49.39;20.26,42.97;,;,;30.63,55.48;,;5.82,75.67;31.21,84.71;,;9.77,56.18;47.29,70.44;26.61,79.45;2.57,68.08;38.27,79.98:32.09,101.30;29.35,84.60;,;36.09,84.38;20.67,60.73;8.99,68.35;34.99,64.66;,;46.92,80.31;,;35.11,75.79;,;7.06,73.99;15.39,80.10;25.20,74.98;,:10.62,56.59,0.11,0,1 +113990:33.19,26.87;,;43.25,49.35;20.26,42.94;,;,;30.59,55.42;,;5.78,75.74;31.24,84.78;,;9.78,56.18;47.30,70.39;26.54,79.52;2.51,68.06;38.30,79.93:32.08,101.29;29.30,84.57;,;36.09,84.38;20.66,60.68;9.04,68.26;35.00,64.61;,;46.92,80.28;,;35.10,75.76;,;7.12,74.12;15.32,80.09;25.17,74.95;,:10.63,56.58,0.11,0,1 +113991:33.19,26.91;,;43.27,49.31;20.26,42.91;,;,;30.55,55.35;,;5.74,75.82;31.28,84.85;,;9.79,56.17;47.30,70.34;26.48,79.59;2.45,68.04;38.32,79.89:32.08,101.28;29.26,84.56;,;36.08,84.38;20.65,60.63;9.08,68.17;35.00,64.57;,;46.92,80.26;,;35.10,75.73;,;7.17,74.24;15.25,80.09;25.13,74.92;,:10.64,56.57,0.11,0,1 +113992:33.19,26.94;,;43.28,49.27;20.25,42.87;,;,;30.52,55.29;,;5.70,75.89;31.32,84.93;,;9.79,56.17;47.30,70.29;26.41,79.65;2.39,68.03;38.35,79.85:32.07,101.27;29.23,84.56;,;36.08,84.38;20.64,60.59;9.13,68.07;35.01,64.52;,;46.91,80.23;,;35.10,75.71;,;7.23,74.37;15.18,80.09;25.09,74.89;,:10.64,56.57,0.11,0,1 +113993:33.19,26.96;,;43.30,49.23;20.25,42.84;,;,;30.48,55.23;,;5.66,75.96;31.35,85.00;,;9.81,56.17;47.31,70.24;26.34,79.72;2.32,68.01;38.39,79.81:32.07,101.26;29.21,84.56;,;36.07,84.38;20.63,60.54;9.17,67.98;35.02,64.48;,;46.91,80.20;,;35.09,75.69;,;7.28,74.50;15.12,80.10;25.06,74.86;,:10.64,56.57,0.11,0,1 +113994:33.19,26.99;,;43.33,49.19;20.24,42.81;,;,;30.45,55.17;,;5.62,76.04;31.39,85.07;,;9.82,56.17;47.31,70.19;26.28,79.78;2.26,67.99;38.42,79.76:32.07,101.26;29.20,84.58;,;36.07,84.38;20.63,60.49;9.22,67.89;35.03,64.43;,;46.91,80.17;,;35.09,75.66;,;7.32,74.62;15.05,80.10;25.02,74.83;,:10.64,56.56,0.11,0,0 +113995:33.19,27.02;,;43.35,49.15;20.24,42.79;,;,;30.42,55.11;,;5.57,76.11;31.43,85.14;,;9.84,56.17;47.32,70.15;26.21,79.85;2.20,67.97;38.45,79.72:32.07,101.25;29.17,84.59;,;36.06,84.38;20.63,60.45;9.27,67.80;35.04,64.39;,;46.90,80.14;,;35.09,75.64;,;7.37,74.75;14.98,80.10;24.97,74.79;,:10.57,56.16,0.11,0,0 +113996:33.18,27.03;,;43.37,49.11;20.23,42.76;,;,;30.39,55.05;,;5.53,76.19;31.46,85.22;,;9.85,56.17;47.33,70.10;26.15,79.91;2.13,67.95;38.49,79.69:32.07,101.24;29.20,84.65;,;36.06,84.38;20.63,60.41;9.31,67.71;35.05,64.35;,;46.89,80.10;,;35.08,75.62;,;7.41,74.87;14.92,80.10;24.93,74.76;,:10.49,55.76,0.11,0,0 +113997:33.18,27.05;,;43.39,49.07;20.23,42.74;,;,;30.36,55.00;,;5.49,76.26;31.51,85.27;,;9.87,56.17;47.34,70.06;26.08,79.98;2.07,67.93;38.53,79.65:32.07,101.23;29.22,84.67;,;36.06,84.39;20.63,60.36;9.36,67.61;35.07,64.31;,;46.88,80.06;,;35.08,75.60;,;7.45,74.99;14.85,80.10;24.89,74.73;,:10.42,55.35,0.11,0,0 +113998:33.18,27.06;,;43.42,49.04;20.22,42.72;,;,;30.33,54.94;,;5.45,76.34;31.55,85.32;,;9.89,56.17;47.35,70.01;26.01,80.05;2.01,67.92;38.56,79.61:32.07,101.22;29.22,84.69;,;36.06,84.39;20.63,60.32;9.41,67.52;35.08,64.27;,;46.87,80.02;,;35.08,75.58;,;7.49,75.11;14.79,80.09;24.84,74.69;,:10.34,54.95,0.11,0,0 +113999:33.18,27.07;,;43.44,49.00;20.22,42.70;,;,;30.30,54.89;,;5.40,76.41;31.59,85.37;,;9.91,56.18;47.36,69.97;25.95,80.11;1.94,67.90;38.60,79.57:32.08,101.22;29.22,84.71;,;36.05,84.39;20.63,60.28;9.45,67.43;35.10,64.23;,;46.86,79.97;,;35.08,75.56;,;7.52,75.22;14.72,80.09;24.79,74.66;,:10.26,54.54,0.11,0,0 +114000:33.18,27.08;,;43.47,48.97;20.21,42.68;,;,;30.27,54.83;,;5.36,76.49;31.63,85.42;,;9.94,56.18;47.37,69.93;25.88,80.18;1.88,67.89;38.64,79.53:32.09,101.21;29.21,84.73;,;36.05,84.39;20.63,60.24;9.50,67.34;35.12,64.19;,;46.85,79.93;,;35.08,75.53;,;7.56,75.34;14.66,80.09;24.75,74.62;,:10.19,54.14,0.11,0,0 +114001:33.18,27.08;,;43.50,48.93;20.21,42.66;,;,;30.24,54.79;,;5.32,76.56;31.68,85.48;,;9.96,56.18;47.37,69.88;25.82,80.24;1.82,67.88;38.68,79.50:32.10,101.20;29.21,84.74;,;36.05,84.39;20.64,60.20;9.54,67.26;35.14,64.16;,;46.83,79.88;,;35.07,75.51;,;7.59,75.45;14.59,80.08;24.70,74.59;,:10.11,53.74,0.11,0,0 +114002:33.18,27.08;,;43.53,48.90;20.20,42.65;,;,;30.21,54.74;,;5.28,76.64;31.72,85.53;,;9.99,56.19;47.38,69.84;25.75,80.31;1.77,67.88;38.72,79.46:32.12,101.20;29.21,84.75;,;36.05,84.40;20.63,60.16;9.58,67.17;35.16,64.12;,;46.82,79.83;,;35.07,75.49;,;7.62,75.55;14.53,80.07;24.65,74.56;,:10.03,53.33,0.11,0,0 +114003:33.18,27.07;,;43.55,48.87;20.20,42.63;,;,;30.18,54.69;,;5.24,76.72;31.76,85.58;,;10.01,56.19;47.38,69.79;25.68,80.37;1.71,67.88;38.76,79.43:32.13,101.19;29.21,84.76;,;36.05,84.40;20.63,60.12;9.63,67.09;35.19,64.09;,;46.81,79.78;,;35.06,75.47;,;7.65,75.65;14.47,80.06;24.61,74.53;,:9.96,52.93,0.11,0,0 +114004:33.18,27.06;,;43.58,48.84;20.19,42.62;,;,;30.14,54.65;,;5.19,76.79;31.81,85.63;,;10.04,56.20;47.37,69.75;25.62,80.44;1.66,67.88;38.80,79.39:32.15,101.18;29.20,84.76;,;36.05,84.40;20.63,60.09;9.67,67.01;35.21,64.05;,;46.79,79.73;,;35.05,75.44;,;7.67,75.75;14.41,80.05;24.56,74.50;,:9.88,52.52,0.11,0,0 +114005:33.19,27.05;,;43.60,48.81;20.19,42.61;,;,;30.11,54.61;,;5.15,76.86;31.85,85.68;,;10.07,56.21;47.37,69.70;25.55,80.51;1.61,67.89;38.83,79.36:32.17,101.17;29.19,84.76;,;36.05,84.40;20.62,60.05;9.71,66.94;35.24,64.02;,;46.78,79.69;,;35.04,75.42;,;7.70,75.84;14.35,80.03;24.52,74.47;,:9.81,52.12,0.11,0,0 +114006:33.19,27.03;,;43.63,48.79;20.18,42.60;,;,;30.08,54.57;,;5.11,76.93;31.89,85.74;,;10.10,56.22;47.36,69.66;25.49,80.57;1.56,67.90;38.87,79.32:32.18,101.16;29.18,84.76;,;36.05,84.40;20.61,60.01;9.76,66.86;35.26,63.99;,;46.77,79.64;,;35.04,75.39;,;7.73,75.92;14.29,80.01;24.47,74.44;,:9.73,51.72,0.11,0,0 +114007:33.20,27.01;,;43.65,48.77;20.17,42.59;,;,;30.04,54.53;,;5.07,77.00;31.94,85.79;,;10.13,56.23;47.36,69.61;25.42,80.64;1.52,67.91;38.91,79.29:32.20,101.14;29.16,84.74;,;36.06,84.40;20.59,59.97;9.80,66.79;35.29,63.95;,;46.77,79.60;,;35.03,75.36;,;7.75,76.00;14.23,80.00;24.43,74.42;,:9.65,51.31,0.11,0,0 +114008:33.21,26.99;,;43.67,48.75;20.16,42.58;,;,;30.00,54.49;,;5.03,77.05;31.25,85.49;,;10.17,56.24;47.35,69.57;25.36,80.70;1.48,67.92;38.95,79.25:32.22,101.13;29.14,84.73;,;36.06,84.40;20.58,59.94;9.84,66.73;35.31,63.92;,;46.76,79.56;,;35.02,75.33;,;7.77,76.08;14.17,79.98;24.39,74.40;,:9.58,50.91,0.11,0,0 +114009:33.22,26.95;,;43.69,48.73;20.15,42.57;,;,;29.96,54.46;,;4.99,77.11;31.25,85.49;,;10.22,56.26;47.33,69.52;25.29,80.77;1.44,67.94;38.98,79.22:32.24,101.11;29.12,84.70;,;36.06,84.40;20.56,59.90;9.88,66.66;35.34,63.89;,;46.76,79.52;,;35.01,75.30;,;7.79,76.15;14.11,79.97;24.35,74.37;,:9.50,50.50,0.11,0,0 +114010:33.23,26.91;,;43.70,48.72;20.13,42.57;,;,;29.91,54.42;,;4.95,77.16;31.25,85.50;,;10.27,56.28;47.32,69.48;25.22,80.83;1.41,67.95;39.01,79.18:32.25,101.08;29.09,84.67;,;36.06,84.40;20.54,59.86;9.91,66.60;35.36,63.86;,;46.75,79.48;,;34.99,75.27;,;7.81,76.22;14.05,79.95;24.31,74.35;,:9.43,50.10,0.11,0,0 +114011:33.24,26.87;,;43.72,48.71;20.11,42.56;,;,;29.87,54.38;,;4.91,77.20;31.26,85.51;,;10.33,56.30;47.30,69.43;25.16,80.90;1.37,67.97;39.04,79.14:32.27,101.06;29.06,84.64;,;36.06,84.40;20.52,59.83;9.95,66.53;35.38,63.83;,;46.75,79.45;,;34.98,75.24;,;7.82,76.28;14.00,79.94;24.27,74.33;,:9.35,49.70,0.11,0,0 +114012:33.26,26.82;,;43.73,48.70;20.10,42.56;,;,;29.83,54.35;,;4.86,77.24;31.26,85.52;,;10.40,56.33;47.28,69.39;25.09,80.97;1.34,67.98;39.07,79.10:32.28,101.02;29.02,84.60;,;36.07,84.40;20.49,59.79;9.98,66.47;35.40,63.80;,;46.76,79.42;,;34.97,75.21;,;7.83,76.34;13.95,79.93;24.23,74.31;,:9.27,49.29,0.11,0,0 +114013:33.28,26.77;,;43.73,48.70;20.08,42.56;,;,;29.79,54.31;,;4.82,77.28;31.27,85.53;,;10.48,56.36;47.26,69.35;25.03,81.03;1.31,67.99;39.10,79.06:32.29,100.99;28.98,84.56;,;36.07,84.40;20.47,59.76;10.01,66.40;35.41,63.76;,;46.76,79.40;,;34.96,75.18;,;7.79,76.31;13.90,79.92;24.20,74.30;,:9.20,48.89,0.11,0,0 +114014:33.30,26.71;,;43.74,48.69;20.06,42.56;,;,;29.74,54.28;,;4.78,77.31;31.27,85.54;,;10.56,56.39;47.24,69.31;24.96,81.10;1.28,68.01;39.13,79.02:32.30,100.95;28.94,84.52;,;36.07,84.40;20.45,59.72;10.04,66.34;35.42,63.73;,;46.76,79.37;,;34.94,75.14;,;7.75,76.27;13.85,79.91;24.16,74.28;,:9.12,48.48,0.11,0,0 +114015:33.32,26.64;,;43.74,48.69;20.04,42.57;,;,;29.70,54.24;,;4.74,77.34;31.28,85.55;,;10.65,56.43;47.22,69.26;24.89,81.16;1.25,68.01;39.16,78.97:32.31,100.91;28.89,84.47;,;36.07,84.40;20.42,59.69;10.07,66.28;35.43,63.70;,;46.76,79.35;,;34.93,75.11;,;7.71,76.24;13.80,79.91;24.12,74.26;,:9.05,48.08,0.11,0,0 +114016:33.35,26.58;,;43.75,48.68;20.02,42.57;,;,;29.66,54.20;,;4.71,77.36;31.29,85.56;,;10.73,56.47;47.19,69.22;24.83,81.23;1.22,68.02;39.18,78.93:32.32,100.86;28.85,84.42;,;36.07,84.40;20.40,59.65;10.09,66.21;35.44,63.67;,;46.76,79.32;,;34.92,75.07;,;7.67,76.21;13.76,79.90;24.09,74.24;,:8.97,47.68,0.11,0,0 +114017:33.37,26.50;,;43.75,48.68;20.00,42.58;,;,;29.62,54.17;,;4.67,77.39;31.30,85.57;,;10.82,56.51;47.17,69.18;24.76,81.30;1.20,68.02;39.20,78.89:32.32,100.81;28.80,84.38;,;36.07,84.40;20.37,59.62;10.12,66.15;35.44,63.64;,;46.76,79.30;,;34.90,75.04;,;7.64,76.17;13.71,79.90;24.05,74.22;,:8.89,47.27,0.11,0,0 +114018:33.40,26.43;,;43.75,48.68;19.98,42.59;,;,;29.58,54.13;,;4.63,77.42;31.30,85.57;,;10.91,56.55;47.14,69.15;24.70,81.36;1.17,68.02;39.22,78.84:32.32,100.76;28.75,84.33;,;36.07,84.39;20.35,59.58;10.14,66.09;35.45,63.60;,;46.75,79.27;,;34.89,75.01;,;7.60,76.14;13.67,79.89;24.01,74.21;,:8.82,46.87,0.11,0,0 +114019:33.43,26.35;,;43.74,48.68;19.96,42.60;,;,;29.54,54.09;,;4.59,77.44;31.31,85.58;,;11.00,56.59;47.11,69.11;24.63,81.43;1.14,68.01;39.24,78.79:32.32,100.70;28.70,84.28;,;36.06,84.39;20.32,59.55;10.16,66.03;35.45,63.57;,;46.75,79.25;,;34.87,74.97;,;7.56,76.11;13.62,79.88;23.98,74.19;,:8.74,46.46,0.11,0,0 +114020:33.45,26.27;,;43.74,48.68;19.94,42.62;,;,;29.50,54.05;,;4.55,77.46;31.32,85.59;,;11.08,56.64;47.08,69.07;24.57,81.49;1.11,68.00;39.26,78.74:32.32,100.64;28.66,84.24;,;36.06,84.38;20.30,59.51;10.18,65.97;35.45,63.54;,;46.74,79.22;,;34.86,74.94;,;7.52,76.07;13.58,79.88;23.94,74.17;,:8.67,46.06,0.11,0,0 +114021:33.48,26.19;,;43.73,48.68;19.92,42.63;,;,;29.46,54.01;,;4.52,77.49;31.33,85.60;,;11.15,56.68;47.04,69.04;24.52,81.54;1.08,67.99;39.27,78.70:32.32,100.58;28.61,84.19;,;36.06,84.38;20.27,59.48;10.20,65.90;35.44,63.50;,;46.73,79.20;,;34.84,74.91;,;7.48,76.04;13.54,79.87;23.90,74.15;,:8.59,45.66,0.11,0,0 +114022:33.51,26.11;,;43.72,48.67;19.91,42.64;,;,;29.42,53.98;,;4.48,77.51;31.34,85.60;,;11.21,56.73;47.00,69.00;24.48,81.58;1.05,67.97;39.29,78.65:32.31,100.52;28.57,84.15;,;36.05,84.37;20.24,59.45;10.22,65.84;35.44,63.46;,;46.72,79.16;,;34.82,74.88;,;7.44,76.01;13.50,79.86;23.87,74.13;,:8.51,45.25,0.11,0,0 +114023:33.54,26.02;,;43.71,48.67;19.89,42.66;,;,;29.38,53.94;,;4.44,77.53;31.34,85.61;,;11.26,56.77;46.97,68.97;24.46,81.62;1.02,67.95;39.30,78.60:32.30,100.46;28.53,84.10;,;36.05,84.36;20.21,59.41;10.24,65.78;35.43,63.43;,;46.71,79.13;,;34.80,74.85;,;7.40,75.97;13.47,79.84;23.83,74.11;,:8.44,44.85,0.11,0,0 +114024:33.57,25.93;,;43.70,48.67;19.88,42.68;,;,;29.34,53.90;,;4.40,77.55;31.35,85.61;,;11.30,56.82;46.92,68.93;24.43,81.64;0.99,67.93;39.31,78.55:32.29,100.40;28.49,84.07;,;36.04,84.35;20.18,59.38;10.26,65.72;35.43,63.39;,;46.69,79.10;,;34.78,74.82;,;7.37,75.94;13.43,79.83;23.79,74.09;,:8.36,44.44,0.11,0,0 +114025:33.60,25.84;,;43.68,48.67;19.87,42.70;,;,;29.30,53.87;,;4.36,77.57;31.35,85.62;,;11.32,56.86;46.88,68.90;24.41,81.67;0.97,67.91;39.32,78.50:32.29,100.34;28.45,84.03;,;36.04,84.35;20.15,59.35;10.27,65.66;35.42,63.36;,;46.67,79.06;,;34.75,74.79;,;7.33,75.91;13.39,79.81;23.75,74.07;,:8.29,44.04,0.11,0,0 +114026:33.63,25.75;,;43.66,48.67;19.85,42.72;,;,;29.26,53.83;,;4.32,77.59;31.36,85.62;,;11.32,56.90;46.83,68.87;24.39,81.70;0.95,67.89;39.33,78.45:32.28,100.28;28.42,83.99;,;36.03,84.34;20.11,59.32;10.29,65.60;35.41,63.32;,;46.65,79.02;,;34.73,74.76;,;7.29,75.88;13.35,79.78;23.71,74.05;,:8.21,43.64,0.11,0,0 +114027:33.66,25.65;,;43.64,48.66;19.84,42.74;,;,;29.22,53.80;,;4.28,77.61;31.36,85.63;,;11.31,56.93;46.78,68.84;24.37,81.73;0.93,67.86;39.34,78.40:32.27,100.22;28.39,83.95;,;36.03,84.33;20.08,59.29;10.31,65.54;35.40,63.28;,;46.63,78.98;,;34.70,74.73;,;7.25,75.84;13.31,79.76;23.67,74.03;,:8.13,43.23,0.11,0,0 +114028:33.69,25.56;,;43.62,48.66;19.83,42.76;,;,;29.17,53.77;,;4.23,77.63;31.36,85.63;,;11.28,56.96;46.72,68.81;24.35,81.76;0.91,67.84;39.34,78.35:32.26,100.16;28.35,83.92;,;36.02,84.32;20.04,59.26;10.33,65.49;35.39,63.25;,;46.60,78.94;,;34.67,74.70;,;7.21,75.81;13.28,79.73;23.63,74.01;,:8.06,42.83,0.11,0,0 +114029:33.71,25.46;,;43.59,48.66;19.81,42.79;,;,;29.13,53.74;,;4.19,77.65;31.36,85.63;,;11.24,56.98;46.66,68.78;24.32,81.79;0.89,67.81;39.35,78.30:32.24,100.10;28.33,83.88;,;36.02,84.31;20.00,59.23;10.34,65.43;35.38,63.21;,;46.57,78.89;,;34.63,74.67;,;7.17,75.78;13.24,79.70;23.59,73.99;,:7.98,42.42,0.11,0,0 +114030:33.74,25.36;,;43.57,48.65;19.80,42.82;,;,;29.07,53.70;,;4.14,77.66;31.37,85.63;,;11.19,57.00;46.60,68.75;24.30,81.82;0.88,67.78;39.35,78.25:32.23,100.05;28.30,83.85;,;36.02,84.30;19.96,59.20;10.36,65.37;35.37,63.18;,;46.55,78.85;,;34.60,74.65;,;7.13,75.74;13.20,79.66;23.55,73.97;,:7.91,42.02,0.11,0,0 +114031:33.77,25.25;,;43.54,48.64;19.78,42.84;,;,;29.02,53.68;,;4.10,77.68;31.37,85.64;,;11.14,57.00;46.53,68.72;24.28,81.84;0.87,67.75;39.35,78.20:32.22,100.00;28.27,83.81;,;36.02,84.29;19.91,59.17;10.37,65.32;35.35,63.14;,;46.52,78.80;,;34.56,74.62;,;7.10,75.71;13.17,79.63;23.50,73.93;,:7.83,41.62,0.11,0,0 +114032:33.80,25.15;,;43.50,48.63;19.76,42.87;,;,;28.97,53.65;,;4.05,77.69;31.37,85.64;,;11.07,57.01;46.47,68.69;24.26,81.87;0.87,67.72;39.34,78.15:32.21,99.95;28.25,83.78;,;36.02,84.29;19.87,59.15;10.39,65.26;35.33,63.11;,;46.49,78.75;,;34.52,74.59;,;7.06,75.68;13.13,79.59;23.45,73.88;,:7.75,41.21,0.11,0,0 +114033:33.82,25.04;,;43.47,48.62;19.74,42.90;,;,;28.91,53.62;,;4.00,77.71;31.36,85.64;,;11.00,57.00;46.41,68.66;24.24,81.90;0.87,67.69;39.33,78.10:32.20,99.90;28.23,83.74;,;36.02,84.28;19.82,59.12;10.41,65.21;35.31,63.08;,;46.46,78.70;,;34.48,74.56;,;7.02,75.64;13.10,79.55;23.40,73.84;,:7.68,40.81,0.11,0,0 +114034:33.85,24.93;,;43.44,48.61;19.72,42.94;,;,;28.86,53.59;,;3.95,77.72;31.36,85.64;,;10.93,56.99;46.35,68.64;24.22,81.93;0.86,67.65;39.32,78.05:32.18,99.86;28.20,83.71;,;36.02,84.27;19.77,59.10;10.42,65.15;35.28,63.05;,;46.43,78.66;,;34.44,74.53;,;6.98,75.61;13.07,79.51;23.35,73.80;,:7.60,40.40,0.11,0,0 +114035:33.88,24.82;,;43.41,48.60;19.70,42.97;,;,;28.80,53.56;,;3.90,77.73;31.36,85.64;,;10.85,56.98;46.28,68.61;24.19,81.96;0.86,67.62;39.30,78.00:32.17,99.81;28.18,83.67;,;36.02,84.27;19.72,59.07;10.44,65.10;35.25,63.02;,;46.39,78.61;,;34.40,74.50;,;6.94,75.58;13.04,79.47;23.30,73.76;,:7.53,40.00,0.11,0,0 +114036:33.91,24.71;,;43.37,48.58;19.68,43.00;,;,;28.74,53.54;,;3.85,77.74;31.35,85.64;,;10.78,56.96;46.22,68.58;24.17,81.99;0.87,67.58;39.27,77.94:32.16,99.77;28.15,83.64;,;36.02,84.27;19.68,59.05;10.45,65.04;35.22,62.99;,;46.35,78.56;,;34.36,74.48;,;6.90,75.54;13.01,79.43;23.26,73.71;,:7.45,39.60,0.11,0,0 +114037:33.94,24.59;,;43.34,48.57;19.65,43.04;,;,;28.68,53.51;,;3.80,77.74;31.35,85.64;,;10.70,56.93;46.16,68.54;24.15,82.02;0.87,67.54;39.25,77.89:32.14,99.73;28.13,83.60;,;36.02,84.26;19.62,59.03;10.47,64.99;35.19,62.96;,;46.31,78.51;,;34.32,74.45;,;6.87,75.51;12.99,79.39;23.21,73.67;,:7.37,39.19,0.11,0,0 +114038:33.96,24.47;,;43.31,48.55;19.63,43.07;,;,;28.62,53.48;,;3.76,77.75;31.34,85.64;,;10.63,56.90;46.11,68.51;24.13,82.05;0.87,67.50;39.22,77.83:32.13,99.68;28.10,83.57;,;36.02,84.26;19.57,59.01;10.49,64.93;35.15,62.94;,;46.27,78.47;,;34.28,74.42;,;6.83,75.48;12.97,79.35;23.16,73.63;,:7.30,38.79,0.11,0,0 +114039:33.99,24.35;,;43.28,48.53;19.60,43.11;,;,;28.57,53.46;,;3.71,77.76;31.34,85.64;,;10.56,56.86;46.05,68.48;24.11,82.07;0.87,67.46;39.19,77.78:32.11,99.64;28.07,83.53;,;36.02,84.26;19.53,58.97;10.50,64.88;35.11,62.91;,;46.23,78.42;,;34.24,74.40;,;6.79,75.45;12.95,79.30;23.11,73.59;,:7.22,38.38,0.11,0,0 +114040:34.02,24.23;,;43.24,48.51;19.57,43.15;,;,;28.51,53.43;,;3.66,77.77;31.34,85.64;,;10.50,56.82;46.00,68.45;24.08,82.10;0.87,67.42;39.16,77.73:32.09,99.59;28.04,83.49;,;36.02,84.25;19.49,58.94;10.52,64.82;35.06,62.88;,;46.18,78.37;,;34.21,74.37;,;6.75,75.41;12.93,79.26;23.06,73.54;,:7.15,37.98,0.11,0,0 +114041:34.05,24.11;,;43.21,48.49;19.54,43.18;,;,;28.46,53.40;,;3.61,77.77;31.34,85.65;,;10.44,56.78;45.94,68.42;24.06,82.13;0.87,67.37;39.13,77.68:32.08,99.55;28.01,83.45;,;36.02,84.25;19.45,58.91;10.53,64.77;35.02,62.86;,;46.14,78.33;,;34.17,74.34;,;6.71,75.38;12.92,79.22;23.01,73.50;,:7.07,37.57,0.11,0,0 +114042:34.08,23.99;,;43.18,48.47;19.51,43.22;,;,;28.42,53.38;,;3.56,77.78;31.34,85.65;,;10.38,56.75;45.89,68.38;24.04,82.16;0.86,67.32;39.09,77.63:32.06,99.50;27.98,83.41;,;36.02,84.25;19.41,58.87;10.55,64.71;34.97,62.83;,;46.10,78.29;,;34.13,74.32;,;6.67,75.35;12.91,79.17;22.96,73.46;,:6.99,37.17,0.11,0,0 +114043:34.11,23.86;,;43.15,48.44;19.48,43.26;,;,;28.38,53.35;,;3.51,77.79;31.34,85.66;,;10.33,56.71;45.84,68.35;24.02,82.19;0.86,67.27;39.04,77.57:32.04,99.45;27.94,83.37;,;36.02,84.25;19.37,58.84;10.56,64.66;34.92,62.81;,;46.05,78.25;,;34.10,74.29;,;6.63,75.31;12.90,79.13;22.94,73.43;,:6.92,36.77,0.11,0,0 +114044:34.14,23.74;,;43.12,48.42;19.44,43.30;,;,;28.34,53.33;,;3.47,77.80;31.34,85.67;,;10.27,56.67;45.79,68.32;24.00,82.22;0.85,67.22;38.99,77.51:32.03,99.40;27.90,83.33;,;36.02,84.25;19.33,58.81;10.58,64.60;34.88,62.78;,;46.01,78.21;,;34.07,74.27;,;6.60,75.28;12.89,79.08;22.92,73.40;,:6.84,36.36,0.11,0,0 +114045:34.17,23.62;,;43.08,48.39;19.41,43.34;,;,;28.31,53.31;,;3.42,77.80;31.35,85.68;,;10.22,56.63;45.75,68.29;23.98,82.25;0.84,67.17;38.94,77.46:32.01,99.35;27.86,83.28;,;36.02,84.25;19.29,58.77;10.60,64.55;34.83,62.76;,;45.97,78.18;,;34.03,74.25;,;6.56,75.25;12.89,79.04;22.90,73.38;,:6.77,35.96,0.11,0,0 +114046:34.19,23.50;,;43.05,48.36;19.38,43.37;,;,;28.28,53.29;,;3.37,77.80;31.35,85.69;,;10.17,56.59;45.70,68.26;23.95,82.27;0.83,67.11;38.87,77.38:31.99,99.30;27.82,83.24;,;36.02,84.25;19.25,58.74;10.61,64.49;34.79,62.73;,;45.93,78.14;,;34.00,74.23;,;6.52,75.21;12.89,79.00;22.88,73.35;,:6.69,35.55,0.11,0,0 +114047:34.22,23.37;,;43.02,48.34;19.34,43.41;,;,;28.25,53.26;,;3.31,77.80;31.36,85.71;,;10.12,56.55;45.66,68.23;23.93,82.30;0.82,67.06;38.79,77.28:31.98,99.25;27.78,83.20;,;36.02,84.25;19.21,58.71;10.63,64.44;34.75,62.71;,;45.90,78.11;,;33.97,74.21;,;6.48,75.18;12.89,78.96;22.86,73.32;,:6.61,35.15,0.11,0,0 +114048:34.25,23.25;,;42.99,48.31;19.31,43.45;,;,;28.23,53.24;,;3.26,77.80;31.37,85.72;,;10.07,56.52;45.61,68.20;23.91,82.33;0.81,67.00;39.22,77.46:31.96,99.20;27.74,83.15;,;36.02,84.25;19.17,58.67;10.65,64.39;34.71,62.68;,;45.87,78.08;,;33.94,74.19;,;6.44,75.15;12.89,78.91;22.84,73.30;,:6.54,34.75,0.11,0,0 +114049:34.28,23.12;,;42.97,48.21;19.27,43.49;,;,;28.21,53.22;,;3.21,77.79;31.37,85.73;,;10.02,56.48;45.56,68.18;23.89,82.36;0.80,66.94;39.25,77.44:31.95,99.15;27.70,83.11;,;36.02,84.25;19.13,58.64;10.67,64.34;34.67,62.66;,;45.83,78.04;,;33.91,74.17;,;6.40,75.11;12.89,78.87;22.81,73.27;,:6.46,34.34,0.11,0,0 +114050:34.30,23.00;,;42.96,48.12;19.24,43.53;,;,;28.19,53.20;,;3.15,77.78;31.38,85.75;,;9.98,56.45;45.51,68.15;23.87,82.39;0.79,66.89;39.27,77.41:31.93,99.10;27.66,83.06;,;36.02,84.26;19.09,58.61;10.69,64.29;34.63,62.63;,;45.80,78.01;,;33.87,74.15;,;6.36,75.08;12.89,78.83;22.79,73.24;,:6.39,33.94,0.11,0,0 +114051:34.34,22.87;,;42.95,48.02;19.20,43.57;,;,;28.17,53.18;,;3.10,77.78;31.38,85.75;,;9.93,56.41;45.46,68.12;23.84,82.42;0.78,66.83;39.30,77.38:31.92,99.04;27.63,83.02;,;36.03,84.26;19.05,58.57;10.71,64.24;34.59,62.61;,;45.78,77.98;,;33.84,74.13;,;6.33,75.05;12.89,78.78;22.77,73.22;,:6.31,33.53,0.11,0,0 +114052:34.37,22.74;,;42.94,47.92;19.17,43.60;,;,;28.14,53.17;,;3.05,77.76;31.38,85.76;,;9.89,56.37;45.42,68.10;23.82,82.45;0.77,66.77;39.31,77.35:31.91,98.99;27.59,82.98;,;36.03,84.27;19.00,58.56;10.73,64.19;34.56,62.58;,;45.75,77.95;,;33.80,74.10;,;6.29,75.02;12.89,78.74;22.75,73.19;,:6.23,33.13,0.11,0,0 +114053:34.40,22.62;,;42.92,47.83;19.13,43.64;,;,;28.12,53.15;,;2.99,77.75;31.37,85.77;,;9.85,56.34;45.36,68.07;23.80,82.47;0.76,66.72;39.33,77.32:31.89,98.94;27.55,82.93;,;36.04,84.27;18.96,58.54;10.76,64.14;34.52,62.56;,;45.73,77.92;,;33.76,74.08;,;6.25,74.98;12.89,78.70;22.73,73.16;,:6.16,32.73,0.11,0,0 +114054:34.43,22.49;,;42.91,47.73;19.10,43.68;,;,;28.09,53.13;,;2.93,77.74;31.37,85.77;,;9.80,56.30;45.31,68.05;23.78,82.50;0.75,66.66;39.33,77.28:31.88,98.90;27.52,82.89;,;36.04,84.28;18.91,58.53;10.78,64.10;34.49,62.54;,;45.70,77.89;,;33.72,74.06;,;6.21,74.95;12.89,78.66;22.71,73.14;,:6.08,32.32,0.11,0,0 +114055:34.46,22.36;,;42.90,47.64;19.06,43.72;,;,;28.07,53.11;,;2.88,77.72;31.36,85.77;,;9.76,56.26;45.26,68.03;23.76,82.53;0.75,66.60;39.33,77.24:31.87,98.84;27.49,82.85;,;36.04,84.28;18.87,58.51;10.81,64.05;34.46,62.51;,;45.68,77.86;,;33.67,74.04;,;6.17,74.92;12.89,78.61;22.56,73.41;,:6.01,31.92,0.11,0,0 +114056:34.49,22.23;,;42.89,47.54;19.03,43.76;,;,;28.04,53.09;,;2.83,77.71;31.35,85.77;,;9.72,56.22;45.21,68.00;23.74,82.56;0.75,66.54;39.31,77.19:31.86,98.79;27.46,82.80;,;36.05,84.28;18.82,58.50;10.83,64.01;34.43,62.49;,;45.65,77.82;,;33.63,74.02;,;6.13,74.88;12.88,78.57;22.52,73.38;,:5.93,31.51,0.11,0,0 +114057:34.52,22.10;,;42.87,47.45;18.99,43.80;,;,;28.00,53.08;,;2.77,77.69;31.33,85.76;,;9.68,56.18;45.16,67.98;23.71,82.59;0.74,66.49;39.28,77.13:31.84,98.74;27.43,82.76;,;36.05,84.29;18.77,58.48;10.86,63.97;34.39,62.47;,;45.62,77.79;,;33.58,74.00;,;6.10,74.85;12.88,78.53;22.48,73.36;,:5.85,31.11,0.11,0,0 +114058:34.55,21.97;,;42.86,47.35;18.96,43.84;,;,;27.96,53.06;,;2.72,77.68;31.31,85.76;,;9.63,56.13;45.11,67.96;23.69,82.62;0.74,66.43;39.24,77.07:31.83,98.68;27.40,82.73;,;36.05,84.29;18.73,58.47;10.89,63.92;34.35,62.45;,;45.59,77.75;,;33.53,73.98;,;6.06,74.82;12.87,78.48;22.44,73.33;,:5.78,30.71,0.11,0,0 +114059:34.58,21.84;,;42.85,47.25;18.92,43.87;,;,;27.91,53.04;,;2.67,77.66;31.29,85.74;,;9.59,56.09;45.06,67.94;23.67,82.65;0.74,66.38;39.19,77.00:31.82,98.63;27.38,82.69;,;36.06,84.29;18.68,58.45;10.91,63.88;34.32,62.42;,;45.56,77.71;,;33.48,73.95;,;6.02,74.78;12.87,78.44;22.39,73.30;,:5.70,30.30,0.11,0,0 +114060:34.61,21.70;,;42.83,47.16;18.89,43.91;,;,;27.87,53.02;,;2.62,77.65;31.28,85.74;,;9.55,56.04;45.01,67.92;23.65,82.68;0.75,66.32;39.15,76.95:31.80,98.57;27.35,82.65;,;36.06,84.30;18.64,58.44;10.94,63.84;34.28,62.40;,;45.53,77.68;,;33.43,73.93;,;5.98,74.75;12.86,78.39;22.35,73.28;,:5.63,29.90,0.11,0,0 +114061:34.64,21.57;,;42.83,47.12;18.85,43.95;,;,;27.82,53.00;,;2.57,77.63;31.26,85.73;,;9.52,56.00;44.96,67.90;23.63,82.70;0.75,66.27;39.11,76.90:31.79,98.51;27.33,82.62;,;36.06,84.30;18.59,58.42;10.96,63.80;34.23,62.38;,;45.50,77.64;,;33.38,73.91;,;5.94,74.72;12.86,78.35;22.30,73.25;,:5.55,29.49,0.11,0,0 +114062:34.68,21.43;,;42.83,47.07;18.82,43.98;,;,;27.76,52.98;,;2.52,77.61;31.24,85.72;,;9.48,55.95;44.91,67.88;23.60,82.73;0.75,66.22;39.08,76.84:31.78,98.45;27.31,82.58;,;36.06,84.30;18.55,58.41;10.99,63.75;34.19,62.36;,;45.46,77.60;,;33.33,73.89;,;5.90,74.68;12.86,78.30;22.26,73.22;,:5.47,29.09,0.11,0,0 +114063:34.71,21.30;,;42.83,47.03;18.79,44.02;,;,;27.71,52.96;,;2.47,77.59;31.23,85.72;,;9.44,55.90;44.86,67.86;23.58,82.76;0.75,66.16;39.04,76.79:31.77,98.39;27.28,82.54;,;36.06,84.30;18.50,58.39;11.01,63.71;34.14,62.33;,;45.42,77.56;,;33.28,73.88;,;5.86,74.65;12.85,78.25;22.21,73.19;,:5.40,28.69,0.11,0,0 +114064:34.75,21.17;,;42.83,46.99;18.75,44.06;,;,;27.65,52.94;,;2.42,77.57;31.22,85.71;,;9.40,55.85;44.81,67.83;23.56,82.79;0.75,66.11;39.01,76.74:31.75,98.33;27.26,82.51;,;36.06,84.29;18.45,58.38;11.04,63.67;34.10,62.31;,;45.37,77.52;,;33.23,73.86;,;5.83,74.62;12.85,78.21;22.16,73.16;,:5.32,28.28,0.11,0,0 +114065:34.78,21.03;,;42.83,46.94;18.71,44.10;,;,;27.59,52.93;,;2.37,77.55;31.21,85.71;,;9.36,55.81;44.77,67.81;23.54,82.82;0.75,66.05;38.97,76.68:31.74,98.26;27.23,82.47;,;36.06,84.29;18.41,58.36;11.06,63.62;34.05,62.29;,;45.33,77.48;,;33.19,73.84;,;5.79,74.58;12.85,78.16;22.11,73.13;,:5.25,27.88,0.11,0,0 +114066:34.82,20.90;,;42.82,46.90;18.67,44.13;,;,;27.54,52.91;,;2.33,77.53;31.21,85.71;,;9.32,55.76;44.72,67.79;23.52,82.86;0.75,66.00;38.93,76.63:31.73,98.19;27.20,82.44;,;36.06,84.29;18.17,58.43;11.08,63.58;34.00,62.26;,;45.28,77.44;,;33.14,73.83;,;5.75,74.55;12.85,78.10;22.07,73.10;,:5.17,27.47,0.11,0,0 +114067:34.85,20.76;,;42.82,46.86;18.63,44.17;,;,;27.48,52.89;,;2.28,77.51;31.21,85.72;,;9.27,55.71;44.67,67.77;23.50,82.89;0.74,65.94;38.90,76.58:31.72,98.12;27.17,82.40;,;36.06,84.29;18.11,58.41;11.11,63.53;33.95,62.24;,;45.23,77.40;,;33.09,73.82;,;5.71,74.52;12.85,78.05;22.02,73.07;,:5.09,27.07,0.11,0,0 +114068:34.88,20.63;,;42.82,46.82;18.59,44.21;,;,;27.42,52.87;,;2.24,77.48;31.22,85.72;,;9.23,55.67;44.63,67.74;23.48,82.93;0.73,65.88;38.86,76.52:31.71,98.05;27.14,82.36;,;36.06,84.29;18.06,58.39;11.13,63.48;33.90,62.22;,;45.17,77.36;,;33.05,73.80;,;5.67,74.49;12.85,78.00;21.97,73.05;,:5.02,26.67,0.11,0,0 +114069:34.91,20.50;,;42.82,46.77;18.54,44.25;,;,;27.37,52.85;,;2.20,77.46;31.22,85.73;,;9.19,55.62;44.58,67.72;23.46,82.96;0.72,65.82;38.82,76.47:31.70,97.97;27.10,82.33;,;36.06,84.29;18.01,58.37;11.15,63.44;33.85,62.20;,;45.12,77.32;,;33.00,73.79;,;5.63,74.45;12.85,77.94;21.93,73.02;,:4.94,26.26,0.11,0,0 +114070:34.95,20.36;,;42.82,46.73;18.50,44.28;,;,;27.31,52.83;,;2.15,77.44;31.23,85.74;,;9.14,55.58;44.53,67.69;23.44,83.00;0.71,65.76;38.79,76.42:31.69,97.90;27.07,82.29;,;36.06,84.29;17.95,58.35;11.17,63.39;33.80,62.17;,;45.07,77.29;,;32.95,73.78;,;5.59,74.42;12.85,77.89;21.89,72.99;,:4.87,25.86,0.11,0,0 +114071:34.98,20.22;,;42.82,46.69;18.45,44.32;,;,;27.26,52.81;,;2.11,77.41;31.24,85.75;,;9.09,55.54;44.49,67.67;23.42,83.03;0.70,65.70;38.75,76.36:31.68,97.82;27.03,82.25;,;36.06,84.29;17.90,58.34;11.19,63.34;33.75,62.15;,;45.01,77.25;,;32.91,73.77;,;5.56,74.39;12.85,77.83;21.85,72.97;,:4.79,25.45,0.11,0,0 +114072:35.02,20.09;,;42.81,46.64;18.40,44.36;,;,;27.21,52.80;,;2.07,77.39;31.25,85.77;,;9.05,55.50;44.44,67.64;23.40,83.06;0.69,65.64;38.72,76.31:31.67,97.75;26.99,82.21;,;36.06,84.29;17.85,58.32;11.21,63.30;33.71,62.13;,;44.96,77.22;,;32.86,73.75;,;5.52,74.35;12.86,77.78;21.81,72.94;,:4.71,25.05,0.11,0,0 +114073:35.05,19.95;,;42.81,46.60;18.34,44.39;,;,;27.16,52.78;,;2.03,77.36;31.26,85.78;,;9.00,55.46;44.40,67.61;23.37,83.10;0.67,65.58;38.68,76.26:31.67,97.68;26.95,82.17;,;36.06,84.29;17.80,58.30;11.23,63.25;33.66,62.10;,;44.91,77.19;,;32.81,73.74;,;5.48,74.32;12.86,77.72;21.77,72.92;,:4.64,24.65,0.11,0,0 +114074:35.09,19.82;,;42.79,46.99;18.29,44.43;,;,;27.12,52.76;,;1.99,77.33;31.27,85.79;,;8.95,55.42;44.36,67.59;23.35,83.13;0.66,65.52;38.64,76.20:31.66,97.61;26.90,82.13;,;36.07,84.29;17.75,58.28;11.26,63.21;33.62,62.08;,;44.86,77.16;,;32.76,73.73;,;5.44,74.29;12.86,77.67;21.74,72.90;,:4.56,24.24,0.11,0,0 +114075:35.12,19.68;,;42.77,46.93;18.24,44.46;,;,;27.07,52.74;,;1.95,77.30;31.27,85.79;,;8.90,55.39;44.31,67.56;23.33,83.17;0.64,65.45;38.61,76.15:31.66,97.54;26.86,82.08;,;36.07,84.29;17.70,58.26;11.28,63.17;33.58,62.06;,;44.82,77.13;,;32.71,73.72;,;5.40,74.25;12.86,77.61;21.71,72.87;,:4.49,23.84,0.11,0,0 +114076:35.16,19.55;,;42.75,46.88;18.18,44.50;,;,;27.03,52.72;,;1.91,77.28;31.27,85.80;,;8.85,55.35;44.27,67.53;23.31,83.20;0.63,65.39;38.57,76.10:31.66,97.47;26.82,82.04;,;36.07,84.29;17.65,58.25;11.31,63.12;33.53,62.04;,;44.77,77.10;,;32.66,73.71;,;5.36,74.22;12.86,77.56;21.68,72.85;,:4.41,23.43,0.11,0,0 +114077:35.20,19.41;,;42.73,46.82;18.13,44.53;,;,;26.98,52.70;,;1.87,77.25;31.27,85.81;,;8.80,55.32;44.22,67.51;23.29,83.24;0.62,65.33;38.53,76.04:31.66,97.40;26.77,82.00;,;36.07,84.29;17.60,58.23;11.33,63.08;33.49,62.02;,;44.73,77.07;,;32.61,73.69;,;5.33,74.19;12.87,77.50;21.65,72.83;,:4.33,23.03,0.11,0,0 +114078:35.23,19.28;,;42.70,46.76;18.07,44.56;,;,;26.94,52.68;,;1.83,77.22;31.28,85.82;,;8.74,55.29;44.17,67.48;23.27,83.27;0.61,65.26;38.50,75.99:31.66,97.34;26.73,81.96;,;36.08,84.29;17.56,58.21;11.36,63.03;33.45,61.99;,;44.68,77.04;,;32.56,73.68;,;5.29,74.15;12.87,77.45;21.63,72.81;,:4.26,22.63,0.11,0,0 +114079:35.27,19.15;,;42.67,46.71;18.02,44.59;,;,;26.90,52.66;,;1.79,77.20;31.29,85.82;,;8.69,55.25;44.12,67.45;23.25,83.30;0.60,65.20;38.46,75.94:31.66,97.28;26.69,81.92;,;36.08,84.29;17.51,58.19;11.39,62.99;33.41,61.97;,;44.64,77.02;,;32.51,73.67;,;5.25,74.12;12.87,77.41;21.61,72.78;,:4.18,22.22,0.11,0,0 +114080:35.31,19.01;,;42.64,46.66;17.97,44.63;,;,;26.86,52.64;,;1.76,77.17;31.29,85.83;,;8.64,55.22;44.07,67.43;23.23,83.34;0.59,65.14;38.43,75.88:31.66,97.22;26.65,81.87;,;36.08,84.29;17.46,58.17;11.42,62.95;33.37,61.95;,;44.60,76.99;,;32.46,73.66;,;5.21,74.09;12.87,77.36;21.58,72.76;,:4.11,21.82,0.11,0,0 +114081:35.34,18.88;,;42.60,46.61;17.92,44.66;,;,;26.82,52.62;,;1.72,77.14;31.30,85.84;,;8.59,55.20;44.02,67.40;23.21,83.37;0.58,65.07;38.39,75.83:31.67,97.16;26.62,81.83;,;36.08,84.28;17.41,58.15;11.45,62.91;33.33,61.93;,;44.56,76.96;,;32.41,73.64;,;5.17,74.06;12.88,77.32;21.56,72.73;,:4.03,21.41,0.11,0,0 +114082:35.38,18.74;,;42.57,46.56;17.87,44.69;,;,;26.78,52.61;,;1.68,77.11;31.30,85.85;,;8.53,55.17;43.97,67.38;23.19,83.41;0.58,65.01;38.35,75.77:31.68,97.11;26.58,81.78;,;36.08,84.28;17.36,58.14;11.48,62.87;33.29,61.91;,;44.53,76.94;,;32.35,73.63;,;5.13,74.02;12.88,77.28;21.53,72.70;,:3.95,21.01,0.11,0,0 +114083:35.42,18.61;,;42.54,46.52;17.82,44.72;,;,;26.73,52.59;,;1.65,77.08;31.31,85.86;,;8.48,55.14;43.91,67.36;23.17,83.44;0.57,64.95;38.32,75.72:31.69,97.05;26.54,81.74;,;36.08,84.28;17.30,58.12;11.51,62.83;33.25,61.89;,;44.49,76.91;,;32.30,73.62;,;5.09,73.99;12.88,77.23;21.50,72.67;,:3.88,20.61,0.11,0,0 +114084:35.45,18.47;,;42.50,46.47;17.77,44.75;,;,;26.69,52.57;,;1.61,77.05;31.32,85.86;,;8.43,55.11;43.85,67.33;23.15,83.48;0.57,64.89;38.28,75.67:31.70,97.01;26.51,81.70;,;36.08,84.27;17.25,58.10;11.54,62.80;33.21,61.87;,;44.45,76.88;,;32.25,73.60;,;5.06,73.96;12.88,77.19;21.48,72.64;,:3.80,20.20,0.11,0,0 +114085:35.49,18.34;,;42.46,46.42;17.72,44.78;,;,;26.64,52.55;,;1.57,77.01;31.33,85.87;,;8.38,55.08;43.79,67.31;23.13,83.51;0.57,64.83;38.24,75.61:31.72,96.96;26.48,81.65;,;36.07,84.27;17.20,58.08;11.57,62.76;33.17,61.85;,;44.41,76.85;,;32.19,73.59;,;5.02,73.92;12.89,77.15;21.45,72.61;,:3.73,19.80,0.11,0,0 +114086:35.53,18.20;,;42.42,46.38;17.67,44.80;,;,;26.60,52.53;,;1.53,76.98;31.34,85.88;,;8.33,55.06;43.74,67.28;23.11,83.54;0.56,64.77;38.21,75.56:31.74,96.91;26.45,81.61;,;36.07,84.26;17.14,58.06;11.60,62.72;33.13,61.83;,;44.38,76.83;,;32.14,73.58;,;4.98,73.89;12.89,77.11;21.42,72.57;,:3.65,19.39,0.11,0,0 +114087:35.54,18.10;,;42.38,46.33;17.63,44.83;,;,;26.55,52.52;,;1.50,76.94;31.36,85.90;,;8.28,55.03;43.68,67.26;23.08,83.58;0.56,64.71;38.17,75.51:31.76,96.87;26.42,81.57;,;36.07,84.26;17.08,58.04;11.63,62.69;33.09,61.81;,;44.34,76.80;,;32.09,73.57;,;4.94,73.86;12.89,77.07;21.38,72.53;,:3.57,18.99,0.11,0,0 +114088:35.56,18.00;,;42.33,46.29;17.58,44.86;,;,;26.50,52.50;,;1.46,76.89;31.37,85.91;,;8.23,55.00;43.63,67.24;23.06,83.61;0.56,64.65;38.14,75.45:31.78,96.83;26.39,81.52;,;36.06,84.25;17.03,58.02;11.66,62.65;33.04,61.79;,;44.30,76.77;,;32.04,73.55;,;4.90,73.82;12.89,77.03;21.35,72.49;,:3.50,18.59,0.11,0,0 +114089:35.57,17.90;,;42.28,46.25;17.54,44.89;,;,;26.45,52.49;,;1.42,76.85;31.38,85.92;,;8.18,54.97;43.57,67.22;23.04,83.65;0.55,64.60;38.10,75.40:31.80,96.78;26.37,81.48;,;36.06,84.24;16.97,58.01;11.69,62.61;32.99,61.77;,;44.25,76.74;,;31.99,73.54;,;4.86,73.79;12.89,76.98;21.31,72.45;,:3.42,18.18,0.11,0,0 +114090:35.59,17.80;,;42.23,46.21;17.49,44.91;,;,;26.40,52.47;,;1.38,76.80;31.38,85.92;,;8.13,54.95;43.52,67.19;23.02,83.68;0.55,64.54;38.06,75.35:31.82,96.74;26.34,81.44;,;36.06,84.24;16.91,57.99;11.72,62.57;32.95,61.76;,;44.21,76.71;,;31.94,73.53;,;4.82,73.76;12.90,76.94;21.28,72.41;,:3.34,17.78,0.11,0,0 +114091:35.60,17.70;,;42.18,46.17;17.44,44.94;,;,;26.35,52.46;,;1.34,76.75;31.38,85.92;,;8.08,54.92;43.46,67.17;23.00,83.72;0.54,64.48;38.03,75.29:31.85,96.70;26.31,81.39;,;36.05,84.23;16.86,57.97;11.75,62.53;32.89,61.74;,;44.16,76.67;,;31.89,73.52;,;4.79,73.72;12.90,76.89;21.24,72.37;,:3.27,17.37,0.11,0,0 +114092:35.62,17.60;,;42.12,46.13;17.40,44.97;,;,;26.30,52.44;,;1.30,76.70;31.37,85.91;,;8.03,54.90;43.41,67.14;22.98,83.75;0.53,64.41;37.99,75.24:31.87,96.65;26.28,81.35;,;36.05,84.23;16.80,57.95;11.78,62.49;32.84,61.72;,;44.11,76.64;,;31.85,73.51;,;4.75,73.69;12.90,76.83;21.20,72.32;,:3.19,16.97,0.11,0,0 +114093:35.63,17.50;,;42.06,46.09;17.35,44.99;,;,;26.25,52.43;,;1.26,76.65;31.36,85.90;,;7.98,54.87;43.36,67.10;22.96,83.78;0.52,64.35;37.94,75.19:31.89,96.60;26.26,81.30;,;36.05,84.23;16.75,57.93;11.80,62.45;32.78,61.70;,;44.06,76.61;,;31.80,73.50;,;4.71,73.66;12.90,76.78;21.16,72.28;,:3.12,16.57,0.11,0,0 +114094:35.65,17.40;,;41.99,46.05;17.30,45.02;,;,;26.20,52.42;,;1.22,76.61;31.33,85.88;,;7.92,54.85;43.31,67.06;22.92,83.80;0.51,64.29;37.89,75.15:31.91,96.56;26.23,81.26;,;36.04,84.23;16.69,57.91;11.83,62.41;32.72,61.68;,;44.01,76.58;,;31.75,73.49;,;4.67,73.63;12.90,76.72;21.12,72.23;,:3.04,16.16,0.11,0,0 +114095:35.66,17.30;,;41.93,46.01;17.24,45.05;,;,;26.15,52.41;,;1.19,76.56;31.30,85.85;,;7.87,54.82;43.26,67.01;22.88,83.80;0.49,64.23;37.84,75.10:31.92,96.51;26.19,81.22;,;36.04,84.23;16.63,57.89;11.85,62.36;32.66,61.66;,;43.95,76.54;,;31.71,73.48;,;4.63,73.59;12.90,76.66;21.08,72.19;,:2.96,15.76,0.11,0,0 +114096:35.68,17.19;,;41.86,45.98;17.19,45.07;,;,;26.10,52.39;,;1.15,76.51;31.25,85.82;,;7.82,54.80;43.22,66.97;22.82,83.79;0.48,64.16;37.79,75.06:31.94,96.46;26.16,81.17;,;36.05,84.23;16.58,57.88;11.87,62.32;32.61,61.64;,;43.89,76.51;,;31.66,73.47;,;4.59,73.56;12.90,76.60;21.05,72.15;,:2.89,15.35,0.11,0,0 +114097:35.69,17.09;,;41.80,45.94;17.14,45.10;,;,;26.05,52.38;,;1.11,76.47;31.21,85.78;,;7.76,54.78;43.17,66.93;22.76,83.78;0.47,64.10;37.74,75.01:31.95,96.41;26.12,81.12;,;36.05,84.23;16.53,57.86;11.89,62.28;32.54,61.62;,;43.84,76.48;,;31.61,73.45;,;4.56,73.53;12.90,76.53;21.01,72.11;,:2.81,14.95,0.11,0,0 +114098:35.88,16.55;,;41.73,45.91;17.09,45.12;,;,;26.00,52.37;,;1.07,76.43;31.16,85.74;,;7.71,54.76;43.12,66.88;22.70,83.76;0.45,64.04;37.69,74.97:31.96,96.37;26.09,81.07;,;36.05,84.24;16.47,57.84;11.91,62.23;32.48,61.60;,;43.78,76.44;,;31.56,73.44;,;4.52,73.49;12.90,76.47;20.98,72.07;,:2.74,14.55,0.11,0,0 +114099:35.92,16.41;,;41.67,45.88;17.03,45.15;,;,;25.95,52.36;,;1.04,76.39;31.11,85.70;,;7.66,54.74;43.07,66.84;22.64,83.75;0.44,63.97;37.64,74.92:31.98,96.33;26.05,81.03;,;36.06,84.24;16.42,57.82;11.94,62.19;32.42,61.57;,;43.72,76.41;,;31.52,73.42;,;4.48,73.46;12.91,76.41;20.95,72.02;,:2.66,14.14,0.11,0,0 +114100:35.96,16.27;,;41.60,45.85;16.98,45.17;,;,;25.90,52.35;,;1.00,76.35;31.03,85.63;,;7.60,54.72;43.02,66.80;22.58,83.73;0.43,63.91;37.60,74.88:31.99,96.29;26.01,80.98;,;36.06,84.25;16.37,57.80;11.96,62.15;32.35,61.55;,;43.67,76.38;,;31.47,73.41;,;4.44,73.43;12.91,76.35;20.92,71.98;,:2.58,13.74,0.11,0,0 +114101:36.00,16.13;,;41.54,45.81;16.93,45.20;,;,;25.85,52.33;,;0.97,76.32;30.94,85.56;,;7.55,54.70;42.97,66.76;22.52,83.72;0.42,63.85;37.55,74.83:32.00,96.25;25.96,80.93;,;36.06,84.25;16.32,57.78;11.98,62.10;32.29,61.53;,;43.61,76.35;,;31.42,73.39;,;4.40,73.39;12.90,76.28;20.90,71.94;,:2.51,13.33,0.11,0,0 +114102:36.04,15.99;,;41.48,45.79;16.87,45.22;,;,;25.80,52.32;,;0.93,76.28;30.86,85.49;,;7.50,54.68;42.92,66.71;22.46,83.71;0.41,63.78;37.50,74.78:32.02,96.21;25.92,80.88;,;36.06,84.26;16.27,57.76;12.00,62.06;32.23,61.51;,;43.56,76.32;,;31.38,73.38;,;4.36,73.36;12.90,76.22;20.88,71.90;,:2.43,12.93,0.11,0,0 +114103:36.08,15.85;,;41.41,45.76;16.82,45.25;,;,;25.76,52.31;,;0.90,76.25;30.78,85.42;,;7.44,54.66;42.88,66.67;22.40,83.69;0.40,63.72;37.45,74.74:32.03,96.16;25.88,80.83;,;36.06,84.26;16.22,57.74;12.02,62.02;32.17,61.49;,;43.51,76.29;,;31.33,73.36;,;4.32,73.33;12.90,76.16;20.86,71.86;,:2.36,12.52,0.11,0,0 +114104:36.11,15.72;,;41.35,45.73;16.77,45.27;,;,;25.71,52.29;,;0.87,76.22;30.67,85.33;,;7.38,54.65;42.83,66.63;22.34,83.68;0.39,63.66;37.40,74.69:32.05,96.12;25.84,80.79;,;36.06,84.26;16.17,57.72;12.04,61.97;32.11,61.46;,;43.46,76.27;,;31.28,73.35;,;4.29,73.29;12.89,76.10;20.84,71.82;,:2.28,12.12,0.11,0,0 +114105:36.15,15.58;,;41.30,45.71;16.72,45.29;,;,;25.66,52.28;,;0.84,76.19;30.54,85.21;,;7.33,54.63;42.79,66.60;22.28,83.66;0.39,63.60;37.35,74.65:32.06,96.08;25.80,80.74;,;36.06,84.27;16.12,57.71;12.06,61.93;32.06,61.44;,;43.41,76.24;,;31.23,73.33;,;4.25,73.26;12.89,76.05;20.82,71.78;,:2.20,11.72,0.11,0,0 +114106:36.19,15.44;,;41.24,45.68;16.67,45.31;,;,;25.61,52.26;,;0.81,76.16;30.48,85.16;,;7.27,54.61;42.74,66.56;22.22,83.65;0.39,63.54;37.30,74.60:32.07,96.04;25.76,80.69;,;36.05,84.26;16.07,57.69;12.09,61.89;32.00,61.42;,;43.37,76.21;,;31.18,73.31;,;4.21,73.23;12.88,75.99;20.81,71.74;,:2.13,11.31,0.11,0,0 +114107:36.23,15.29;,;41.18,45.66;16.62,45.34;,;,;25.56,52.25;,;0.78,76.13;30.34,85.03;,;7.21,54.59;42.70,66.53;22.16,83.63;0.39,63.47;37.25,74.56:32.09,96.00;25.73,80.64;,;36.04,84.26;16.02,57.67;12.11,61.84;31.95,61.40;,;43.32,76.19;,;31.13,73.29;,;4.17,73.20;12.88,75.94;20.79,71.70;,:2.05,10.91,0.11,0,0 +114108:36.27,15.15;,;41.12,45.64;16.57,45.36;,;,;25.52,52.24;,;0.75,76.09;30.41,85.08;,;7.15,54.57;42.66,66.50;22.10,83.62;0.39,63.41;37.20,74.51:32.10,95.96;25.69,80.60;,;36.03,84.25;15.97,57.65;12.13,61.80;31.90,61.38;,;43.27,76.16;,;31.08,73.27;,;4.13,73.16;12.87,75.89;20.78,71.66;,:1.98,10.50,0.11,0,0 +114109:36.31,15.02;,;41.07,45.62;16.52,45.38;,;,;25.47,52.22;,;0.72,76.06;30.32,84.99;,;7.09,54.56;42.62,66.47;22.04,83.61;0.39,63.35;37.15,74.47:32.07,95.87;25.65,80.55;,;36.01,84.24;15.92,57.63;12.15,61.76;31.84,61.36;,;43.23,76.14;,;31.03,73.25;,;4.09,73.13;12.86,75.84;20.77,71.62;,:1.90,10.10,0.11,0,0 +114110:36.34,14.88;,;41.01,45.60;16.46,45.40;,;,;25.43,52.21;,;0.70,76.04;30.27,84.90;,;7.03,54.54;42.58,66.44;21.98,83.59;0.39,63.29;37.10,74.42:32.04,95.78;25.62,80.51;,;35.99,84.23;15.87,57.61;12.17,61.72;31.79,61.34;,;43.19,76.11;,;30.98,73.23;,;4.05,73.10;12.85,75.79;20.76,71.58;,:1.82,9.70,0.11,0,0 +114111:36.38,14.74;,;40.95,45.59;16.41,45.42;,;,;25.38,52.20;,;0.69,76.02;30.21,84.81;,;6.97,54.52;42.53,66.41;21.92,83.58;0.39,63.23;37.05,74.38:32.02,95.69;25.59,80.46;,;35.97,84.21;15.82,57.59;12.19,61.67;31.75,61.32;,;43.15,76.09;,;30.93,73.21;,;4.02,73.06;12.84,75.74;20.74,71.54;,:1.75,9.29,0.11,0,0 +114112:36.41,14.61;,;40.89,45.57;16.36,45.44;,;,;25.33,52.19;,;0.67,76.00;30.16,84.72;,;6.92,54.50;42.49,66.38;21.86,83.56;0.39,63.17;37.00,74.33:31.99,95.60;25.56,80.42;,;35.94,84.20;15.76,57.57;12.21,61.63;31.70,61.30;,;43.11,76.07;,;30.87,73.19;,;3.98,73.03;12.82,75.69;20.73,71.50;,:1.67,8.89,0.11,0,0 +114113:36.44,14.47;,;40.83,45.56;16.31,45.46;,;,;25.28,52.17;,;0.65,75.98;30.11,84.63;,;6.86,54.49;42.45,66.35;21.80,83.55;0.39,63.11;36.95,74.28:31.96,95.52;25.53,80.37;,;35.92,84.18;15.70,57.55;12.23,61.59;31.65,61.28;,;43.06,76.04;,;30.82,73.17;,;3.94,73.00;12.81,75.64;20.71,71.46;,:1.60,8.48,0.11,0,0 +114114:36.48,14.34;,;40.77,45.54;16.26,45.48;,;,;25.23,52.16;,;0.63,75.96;30.05,84.53;,;6.80,54.47;42.41,66.31;21.74,83.53;0.39,63.05;36.90,74.24:31.94,95.43;25.51,80.33;,;35.89,84.17;15.64,57.54;12.25,61.55;31.59,61.26;,;43.02,76.02;,;30.76,73.15;,;3.90,72.96;12.80,75.59;20.69,71.41;,:1.52,8.08,0.11,0,0 +114115:36.51,14.21;,;40.70,45.53;16.21,45.50;,;,;25.18,52.16;,;0.61,75.94;30.00,84.44;,;6.75,54.45;42.37,66.28;21.68,83.52;0.39,62.99;36.85,74.19:31.91,95.34;25.49,80.29;,;35.86,84.15;15.58,57.52;12.26,61.50;31.54,61.24;,;42.97,75.99;,;30.70,73.13;,;3.86,72.93;12.79,75.54;20.68,71.37;,:1.44,7.68,0.11,0,0 +114116:36.55,14.07;,;40.64,45.52;16.16,45.52;,;,;25.13,52.15;,;0.61,75.94;29.94,84.35;,;6.69,54.43;42.33,66.25;21.62,83.51;0.39,62.93;36.80,74.15:31.88,95.25;25.46,80.25;,;35.83,84.14;15.52,57.50;12.28,61.46;31.48,61.22;,;42.92,75.97;,;30.65,73.11;,;3.82,72.90;12.78,75.49;20.66,71.33;,:1.37,7.27,0.11,0,0 +114117:36.58,13.93;,;40.58,45.51;16.11,45.54;,;,;25.07,52.14;,;0.61,75.94;29.89,84.26;,;6.63,54.41;42.05,66.53;21.56,83.49;0.38,62.87;36.75,74.10:31.85,95.16;25.44,80.21;,;35.81,84.12;15.46,57.48;12.29,61.41;31.42,61.20;,;42.87,75.94;,;30.59,73.09;,;3.79,72.86;12.77,75.44;20.64,71.28;,:1.29,6.87,0.11,0,0 +114118:36.61,13.80;,;40.51,45.50;16.05,45.56;,;,;25.02,52.13;,;0.61,75.94;29.84,84.17;,;6.58,54.39;41.99,66.51;21.50,83.48;0.38,62.81;36.71,74.06:31.83,95.08;25.42,80.17;,;35.78,84.11;15.40,57.46;12.30,61.36;31.36,61.19;,;42.81,75.91;,;30.54,73.06;,;3.75,72.83;12.77,75.38;20.62,71.24;,:1.22,6.46,0.11,0,0 +114119:36.64,13.67;,;40.45,45.49;16.00,45.58;,;,;24.95,52.11;,;0.61,75.95;29.78,84.08;,;6.52,54.37;41.93,66.48;21.44,83.46;0.37,62.75;36.66,74.01:31.80,94.99;25.39,80.13;,;35.76,84.10;15.34,57.45;12.31,61.32;31.30,61.17;,;42.75,75.88;,;30.48,73.04;,;3.71,72.80;12.76,75.33;20.60,71.19;,:1.14,6.06,0.11,0,0 +114120:36.67,13.54;,;40.38,45.48;15.95,45.60;,;,;24.88,52.08;,;0.57,75.85;29.73,83.98;,;6.47,54.35;41.87,66.46;21.38,83.45;0.36,62.68;36.61,73.97:32.00,95.53;25.37,80.09;,;35.74,84.09;15.28,57.43;12.32,61.27;31.24,61.15;,;42.69,75.85;,;30.43,73.02;,;3.67,72.76;12.75,75.27;20.58,71.15;,:1.06,5.66,0.11,0,0 +114121:36.70,13.41;,;40.32,45.47;15.89,45.62;,;,;24.81,52.05;,;0.53,75.76;29.68,83.89;,;6.42,54.33;41.81,66.44;21.32,83.44;0.36,62.62;36.56,73.92:31.99,95.48;25.34,80.05;,;35.71,84.08;15.23,57.41;12.33,61.22;31.18,61.14;,;42.62,75.82;,;30.37,73.00;,;3.63,72.73;12.75,75.22;20.55,71.10;,:0.99,5.25,0.11,0,0 +114122:36.73,13.28;,;40.26,45.46;15.83,45.65;,;,;24.74,52.02;,;0.36,75.33;29.60,83.82;,;6.36,54.31;41.76,66.41;21.26,83.42;0.35,62.56;36.51,73.87:31.97,95.43;25.31,80.01;,;35.69,84.07;15.17,57.40;12.34,61.17;31.12,61.12;,;42.55,75.78;,;30.32,72.98;,;3.59,72.70;12.75,75.16;20.53,71.05;,:0.91,4.85,0.11,0,0 +114123:36.76,13.15;,;40.20,45.46;15.78,45.67;,;,;24.67,52.00;,;0.36,75.33;29.53,83.76;,;6.31,54.30;41.70,66.39;21.20,83.41;0.34,62.49;36.46,73.83:31.95,95.38;25.28,79.97;,;35.67,84.06;15.11,57.38;12.35,61.12;31.06,61.10;,;42.49,75.73;,;30.27,72.95;,;3.55,72.67;12.74,75.10;20.51,71.01;,:0.84,4.44,0.11,0,0 +114124:36.80,13.02;,;40.14,45.45;15.72,45.69;,;,;24.60,51.97;,;0.36,75.33;29.45,83.69;,;6.26,54.28;41.65,66.37;21.14,83.39;0.33,62.43;36.41,73.78:31.93,95.33;25.25,79.93;,;35.65,84.05;15.06,57.37;12.36,61.07;31.00,61.09;,;42.42,75.67;,;30.21,72.93;,;3.52,72.63;12.74,75.05;20.49,70.97;,:0.76,4.04,0.11,0,0 +114125:36.84,12.88;,;40.08,45.44;15.66,45.71;,;,;24.53,51.94;,;0.36,75.28;29.38,83.62;,;6.20,54.26;41.60,66.34;21.08,83.38;0.32,62.37;36.36,73.74:31.91,95.28;25.22,79.88;,;35.63,84.03;15.00,57.35;12.37,61.02;30.94,61.07;,;42.35,75.62;,;30.16,72.90;,;3.48,72.60;12.74,74.99;20.47,70.92;,:0.68,3.64,0.11,0,0 +114126:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.61,3.23,0.11,0,0 +114127:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.53,2.83,0.11,0,0 +114128:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.46,2.42,0.11,0,0 +114129:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.38,2.02,0.11,0,0 +114130:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.30,1.62,0.11,0,0 +114131:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.23,1.21,0.11,0,0 +114132:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.15,0.81,0.11,0,0 +114133:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.08,0.40,0.11,0,0 +114134:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.00,0.00,0.11,0,0 +114135:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114136:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114137:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114138:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114139:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114140:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114141:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114142:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114143:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114144:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114145:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114146:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114147:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114148:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114149:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114150:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114151:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114152:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114153:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114154:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114155:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114156:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114157:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114158:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114159:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +114160:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139305:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139306:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139307:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139308:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139309:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139310:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139311:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139312:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139313:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139314:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139315:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139316:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139317:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139318:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139319:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139320:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139321:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139322:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139323:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139324:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139325:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139326:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139327:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139328:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139329:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139330:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,,,,0 +139331:32.60,89.20;,;28.28,61.67;42.50,69.56;,;,;36.36,61.94;,;33.72,51.25;43.87,52.83;,;41.61,56.65;21.97,65.55;23.99,52.83;53.74,53.61;6.54,52.83:34.11,3.66;35.81,35.58;,;27.66,35.59;42.55,52.46;22.95,51.73;48.86,52.06;,;11.62,40.39;,;29.26,44.28;,;51.21,36.03;43.39,35.89;38.52,42.74;,:33.54,52.56,0.11,0,1 +139332:32.24,89.17;,;28.26,61.62;42.52,69.55;,;,;36.04,62.01;,;33.44,51.53;43.87,52.83;,;41.64,56.65;21.66,65.37;23.78,52.94;53.77,53.57;6.42,52.95:34.11,3.66;35.82,35.57;,;27.28,35.58;42.55,52.46;22.66,51.86;48.86,52.06;,;11.45,40.55;,;29.10,44.31;,;51.21,36.03;43.40,35.88;38.17,42.88;,:33.54,52.56,0.11,0,1 +139333:32.24,89.17;,;28.23,61.58;42.53,69.53;,;,;36.05,62.02;,;33.43,51.53;43.87,52.82;,;41.66,56.65;21.66,65.37;23.78,52.94;53.79,53.54;6.42,52.95:34.12,3.65;35.83,35.55;,;27.28,35.58;42.56,52.46;22.66,51.85;48.85,52.06;,;11.46,40.55;,;29.09,44.31;,;51.21,36.03;43.40,35.88;38.20,42.89;,:33.54,52.56,0.11,0,1 +139334:32.24,89.17;,;28.21,61.54;42.53,69.51;,;,;36.06,62.03;,;33.43,51.53;43.87,52.82;,;41.68,56.65;21.65,65.37;23.77,52.94;53.82,53.51;6.42,52.95:34.12,3.65;35.84,35.54;,;27.28,35.59;42.56,52.46;22.66,51.85;48.85,52.06;,;11.47,40.56;,;29.09,44.32;,;51.22,36.03;43.41,35.87;38.22,42.90;,:33.54,52.56,0.11,0,1 +139335:32.24,89.17;,;28.19,61.50;42.54,69.50;,;,;36.07,62.03;,;33.43,51.53;43.87,52.82;,;41.71,56.65;21.65,65.37;23.76,52.94;53.86,53.47;6.42,52.96:34.13,3.64;35.85,35.53;,;27.28,35.59;42.56,52.46;22.66,51.84;48.85,52.06;,;11.48,40.56;,;29.09,44.32;,;51.22,36.02;43.41,35.87;38.25,42.91;,:33.54,52.56,0.11,0,1 +139336:32.24,89.17;,;28.16,61.46;42.55,69.48;,;,;36.08,62.04;,;33.43,51.53;43.87,52.82;,;41.74,56.65;21.65,65.37;23.75,52.94;53.89,53.44;6.42,52.96:34.13,3.64;35.86,35.51;,;27.27,35.60;42.57,52.46;22.66,51.84;48.84,52.06;,;11.49,40.56;,;29.09,44.32;,;51.22,36.02;43.42,35.86;38.27,42.92;,:33.54,52.56,0.11,0,1 +139337:32.24,89.17;,;28.14,61.42;42.55,69.46;,;,;36.09,62.05;,;33.43,51.53;43.87,52.82;,;41.76,56.65;21.65,65.37;23.75,52.94;53.92,53.41;6.42,52.96:34.13,3.64;35.88,35.50;,;27.27,35.60;42.57,52.45;22.66,51.83;48.84,52.06;,;11.50,40.56;,;29.09,44.32;,;51.22,36.02;43.42,35.86;38.29,42.93;,:33.54,52.56,0.11,0,1 +139338:32.24,89.17;,;28.11,61.38;42.55,69.44;,;,;36.10,62.06;,;33.43,51.53;43.86,52.83;,;41.79,56.66;21.64,65.37;23.75,52.93;53.95,53.38;6.42,52.96:34.13,3.64;35.89,35.48;,;27.27,35.60;42.58,52.45;22.66,51.83;48.83,52.06;,;11.51,40.56;,;29.09,44.32;,;51.23,36.02;43.42,35.86;38.30,42.94;,:33.54,52.56,0.11,0,1 +139339:32.24,89.17;,;28.09,61.34;42.56,69.42;,;,;36.11,62.06;,;33.43,51.53;43.86,52.83;,;41.81,56.66;21.64,65.37;23.74,52.93;53.98,53.35;6.42,52.96:34.14,3.63;35.90,35.47;,;27.27,35.61;42.58,52.45;22.66,51.83;48.83,52.06;,;11.52,40.56;,;29.08,44.32;,;51.23,36.01;43.42,35.85;38.32,42.95;,:33.54,52.56,0.11,0,1 +139340:32.24,89.17;,;28.07,61.30;42.56,69.40;,;,;36.12,62.07;,;33.43,51.53;43.86,52.83;,;41.84,56.67;21.64,65.37;23.74,52.93;54.01,53.32;6.42,52.95:34.14,3.63;35.91,35.45;,;27.27,35.61;42.59,52.45;22.66,51.83;48.83,52.06;,;11.52,40.56;,;29.08,44.33;,;51.24,36.01;43.42,35.85;38.33,42.96;,:33.54,52.56,0.11,0,1 +139341:32.24,89.17;,;28.04,61.26;42.56,69.38;,;,;36.13,62.08;,;33.43,51.53;43.86,52.84;,;41.86,56.68;21.64,65.36;23.73,52.93;54.05,53.29;6.42,52.95:34.14,3.63;35.92,35.44;,;27.27,35.61;42.59,52.45;22.66,51.82;48.82,52.06;,;11.53,40.55;,;29.08,44.33;,;51.24,36.00;43.42,35.84;38.35,42.97;,:33.54,52.56,0.11,0,1 +139342:32.24,89.17;,;28.02,61.22;42.56,69.37;,;,;36.14,62.09;,;33.43,51.53;43.86,52.85;,;41.88,56.69;21.63,65.36;23.73,52.93;54.09,53.26;6.41,52.95:34.14,3.63;35.93,35.43;,;27.27,35.61;42.59,52.45;22.66,51.82;48.82,52.06;,;11.54,40.55;,;29.08,44.33;,;51.25,35.99;43.42,35.83;38.36,42.98;,:33.54,52.56,0.11,0,1 +139343:32.24,89.17;,;27.99,61.18;42.56,69.35;,;,;36.15,62.09;,;33.43,51.53;43.86,52.85;,;41.89,56.70;21.63,65.36;23.73,52.93;54.13,53.23;6.41,52.95:34.14,3.63;35.94,35.42;,;27.27,35.61;42.60,52.45;22.66,51.82;48.82,52.06;,;11.55,40.54;,;29.08,44.33;,;51.25,35.98;43.42,35.83;38.37,42.99;,:33.54,52.56,0.11,0,1 +139344:32.24,89.17;,;27.97,61.14;42.56,69.34;,;,;36.16,62.10;,;33.43,51.53;43.86,52.86;,;41.90,56.71;21.63,65.36;23.73,52.93;54.18,53.20;6.40,52.94:34.14,3.63;35.95,35.40;,;27.27,35.61;42.60,52.46;22.66,51.82;48.82,52.06;,;11.56,40.54;,;29.08,44.33;,;51.26,35.97;43.41,35.82;38.38,43.00;,:33.54,52.56,0.11,0,1 +139345:32.24,89.17;,;27.95,61.10;42.56,69.32;,;,;36.17,62.11;,;33.43,51.53;43.86,52.86;,;41.92,56.72;21.63,65.36;23.72,52.93;54.23,53.17;6.40,52.94:34.15,3.62;35.95,35.39;,;27.27,35.61;42.60,52.46;22.66,51.82;48.82,52.06;,;11.57,40.53;,;29.08,44.33;,;51.27,35.96;43.41,35.82;38.39,43.01;,:33.54,52.56,0.11,0,1 +139346:32.24,89.17;,;27.92,61.06;42.56,69.31;,;,;36.18,62.12;,;33.44,51.53;43.86,52.87;,;41.92,56.73;21.63,65.36;23.72,52.94;54.27,53.14;6.39,52.94:34.15,3.62;35.95,35.38;,;27.27,35.61;42.60,52.46;22.66,51.82;48.82,52.06;,;11.58,40.52;,;29.08,44.33;,;51.28,35.95;43.40,35.81;38.40,43.02;,:33.54,52.56,0.11,0,1 +139347:32.24,89.17;,;27.90,61.02;42.56,69.30;,;,;36.19,62.12;,;33.44,51.53;43.86,52.88;,;41.93,56.75;21.63,65.36;23.72,52.94;54.32,53.11;6.38,52.93:34.15,3.62;35.96,35.37;,;27.27,35.61;42.60,52.46;22.67,51.82;48.82,52.06;,;11.60,40.51;,;29.08,44.33;,;51.28,35.94;43.39,35.80;38.41,43.03;,:33.54,52.56,0.11,0,1 +139348:32.24,89.17;,;27.88,60.97;42.57,69.29;,;,;36.20,62.13;,;33.44,51.53;43.86,52.88;,;41.93,56.76;21.63,65.36;23.72,52.94;54.37,53.08;6.36,52.93:34.15,3.62;35.96,35.36;,;27.27,35.61;42.60,52.46;22.67,51.82;48.82,52.06;,;11.61,40.51;,;29.08,44.33;,;51.30,35.93;43.39,35.80;38.42,43.04;,:33.54,52.56,0.11,0,1 +139349:32.24,89.17;,;27.85,60.93;42.58,69.28;,;,;36.21,62.13;,;33.44,51.53;43.86,52.89;,;41.94,56.77;21.63,65.36;23.72,52.94;54.42,53.05;6.35,52.92:34.15,3.63;35.96,35.35;,;27.27,35.61;42.60,52.46;22.67,51.82;48.82,52.06;,;11.62,40.50;,;29.09,44.33;,;51.31,35.91;43.38,35.79;38.44,43.05;,:33.54,52.56,0.11,0,1 +139350:32.24,89.17;,;27.83,60.90;42.58,69.28;,;,;36.22,62.14;,;33.45,51.53;43.86,52.89;,;41.94,56.79;21.63,65.36;23.71,52.94;54.46,53.02;6.33,52.91:34.15,3.63;35.96,35.34;,;27.27,35.61;42.59,52.46;22.67,51.82;48.82,52.06;,;11.64,40.49;,;29.09,44.33;,;51.32,35.90;43.37,35.79;38.45,43.05;,:33.54,52.56,0.11,0,1 +139351:32.24,89.17;,;27.82,60.87;42.59,69.27;,;,;36.23,62.14;,;33.45,51.53;43.85,52.90;,;41.94,56.80;21.63,65.36;23.71,52.94;54.50,52.99;6.31,52.91:34.15,3.63;35.97,35.33;,;27.27,35.61;42.59,52.46;22.67,51.82;48.83,52.06;,;11.65,40.48;,;29.09,44.33;,;51.33,35.89;43.36,35.78;38.46,43.06;,:33.54,52.56,0.11,0,1 +139352:32.24,89.17;,;27.81,60.86;42.60,69.26;,;,;36.24,62.14;,;33.45,51.53;43.85,52.90;,;41.94,56.82;21.63,65.36;23.71,52.94;54.53,52.96;6.29,52.90:34.15,3.63;35.97,35.32;,;27.27,35.61;42.59,52.46;22.67,51.82;48.83,52.06;,;11.66,40.47;,;29.09,44.33;,;51.35,35.87;43.36,35.78;38.47,43.07;,:33.54,52.56,0.11,0,1 +139353:32.24,89.17;,;27.82,60.85;42.61,69.25;,;,;36.26,62.15;,;33.45,51.53;43.85,52.91;,;41.94,56.83;21.63,65.36;23.71,52.94;54.56,52.93;6.27,52.89:34.15,3.64;35.98,35.30;,;27.27,35.61;42.58,52.47;22.67,51.82;48.83,52.06;,;11.67,40.46;,;29.09,44.33;,;51.36,35.86;43.35,35.78;38.47,43.07;,:33.54,52.56,0.11,0,1 +139354:32.24,89.17;,;27.82,60.85;42.61,69.24;,;,;36.27,62.15;,;33.45,51.53;43.85,52.91;,;41.94,56.85;21.63,65.36;23.71,52.94;54.57,52.91;6.25,52.88:34.15,3.64;35.98,35.28;,;27.27,35.61;42.58,52.47;22.67,51.82;48.84,52.06;,;11.69,40.46;,;29.09,44.33;,;51.37,35.85;43.34,35.77;38.48,43.08;,:33.54,52.56,0.11,0,1 +139355:32.24,89.17;,;27.83,60.85;42.62,69.22;,;,;36.28,62.15;,;33.45,51.53;43.84,52.92;,;41.94,56.87;21.63,65.36;23.71,52.94;54.59,52.88;6.23,52.87:34.15,3.65;35.99,35.27;,;27.27,35.61;42.57,52.47;22.67,51.82;48.84,52.05;,;11.69,40.45;,;29.09,44.34;,;51.38,35.84;43.34,35.77;38.49,43.08;,:33.54,52.56,0.11,0,1 +139356:32.24,89.17;,;27.83,60.86;42.63,69.21;,;,;36.29,62.15;,;33.45,51.52;43.84,52.92;,;41.94,56.88;21.63,65.36;23.71,52.94;54.60,52.85;6.21,52.86:34.15,3.65;35.99,35.25;,;27.27,35.61;42.57,52.47;22.67,51.82;48.84,52.05;,;11.70,40.43;,;29.09,44.34;,;51.39,35.83;43.33,35.77;38.49,43.09;,:33.54,52.56,0.11,0,1 +139357:32.24,89.17;,;27.84,60.86;42.63,69.19;,;,;36.30,62.15;,;33.45,51.52;43.84,52.92;,;41.94,56.90;21.64,65.36;23.71,52.95;54.60,52.82;6.20,52.86:34.15,3.66;35.99,35.23;,;27.27,35.61;42.57,52.47;22.67,51.82;48.84,52.05;,;11.71,40.42;,;29.09,44.34;,;51.40,35.82;43.33,35.77;38.50,43.09;,:33.54,52.56,0.11,0,1 +139358:32.24,89.17;,;27.85,60.86;42.64,69.18;,;,;36.31,62.15;,;33.45,51.52;43.84,52.93;,;41.94,56.92;21.64,65.37;23.71,52.95;54.60,52.80;6.18,52.85:34.15,3.66;36.00,35.20;,;27.27,35.61;42.56,52.47;22.67,51.82;48.84,52.05;,;11.71,40.41;,;29.09,44.34;,;51.40,35.81;43.33,35.76;38.50,43.09;,:33.54,52.56,0.11,0,1 +139359:32.24,89.17;,;27.85,60.86;42.64,69.16;,;,;36.32,62.15;,;33.45,51.52;43.84,52.93;,;41.95,56.94;21.64,65.37;23.71,52.95;54.60,52.77;6.16,52.84:34.15,3.67;36.00,35.18;,;27.27,35.61;42.56,52.47;22.67,51.82;48.84,52.05;,;11.72,40.39;,;29.09,44.34;,;51.41,35.81;43.33,35.76;38.50,43.10;,:33.54,52.56,0.11,0,1 +139360:32.24,89.17;,;27.86,60.86;42.64,69.14;,;,;36.33,62.16;,;33.45,51.52;43.84,52.93;,;41.95,56.96;21.64,65.37;23.71,52.95;54.58,52.74;6.15,52.83:34.15,3.67;36.01,35.15;,;27.27,35.61;42.56,52.48;22.67,51.82;48.84,52.05;,;11.72,40.38;,;29.09,44.34;,;51.40,35.80;43.33,35.76;38.50,43.10;,:33.54,52.56,0.11,0,1 +139361:32.24,89.17;,;27.87,60.86;42.64,69.11;,;,;36.33,62.16;,;33.45,51.52;43.84,52.93;,;41.95,56.97;21.64,65.37;23.71,52.95;54.48,52.72;6.14,52.82:34.14,3.68;36.01,35.13;,;27.27,35.61;42.56,52.48;22.67,51.82;48.84,52.05;,;11.72,40.36;,;29.09,44.34;,;51.40,35.80;43.33,35.76;38.50,43.10;,:33.54,52.56,0.11,0,1 +139362:32.24,89.17;,;27.87,60.86;42.64,69.09;,;,;36.34,62.16;,;33.45,51.52;43.84,52.93;,;41.95,56.99;21.65,65.37;23.71,52.95;54.35,52.70;6.12,52.82:34.14,3.68;36.02,35.10;,;27.27,35.61;42.56,52.48;22.67,51.82;48.83,52.06;,;11.71,40.34;,;29.09,44.34;,;51.39,35.80;43.33,35.75;38.50,43.10;,:33.54,52.56,0.11,0,1 +139363:32.24,89.17;,;27.88,60.86;42.64,69.07;,;,;36.35,62.16;,;33.45,51.52;43.83,52.94;,;41.94,57.01;21.65,65.37;23.71,52.95;54.29,52.68;6.11,52.81:34.14,3.69;36.02,35.08;,;27.28,35.61;42.56,52.49;22.67,51.82;48.83,52.06;,;11.71,40.32;,;29.09,44.34;,;51.38,35.80;43.34,35.75;38.50,43.11;,:33.54,52.56,0.11,0,1 +139364:32.24,89.17;,;27.88,60.86;42.63,69.04;,;,;36.36,62.17;,;33.44,51.52;43.83,52.94;,;41.94,57.02;21.65,65.37;23.71,52.96;54.19,52.65;6.09,52.81:34.13,3.70;36.02,35.05;,;27.28,35.61;42.56,52.49;22.67,51.82;48.83,52.06;,;11.70,40.30;,;29.09,44.34;,;51.36,35.80;43.34,35.75;38.50,43.11;,:33.54,52.56,0.11,0,1 +139365:32.24,89.17;,;27.89,60.86;42.63,69.02;,;,;36.36,62.17;,;33.44,51.52;43.83,52.95;,;41.94,57.04;21.65,65.37;23.71,52.96;54.22,52.61;6.08,52.80:34.13,3.70;36.02,35.03;,;27.28,35.61;42.57,52.50;22.67,51.82;48.83,52.06;,;11.70,40.28;,;29.09,44.34;,;51.34,35.80;43.34,35.74;38.49,43.11;,:33.54,52.56,0.11,0,1 +139366:32.24,89.17;,;27.90,60.86;42.62,68.99;,;,;36.37,62.18;,;33.44,51.52;43.83,52.96;,;41.93,57.06;21.66,65.37;23.71,52.96;54.42,52.53;6.06,52.80:34.13,3.71;36.02,35.01;,;27.28,35.60;42.57,52.51;22.67,51.82;48.82,52.06;,;11.69,40.25;,;29.09,44.34;,;51.32,35.80;43.35,35.74;38.49,43.11;,:33.54,52.56,0.11,0,1 +139367:32.24,89.17;,;27.90,60.86;42.61,68.97;,;,;36.38,62.18;,;33.44,51.53;43.83,52.97;,;41.92,57.07;21.66,65.38;23.71,52.96;54.51,52.65;6.05,52.80:34.12,3.72;36.02,34.99;,;27.28,35.60;42.58,52.52;22.67,51.82;48.82,52.07;,;11.67,40.23;,;29.09,44.34;,;51.30,35.81;43.35,35.74;38.49,43.11;,:33.54,52.56,0.11,0,1 +139368:32.24,89.17;,;27.91,60.86;42.61,68.95;,;,;36.38,62.19;,;33.44,51.53;43.83,52.97;,;41.91,57.09;21.66,65.38;23.71,52.96;54.53,52.64;6.03,52.80:34.12,3.72;36.02,34.97;,;27.29,35.60;42.58,52.53;22.67,51.82;48.82,52.07;,;11.66,40.20;,;29.09,44.34;,;51.28,35.81;43.35,35.73;38.49,43.11;,:33.54,52.56,0.11,0,1 +139369:32.24,89.17;,;27.91,60.86;42.61,68.93;,;,;36.39,62.19;,;33.44,51.53;43.83,52.98;,;41.90,57.10;21.66,65.38;23.71,52.96;54.55,52.64;6.01,52.80:34.12,3.72;36.02,34.95;,;27.29,35.60;42.59,52.55;22.67,51.82;48.81,52.08;,;11.65,40.18;,;29.09,44.34;,;51.25,35.81;43.35,35.73;38.49,43.10;,:33.54,52.56,0.11,0,1 +139370:32.24,89.17;,;27.92,60.86;42.61,68.92;,;,;36.40,62.20;,;33.44,51.53;43.83,52.99;,;41.89,57.11;21.66,65.38;23.71,52.96;54.58,52.63;5.99,52.79:34.11,3.72;36.01,34.94;,;27.29,35.60;42.60,52.56;22.67,51.82;48.81,52.09;,;11.63,40.16;,;29.09,44.34;,;51.23,35.82;43.35,35.73;38.50,43.10;,:33.54,52.56,0.11,0,1 +139371:32.24,89.17;,;27.93,60.86;42.60,68.90;,;,;36.41,62.21;,;33.44,51.53;43.83,53.00;,;41.87,57.13;21.66,65.38;23.71,52.96;54.62,52.63;5.97,52.79:34.11,3.73;36.02,34.92;,;27.29,35.60;42.61,52.58;22.67,51.82;48.81,52.09;,;11.62,40.13;,;29.10,44.34;,;51.21,35.82;43.35,35.72;38.50,43.10;,:33.54,52.56,0.11,0,1 +139372:32.24,89.17;,;27.93,60.86;42.60,68.88;,;,;36.42,62.22;,;33.44,51.53;43.83,53.02;,;41.86,57.14;21.67,65.38;23.71,52.96;54.66,52.63;5.94,52.79:34.11,3.73;36.02,34.91;,;27.29,35.60;42.62,52.59;22.67,51.82;48.80,52.10;,;11.60,40.11;,;29.10,44.34;,;51.19,35.83;43.35,35.72;38.50,43.09;,:33.54,52.56,0.11,0,1 +139373:32.25,89.17;,;27.94,60.86;42.60,68.87;,;,;36.43,62.23;,;33.44,51.54;43.83,53.03;,;41.84,57.16;21.67,65.38;23.71,52.96;54.70,52.63;5.92,52.79:34.11,3.73;36.02,34.90;,;27.29,35.60;42.63,52.61;22.67,51.83;48.80,52.11;,;11.58,40.09;,;29.10,44.34;,;51.17,35.83;43.35,35.72;38.50,43.09;,:33.54,52.56,0.11,0,1 +139374:32.25,89.17;,;27.94,60.86;42.61,68.86;,;,;36.44,62.24;,;33.44,51.54;43.83,53.04;,;41.83,57.17;21.67,65.38;23.71,52.96;54.75,52.63;5.89,52.79:34.10,3.74;36.03,34.89;,;27.29,35.59;42.64,52.62;22.67,51.83;48.79,52.12;,;11.56,40.07;,;29.10,44.34;,;51.15,35.83;43.35,35.72;38.51,43.08;,:33.54,52.56,0.11,0,1 +139375:32.25,89.17;,;27.95,60.87;42.61,68.85;,;,;36.46,62.25;,;33.44,51.54;43.83,53.06;,;41.81,57.19;21.67,65.38;23.71,52.96;54.80,52.63;5.87,52.78:34.10,3.74;36.04,34.89;,;27.29,35.59;42.65,52.64;22.67,51.83;48.79,52.13;,;11.55,40.05;,;29.11,44.35;,;51.14,35.84;43.34,35.71;38.51,43.08;,:33.54,52.56,0.11,0,1 +139376:32.25,89.17;,;27.96,60.87;42.61,68.84;,;,;36.46,62.26;,;33.44,51.54;43.84,53.08;,;41.79,57.20;21.66,65.38;23.71,52.96;54.86,52.63;5.84,52.78:34.10,3.74;36.04,34.88;,;27.29,35.59;42.66,52.65;22.67,51.84;48.79,52.15;,;11.53,40.02;,;29.11,44.35;,;51.13,35.84;43.34,35.71;38.52,43.07;,:33.54,52.56,0.11,0,1 +139377:32.26,89.17;,;27.96,60.87;42.61,68.83;,;,;36.47,62.27;,;33.44,51.54;43.85,53.10;,;41.78,57.22;21.66,65.38;23.71,52.97;54.90,52.64;5.82,52.77:34.10,3.74;36.05,34.88;,;27.30,35.59;42.68,52.66;22.67,51.84;48.79,52.16;,;11.51,40.00;,;29.11,44.35;,;51.12,35.84;43.34,35.71;38.52,43.06;,:33.54,52.56,0.11,0,1 +139378:32.26,89.17;,;27.97,60.87;42.61,68.82;,;,;36.48,62.28;,;33.44,51.54;43.85,53.12;,;41.76,57.24;21.66,65.38;23.71,52.97;54.95,52.64;5.79,52.76:34.10,3.74;36.07,34.88;,;27.30,35.59;42.69,52.67;22.67,51.85;48.80,52.17;,;11.49,39.98;,;29.11,44.35;,;51.12,35.84;43.34,35.71;38.53,43.05;,:33.54,52.56,0.11,0,1 +139379:32.26,89.18;,;27.98,60.87;42.62,68.81;,;,;36.49,62.30;,;33.45,51.55;43.89,53.13;,;41.75,57.25;21.66,65.38;23.71,52.97;54.99,52.64;5.77,52.75:34.10,3.74;36.08,34.88;,;27.30,35.59;42.70,52.68;22.67,51.85;48.80,52.19;,;11.47,39.96;,;29.12,44.36;,;51.11,35.83;43.34,35.71;38.53,43.04;,:33.54,52.56,0.11,0,1 +139380:32.27,89.18;,;27.98,60.87;42.62,68.80;,;,;36.49,62.31;,;33.45,51.55;43.96,53.11;,;41.74,57.27;21.66,65.38;23.71,52.97;55.03,52.65;5.75,52.73:34.10,3.74;36.09,34.89;,;27.30,35.59;42.72,52.69;22.67,51.86;48.80,52.20;,;11.46,39.93;,;29.12,44.36;,;51.12,35.83;43.33,35.71;38.54,43.03;,:33.54,52.56,0.11,0,1 +139381:32.27,89.18;,;27.99,60.87;42.62,68.79;,;,;36.50,62.32;,;33.45,51.55;44.05,53.08;,;41.73,57.29;21.66,65.38;23.70,52.98;55.06,52.65;5.72,52.72:34.10,3.74;36.11,34.89;,;27.30,35.59;42.73,52.70;22.67,51.86;48.81,52.22;,;11.44,39.91;,;29.12,44.36;,;51.12,35.83;43.33,35.71;38.55,43.02;,:33.54,52.56,0.11,0,1 +139382:32.28,89.19;,;27.99,60.87;42.61,68.78;,;,;36.50,62.34;,;33.45,51.55;43.96,53.01;,;41.71,57.31;21.66,65.38;23.70,52.98;55.09,52.66;5.70,52.70:34.10,3.74;36.12,34.90;,;27.31,35.59;42.74,52.71;22.67,51.87;48.82,52.23;,;11.43,39.88;,;29.12,44.37;,;51.13,35.82;43.33,35.71;38.55,43.01;,:33.54,52.56,0.11,0,1 +139383:32.28,89.19;,;28.00,60.87;42.61,68.77;,;,;36.51,62.35;,;33.45,51.55;43.97,53.00;,;41.70,57.33;21.66,65.38;23.70,52.99;55.11,52.66;5.68,52.67:34.10,3.74;36.13,34.91;,;27.31,35.59;42.75,52.71;22.66,51.88;48.83,52.25;,;11.41,39.85;,;29.12,44.37;,;51.13,35.82;43.32,35.71;38.56,42.99;,:33.54,52.56,0.11,0,1 +139384:32.29,89.19;,;28.01,60.87;42.61,68.75;,;,;36.51,62.37;,;33.45,51.55;43.98,52.97;,;41.69,57.35;21.66,65.38;23.70,52.99;55.13,52.66;5.66,52.64:34.11,3.74;36.15,34.92;,;27.31,35.59;42.76,52.71;22.66,51.88;48.84,52.26;,;11.40,39.83;,;29.12,44.38;,;51.14,35.81;43.32,35.71;38.56,42.98;,:33.54,52.56,0.11,0,1 +139385:32.29,89.19;,;28.01,60.87;42.60,68.74;,;,;36.51,62.38;,;33.45,51.55;43.99,52.95;,;41.68,57.36;21.66,65.39;23.69,53.00;55.14,52.67;5.64,52.61:34.11,3.74;36.15,34.93;,;27.31,35.59;42.77,52.72;22.66,51.89;48.86,52.28;,;11.38,39.80;,;29.13,44.38;,;51.14,35.80;43.32,35.70;38.57,42.97;,:33.54,52.56,0.11,0,1 +139386:32.30,89.20;,;28.02,60.87;42.59,68.72;,;,;36.51,62.39;,;33.45,51.55;43.99,52.93;,;41.67,57.38;21.66,65.39;23.69,53.00;55.14,52.68;5.62,52.58:34.11,3.74;36.16,34.94;,;27.31,35.59;42.78,52.72;22.66,51.90;48.87,52.30;,;11.37,39.77;,;29.13,44.39;,;51.15,35.80;43.32,35.70;38.57,42.96;,:33.54,52.56,0.11,0,1 +139387:32.30,89.20;,;28.02,60.87;42.58,68.71;,;,;36.52,62.40;,;33.45,51.56;43.99,52.90;,;41.66,57.40;21.66,65.39;23.68,53.01;55.13,52.68;5.60,52.54:34.12,3.74;36.17,34.96;,;27.31,35.59;42.79,52.72;22.66,51.90;48.89,52.31;,;11.36,39.74;,;29.13,44.39;,;51.16,35.79;43.31,35.70;38.58,42.94;,:33.54,52.56,0.11,0,1 +139388:32.30,89.20;,;28.03,60.87;42.57,68.70;,;,;36.52,62.41;,;33.45,51.56;44.00,52.87;,;41.65,57.41;21.66,65.40;23.68,53.02;55.11,52.69;5.58,52.50:34.12,3.75;36.17,34.97;,;27.32,35.59;42.79,52.72;22.66,51.91;48.90,52.33;,;11.35,39.72;,;29.13,44.39;,;51.16,35.78;43.31,35.70;38.58,42.93;,:33.54,52.56,0.11,0,1 +139389:32.31,89.20;,;28.04,60.87;42.56,68.68;,;,;36.52,62.42;,;33.44,51.56;43.99,52.84;,;41.64,57.43;21.65,65.40;23.67,53.02;55.09,52.69;5.56,52.45:34.12,3.76;36.17,34.99;,;27.32,35.59;42.80,52.72;22.66,51.91;48.92,52.35;,;11.33,39.69;,;29.13,44.40;,;51.17,35.77;43.31,35.70;38.59,42.92;,:33.54,52.56,0.11,0,1 +139390:32.31,89.20;,;28.04,60.87;42.56,68.67;,;,;36.53,62.43;,;33.44,51.57;43.99,52.80;,;41.63,57.44;21.65,65.41;23.66,53.03;55.06,52.70;5.53,52.40:34.12,3.76;36.17,35.01;,;27.32,35.59;42.80,52.72;22.66,51.92;48.94,52.36;,;11.32,39.66;,;29.13,44.40;,;51.17,35.77;43.31,35.70;38.59,42.91;,:33.54,52.56,0.11,0,1 +139391:32.31,89.19;,;28.05,60.87;42.55,68.66;,;,;36.53,62.43;,;33.44,51.57;43.98,52.77;,;41.62,57.45;21.64,65.42;23.65,53.04;55.02,52.71;5.51,52.35:34.12,3.77;36.17,35.02;,;27.31,35.59;42.80,52.72;22.66,51.92;48.96,52.38;,;11.30,39.64;,;29.13,44.40;,;51.18,35.76;43.31,35.70;38.59,42.90;,:33.54,52.56,0.11,0,1 +139392:32.30,89.19;,;28.05,60.87;42.54,68.64;,;,;36.54,62.43;,;33.44,51.58;43.97,52.74;,;41.61,57.47;21.63,65.42;23.65,53.04;54.99,52.71;5.48,52.30:34.12,3.79;36.17,35.04;,;27.31,35.60;42.80,52.73;22.66,51.92;48.98,52.40;,;11.29,39.61;,;29.13,44.41;,;51.18,35.75;43.31,35.70;38.59,42.89;,:33.54,52.56,0.11,0,1 +139393:32.30,89.19;,;28.06,60.87;42.53,68.63;,;,;36.55,62.43;,;33.44,51.59;43.96,52.71;,;41.60,57.48;21.62,65.43;23.64,53.05;54.94,52.72;5.45,52.24:34.12,3.80;36.17,35.06;,;27.31,35.60;42.80,52.73;22.66,51.93;49.01,52.41;,;11.27,39.59;,;29.13,44.41;,;51.19,35.75;43.31,35.70;38.60,42.87;,:33.54,52.56,0.11,0,1 +139394:32.30,89.18;,;28.07,60.88;42.53,68.62;,;,;36.56,62.42;,;33.44,51.60;43.95,52.67;,;41.59,57.49;21.61,65.44;23.63,53.05;54.90,52.73;5.42,52.18:34.12,3.82;36.17,35.08;,;27.31,35.60;42.80,52.74;22.66,51.93;49.03,52.43;,;11.24,39.56;,;29.13,44.41;,;51.19,35.74;43.31,35.70;38.60,42.86;,:33.54,52.56,0.11,0,1 +139395:32.29,89.18;,;28.07,60.88;42.53,68.62;,;,;36.57,62.42;,;33.44,51.62;43.94,52.64;,;41.58,57.50;21.59,65.45;23.62,53.06;54.85,52.73;5.39,52.12:34.12,3.83;36.17,35.10;,;27.31,35.60;42.80,52.74;22.66,51.93;49.06,52.44;,;11.22,39.54;,;29.13,44.42;,;51.19,35.73;43.31,35.69;38.60,42.85;,:33.54,52.56,0.11,0,1 +139396:32.29,89.18;,;28.08,60.88;42.52,68.61;,;,;36.58,62.41;,;33.45,51.64;43.93,52.61;,;41.57,57.51;21.57,65.46;23.61,53.06;54.82,52.74;5.36,52.05:34.12,3.84;36.17,35.12;,;27.31,35.60;42.80,52.75;22.66,51.93;49.08,52.45;,;11.19,39.52;,;29.14,44.42;,;51.19,35.73;43.31,35.69;38.61,42.84;,:33.54,52.56,0.11,0,1 +139397:32.28,89.17;,;28.09,60.88;42.52,68.60;,;,;36.60,62.40;,;33.45,51.66;43.92,52.57;,;41.57,57.52;21.55,65.47;23.60,53.07;54.78,52.74;5.32,51.99:34.12,3.86;36.16,35.14;,;27.31,35.61;42.80,52.76;22.66,51.93;49.11,52.47;,;11.17,39.49;,;29.14,44.43;,;51.19,35.73;43.32,35.69;38.61,42.82;,:33.54,52.56,0.11,0,1 +139398:32.28,89.17;,;28.09,60.88;42.52,68.60;,;,;36.61,62.39;,;33.46,51.69;43.90,52.54;,;41.56,57.53;21.52,65.48;23.59,53.07;54.74,52.75;5.29,51.92:34.13,3.86;36.16,35.17;,;27.31,35.61;42.80,52.77;22.66,51.93;49.14,52.48;,;11.14,39.47;,;29.14,44.43;,;51.19,35.72;43.32,35.69;38.61,42.81;,:33.54,52.56,0.11,0,1 +139399:32.27,89.16;,;28.10,60.88;42.52,68.60;,;,;36.63,62.38;,;33.46,51.72;43.89,52.51;,;41.56,57.54;21.50,65.49;23.59,53.08;54.71,52.76;5.25,51.86:34.14,3.87;36.16,35.19;,;27.31,35.61;42.80,52.78;22.66,51.94;49.17,52.49;,;11.10,39.45;,;29.15,44.44;,;51.18,35.72;43.32,35.69;38.62,42.80;,:33.54,52.56,0.11,0,1 +139400:32.26,89.16;,;28.10,60.88;42.53,68.59;,;,;36.64,62.37;,;33.47,51.76;43.87,52.48;,;41.55,57.54;21.47,65.50;23.58,53.08;54.68,52.76;5.21,51.79:34.14,3.88;36.16,35.22;,;27.31,35.61;42.80,52.79;22.66,51.94;49.20,52.50;,;11.07,39.43;,;29.15,44.45;,;51.18,35.72;43.32,35.69;38.62,42.78;,:33.54,52.56,0.11,0,1 +139401:32.26,89.16;,;28.11,60.88;42.53,68.59;,;,;36.66,62.36;,;33.48,51.80;43.86,52.45;,;41.55,57.55;21.44,65.51;23.57,53.08;54.65,52.77;5.18,51.72:34.15,3.88;36.16,35.25;,;27.31,35.61;42.81,52.81;22.66,51.94;49.23,52.51;,;11.03,39.42;,;29.16,44.47;,;51.18,35.72;43.33,35.69;38.62,42.76;,:33.54,52.56,0.11,0,1 +139402:32.25,89.15;,;28.12,60.88;42.53,68.59;,;,;36.67,62.35;,;33.49,51.84;43.84,52.42;,;41.55,57.56;21.41,65.52;23.57,53.09;54.64,52.77;5.14,51.66:34.17,3.89;36.16,35.28;,;27.31,35.61;42.81,52.83;22.66,51.95;49.25,52.53;,;10.99,39.40;,;29.16,44.48;,;51.18,35.72;43.33,35.69;38.63,42.75;,:33.54,52.56,0.11,0,1 +139403:32.25,89.15;,;28.12,60.88;42.53,68.59;,;,;36.69,62.34;,;33.50,51.88;43.82,52.39;,;41.54,57.56;21.38,65.53;23.56,53.09;54.62,52.78;5.10,51.59:34.18,3.88;36.17,35.31;,;27.31,35.61;42.82,52.86;22.65,51.96;49.27,52.54;,;10.96,39.38;,;29.16,44.50;,;51.17,35.72;43.33,35.69;38.63,42.73;,:33.54,52.56,0.11,0,1 +139404:32.25,89.15;,;28.13,60.88;42.53,68.59;,;,;36.70,62.33;,;33.51,51.93;43.81,52.37;,;41.54,57.57;21.34,65.54;23.56,53.10;54.61,52.78;5.07,51.53:34.20,3.88;36.17,35.34;,;27.31,35.61;42.85,52.92;22.65,51.97;49.28,52.56;,;10.92,39.37;,;29.17,44.52;,;51.17,35.72;43.34,35.69;38.63,42.71;,:33.54,52.56,0.11,0,1 +139405:32.25,89.15;,;28.13,60.88;42.53,68.58;,;,;36.72,62.32;,;33.52,51.98;43.79,52.34;,;41.54,57.57;21.31,65.54;23.55,53.10;54.60,52.79;5.04,51.46:34.21,3.88;36.17,35.37;,;27.31,35.61;42.87,52.93;22.65,51.98;49.29,52.57;,;10.88,39.36;,;29.17,44.54;,;51.17,35.73;43.34,35.69;38.63,42.69;,:33.54,52.56,0.11,0,1 +139406:32.25,89.15;,;28.14,60.88;42.53,68.58;,;,;36.73,62.31;,;33.53,52.03;43.77,52.31;,;41.54,57.58;21.28,65.55;23.54,53.11;54.60,52.79;5.00,51.40:34.23,3.88;36.17,35.41;,;27.31,35.61;42.73,52.92;22.64,52.00;49.29,52.59;,;10.85,39.35;,;29.18,44.57;,;51.17,35.73;43.34,35.69;38.63,42.67;,:33.54,52.56,0.11,0,1 +139407:32.25,89.15;,;28.15,60.88;42.53,68.58;,;,;36.75,62.31;,;33.54,52.08;43.76,52.28;,;41.54,57.58;21.25,65.56;23.54,53.11;54.60,52.79;4.97,51.34:34.25,3.88;36.18,35.44;,;27.32,35.61;42.70,52.96;22.64,52.02;49.29,52.61;,;10.82,39.34;,;29.18,44.59;,;51.17,35.73;43.34,35.69;38.63,42.66;,:33.54,52.56,0.11,0,1 +139408:32.25,89.15;,;28.15,60.88;42.53,68.57;,;,;36.76,62.30;,;33.54,52.13;43.74,52.25;,;41.54,57.58;21.22,65.56;23.53,53.12;54.61,52.79;4.94,51.28:34.26,3.88;36.18,35.48;,;27.32,35.61;42.67,53.00;22.63,52.04;49.27,52.63;,;10.78,39.33;,;29.19,44.62;,;51.17,35.73;43.34,35.70;38.62,42.64;,:33.54,52.56,0.11,0,1 +139409:32.25,89.15;,;28.16,60.88;42.53,68.56;,;,;36.77,62.29;,;33.55,52.17;43.73,52.22;,;41.54,57.59;21.19,65.57;23.52,53.12;54.61,52.79;4.92,51.22:34.28,3.88;36.18,35.51;,;27.32,35.62;42.62,53.05;22.63,52.06;49.25,52.65;,;10.75,39.32;,;29.19,44.65;,;51.17,35.74;43.35,35.71;38.62,42.62;,:33.54,52.56,0.11,0,1 +139410:32.25,89.15;,;28.16,60.88;42.52,68.56;,;,;36.78,62.29;,;33.56,52.21;43.71,52.18;,;41.54,57.59;21.16,65.57;23.51,53.13;54.62,52.79;4.89,51.16:34.29,3.89;36.18,35.54;,;27.32,35.62;42.57,53.11;22.62,52.09;49.22,52.67;,;10.72,39.31;,;29.19,44.68;,;51.17,35.74;43.35,35.71;38.62,42.61;,:33.43,53.36,0.11,0,1 +139411:32.25,89.16;,;28.17,60.88;42.52,68.55;,;,;36.79,62.29;,;33.56,52.25;43.70,52.14;,;41.54,57.59;21.13,65.57;23.51,53.14;54.64,52.79;4.86,51.11:34.30,3.89;36.19,35.57;,;27.32,35.63;42.52,53.18;22.61,52.12;49.18,52.70;,;10.69,39.31;,;29.19,44.72;,;51.18,35.74;43.35,35.72;38.61,42.59;,:33.33,54.15,0.11,0,1 +139412:32.25,89.16;,;28.18,60.89;42.51,68.53;,;,;36.80,62.28;,;33.57,52.29;43.69,52.09;,;41.54,57.59;21.10,65.57;23.49,53.14;54.65,52.78;4.84,51.05:34.32,3.90;36.19,35.60;,;27.31,35.64;42.45,53.25;22.60,52.15;49.13,52.72;,;10.66,39.31;,;29.20,44.75;,;51.18,35.74;43.34,35.74;38.61,42.58;,:33.23,54.93,0.11,0,1 +139413:32.26,89.16;,;28.18,60.89;42.51,68.52;,;,;36.81,62.28;,;33.57,52.31;43.68,52.04;,;41.54,57.59;21.07,65.57;23.48,53.15;54.66,52.78;4.82,50.99:34.32,3.92;36.20,35.63;,;27.31,35.65;42.38,53.32;22.59,52.19;49.08,52.76;,;10.63,39.30;,;29.20,44.78;,;51.18,35.74;43.34,35.75;38.60,42.57;,:33.12,55.71,0.11,0,1 +139414:32.26,89.16;,;28.19,60.89;42.50,68.50;,;,;36.82,62.28;,;33.58,52.34;43.67,51.98;,;41.55,57.59;21.04,65.57;23.47,53.16;54.67,52.77;4.80,50.93:34.33,3.94;36.20,35.66;,;27.31,35.67;42.30,53.41;22.57,52.24;49.02,52.79;,;10.60,39.30;,;29.20,44.82;,;51.19,35.75;43.34,35.77;38.60,42.56;,:33.02,56.47,0.11,0,1 +139415:32.26,89.16;,;28.20,60.89;42.49,68.48;,;,;36.83,62.28;,;33.58,52.36;43.67,51.91;,;41.55,57.59;21.02,65.56;23.46,53.17;54.68,52.76;4.78,50.87:34.34,3.96;36.20,35.69;,;27.30,35.69;42.21,53.50;22.56,52.29;48.96,52.83;,;10.57,39.30;,;29.20,44.85;,;51.19,35.75;43.34,35.79;38.60,42.55;,:32.92,57.22,0.11,0,1 +139416:32.26,89.16;,;28.20,60.89;42.49,68.47;,;,;36.83,62.28;,;33.58,52.37;43.67,51.84;,;41.56,57.59;20.99,65.56;23.43,53.18;54.69,52.75;4.76,50.81:34.35,3.99;36.21,35.71;,;27.30,35.71;42.11,53.59;22.56,52.34;48.90,52.87;,;10.54,39.31;,;29.20,44.88;,;51.19,35.75;43.34,35.81;38.60,42.54;,:32.83,57.96,0.11,0,1 +139417:32.27,89.16;,;28.22,60.91;42.48,68.44;,;,;36.84,62.27;,;33.59,52.37;43.67,51.75;,;41.57,57.59;20.96,65.55;23.40,53.19;54.69,52.74;4.74,50.75:34.35,4.02;36.21,35.74;,;27.29,35.73;42.01,53.69;22.56,52.39;48.84,52.91;,;10.50,39.31;,;29.20,44.92;,;51.20,35.75;43.33,35.83;38.61,42.53;,:32.73,58.69,0.11,0,1 +139418:32.27,89.16;,;28.24,60.94;42.47,68.42;,;,;36.85,62.27;,;33.59,52.37;43.68,51.66;,;41.58,57.60;20.93,65.54;23.35,53.19;54.70,52.73;4.72,50.69:34.36,4.04;36.20,35.77;,;27.28,35.76;41.90,53.80;22.60,52.43;48.78,52.96;,;10.47,39.31;,;29.20,44.96;,;51.20,35.75;43.33,35.85;38.62,42.53;,:32.63,59.41,0.11,0,1 +139419:32.27,89.16;,;28.26,60.99;42.47,68.40;,;,;36.85,62.27;,;33.60,52.36;43.68,51.56;,;41.58,57.60;20.91,65.53;23.26,53.20;54.70,52.72;4.70,50.62:34.36,4.07;36.20,35.80;,;27.27,35.79;41.80,53.91;22.64,52.63;48.72,53.01;,;10.44,39.32;,;29.21,44.99;,;51.20,35.75;43.33,35.88;38.63,42.52;,:32.54,60.12,0.11,0,1 +139420:32.27,89.16;,;28.29,61.04;42.46,68.38;,;,;36.86,62.27;,;33.60,52.35;43.70,51.45;,;41.59,57.60;20.88,65.52;23.23,53.21;54.69,52.71;4.69,50.55:34.36,4.11;36.19,35.83;,;27.27,35.81;41.69,54.03;22.65,52.70;48.67,53.07;,;10.40,39.32;,;29.20,45.03;,;51.20,35.75;43.33,35.91;38.65,42.51;,:32.45,60.82,0.11,0,1 +139421:32.27,89.16;,;28.32,61.09;42.46,68.36;,;,;36.87,62.27;,;33.61,52.33;43.71,51.33;,;41.61,57.61;20.85,65.51;23.19,53.21;54.67,52.70;4.67,50.48:34.37,4.14;36.19,35.86;,;27.25,35.84;41.59,54.16;22.66,52.78;48.61,53.13;,;10.37,39.32;,;29.20,45.07;,;51.20,35.75;43.32,35.93;38.67,42.50;,:32.36,61.51,0.11,0,1 +139422:32.27,89.16;,;28.34,61.13;42.45,68.34;,;,;36.87,62.26;,;33.62,52.31;43.74,51.21;,;41.62,57.61;20.82,65.49;23.16,53.22;54.65,52.69;4.65,50.40:34.38,4.17;36.18,35.89;,;27.24,35.88;41.49,54.28;22.67,52.87;48.57,53.19;,;10.33,39.33;,;29.20,45.12;,;51.19,35.75;43.32,35.96;38.69,42.49;,:32.27,62.19,0.11,0,1 +139423:32.27,89.15;,;28.37,61.18;42.45,68.32;,;,;36.88,62.26;,;33.64,52.28;43.76,51.08;,;41.63,57.62;20.79,65.47;23.12,53.23;54.63,52.68;4.63,50.33:34.40,4.19;36.17,35.92;,;27.23,35.91;41.39,54.42;22.68,52.97;48.52,53.26;,;10.29,39.33;,;29.20,45.16;,;51.19,35.75;43.32,36.00;38.71,42.48;,:32.18,62.86,0.11,0,1 +139424:32.27,89.15;,;28.40,61.23;42.44,68.30;,;,;36.88,62.25;,;33.65,52.25;43.79,50.94;,;41.64,57.62;20.76,65.45;23.09,53.25;54.61,52.66;4.61,50.25:34.42,4.20;36.15,35.96;,;27.22,35.94;41.29,54.56;22.69,53.08;48.48,53.34;,;10.25,39.34;,;29.20,45.21;,;51.18,35.75;43.31,36.03;38.74,42.46;,:32.09,63.52,0.11,0,1 +139425:32.26,89.14;,;28.42,61.28;42.44,68.28;,;,;36.89,62.25;,;33.66,52.21;43.83,50.80;,;41.65,57.63;20.73,65.43;23.05,53.26;54.57,52.65;4.59,50.17:34.44,4.23;36.14,35.99;,;27.20,35.97;41.19,54.71;22.67,53.18;48.45,53.42;,;10.21,39.34;,;29.20,45.25;,;51.18,35.75;43.31,36.06;38.77,42.45;,:32.01,64.17,0.11,0,1 +139426:32.25,89.13;,;28.45,61.33;42.43,68.26;,;,;36.90,62.24;,;33.68,52.16;43.86,50.65;,;41.67,57.64;20.70,65.41;23.02,53.28;54.54,52.64;4.58,50.09:34.45,4.27;36.12,36.03;,;27.18,36.00;41.11,54.86;22.61,53.27;48.42,53.50;,;10.16,39.35;,;29.19,45.30;,;51.17,35.74;43.30,36.10;38.80,42.43;,:31.92,64.81,0.11,0,1 +139427:32.24,89.12;,;28.48,61.38;42.43,68.24;,;,;36.90,62.23;,;33.69,52.11;43.89,50.50;,;41.69,57.65;20.67,65.39;22.99,53.29;54.50,52.63;4.56,50.01:34.43,4.33;36.11,36.06;,;27.17,36.03;41.03,55.02;22.35,53.36;48.39,53.59;,;10.12,39.35;,;29.19,45.36;,;51.17,35.74;43.30,36.13;38.84,42.41;,:31.84,65.44,0.11,0,1 +139428:32.23,89.11;,;28.50,61.43;42.43,68.23;,;,;36.91,62.22;,;33.71,52.06;43.93,50.34;,;41.71,57.66;20.64,65.36;22.97,53.32;54.46,52.62;4.54,49.92:34.42,4.29;36.10,36.09;,;27.15,36.06;40.96,55.18;22.25,53.41;48.36,53.68;,;10.07,39.35;,;29.19,45.41;,;51.16,35.74;43.30,36.17;38.88,42.39;,:31.76,66.06,0.11,0,1 +139429:32.22,89.10;,;28.53,61.48;42.43,68.21;,;,;36.91,62.21;,;33.73,52.00;43.96,50.19;,;41.74,57.67;20.61,65.33;22.94,53.35;54.42,52.62;4.52,49.84:34.52,4.13;36.08,36.12;,;27.13,36.09;40.89,55.35;22.18,53.51;48.33,53.77;,;10.03,39.36;,;29.18,45.47;,;51.16,35.73;43.29,36.21;38.92,42.37;,:31.68,66.67,0.11,0,1 +139430:32.21,89.09;,;28.56,61.53;42.42,68.20;,;,;36.92,62.20;,;33.74,51.94;44.00,50.02;,;41.76,57.68;20.59,65.30;22.92,53.38;54.38,52.61;4.49,49.76:34.54,4.17;36.07,36.14;,;27.11,36.12;40.82,55.52;22.11,53.61;48.30,53.87;,;9.98,39.36;,;29.18,45.52;,;51.15,35.73;43.28,36.25;38.97,42.34;,:31.60,67.27,0.11,0,1 +139431:32.19,89.08;,;28.59,61.58;42.42,68.18;,;,;36.92,62.18;,;33.76,51.88;44.05,49.86;,;41.79,57.69;20.56,65.28;22.89,53.42;54.34,52.60;4.47,49.68:34.55,4.20;36.07,36.17;,;27.09,36.15;40.75,55.70;22.04,53.71;48.26,53.96;,;9.94,39.37;,;29.17,45.58;,;51.15,35.73;43.28,36.29;39.01,42.32;,:31.52,67.86,0.11,0,1 +139432:32.18,89.06;,;28.61,61.63;42.41,68.17;,;,;36.92,62.17;,;33.78,51.81;44.10,49.70;,;41.81,57.69;20.54,65.24;22.87,53.46;54.30,52.59;4.44,49.60:34.57,4.24;36.06,36.19;,;27.06,36.17;40.70,55.88;21.97,53.81;48.23,54.06;,;9.89,39.37;,;29.17,45.64;,;51.14,35.72;43.27,36.33;39.06,42.29;,:31.44,68.44,0.11,0,1 +139433:32.17,89.05;,;28.64,61.68;42.40,68.16;,;,;36.92,62.15;,;33.79,51.75;44.15,49.52;,;41.84,57.70;20.52,65.21;22.84,53.51;54.26,52.59;4.41,49.51:34.59,4.27;36.06,36.21;,;27.04,36.20;40.64,56.06;21.90,53.91;48.20,54.15;,;9.84,39.38;,;29.16,45.70;,;51.14,35.72;43.26,36.37;39.10,42.26;,:31.37,69.01,0.11,0,1 +139434:32.15,89.03;,;28.67,61.73;42.39,68.15;,;,;36.92,62.14;,;33.81,51.67;44.17,49.34;,;41.86,57.70;20.50,65.18;22.82,53.56;54.22,52.58;4.38,49.43:34.60,4.30;36.06,36.22;,;27.01,36.23;40.59,56.25;21.83,54.02;48.17,54.25;,;9.80,39.38;,;29.16,45.77;,;51.14,35.71;43.24,36.42;39.15,42.22;,:31.29,69.57,0.11,0,1 +139435:32.13,89.02;,;28.69,61.78;42.38,68.13;,;,;36.92,62.12;,;33.83,51.60;44.21,49.17;,;41.89,57.70;20.49,65.15;22.79,53.62;54.18,52.58;4.34,49.35:34.62,4.34;36.06,36.23;,;26.99,36.25;40.54,56.45;21.76,54.13;48.13,54.35;,;9.75,39.39;,;29.15,45.83;,;51.14,35.71;43.23,36.46;39.19,42.19;,:31.22,70.12,0.11,0,1 +139436:32.12,89.00;,;28.72,61.83;42.37,68.12;,;,;36.92,62.10;,;33.84,51.53;44.25,48.98;,;41.92,57.70;20.48,65.12;22.75,53.69;54.14,52.57;4.31,49.27:34.64,4.37;36.06,36.24;,;26.96,36.28;40.49,56.65;21.70,54.24;48.10,54.44;,;9.71,39.39;,;29.15,45.89;,;51.13,35.71;43.21,36.51;39.24,42.15;,:31.15,70.66,0.11,0,1 +139437:32.10,88.98;,;28.75,61.88;42.36,68.10;,;,;36.92,62.08;,;33.86,51.45;44.18,48.78;,;41.94,57.70;20.47,65.08;22.72,53.76;54.11,52.57;4.27,49.19:34.65,4.41;36.07,36.25;,;26.93,36.31;40.44,56.85;21.63,54.35;48.06,54.54;,;9.67,39.40;,;29.14,45.95;,;51.13,35.71;43.19,36.55;39.28,42.11;,:31.08,71.18,0.11,0,1 +139438:32.08,88.96;,;28.77,61.93;42.34,68.08;,;,;36.92,62.06;,;33.88,51.38;44.11,48.55;,;41.97,57.69;20.47,65.05;22.68,53.84;54.07,52.57;4.23,49.11:34.67,4.44;36.08,36.25;,;26.91,36.33;40.39,57.06;21.56,54.46;48.02,54.63;,;9.64,39.40;,;29.14,46.01;,;51.12,35.71;43.18,36.60;39.33,42.07;,:31.01,71.70,0.11,0,1 +139439:32.06,88.94;,;28.80,61.97;42.32,68.07;,;,;36.91,62.03;,;33.90,51.30;44.34,48.24;,;41.99,57.68;20.47,65.02;22.64,53.92;54.03,52.56;4.19,49.04:34.69,4.48;36.09,36.26;,;26.88,36.36;40.35,57.27;21.50,54.58;47.98,54.73;,;9.60,39.41;,;29.13,46.08;,;51.12,35.71;43.16,36.64;39.37,42.03;,:30.94,72.21,0.11,0,1 +139440:32.04,88.92;,;28.83,62.02;42.30,68.05;,;,;36.91,62.01;,;33.93,51.22;44.37,48.03;,;42.00,57.66;20.47,64.99;22.59,54.00;54.00,52.56;4.15,48.96:34.70,4.51;36.10,36.26;,;26.86,36.38;40.32,57.49;21.44,54.70;47.94,54.82;,;9.57,39.41;,;29.12,46.14;,;51.12,35.72;43.14,36.68;39.41,41.98;,:30.88,72.71,0.11,0,1 +139441:32.02,88.90;,;28.85,62.07;42.27,68.03;,;,;36.90,61.99;,;33.95,51.14;44.40,47.81;,;42.02,57.65;20.48,64.96;22.55,54.09;53.97,52.56;4.12,48.88:34.72,4.55;36.11,36.26;,;26.84,36.40;40.29,57.70;21.38,54.82;47.90,54.91;,;9.55,39.41;,;29.11,46.20;,;51.11,35.73;43.12,36.72;39.45,41.94;,:30.81,73.20,0.11,0,1 +139442:32.00,88.87;,;28.88,62.12;42.25,68.00;,;,;36.90,61.96;,;33.98,51.06;44.44,47.60;,;42.03,57.63;20.49,64.93;22.51,54.18;53.94,52.55;4.08,48.80:34.74,4.58;36.12,36.26;,;26.82,36.42;40.27,57.93;21.33,54.94;47.86,55.00;,;9.52,39.41;,;29.09,46.26;,;51.10,35.74;43.10,36.75;39.48,41.90;,:30.75,73.68,0.11,0,1 +139443:31.98,88.85;,;28.91,62.17;42.22,67.98;,;,;36.90,61.93;,;34.00,50.98;44.47,47.38;,;42.04,57.60;20.50,64.90;22.47,54.27;53.91,52.55;4.05,48.72:34.22,5.33;36.14,36.25;,;26.80,36.44;40.24,58.15;21.28,55.06;47.82,55.09;,;9.51,39.41;,;29.07,46.32;,;51.09,35.75;43.09,36.79;39.52,41.86;,:30.69,74.15,0.11,0,1 +139444:31.96,88.83;,;28.94,62.22;42.19,67.96;,;,;36.89,61.91;,;34.03,50.89;44.51,47.17;,;42.04,57.58;20.51,64.87;22.43,54.36;53.88,52.54;4.02,48.64:34.22,5.37;36.15,36.25;,;26.78,36.45;40.22,58.39;21.23,55.19;47.77,55.18;,;9.49,39.41;,;29.05,46.38;,;51.08,35.77;43.07,36.81;39.55,41.82;,:30.63,74.61,0.11,0,1 +139445:31.93,88.80;,;28.96,62.27;42.16,67.93;,;,;36.89,61.88;,;34.06,50.81;44.56,46.96;,;42.05,57.55;20.52,64.84;22.39,54.45;53.85,52.53;4.00,48.56:34.22,5.41;36.17,36.25;,;26.76,36.47;40.19,58.62;21.18,55.31;47.73,55.26;,;9.48,39.40;,;29.03,46.44;,;51.07,35.79;43.06,36.84;39.58,41.78;,:30.57,75.05,0.11,0,1 +139446:31.90,88.77;,;28.99,62.32;42.13,67.90;,;,;36.89,61.85;,;34.09,50.72;44.59,46.75;,;42.05,57.52;20.53,64.81;22.35,54.54;53.82,52.52;3.98,48.47:34.23,5.45;36.19,36.24;,;26.75,36.48;40.17,58.86;21.13,55.44;47.69,55.34;,;9.47,39.40;,;29.01,46.49;,;51.06,35.81;43.05,36.86;39.61,41.74;,:30.51,75.49,0.11,0,1 +139447:31.87,88.74;,;29.02,62.37;42.10,67.88;,;,;36.89,61.82;,;34.12,50.64;44.63,46.53;,;42.06,57.49;20.53,64.78;22.33,54.63;53.79,52.51;3.97,48.39:34.23,5.49;36.21,36.23;,;26.74,36.49;40.16,59.10;21.08,55.58;47.64,55.42;,;9.46,39.39;,;28.99,46.55;,;51.05,35.83;43.04,36.88;39.64,41.70;,:30.45,75.92,0.11,0,1 +139448:31.84,88.72;,;29.04,62.42;42.07,67.85;,;,;36.89,61.79;,;34.16,50.55;44.66,46.32;,;42.06,57.46;20.54,64.75;22.30,54.71;53.77,52.50;3.96,48.30:34.23,5.54;36.23,36.23;,;26.73,36.50;40.14,59.34;21.04,55.71;47.59,55.50;,;9.45,39.38;,;28.96,46.60;,;51.03,35.86;43.03,36.89;39.67,41.67;,:30.40,76.34,0.11,0,1 +139449:31.81,88.69;,;29.07,62.47;42.04,67.82;,;,;36.89,61.76;,;34.19,50.46;44.69,46.12;,;42.06,57.42;20.55,64.72;22.28,54.79;53.74,52.49;3.97,48.22:34.23,5.58;36.26,36.22;,;26.72,36.51;40.12,59.58;21.00,55.85;47.54,55.57;,;9.44,39.36;,;28.94,46.65;,;51.02,35.89;43.03,36.90;39.69,41.64;,:30.34,76.75,0.11,0,1 +139450:31.78,88.66;,;29.10,62.52;42.01,67.79;,;,;36.89,61.73;,;34.22,50.37;44.73,45.91;,;42.07,57.39;20.55,64.68;22.27,54.87;53.72,52.47;3.98,48.13:34.23,5.64;36.28,36.21;,;26.72,36.52;40.10,59.83;20.97,55.99;47.49,55.64;,;9.43,39.35;,;28.91,46.70;,;51.00,35.92;43.03,36.91;39.72,41.60;,:30.29,77.15,0.11,0,1 +139451:31.74,88.63;,;29.12,62.57;41.98,67.76;,;,;36.89,61.69;,;34.26,50.29;44.76,45.70;,;42.07,57.35;20.55,64.65;22.26,54.94;53.69,52.46;4.00,48.04:34.23,5.69;36.31,36.20;,;26.71,36.52;40.07,60.07;20.95,56.14;47.44,55.71;,;9.42,39.34;,;28.88,46.74;,;50.98,35.94;43.03,36.91;39.75,41.57;,:30.24,77.53,0.11,0,1 +139452:31.70,88.59;,;29.15,62.62;41.94,67.72;,;,;36.89,61.66;,;34.29,50.20;44.79,45.50;,;42.08,57.31;20.55,64.62;22.26,55.00;53.66,52.44;4.02,47.95:34.22,5.75;36.34,36.19;,;26.70,36.53;40.03,60.31;20.93,56.29;47.39,55.78;,;9.41,39.33;,;28.85,46.78;,;50.95,35.97;43.04,36.91;39.77,41.55;,:30.19,77.91,0.11,0,1 +139453:31.66,88.55;,;29.18,62.67;41.91,67.69;,;,;36.88,61.63;,;34.33,50.11;44.82,45.29;,;42.08,57.27;20.55,64.59;22.26,55.05;53.63,52.42;4.05,47.86:34.21,5.81;36.37,36.17;,;26.70,36.53;39.99,60.55;20.91,56.45;47.34,55.84;,;9.40,39.31;,;28.83,46.82;,;50.93,36.00;43.05,36.91;39.80,41.52;,:30.14,78.28,0.11,0,1 +139454:31.61,88.50;,;29.21,62.72;41.88,67.65;,;,;36.88,61.59;,;34.36,50.02;44.85,45.08;,;42.09,57.23;20.55,64.56;22.27,55.10;53.60,52.40;4.09,47.76:34.20,5.87;36.39,36.16;,;26.69,36.53;39.95,60.78;20.89,56.61;47.29,55.89;,;9.39,39.30;,;28.80,46.86;,;50.90,36.03;43.06,36.90;39.83,41.50;,:30.10,78.64,0.11,0,1 +139455:31.55,88.45;,;29.23,62.77;41.85,67.62;,;,;36.88,61.56;,;34.40,49.94;44.87,44.88;,;42.10,57.19;20.55,64.53;22.28,55.14;53.57,52.37;4.14,47.66:34.20,5.93;36.42,36.15;,;26.69,36.54;39.91,61.02;20.87,56.77;47.24,55.94;,;9.38,39.28;,;28.78,46.89;,;50.88,36.06;43.08,36.89;39.86,41.47;,:30.05,78.99,0.11,0,1 +139456:31.50,88.39;,;29.26,62.82;41.82,67.58;,;,;36.88,61.52;,;34.44,49.85;44.90,44.67;,;42.12,57.15;20.55,64.50;22.30,55.18;53.53,52.35;4.20,47.56:34.19,5.99;36.45,36.13;,;26.68,36.54;39.86,61.25;20.86,56.93;47.19,55.99;,;9.36,39.27;,;28.76,46.91;,;50.85,36.08;43.10,36.87;39.89,41.45;,:30.00,79.32,0.11,0,1 +139457:31.44,88.32;,;29.29,62.86;41.78,67.54;,;,;36.88,61.49;,;34.48,49.76;44.93,44.46;,;42.13,57.10;20.54,64.47;22.33,55.20;53.49,52.33;4.26,47.46:34.19,6.05;36.48,36.11;,;26.67,36.54;39.81,61.48;20.85,57.09;47.15,56.03;,;9.35,39.25;,;28.75,46.94;,;50.82,36.11;43.12,36.85;39.91,41.43;,:29.96,79.65,0.11,0,1 +139458:31.38,88.25;,;29.31,62.91;41.75,67.51;,;,;36.88,61.45;,;34.52,49.68;44.96,44.25;,;42.15,57.05;20.54,64.44;22.36,55.22;53.44,52.30;4.32,47.36:34.19,6.12;36.51,36.10;,;26.67,36.54;39.75,61.71;20.84,57.26;47.10,56.06;,;9.34,39.24;,;28.73,46.96;,;50.79,36.13;43.14,36.83;39.94,41.41;,:29.92,79.97,0.11,0,1 +139459:31.32,88.17;,;29.34,62.96;41.71,67.47;,;,;36.88,61.42;,;34.56,49.59;44.99,44.05;,;42.16,57.01;20.53,64.41;22.39,55.23;53.39,52.27;4.39,47.25:34.18,6.18;36.53,36.08;,;26.66,36.54;39.68,61.94;20.82,57.42;47.07,56.09;,;9.32,39.22;,;28.72,46.97;,;50.77,36.15;43.17,36.81;39.97,41.39;,:29.88,80.28,0.11,0,1 +139460:31.25,88.09;,;29.37,63.01;41.67,67.43;,;,;36.87,61.38;,;34.60,49.50;45.03,43.84;,;42.17,56.96;20.53,64.38;22.43,55.23;53.33,52.25;4.46,47.15:34.18,6.24;36.56,36.06;,;26.65,36.53;39.61,62.16;20.81,57.59;47.03,56.11;,;9.31,39.21;,;28.71,46.99;,;50.74,36.16;43.20,36.79;40.00,41.38;,:29.84,80.57,0.11,0,1 +139461:31.18,88.00;,;29.39,63.06;41.63,67.39;,;,;36.87,61.34;,;34.64,49.42;45.06,43.63;,;42.18,56.91;20.52,64.36;22.48,55.22;53.27,52.22;4.54,47.04:34.18,6.30;36.59,36.04;,;26.65,36.53;39.54,62.38;20.80,57.75;46.99,56.13;,;9.30,39.19;,;28.71,47.00;,;50.71,36.18;43.23,36.76;40.03,41.36;,:29.80,80.86,0.11,0,1 +139462:31.11,87.91;,;29.42,63.11;41.59,67.35;,;,;36.86,61.31;,;34.69,49.33;45.08,43.42;,;42.20,56.85;20.52,64.33;22.53,55.21;53.21,52.19;4.62,46.94:34.18,6.36;36.61,36.03;,;26.64,36.52;39.46,62.60;20.79,57.91;46.96,56.14;,;9.29,39.17;,;28.70,47.00;,;50.69,36.19;43.26,36.73;40.05,41.34;,:29.77,81.14,0.11,0,1 +139463:31.04,87.81;,;29.45,63.16;41.56,67.31;,;,;36.85,61.28;,;34.73,49.24;45.11,43.22;,;42.21,56.80;20.52,64.31;22.58,55.18;53.15,52.16;4.70,46.83:34.18,6.42;36.63,36.01;,;26.63,36.51;39.39,62.82;20.77,58.07;46.93,56.15;,;9.28,39.15;,;28.70,47.01;,;50.66,36.20;43.29,36.70;40.08,41.33;,:29.73,81.40,0.11,0,1 +139464:30.97,87.70;,;29.48,63.21;41.52,67.28;,;,;36.84,61.24;,;34.77,49.16;45.15,43.02;,;42.22,56.74;20.52,64.28;22.63,55.15;53.08,52.13;4.78,46.73:34.18,6.47;36.66,35.99;,;26.63,36.50;39.32,63.03;20.76,58.22;46.90,56.14;,;9.27,39.13;,;28.70,47.01;,;50.64,36.21;43.32,36.67;40.10,41.31;,:29.70,81.66,0.11,0,1 +139465:30.89,87.60;,;29.50,63.26;41.47,67.24;,;,;36.83,61.21;,;34.81,49.06;45.18,42.82;,;42.23,56.68;20.52,64.26;22.69,55.11;53.01,52.09;4.87,46.63:34.17,6.53;36.68,35.96;,;26.62,36.49;39.23,63.25;20.74,58.38;46.87,56.14;,;9.27,39.11;,;28.70,47.01;,;50.62,36.21;43.35,36.64;40.13,41.29;,:29.66,81.91,0.11,0,1 +139466:30.82,87.49;,;29.53,63.31;41.43,67.20;,;,;36.82,61.18;,;34.85,48.97;45.22,42.63;,;42.24,56.63;20.53,64.24;22.74,55.07;52.94,52.06;4.96,46.52:34.17,6.59;36.70,35.94;,;26.61,36.48;39.15,63.46;20.73,58.52;46.84,56.13;,;9.27,39.08;,;28.71,47.01;,;50.61,36.21;43.38,36.61;40.15,41.28;,:29.63,82.14,0.11,0,1 +139467:30.75,87.39;,;29.56,63.36;41.39,67.17;,;,;36.81,61.15;,;34.90,48.88;45.25,42.44;,;42.25,56.57;20.54,64.22;22.80,55.01;52.86,52.03;5.05,46.42:34.17,6.64;36.73,35.92;,;26.61,36.46;39.06,63.68;20.71,58.67;46.81,56.11;,;9.27,39.06;,;28.71,47.00;,;50.59,36.21;43.40,36.58;40.17,41.26;,:29.60,82.37,0.11,0,1 +139468:30.68,87.28;,;29.58,63.41;41.35,67.13;,;,;36.79,61.11;,;34.94,48.78;45.29,42.25;,;42.26,56.52;20.54,64.20;22.86,54.96;52.79,52.00;5.14,46.32:34.17,6.70;36.75,35.90;,;26.60,36.44;38.98,63.89;20.69,58.80;46.78,56.09;,;9.28,39.03;,;28.72,47.00;,;50.58,36.21;43.43,36.55;40.19,41.24;,:29.57,82.59,0.11,0,1 +139469:30.62,87.19;,;29.61,63.46;41.31,67.10;,;,;36.77,61.08;,;34.98,48.68;45.32,42.06;,;42.27,56.46;20.56,64.18;22.92,54.89;52.71,51.96;5.23,46.23:34.17,6.75;36.78,35.87;,;26.60,36.42;38.89,64.10;20.68,58.93;46.74,56.07;,;9.30,39.00;,;28.73,46.99;,;50.57,36.20;43.46,36.53;40.21,41.22;,:29.55,82.79,0.11,0,1 +139470:30.56,87.10;,;29.64,63.51;41.26,67.07;,;,;36.75,61.05;,;35.03,48.58;45.36,41.88;,;42.27,56.41;20.57,64.16;22.99,54.83;52.63,51.93;5.33,46.13:34.17,6.80;36.81,35.85;,;26.59,36.40;38.80,64.31;20.67,59.05;46.70,56.04;,;9.31,38.97;,;28.75,46.98;,;50.56,36.20;43.48,36.50;40.23,41.20;,:29.52,82.99,0.11,0,1 +139471:30.50,87.01;,;29.66,63.56;41.22,67.03;,;,;36.73,61.02;,;35.07,48.48;45.41,41.70;,;42.27,56.36;20.59,64.14;23.05,54.75;52.56,51.89;5.43,46.03:34.17,6.86;36.84,35.82;,;26.59,36.37;38.72,64.52;20.65,59.17;46.66,56.01;,;9.34,38.94;,;28.77,46.96;,;50.55,36.19;43.50,36.47;40.25,41.17;,:29.50,83.18,0.11,0,1 +139472:30.44,86.93;,;29.69,63.60;41.18,67.00;,;,;36.71,60.99;,;35.12,48.37;45.45,41.52;,;42.27,56.31;20.60,64.12;23.11,54.67;52.49,51.85;5.53,45.93:34.17,6.91;36.87,35.79;,;26.58,36.35;38.62,64.73;20.64,59.28;46.62,55.97;,;9.36,38.90;,;28.78,46.95;,;50.54,36.17;43.53,36.44;40.27,41.15;,:29.47,83.35,0.11,0,1 +139473:30.39,86.86;,;29.71,63.64;41.13,66.97;,;,;36.69,60.96;,;35.16,48.27;45.50,41.34;,;42.27,56.26;20.62,64.10;23.17,54.59;52.42,51.82;5.63,45.84:34.17,6.96;36.91,35.76;,;26.58,36.32;38.52,64.93;20.64,59.38;46.57,55.94;,;9.39,38.87;,;28.81,46.93;,;50.53,36.16;43.55,36.41;40.29,41.12;,:29.45,83.52,0.11,0,1 +139474:30.34,86.79;,;29.73,63.66;41.09,66.93;,;,;36.67,60.93;,;35.21,48.16;45.55,41.17;,;42.27,56.22;20.64,64.09;23.23,54.50;52.35,51.78;5.74,45.74:34.16,7.01;36.95,35.73;,;26.57,36.29;38.42,65.14;20.63,59.47;46.53,55.90;,;9.43,38.83;,;28.84,46.91;,;50.53,36.13;43.57,36.38;40.31,41.09;,:29.43,83.68,0.11,0,1 +139475:30.29,86.73;,;29.75,63.68;41.04,66.90;,;,;36.65,60.90;,;35.25,48.05;45.60,41.00;,;42.27,56.18;20.66,64.07;23.30,54.41;52.28,51.74;5.85,45.65:34.17,7.05;37.00,35.69;,;26.57,36.26;38.31,65.34;20.63,59.55;46.48,55.86;,;9.46,38.79;,;28.87,46.89;,;50.53,36.11;43.59,36.35;40.33,41.06;,:29.41,83.82,0.11,0,1 +139476:30.24,86.67;,;29.76,63.69;40.99,66.86;,;,;36.62,60.87;,;35.30,47.94;45.64,40.84;,;42.26,56.14;20.68,64.05;23.37,54.31;52.22,51.70;5.95,45.55:34.16,7.10;37.04,35.66;,;26.57,36.23;38.21,65.54;20.63,59.62;46.42,55.82;,;9.50,38.75;,;28.91,46.86;,;50.53,36.09;43.62,36.32;40.35,41.04;,:29.39,83.96,0.11,0,1 +139477:30.19,86.61;,;29.78,63.70;40.94,66.82;,;,;36.60,60.84;,;35.35,47.83;45.69,40.67;,;42.25,56.10;20.69,64.03;23.43,54.21;52.16,51.67;6.06,45.46:34.16,7.15;37.09,35.62;,;26.57,36.20;38.10,65.74;20.63,59.69;46.37,55.78;,;9.55,38.71;,;28.95,46.83;,;50.52,36.06;43.64,36.29;40.37,41.01;,:29.38,84.08,0.11,0,1 +139478:30.15,86.56;,;29.80,63.71;40.89,66.78;,;,;36.58,60.80;,;35.40,47.72;45.74,40.51;,;42.25,56.07;20.71,64.01;23.50,54.11;52.11,51.63;6.18,45.36:34.16,7.21;37.15,35.58;,;26.57,36.17;37.99,65.93;20.64,59.74;46.32,55.74;,;9.60,38.67;,;28.99,46.80;,;50.52,36.03;43.66,36.26;40.39,40.98;,:29.36,84.20,0.11,0,1 +139479:30.10,86.51;,;29.81,63.73;40.84,66.74;,;,;36.56,60.77;,;35.44,47.61;45.79,40.35;,;42.24,56.04;20.73,63.98;23.57,54.00;52.05,51.59;6.29,45.27:34.15,7.26;37.20,35.53;,;26.57,36.14;37.88,66.13;20.66,59.78;46.26,55.69;,;9.64,38.63;,;29.04,46.77;,;50.52,35.99;43.69,36.22;40.41,40.95;,:29.35,84.31,0.11,0,1 +139480:30.05,86.46;,;29.83,63.74;40.78,66.69;,;,;36.54,60.73;,;35.49,47.50;45.84,40.19;,;42.23,56.01;20.74,63.96;23.64,53.90;52.00,51.55;6.40,45.18:34.14,7.32;37.26,35.49;,;26.57,36.10;37.76,66.32;20.68,59.82;46.21,55.65;,;9.69,38.58;,;29.09,46.73;,;50.53,35.96;43.72,36.19;40.43,40.92;,:29.33,84.40,0.11,0,1 +139481:30.00,86.40;,;29.84,63.75;40.73,66.65;,;,;36.53,60.69;,;35.53,47.39;45.88,40.03;,;42.23,55.97;20.76,63.93;23.71,53.78;51.95,51.51;6.52,45.09:34.13,7.38;37.31,35.44;,;26.57,36.07;37.64,66.51;20.70,59.84;46.16,55.61;,;9.74,38.54;,;29.14,46.70;,;50.53,35.92;43.74,36.15;40.45,40.89;,:29.32,84.49,0.11,0,1 +139482:29.94,86.35;,;29.86,63.76;40.67,66.60;,;,;36.51,60.66;,;35.58,47.29;45.92,39.88;,;42.22,55.94;20.77,63.90;23.79,53.67;51.91,51.46;6.63,44.99:34.12,7.44;37.37,35.39;,;26.58,36.03;37.52,66.69;20.73,59.85;46.10,55.56;,;9.79,38.50;,;29.20,46.66;,;50.53,35.88;43.77,36.12;40.47,40.87;,:29.31,84.56,0.11,0,1 +139483:29.88,86.29;,;29.87,63.77;40.61,66.56;,;,;36.49,60.62;,;35.62,47.19;45.95,39.72;,;42.21,55.91;20.78,63.87;23.87,53.56;51.87,51.42;6.75,44.90:34.11,7.50;37.43,35.34;,;26.59,35.99;37.40,66.87;20.76,59.86;46.05,55.52;,;9.84,38.46;,;29.25,46.62;,;50.53,35.84;43.80,36.08;40.48,40.84;,:29.30,84.63,0.11,0,1 +139484:29.82,86.24;,;29.89,63.78;40.56,66.51;,;,;36.47,60.58;,;35.67,47.08;45.98,39.57;,;42.20,55.88;20.79,63.83;23.95,53.44;51.84,51.38;6.87,44.82:34.10,7.56;37.48,35.29;,;26.59,35.95;37.28,67.05;20.80,59.86;46.00,55.47;,;9.89,38.42;,;29.30,46.58;,;50.54,35.80;43.83,36.04;40.49,40.82;,:29.30,84.68,0.11,0,1 +139485:29.76,86.17;,;29.90,63.80;40.50,66.47;,;,;36.45,60.55;,;35.72,46.98;46.01,39.42;,;42.19,55.85;20.80,63.80;24.03,53.32;51.80,51.33;6.98,44.73:34.08,7.63;37.54,35.24;,;26.60,35.91;37.15,67.23;20.83,59.85;45.96,55.42;,;9.94,38.38;,;29.36,46.55;,;50.54,35.76;43.85,36.01;40.50,40.80;,:29.29,84.73,0.11,0,1 +139486:29.69,86.11;,;29.92,63.81;40.45,66.42;,;,;36.43,60.51;,;35.77,46.88;46.03,39.28;,;42.18,55.81;20.81,63.76;24.11,53.21;51.76,51.29;7.09,44.64:34.06,7.69;37.59,35.19;,;26.61,35.87;37.03,67.41;20.88,59.83;45.91,55.38;,;9.99,38.35;,;29.41,46.51;,;50.54,35.72;43.88,35.97;40.51,40.78;,:29.29,84.76,0.11,0,1 +139487:29.62,86.05;,;29.93,63.82;40.39,66.37;,;,;36.41,60.47;,;35.81,46.79;46.05,39.14;,;42.17,55.78;20.82,63.71;24.19,53.09;51.73,51.24;7.21,44.56:34.04,7.75;37.63,35.14;,;26.62,35.83;36.90,67.58;20.92,59.81;45.87,55.33;,;10.03,38.31;,;29.46,46.47;,;50.55,35.68;43.90,35.94;40.52,40.77;,:29.28,84.79,0.11,0,1 +139488:29.55,85.98;,;29.95,63.83;40.34,66.33;,;,;36.39,60.43;,;35.87,46.69;46.06,39.00;,;42.16,55.74;20.82,63.67;24.27,52.96;51.69,51.20;7.32,44.47:34.02,7.82;37.67,35.09;,;26.63,35.79;36.78,67.76;20.96,59.78;45.84,55.28;,;10.08,38.28;,;29.51,46.42;,;50.55,35.64;43.93,35.91;40.52,40.75;,:29.28,84.81,0.11,0,1 +139489:29.48,85.92;,;29.96,63.84;40.29,66.29;,;,;36.37,60.40;,;35.92,46.60;46.07,38.86;,;42.16,55.70;20.83,63.62;24.34,52.84;51.65,51.15;7.44,44.39:34.00,7.88;37.71,35.05;,;26.65,35.74;36.64,67.93;21.01,59.75;45.80,55.22;,;10.13,38.24;,;29.55,46.38;,;50.55,35.60;43.96,35.87;40.52,40.74;,:29.28,84.81,0.11,0,1 +139490:29.41,85.85;,;29.98,63.85;40.24,66.24;,;,;36.34,60.36;,;35.97,46.50;46.08,38.72;,;42.15,55.66;20.84,63.57;24.42,52.72;51.61,51.10;7.55,44.31:33.98,7.94;37.74,35.00;,;26.67,35.70;36.51,68.10;21.06,59.72;45.76,55.17;,;10.17,38.21;,;29.59,46.34;,;50.55,35.56;43.98,35.84;40.52,40.73;,:29.09,84.64,0.11,0,1 +139491:29.33,85.79;,;29.99,63.86;40.19,66.20;,;,;36.31,60.32;,;36.03,46.40;46.09,38.59;,;42.14,55.61;20.85,63.52;24.49,52.60;51.56,51.05;7.67,44.22:33.96,7.99;37.77,34.96;,;26.69,35.65;36.38,68.27;21.11,59.68;45.72,55.12;,;10.22,38.18;,;29.63,46.30;,;50.55,35.52;44.00,35.80;40.52,40.72;,:28.90,84.47,0.11,0,1 +139492:29.25,85.72;,;30.01,63.88;40.14,66.16;,;,;36.28,60.28;,;36.09,46.31;46.09,38.46;,;42.13,55.57;20.86,63.46;24.56,52.48;51.52,51.00;7.79,44.14:33.94,8.05;37.79,34.92;,;26.71,35.60;36.25,68.43;21.16,59.64;45.69,55.06;,;10.27,38.15;,;29.67,46.25;,;50.55,35.48;44.03,35.77;40.51,40.71;,:28.71,84.31,0.11,0,1 +139493:29.18,85.65;,;30.03,63.89;40.09,66.12;,;,;36.24,60.25;,;36.15,46.21;46.10,38.33;,;42.12,55.52;20.87,63.41;24.63,52.35;51.47,50.95;7.90,44.06:33.93,8.10;37.81,34.88;,;26.73,35.55;36.12,68.60;21.21,59.59;45.66,55.01;,;10.32,38.11;,;29.70,46.21;,;50.55,35.43;44.05,35.73;40.50,40.70;,:28.53,84.15,0.11,0,1 +139494:29.10,85.59;,;30.04,63.90;40.05,66.08;,;,;36.20,60.21;,;36.21,46.11;46.10,38.20;,;42.12,55.48;20.88,63.35;24.69,52.23;51.41,50.90;8.02,43.98:33.92,8.14;37.82,34.85;,;26.76,35.51;36.00,68.76;21.26,59.54;45.63,54.95;,;10.37,38.08;,;29.74,46.16;,;50.55,35.39;44.07,35.70;40.49,40.69;,:28.35,83.99,0.11,0,1 +139495:29.03,85.52;,;30.06,63.91;40.00,66.04;,;,;36.16,60.17;,;36.27,46.02;46.10,38.07;,;42.11,55.43;20.89,63.29;24.75,52.11;51.36,50.85;8.14,43.89:33.90,8.18;37.83,34.82;,;26.79,35.45;35.87,68.93;21.32,59.49;45.59,54.89;,;10.42,38.04;,;29.77,46.11;,;50.56,35.35;44.10,35.66;40.48,40.69;,:28.18,83.83,0.11,0,1 +139496:28.94,85.46;,;30.07,63.92;39.96,66.00;,;,;36.11,60.13;,;36.33,45.92;46.11,37.95;,;42.11,55.38;20.90,63.23;24.81,51.98;51.30,50.80;8.26,43.81:33.89,8.22;37.83,34.79;,;26.82,35.40;35.73,69.09;21.37,59.44;45.56,54.83;,;10.48,38.00;,;29.79,46.06;,;50.56,35.31;44.12,35.62;40.46,40.68;,:28.01,83.68,0.11,0,1 +139497:28.86,85.39;,;30.09,63.93;39.92,65.96;,;,;36.07,60.09;,;36.40,45.82;46.13,37.82;,;42.11,55.33;20.92,63.16;24.87,51.86;51.24,50.75;8.38,43.73:33.88,8.25;37.83,34.77;,;26.85,35.35;35.60,69.25;21.43,59.39;45.53,54.77;,;10.54,37.95;,;29.82,46.01;,;50.57,35.26;44.15,35.58;40.44,40.68;,:27.84,83.54,0.11,0,1 +139498:28.77,85.32;,;30.10,63.94;39.88,65.92;,;,;36.02,60.05;,;36.46,45.73;46.15,37.69;,;42.10,55.28;20.93,63.09;24.92,51.74;51.18,50.69;8.50,43.65:33.88,8.28;37.82,34.75;,;26.89,35.30;35.47,69.40;21.48,59.33;45.49,54.70;,;10.60,37.91;,;29.84,45.96;,;50.57,35.22;44.17,35.54;40.41,40.68;,:27.68,83.39,0.11,0,1 +139499:28.67,85.24;,;30.11,63.94;39.84,65.88;,;,;35.97,60.01;,;36.53,45.63;46.16,37.57;,;42.09,55.23;20.94,63.02;24.97,51.62;51.12,50.64;8.62,43.56:33.87,8.31;37.81,34.73;,;26.93,35.24;35.33,69.55;21.54,59.27;45.45,54.64;,;10.66,37.86;,;29.86,45.91;,;50.57,35.17;44.19,35.50;40.39,40.67;,:27.52,83.25,0.11,0,1 +139500:28.58,85.18;,;30.13,63.93;39.80,65.83;,;,;35.92,59.97;,;36.59,45.53;46.17,37.46;,;42.09,55.18;20.96,62.95;25.01,51.49;51.06,50.59;8.75,43.48:33.86,8.34;37.80,34.70;,;26.97,35.18;35.19,69.70;21.59,59.22;45.41,54.57;,;10.73,37.81;,;29.88,45.86;,;50.58,35.13;44.22,35.45;40.36,40.67;,:27.36,83.11,0.11,0,1 +139501:28.48,85.10;,;30.13,63.91;39.77,65.79;,;,;35.87,59.93;,;36.66,45.44;46.19,37.36;,;42.08,55.12;20.97,62.87;25.06,51.37;51.00,50.54;8.87,43.40:33.86,8.37;37.79,34.68;,;27.01,35.13;35.05,69.85;21.65,59.15;45.36,54.50;,;10.80,37.75;,;29.90,45.81;,;50.58,35.08;44.24,35.41;40.33,40.67;,:27.21,82.98,0.11,0,1 +139502:28.38,85.03;,;30.14,63.88;39.73,65.74;,;,;35.82,59.88;,;36.72,45.34;46.22,37.23;,;42.07,55.07;20.99,62.79;25.10,51.25;50.94,50.48;8.99,43.31:33.85,8.40;37.77,34.66;,;27.05,35.07;34.91,69.99;21.71,59.09;45.32,54.43;,;10.87,37.70;,;29.91,45.76;,;50.59,35.04;44.25,35.37;40.30,40.67;,:27.06,82.85,0.11,0,1 +139503:28.28,84.96;,;30.15,63.85;39.69,65.69;,;,;35.77,59.84;,;36.79,45.24;46.28,37.06;,;42.07,55.01;21.00,62.70;25.14,51.13;50.88,50.43;9.12,43.23:33.85,8.43;37.76,34.64;,;27.09,35.01;34.77,70.13;21.76,59.02;45.27,54.36;,;10.95,37.65;,;29.92,45.71;,;50.59,34.99;44.27,35.33;40.27,40.67;,:26.92,82.72,0.11,0,1 +139504:28.17,84.88;,;30.16,63.83;39.65,65.64;,;,;35.71,59.79;,;36.86,45.14;46.33,36.89;,;42.05,54.95;21.02,62.62;25.18,51.01;50.82,50.38;9.24,43.14:33.84,8.46;37.74,34.61;,;27.13,34.95;34.62,70.26;21.82,58.95;45.22,54.28;,;11.02,37.59;,;29.94,45.66;,;50.60,34.95;44.28,35.28;40.23,40.67;,:26.78,82.59,0.11,0,1 +139505:28.06,84.80;,;30.17,63.80;39.61,65.59;,;,;35.67,59.74;,;36.92,45.05;46.06,36.88;,;42.04,54.90;21.03,62.52;25.22,50.88;50.77,50.32;9.37,43.05:33.83,8.49;37.72,34.59;,;27.18,34.89;34.47,70.39;21.88,58.88;45.16,54.20;,;11.11,37.53;,;29.95,45.61;,;50.60,34.90;44.29,35.24;40.20,40.67;,:26.64,82.47,0.11,0,1 +217463:30.65,91.07;3.72,42.82;15.18,66.25;25.33,72.35;32.30,69.73;19.77,61.88;16.36,59.18;16.37,37.11;,;,;26.36,48.30;,;7.89,60.45;13.53,43.99;,;,:29.75,10.97;16.64,38.97;11.01,65.57;14.27,63.09;19.12,72.71;,;,;51.71,62.16;,;28.23,70.16;14.91,41.17;20.13,42.96;,;29.61,35.66;,;8.63,38.13:14.06,39.52,7.27,1,1 +217464:30.66,91.04;3.79,42.84;15.19,66.20;25.38,72.31;32.33,69.69;19.82,61.87;16.40,59.16;16.33,37.17;,;,;26.36,48.29;,;7.94,60.48;13.52,43.95;,;,:29.73,11.02;16.66,39.00;10.97,65.53;14.32,63.13;19.18,72.64;,;,;51.76,62.16;,;28.27,70.12;14.90,41.13;20.12,42.97;,;29.58,35.66;,;8.67,38.17:14.00,39.60,7.42,1,1 +217465:30.67,91.01;3.87,42.86;15.19,66.15;25.42,72.26;32.36,69.65;19.86,61.86;16.44,59.14;16.29,37.24;,;,;26.35,48.29;,;7.99,60.51;13.51,43.91;,;,:29.70,11.07;16.69,39.02;10.94,65.49;14.38,63.16;19.24,72.57;,;,;51.82,62.16;,;28.30,70.07;14.89,41.10;20.11,42.98;,;29.55,35.66;,;8.72,38.23:13.94,39.69,7.55,1,1 +217466:30.67,90.97;3.94,42.87;15.20,66.10;25.46,72.22;32.39,69.61;19.91,61.85;16.48,59.13;16.25,37.31;,;,;26.35,48.29;,;8.04,60.55;13.48,43.87;,;,:29.68,11.11;16.72,39.05;10.90,65.45;14.43,63.20;19.29,72.49;,;,;51.87,62.16;,;28.34,70.03;14.88,41.07;20.10,42.99;,;29.53,35.67;,;8.76,38.28:13.87,39.78,7.67,1,1 +217467:30.67,90.93;4.02,42.89;15.20,66.05;25.50,72.19;32.43,69.56;19.95,61.84;16.52,59.11;16.21,37.38;,;,;26.34,48.29;,;8.09,60.58;13.46,43.83;,;,:29.66,11.16;16.75,39.07;10.86,65.41;14.48,63.24;19.35,72.42;,;,;51.93,62.17;,;28.37,69.98;14.86,41.04;20.09,42.99;,;29.50,35.67;,;8.81,38.34:13.81,39.87,7.77,1,1 +217468:30.67,90.89;4.10,42.91;15.21,66.00;25.54,72.15;32.46,69.52;20.00,61.84;16.56,59.09;16.18,37.45;,;,;26.34,48.29;,;8.14,60.61;13.42,43.80;,;,:29.64,11.21;16.77,39.10;10.83,65.37;14.53,63.28;19.40,72.34;,;,;51.98,62.17;,;28.40,69.94;14.84,41.02;20.08,43.00;,;29.48,35.68;,;8.85,38.40:13.74,39.96,7.86,1,1 +217469:30.67,90.85;4.17,42.93;15.22,65.95;25.58,72.11;32.50,69.48;20.04,61.83;16.61,59.08;16.15,37.53;,;,;26.33,48.30;,;8.19,60.65;13.38,43.76;,;,:29.62,11.26;16.80,39.12;10.79,65.34;14.58,63.32;19.45,72.26;,;,;52.03,62.17;,;28.42,69.89;14.82,41.00;20.06,43.01;,;29.45,35.69;,;8.89,38.46:13.68,40.05,7.93,1,1 +217470:30.67,90.81;4.25,42.94;15.22,65.90;25.62,72.07;32.53,69.44;20.09,61.82;16.65,59.06;16.12,37.60;,;,;26.32,48.31;,;8.24,60.69;13.34,43.73;,;,:29.59,11.32;16.83,39.15;10.75,65.31;14.63,63.36;19.49,72.18;,;,;52.09,62.18;,;28.44,69.84;14.80,40.98;20.05,43.02;,;29.43,35.70;,;8.94,38.52:13.61,40.14,7.99,1,1 +217471:30.67,90.77;4.32,42.96;15.22,65.85;25.67,72.04;32.57,69.40;20.13,61.81;16.69,59.05;16.09,37.68;,;,;26.30,48.32;,;8.28,60.73;13.28,43.69;,;,:29.56,11.38;16.86,39.17;10.71,65.27;14.67,63.40;19.53,72.10;,;,;52.14,62.18;,;28.47,69.80;14.77,40.97;20.04,43.04;,;29.40,35.72;,;8.97,38.57:13.55,40.23,8.02,1,1 +217472:30.67,90.73;4.40,42.98;15.22,65.81;25.71,72.01;32.60,69.36;20.18,61.80;16.73,59.03;16.07,37.76;,;,;26.29,48.34;,;8.33,60.77;13.23,43.66;,;,:29.52,11.44;16.88,39.20;10.67,65.24;14.72,63.44;19.58,72.02;,;,;52.19,62.19;,;28.49,69.75;14.74,40.96;20.03,43.05;,;29.38,35.73;,;9.01,38.63:13.49,40.32,8.05,1,1 +217473:30.67,90.69;4.48,43.00;15.22,65.76;25.75,71.97;32.64,69.32;20.22,61.80;16.77,59.02;16.05,37.84;,;,;26.27,48.36;,;8.38,60.81;13.17,43.62;,;,:29.49,11.50;16.91,39.22;10.63,65.21;14.76,63.49;19.62,71.94;,;,;52.25,62.19;,;28.51,69.71;14.71,40.95;20.01,43.06;,;29.36,35.75;,;9.05,38.68:13.42,40.41,8.06,1,1 +217474:30.66,90.65;4.55,43.01;15.22,65.72;25.80,71.94;32.68,69.28;20.27,61.79;16.80,59.01;16.03,37.91;,;,;26.26,48.38;,;8.42,60.85;13.11,43.59;,;,:29.45,11.56;16.94,39.25;10.59,65.19;14.81,63.53;19.66,71.87;,;,;52.31,62.20;,;28.53,69.67;14.68,40.94;20.00,43.08;,;29.35,35.77;,;9.08,38.73:13.36,40.50,8.05,1,1 +217475:30.66,90.61;4.63,43.03;15.22,65.67;25.85,71.91;32.72,69.24;20.31,61.78;16.84,59.00;16.02,37.99;,;,;26.24,48.40;,;8.47,60.89;13.04,43.55;,;,:29.41,11.63;16.96,39.27;10.54,65.16;14.85,63.58;19.70,71.79;,;,;52.36,62.20;,;28.55,69.63;14.65,40.94;19.99,43.09;,;29.33,35.78;,;9.11,38.78:13.29,40.59,8.02,1,1 +217476:30.65,90.57;4.70,43.05;15.22,65.63;25.89,71.87;32.75,69.20;20.36,61.77;16.87,58.99;16.01,38.07;,;,;26.23,48.43;,;8.52,60.94;12.98,43.52;,;,:29.37,11.69;16.99,39.30;10.50,65.13;14.89,63.63;19.73,71.72;,;,;52.42,62.21;,;28.57,69.59;14.61,40.94;19.97,43.11;,;29.32,35.81;,;9.14,38.83:13.23,40.68,7.99,1,1 +217477:30.64,90.54;4.78,43.07;15.21,65.59;25.94,71.84;32.78,69.15;20.41,61.76;16.91,58.98;15.99,38.15;,;,;26.21,48.45;,;8.56,60.98;12.91,43.49;,;,:29.32,11.76;17.02,39.32;10.45,65.11;14.94,63.68;19.77,71.65;,;,;52.48,62.22;,;28.60,69.56;14.58,40.94;19.96,43.13;,;29.30,35.83;,;9.16,38.87:13.17,40.77,7.93,1,1 +217478:30.64,90.50;4.86,43.08;15.21,65.55;25.99,71.81;32.82,69.11;20.45,61.75;16.94,58.98;15.98,38.23;,;,;26.20,48.48;,;8.60,61.02;12.84,43.46;,;,:29.28,11.83;17.05,39.35;10.40,65.08;14.98,63.72;19.82,71.58;,;,;52.53,62.23;,;28.63,69.53;14.54,40.94;19.95,43.15;,;29.29,35.85;,;9.19,38.92:13.10,40.86,7.86,1,1 +217479:30.63,90.47;4.93,43.10;15.20,65.51;26.04,71.78;32.86,69.07;20.50,61.74;16.98,58.97;15.96,38.31;,;,;26.19,48.50;,;8.64,61.06;12.77,43.42;,;,:29.23,11.91;17.07,39.37;10.35,65.06;15.02,63.77;19.85,71.51;,;,;52.59,62.23;,;28.66,69.50;14.51,40.94;19.94,43.17;,;29.28,35.88;,;9.21,38.96:13.04,40.95,7.77,1,1 +217480:30.62,90.43;5.01,43.12;15.20,65.48;26.09,71.75;32.89,69.03;20.54,61.73;17.01,58.97;15.95,38.39;,;,;26.18,48.53;,;8.68,61.10;12.71,43.39;,;,:29.18,11.98;17.08,39.36;10.30,65.03;15.06,63.82;19.89,71.45;,;,;52.64,62.24;,;28.69,69.47;14.48,40.94;19.93,43.19;,;29.26,35.91;,;9.23,39.00:12.97,41.04,7.67,1,1 +217481:30.61,90.40;5.08,43.14;15.19,65.44;26.14,71.72;32.92,68.99;20.59,61.71;17.04,58.97;15.94,38.47;,;,;26.17,48.56;,;8.72,61.14;12.64,43.37;,;,:29.14,12.06;17.09,39.35;10.25,65.01;15.10,63.87;19.93,71.39;,;,;52.70,62.25;,;28.73,69.44;14.45,40.95;19.92,43.21;,;29.25,35.94;,;9.25,39.05:12.91,41.13,7.55,1,1 +217482:30.60,90.38;5.16,43.15;15.18,65.41;26.19,71.69;32.96,68.95;20.64,61.70;17.08,58.98;15.94,38.55;,;,;26.17,48.59;,;8.76,61.17;12.58,43.34;,;,:29.09,12.14;17.10,39.35;10.20,64.99;15.14,63.91;19.97,71.33;,;,;52.75,62.25;,;28.77,69.42;14.41,40.95;19.91,43.23;,;29.24,35.97;,;9.27,39.09:12.84,41.22,7.42,1,1 +217483:30.59,90.35;5.23,43.17;15.18,65.37;26.24,71.66;32.99,68.91;20.68,61.69;17.11,58.98;15.93,38.64;,;,;26.17,48.62;,;8.79,61.21;12.52,43.32;,;,:29.04,12.22;17.11,39.34;10.15,64.97;15.18,63.96;20.00,71.28;,;,;52.80,62.26;,;28.81,69.39;14.37,40.96;19.90,43.25;,;29.23,36.00;,;9.28,39.13:12.78,41.31,7.27,1,1 +217484:30.59,90.33;5.31,43.19;15.17,65.34;26.28,71.63;33.02,68.87;20.73,61.68;17.14,58.99;15.92,38.73;,;,;26.17,48.65;,;8.82,61.24;12.47,43.30;,;,:28.99,12.30;17.11,39.33;10.10,64.95;15.22,64.00;20.04,71.22;,;,;52.86,62.27;,;28.85,69.37;14.34,40.97;19.89,43.27;,;29.22,36.03;,;9.30,39.18:12.72,41.40,7.11,1,1 +217485:30.58,90.31;5.39,43.21;15.16,65.30;26.33,71.60;33.05,68.83;20.78,61.67;17.18,59.00;15.93,38.80;,;,;26.17,48.68;,;8.85,61.27;12.41,43.28;,;,:28.94,12.39;17.12,39.32;10.05,64.93;15.25,64.03;20.07,71.17;,;,;52.91,62.28;,;28.90,69.35;14.30,40.98;19.87,43.29;,;29.21,36.07;,;9.31,39.22:12.65,41.49,6.93,1,1 +217486:30.57,90.29;5.46,43.22;15.16,65.27;26.37,71.57;33.08,68.79;20.82,61.66;17.21,59.01;15.94,38.88;,;,;26.18,48.72;,;8.88,61.30;12.36,43.26;,;,:28.89,12.47;17.13,39.31;10.00,64.92;15.29,64.07;20.11,71.12;,;,;52.95,62.28;,;28.94,69.33;14.25,40.99;19.86,43.32;,;29.20,36.11;,;9.33,39.27:12.59,41.57,6.73,1,1 +217487:30.56,90.27;5.54,43.24;15.15,65.24;26.42,71.54;33.11,68.74;20.87,61.65;17.25,59.03;15.96,38.97;,;,;26.18,48.75;,;8.91,61.33;12.31,43.25;,;,:28.85,12.56;17.14,39.30;9.95,64.90;15.33,64.11;20.14,71.07;,;,;53.00,62.29;,;28.99,69.32;14.20,41.00;19.85,43.34;,;29.18,36.15;,;9.34,39.31:12.52,41.66,6.52,1,1 +217488:30.56,90.25;5.61,43.26;15.15,65.20;26.46,71.51;33.14,68.70;20.92,61.64;17.28,59.04;15.95,39.01;,;,;26.19,48.78;,;8.94,61.36;12.26,43.23;,;,:28.80,12.64;17.14,39.29;9.90,64.89;15.36,64.14;20.17,71.02;,;,;53.04,62.30;,;29.04,69.30;14.15,41.02;19.83,43.36;,;29.17,36.19;,;9.35,39.35:12.46,41.75,6.29,1,1 +217489:30.55,90.24;5.69,43.28;15.14,65.17;26.50,71.49;33.16,68.66;20.96,61.63;17.32,59.06;15.95,39.08;,;,;26.20,48.81;,;8.97,61.39;12.22,43.22;,;,:28.75,12.73;17.15,39.28;9.85,64.88;15.39,64.17;20.19,70.97;,;,;53.08,62.30;,;29.08,69.28;14.09,41.04;19.81,43.38;,;29.16,36.23;,;9.36,39.40:12.40,41.84,6.05,1,1 +217490:30.55,90.23;5.77,43.29;15.14,65.14;26.54,71.46;33.19,68.62;21.01,61.62;17.35,59.08;15.96,39.15;,;,;26.21,48.85;,;9.00,61.42;12.18,43.20;,;,:28.71,12.82;17.16,39.27;9.80,64.87;15.42,64.20;20.22,70.91;,;,;53.12,62.31;,;29.13,69.27;14.03,41.06;19.79,43.41;,;29.15,36.28;,;9.37,39.44:12.33,41.93,5.79,1,1 +217491:30.55,90.22;5.84,43.31;15.13,65.11;26.58,71.43;33.21,68.58;21.05,61.61;17.39,59.10;15.96,39.22;,;,;26.22,48.88;,;9.03,61.46;12.14,43.19;,;,:28.66,12.90;17.17,39.26;9.76,64.87;15.45,64.23;20.24,70.86;,;,;53.16,62.31;,;29.17,69.25;13.97,41.09;19.77,43.43;,;29.14,36.32;,;9.38,39.48:12.27,42.02,5.52,1,1 +217492:30.54,90.21;5.92,43.33;15.13,65.08;26.62,71.40;33.23,68.53;21.10,61.60;17.42,59.11;15.97,39.29;,;,;26.23,48.92;,;9.06,61.49;12.11,43.17;,;,:28.61,12.99;17.17,39.26;9.71,64.86;15.49,64.26;20.27,70.81;,;,;53.19,62.32;,;29.21,69.23;13.90,41.12;19.75,43.45;,;29.13,36.37;,;9.39,39.52:12.20,42.11,5.23,1,1 +217493:30.55,90.21;5.99,43.35;15.14,65.05;26.66,71.38;33.25,68.49;21.14,61.59;17.46,59.14;15.97,39.35;,;,;26.25,48.95;,;9.09,61.53;12.08,43.15;,;,:28.56,13.08;17.18,39.25;9.66,64.86;15.54,64.29;20.29,70.77;,;,;53.22,62.33;,;29.25,69.21;13.83,41.15;19.73,43.48;,;29.12,36.41;,;9.39,39.56:12.14,42.20,4.92,1,1 +217494:30.55,90.21;6.07,43.36;15.14,65.03;26.70,71.36;33.28,68.45;21.19,61.58;17.49,59.16;15.98,39.42;,;,;26.26,48.99;,;9.12,61.56;12.05,43.14;,;,:28.51,13.16;17.19,39.24;9.61,64.86;15.56,64.31;20.32,70.72;,;,;53.26,62.33;,;29.29,69.19;13.76,41.19;19.71,43.50;,;29.12,36.46;,;9.40,39.60:12.07,42.29,4.60,1,1 +217495:30.55,90.21;6.15,43.38;15.14,65.01;26.74,71.33;33.30,68.41;21.23,61.57;17.52,59.18;15.98,39.49;,;,;26.27,49.03;,;9.15,61.60;12.02,43.12;,;,:28.46,13.24;17.20,39.23;9.57,64.86;15.55,64.32;20.34,70.67;,;,;53.28,62.34;,;29.33,69.17;13.68,41.23;19.68,43.52;,;29.11,36.51;,;9.40,39.63:12.01,42.38,4.26,1,1 +217496:30.56,90.21;6.22,43.40;15.13,65.00;26.77,71.31;33.32,68.37;21.27,61.56;17.56,59.20;15.99,39.55;,;,;26.28,49.06;,;9.17,61.64;12.00,43.10;,;,:28.41,13.31;17.21,39.22;9.52,64.86;15.55,64.33;20.37,70.63;,;,;53.31,62.35;,;29.36,69.15;13.60,41.28;19.66,43.54;,;29.11,36.55;,;9.41,39.67:11.95,42.47,3.91,1,1 +217497:30.57,90.22;6.30,43.43;15.13,64.97;26.81,71.29;33.34,68.33;21.31,61.55;17.59,59.23;16.00,39.61;,;,;26.29,49.10;,;9.20,61.68;11.97,43.08;,;,:28.37,13.38;17.21,39.21;9.48,64.86;15.56,64.36;20.40,70.59;,;,;53.33,62.36;,;29.39,69.13;13.52,41.32;19.63,43.56;,;29.10,36.60;,;9.41,39.70:11.88,42.56,3.54,1,1 +217498:30.58,90.23;6.38,43.46;15.07,64.88;26.85,71.27;33.36,68.29;21.36,61.54;17.62,59.25;16.01,39.68;,;,;26.30,49.14;,;9.23,61.72;11.95,43.06;,;,:28.32,13.45;17.22,39.20;9.43,64.87;15.65,64.44;20.43,70.54;,;,;53.36,62.38;,;29.42,69.11;13.44,41.37;19.61,43.58;,;29.10,36.64;,;9.41,39.74:11.82,42.65,3.16,1,1 +217499:30.59,90.24;6.46,43.49;15.05,64.85;26.89,71.26;33.38,68.25;21.40,61.53;17.66,59.28;16.02,39.74;,;,;26.31,49.18;,;9.26,61.76;11.93,43.05;,;,:28.27,13.51;17.23,39.19;9.39,64.88;15.71,64.49;20.46,70.50;,;,;53.37,62.39;,;29.45,69.08;13.36,41.42;19.59,43.60;,;29.09,36.69;,;9.42,39.78:11.75,42.74,2.76,1,1 +217500:30.60,90.26;6.54,43.53;15.03,64.81;26.93,71.24;33.40,68.21;21.44,61.52;17.69,59.31;16.03,39.80;,;,;26.32,49.21;,;9.29,61.80;11.92,43.03;,;,:28.22,13.57;17.24,39.18;9.35,64.88;15.77,64.54;20.49,70.46;,;,;53.39,62.41;,;29.48,69.05;13.28,41.47;19.57,43.62;,;29.09,36.73;,;9.42,39.81:11.69,42.83,2.34,1,1 +217501:30.62,90.28;6.63,43.57;15.01,64.78;26.97,71.22;33.42,68.17;21.48,61.51;17.72,59.34;16.04,39.86;,;,;26.33,49.25;,;9.32,61.84;11.90,43.01;,;,:28.18,13.63;17.24,39.17;9.31,64.89;15.83,64.58;20.53,70.43;,;,;53.41,62.43;,;29.50,69.03;13.21,41.52;19.55,43.64;,;29.09,36.78;,;9.42,39.85:11.56,43.01,1.00,1,1 +217502:30.63,90.30;6.71,43.60;14.98,64.74;27.00,71.20;33.44,68.13;21.52,61.50;17.75,59.37;16.06,39.93;,;,;26.34,49.29;,;9.35,61.88;11.89,43.00;,;,:28.14,13.68;17.25,39.17;9.27,64.91;15.88,64.63;20.56,70.39;,;,;53.43,62.44;,;29.53,69.00;13.13,41.57;19.53,43.65;,;29.08,36.82;,;9.42,39.88:11.78,42.49,1.00,1,1 +217503:30.65,90.32;6.79,43.64;14.95,64.70;27.04,71.19;33.46,68.09;21.56,61.49;17.78,59.40;16.07,39.99;,;,;26.35,49.33;,;9.38,61.91;11.87,43.00;,;,:28.09,13.72;17.26,39.16;9.23,64.92;15.94,64.68;20.60,70.35;,;,;53.45,62.47;,;29.55,68.97;13.06,41.62;19.52,43.67;,;29.08,36.86;,;9.42,39.92:12.22,41.45,0.11,0,1 +217504:30.66,90.35;6.86,43.67;14.92,64.66;27.07,71.17;33.48,68.05;21.60,61.48;17.81,59.43;16.09,40.05;,;,;26.35,49.37;,;9.41,61.95;11.86,42.99;,;,:28.06,13.76;17.27,39.15;9.19,64.93;16.00,64.72;20.63,70.32;,;,;53.48,62.49;,;29.56,68.94;13.00,41.67;19.51,43.68;,;29.08,36.90;,;9.42,39.96:11.95,41.16,0.11,0,1 +217505:30.67,90.38;6.93,43.69;14.88,64.62;27.11,71.16;33.51,68.01;21.64,61.47;17.84,59.47;16.10,40.12;,;,;26.36,49.40;,;9.44,61.98;11.84,42.99;,;,:28.02,13.79;17.28,39.14;9.15,64.95;16.06,64.77;20.67,70.28;,;,;53.50,62.51;,;29.58,68.91;12.93,41.72;19.50,43.69;,;29.08,36.94;,;9.42,39.99:11.67,40.87,0.19,1,1 +217506:30.68,90.40;6.98,43.70;14.84,64.58;27.14,71.15;33.53,67.97;21.68,61.45;17.88,59.50;16.11,40.18;,;,;26.37,49.44;,;9.48,62.01;11.82,42.99;,;,:28.00,13.82;17.28,39.13;9.12,64.97;16.12,64.82;20.71,70.25;,;,;53.52,62.54;,;29.59,68.88;12.87,41.76;19.49,43.70;,;29.08,36.99;,;9.42,40.03:11.40,40.57,0.25,1,1 +217507:30.69,90.43;7.04,43.72;14.81,64.54;27.18,71.13;33.55,67.94;21.72,61.44;17.91,59.54;16.13,40.24;,;,;26.38,49.48;,;9.51,62.04;11.80,43.00;,;,:27.97,13.84;17.29,39.12;9.08,64.99;16.18,64.86;20.74,70.22;,;,;53.55,62.56;,;29.60,68.85;12.82,41.80;19.49,43.71;,;29.08,37.03;,;9.42,40.06:11.12,40.28,0.30,1,1 +217508:30.70,90.46;7.10,43.73;14.76,64.50;27.21,71.12;33.57,67.90;21.76,61.42;17.94,59.57;16.14,40.30;,;,;26.39,49.51;,;9.55,62.06;11.78,43.01;,;,:27.95,13.86;17.30,39.11;9.05,65.01;16.24,64.91;20.78,70.18;,;,;53.57,62.59;,;29.61,68.82;12.76,41.84;19.49,43.72;,;29.08,37.07;,;9.42,40.10:10.85,39.99,0.33,1,1 +217509:30.71,90.49;7.15,43.74;14.72,64.46;27.24,71.11;33.59,67.86;21.80,61.40;17.97,59.61;16.15,40.36;,;,;26.39,49.55;,;9.59,62.09;11.76,43.02;,;,:27.94,13.87;17.31,39.10;9.02,65.03;16.30,64.95;20.81,70.15;,;,;53.60,62.61;,;29.62,68.79;12.72,41.88;19.48,43.73;,;29.08,37.11;,;9.42,40.13:10.57,39.69,0.35,1,1 +217510:30.71,90.51;7.21,43.76;14.68,64.41;27.28,71.10;33.61,67.83;21.85,61.39;18.00,59.64;16.16,40.42;,;,;26.40,49.58;,;9.63,62.11;11.74,43.04;,;,:27.93,13.87;17.31,39.09;8.99,65.05;16.36,65.00;20.84,70.11;,;,;53.62,62.64;,;29.63,68.76;12.67,41.91;19.48,43.74;,;29.08,37.15;,;9.43,40.17:10.30,39.40,0.35,1,1 +217511:30.71,90.53;7.27,43.77;14.63,64.37;27.31,71.09;33.63,67.79;21.89,61.37;18.03,59.68;16.17,40.48;,;,;26.41,49.61;,;9.67,62.13;11.71,43.06;,;,:27.92,13.88;17.32,39.08;8.96,65.07;16.27,65.05;20.87,70.08;,;,;53.65,62.67;,;29.63,68.73;12.63,41.95;19.48,43.75;,;29.08,37.19;,;9.43,40.20:10.02,39.11,0.33,1,1 +217512:30.70,90.55;7.32,43.78;14.59,64.33;27.34,71.08;33.65,67.75;21.93,61.35;18.05,59.71;16.18,40.54;,;,;26.43,49.64;,;9.71,62.14;11.69,43.07;,;,:27.92,13.87;17.33,39.08;8.94,65.10;16.35,65.11;20.91,70.05;,;,;53.68,62.69;,;29.64,68.70;12.60,41.97;19.48,43.76;,;29.09,37.23;,;9.43,40.23:9.74,38.81,0.30,1,1 +217513:30.69,90.56;7.38,43.79;14.55,64.30;27.38,71.08;33.66,67.71;21.97,61.33;18.08,59.75;16.18,40.60;,;,;26.44,49.67;,;9.76,62.16;11.66,43.09;,;,:27.92,13.87;17.34,39.07;8.91,65.13;16.42,65.17;20.94,70.01;,;,;53.70,62.71;,;29.64,68.67;12.56,42.00;19.48,43.76;,;29.09,37.27;,;9.44,40.27:9.19,38.23,0.11,0,1 +217514:30.67,90.57;7.44,43.81;14.50,64.26;27.41,71.07;33.67,67.67;22.02,61.31;18.10,59.78;16.18,40.66;,;,;26.45,49.70;,;9.80,62.17;11.63,43.11;,;,:27.92,13.86;17.35,39.06;8.88,65.15;16.50,65.23;20.96,69.97;,;,;53.73,62.74;,;29.64,68.64;12.53,42.03;19.48,43.77;,;29.09,37.31;,;9.44,40.30:8.94,37.46,0.11,0,1 +217515:30.65,90.58;7.49,43.82;14.46,64.22;27.44,71.07;33.69,67.63;22.06,61.29;18.12,59.82;16.18,40.72;,;,;26.47,49.73;,;9.84,62.18;11.61,43.13;,;,:27.93,13.85;17.35,39.05;8.85,65.18;16.57,65.29;20.99,69.93;,;,;53.76,62.76;,;29.64,68.61;12.50,42.05;19.48,43.78;,;29.10,37.35;,;9.45,40.33:8.71,36.76,0.11,0,1 +217516:30.62,90.58;7.54,43.84;14.42,64.19;27.48,71.07;33.69,67.60;22.10,61.27;18.13,59.85;16.18,40.78;,;,;26.48,49.76;,;9.89,62.19;11.58,43.14;,;,:27.94,13.83;17.36,39.04;8.82,65.21;16.65,65.35;21.01,69.90;,;,;53.79,62.79;,;29.64,68.57;12.48,42.08;19.48,43.78;,;29.10,37.39;,;9.45,40.37:8.51,36.14,0.11,0,1 +217517:30.59,90.57;7.58,43.85;14.38,64.16;27.52,71.07;33.70,67.56;22.14,61.25;18.14,59.88;16.18,40.83;,;,;26.50,49.78;,;9.94,62.20;11.56,43.16;,;,:27.95,13.82;17.37,39.03;8.79,65.24;16.72,65.40;21.04,69.87;,;,;53.81,62.82;,;29.64,68.54;12.46,42.10;19.49,43.79;,;29.11,37.43;,;9.46,40.40:8.32,35.59,0.11,0,1 +217518:30.56,90.57;7.62,43.87;14.35,64.13;27.55,71.08;33.70,67.52;22.18,61.23;18.15,59.92;16.17,40.89;,;,;26.52,49.80;,;9.98,62.21;11.54,43.17;,;,:27.96,13.80;17.38,39.02;8.76,65.27;16.79,65.45;21.07,69.86;,;,;53.84,62.84;,;29.64,68.51;12.45,42.12;19.49,43.79;,;29.12,37.47;,;9.46,40.44:8.17,35.11,0.11,0,1 +217519:30.53,90.56;7.66,43.89;14.31,64.10;27.59,71.08;33.71,67.48;22.22,61.20;18.15,59.95;16.17,40.94;,;,;26.54,49.83;,;10.03,62.21;11.51,43.19;,;,:27.98,13.79;17.38,39.01;8.73,65.29;16.85,65.50;21.11,69.85;,;,;53.86,62.87;,;29.64,68.48;12.43,42.14;19.49,43.79;,;29.12,37.52;,;9.47,40.47:8.04,34.71,0.11,0,1 +217520:30.50,90.55;7.70,43.91;14.27,64.07;27.63,71.09;33.71,67.44;22.25,61.18;18.16,59.99;16.16,41.00;,;,;26.55,49.85;,;10.08,62.22;11.49,43.20;,;,:27.99,13.77;17.39,39.00;8.70,65.32;16.91,65.55;21.14,69.83;,;,;53.89,62.90;,;29.64,68.45;12.42,42.16;19.49,43.80;,;29.13,37.56;,;9.47,40.51:7.93,34.38,0.11,0,1 +217521:30.46,90.54;7.73,43.93;14.23,64.05;27.67,71.10;33.70,67.40;22.29,61.15;18.16,60.02;16.15,41.05;,;,;26.57,49.88;,;10.13,62.23;11.47,43.21;,;,:28.00,13.76;17.40,38.99;8.67,65.35;16.97,65.58;21.13,69.78;,;,;53.91,62.93;,;29.64,68.42;12.41,42.18;19.49,43.80;,;29.14,37.60;,;9.48,40.55:7.84,34.13,0.11,0,1 +217522:30.43,90.53;7.77,43.94;14.20,64.02;27.72,71.12;33.70,67.36;22.32,61.13;18.15,60.05;16.15,41.11;,;,;26.59,49.90;,;10.18,62.23;11.45,43.23;,;,:28.01,13.75;17.41,38.99;8.64,65.38;17.01,65.62;21.13,69.73;,;,;53.94,62.96;,;29.63,68.39;12.40,42.20;19.49,43.81;,;29.14,37.64;,;9.48,40.60:7.78,33.94,0.11,0,1 +217523:30.40,90.53;7.81,43.96;14.16,64.00;27.76,71.13;33.69,67.32;22.36,61.10;18.15,60.09;16.14,41.16;,;,;26.61,49.92;,;10.23,62.24;11.43,43.24;,;,:28.03,13.74;17.41,38.98;8.61,65.41;17.06,65.65;21.15,69.62;,;,;53.96,62.99;,;29.63,68.36;12.39,42.22;19.49,43.81;,;29.15,37.68;,;9.48,40.65:7.75,33.83,0.11,0,1 +217524:30.37,90.53;7.85,43.98;14.12,63.97;27.80,71.15;33.68,67.28;22.39,61.07;18.14,60.12;16.13,41.22;,;,;26.63,49.95;,;10.28,62.24;11.41,43.25;,;,:28.04,13.73;17.42,38.97;8.58,65.44;17.09,65.69;21.18,69.59;,;,;53.99,63.02;,;29.63,68.34;12.39,42.24;19.49,43.81;,;29.16,37.72;,;9.48,40.69:7.73,33.80,0.11,0,1 +217525:30.35,90.54;7.89,43.98;14.08,63.95;27.84,71.17;33.67,67.24;22.41,61.05;18.14,60.15;16.12,41.27;,;,;26.65,49.98;,;10.33,62.25;11.39,43.26;,;,:28.05,13.71;17.43,38.96;8.55,65.47;17.13,65.71;21.20,69.55;,;,;54.01,63.06;,;29.62,68.31;12.39,42.26;19.49,43.82;,;29.17,37.76;,;9.47,40.73:7.59,33.25,0.11,0,1 +217526:30.33,90.55;7.95,43.97;14.04,63.92;27.89,71.19;33.65,67.21;22.44,61.02;18.14,60.19;16.11,41.32;,;,;26.66,50.00;,;10.38,62.26;11.38,43.27;,;,:28.06,13.70;17.44,38.95;8.52,65.50;17.15,65.74;21.23,69.51;,;,;54.03,63.09;,;29.62,68.28;12.38,42.27;19.49,43.82;,;29.18,37.80;,;9.45,40.77:7.46,32.76,0.11,0,1 +217527:30.32,90.58;8.02,43.94;14.01,63.89;27.93,71.22;33.63,67.17;22.47,60.99;18.13,60.22;16.10,41.38;,;,;26.68,50.03;,;10.43,62.26;11.36,43.28;,;,:28.07,13.69;17.45,38.94;8.49,65.53;17.18,65.77;21.25,69.47;,;,;54.05,63.13;,;29.61,68.26;12.38,42.30;19.49,43.82;,;29.19,37.84;,;9.42,40.81:7.35,32.35,0.11,0,1 +217528:30.31,90.61;8.09,43.91;13.97,63.87;27.97,71.24;33.61,67.13;22.49,60.96;18.13,60.25;16.10,41.44;,;,;26.69,50.06;,;10.48,62.27;11.35,43.29;,;,:28.08,13.69;17.45,38.93;8.46,65.56;17.20,65.79;21.28,69.44;,;,;54.07,63.17;,;29.60,68.23;12.36,42.33;19.49,43.83;,;29.20,37.88;,;9.43,40.80:7.26,31.99,0.11,0,1 +217529:30.30,90.66;8.16,43.88;13.93,63.84;28.02,71.27;33.58,67.10;22.52,60.93;18.13,60.29;16.09,41.49;,;,;26.71,50.09;,;10.53,62.27;11.33,43.30;,;,:28.09,13.68;17.46,38.92;8.44,65.58;17.22,65.82;21.30,69.40;,;,;54.08,63.20;,;29.59,68.21;12.36,42.35;19.50,43.83;,;29.21,37.92;,;9.42,40.84:7.18,31.70,0.11,0,1 +217530:30.30,90.71;8.23,43.86;13.89,63.81;28.06,71.30;33.55,67.07;22.54,60.90;18.13,60.32;16.09,41.55;,;,;26.73,50.12;,;10.58,62.28;11.32,43.30;,;,:28.10,13.67;17.47,38.91;8.42,65.61;17.24,65.85;21.33,69.37;,;,;54.09,63.23;,;29.58,68.18;12.38,42.33;19.50,43.83;,;29.22,37.95;,;9.40,40.87:7.13,31.48,0.11,0,1 +217531:30.31,90.77;8.30,43.83;13.85,63.79;28.10,71.33;33.51,67.03;22.57,60.87;18.14,60.35;16.08,41.61;,;,;26.74,50.15;,;10.63,62.28;11.30,43.31;,;,:28.11,13.67;17.48,38.90;8.39,65.64;17.26,65.87;21.36,69.34;,;,;54.10,63.27;,;29.57,68.15;12.38,42.34;19.50,43.84;,;29.24,37.99;,;9.39,40.90:7.08,31.31,0.11,0,1 +217532:30.31,90.84;8.39,43.80;13.81,63.76;28.14,71.36;33.47,67.00;22.59,60.85;18.14,60.38;16.08,41.67;,;,;26.76,50.18;,;10.68,62.29;11.28,43.32;,;,:28.11,13.66;17.48,38.90;8.37,65.66;17.28,65.90;21.39,69.31;,;,;54.10,63.30;,;29.56,68.13;12.38,42.35;19.50,43.84;,;29.25,38.03;,;9.37,40.94:7.06,31.22,0.11,0,1 +217533:30.32,90.92;8.49,43.76;13.79,63.74;28.18,71.40;33.43,66.97;22.62,60.82;18.15,60.42;16.08,41.73;,;,;26.77,50.22;,;10.73,62.30;11.27,43.33;,;,:28.12,13.65;17.49,38.89;8.35,65.69;17.30,65.93;21.42,69.28;,;,;54.09,63.33;,;29.55,68.10;12.38,42.37;19.50,43.84;,;29.26,38.06;,;9.35,40.98:7.05,31.19,0.11,0,1 +217534:30.33,91.00;8.61,43.73;13.77,63.72;28.22,71.43;33.39,66.94;22.64,60.79;18.16,60.45;16.08,41.79;,;,;26.79,50.25;,;10.78,62.30;11.25,43.34;,;,:28.14,13.63;17.50,38.88;8.34,65.71;17.32,65.95;21.44,69.25;,;,;54.08,63.36;,;29.53,68.08;12.38,42.38;19.50,43.84;,;29.27,38.10;,;9.33,41.01:6.83,30.73,0.11,0,1 +217535:30.34,91.09;8.74,43.70;13.76,63.71;28.26,71.47;33.34,66.91;22.66,60.76;18.17,60.49;16.08,41.85;,;,;26.81,50.29;,;10.83,62.31;11.24,43.35;,;,:28.16,13.60;17.51,38.87;8.32,65.73;17.34,65.98;21.47,69.22;,;,;54.06,63.39;,;29.52,68.05;12.38,42.38;19.51,43.84;,;29.28,38.13;,;9.30,41.05:6.63,30.34,0.11,0,1 +217536:30.36,91.17;8.86,43.66;13.74,63.69;28.30,71.51;33.30,66.89;22.69,60.73;18.18,60.52;16.08,41.91;,;,;26.83,50.32;,;10.88,62.31;11.22,43.36;,;,:28.16,13.60;17.52,38.86;8.31,65.76;17.35,66.00;21.50,69.19;,;,;54.03,63.41;,;29.50,68.02;12.38,42.39;19.51,43.85;,;29.29,38.16;,;9.28,41.09:6.47,30.00,0.11,0,1 +217537:30.37,91.26;8.97,43.64;13.71,63.67;28.33,71.55;33.25,66.86;22.71,60.70;18.20,60.56;16.08,41.97;,;,;26.84,50.36;,;10.93,62.32;11.21,43.36;,;,:28.17,13.54;17.52,38.85;8.30,65.78;17.37,66.03;21.52,69.17;,;,;54.00,63.44;,;29.48,67.99;12.39,42.40;19.51,43.85;,;29.30,38.20;,;9.26,41.13:6.34,29.73,0.11,0,1 +217538:30.38,91.34;9.07,43.62;13.68,63.64;28.37,71.59;33.21,66.83;22.74,60.67;18.21,60.60;16.09,42.03;,;,;26.86,50.39;,;10.97,62.33;11.19,43.37;,;,:28.17,13.55;17.53,38.84;8.29,65.80;17.39,66.05;21.55,69.14;,;,;53.97,63.46;,;29.47,67.97;12.39,42.41;19.51,43.85;,;29.31,38.23;,;9.23,41.16:6.23,29.52,0.11,0,1 +217539:30.38,91.42;9.13,43.62;13.65,63.62;28.41,71.63;33.16,66.81;22.76,60.64;18.23,60.63;16.09,42.09;,;,;26.88,50.43;,;11.01,62.34;11.17,43.37;,;,:28.16,13.53;17.54,38.83;8.28,65.81;17.40,66.07;21.58,69.11;,;,;53.93,63.49;,;29.45,67.94;12.40,42.42;19.51,43.85;,;29.32,38.26;,;9.21,41.20:6.16,29.36,0.11,0,1 +217540:30.38,91.49;9.16,43.64;13.63,63.59;28.44,71.67;33.12,66.79;22.78,60.61;18.25,60.67;16.10,42.15;,;,;26.90,50.47;,;11.05,62.36;11.16,43.37;,;,:28.16,13.51;17.55,38.82;8.27,65.83;17.41,66.09;21.61,69.09;,;,;53.89,63.52;,;29.43,67.91;12.40,42.42;19.51,43.85;,;29.33,38.30;,;9.18,41.24:6.11,29.27,0.11,0,1 +217541:30.38,91.56;9.19,43.65;13.60,63.57;28.47,71.72;33.08,66.77;22.81,60.58;18.27,60.70;16.10,42.20;,;,;26.92,50.50;,;11.09,62.37;11.14,43.38;,;,:28.15,13.49;17.55,38.82;8.27,65.85;17.42,66.11;21.64,69.06;,;,;53.84,63.54;,;29.41,67.88;12.41,42.43;19.51,43.85;,;29.33,38.33;,;9.16,41.28:6.10,29.24,0.11,0,1 +217542:30.38,91.62;9.22,43.67;13.57,63.54;28.50,71.77;33.04,66.74;22.83,60.54;18.29,60.74;16.11,42.26;,;,;26.94,50.54;,;11.13,62.38;11.12,43.38;,;,:28.14,13.46;17.56,38.81;8.26,65.86;17.43,66.12;21.68,69.04;,;,;53.79,63.57;,;29.39,67.85;12.41,42.44;19.51,43.85;,;29.34,38.36;,;9.14,41.32:5.97,28.64,0.11,0,1 +217543:30.38,91.67;9.25,43.69;13.55,63.52;28.53,71.81;33.01,66.72;22.84,60.51;18.31,60.77;16.11,42.31;,;,;26.96,50.57;,;11.17,62.39;11.11,43.38;,;,:28.14,13.44;17.55,38.81;8.26,65.87;17.44,66.13;21.71,69.01;,;,;53.75,63.60;,;29.37,67.82;12.42,42.44;19.51,43.86;,;29.34,38.40;,;9.12,41.35:5.85,28.04,0.11,0,1 +217544:30.37,91.72;9.28,43.71;13.52,63.50;28.56,71.86;32.97,66.70;22.86,60.48;18.33,60.81;16.12,42.37;,;,;26.98,50.60;,;11.21,62.40;11.09,43.39;,;,:28.13,13.42;17.54,38.81;8.25,65.88;17.44,66.13;21.75,68.98;,;,;53.70,63.63;,;29.34,67.79;12.42,42.45;19.51,43.86;,;29.35,38.43;,;9.10,41.39:5.72,27.44,0.11,0,1 +217545:30.36,91.77;9.31,43.73;13.49,63.47;28.58,71.91;32.93,66.68;22.87,60.45;18.35,60.84;16.13,42.42;,;,;27.00,50.63;,;11.25,62.42;11.07,43.39;,;,:28.12,13.40;17.54,38.82;8.25,65.88;17.44,66.14;21.78,68.96;,;,;53.65,63.66;,;29.32,67.76;12.43,42.45;19.51,43.86;,;29.35,38.46;,;9.08,41.43:5.60,26.86,0.11,0,1 +217546:30.34,91.80;9.34,43.75;13.47,63.45;28.60,71.97;32.90,66.66;22.89,60.42;18.37,60.87;16.13,42.47;,;,;27.02,50.67;,;11.29,62.43;11.06,43.40;,;,:28.11,13.37;17.53,38.82;8.25,65.89;17.44,66.14;21.82,68.93;,;,;53.61,63.69;,;29.29,67.73;12.43,42.46;19.52,43.86;,;29.35,38.49;,;9.07,41.46:5.48,26.28,0.11,0,1 +217547:30.33,91.83;9.37,43.77;13.44,63.42;28.62,72.02;32.86,66.64;22.90,60.38;18.39,60.90;16.14,42.53;,;,;27.04,50.70;,;11.33,62.44;11.04,43.40;,;,:28.11,13.35;17.52,38.83;8.25,65.89;17.44,66.14;21.86,68.90;,;,;53.57,63.72;,;29.26,67.70;12.44,42.47;19.52,43.86;,;29.36,38.52;,;9.06,41.50:5.36,25.70,0.11,0,1 +217548:30.30,91.85;9.40,43.79;13.41,63.40;28.64,72.07;32.83,66.62;22.91,60.35;18.41,60.93;16.15,42.58;,;,;27.06,50.73;,;11.37,62.45;11.03,43.40;,;,:28.10,13.33;17.51,38.83;8.25,65.89;17.44,66.14;21.91,68.88;,;,;53.53,63.75;,;29.23,67.67;12.45,42.47;19.52,43.86;,;29.36,38.55;,;9.04,41.54:5.24,25.13,0.11,0,1 +217549:30.28,91.87;9.43,43.80;13.39,63.37;28.66,72.13;32.80,66.60;22.91,60.32;18.43,60.96;16.16,42.63;,;,;27.09,50.76;,;11.41,62.46;10.80,43.60;,;,:28.09,13.31;17.50,38.83;8.25,65.89;17.44,66.14;21.95,68.85;,;,;53.49,63.78;,;29.20,67.64;12.45,42.48;19.52,43.86;,;29.36,38.58;,;9.04,41.57:5.12,24.57,0.11,0,1 +217550:30.25,91.89;9.46,43.82;13.36,63.35;28.67,72.19;32.76,66.58;22.92,60.29;18.45,60.99;16.16,42.69;,;,;27.11,50.79;,;11.45,62.48;10.78,43.61;,;,:28.08,13.28;17.49,38.84;8.24,65.89;17.44,66.14;21.99,68.82;,;,;53.46,63.82;,;29.16,67.61;12.46,42.48;19.52,43.86;,;29.36,38.61;,;9.03,41.61:5.01,24.02,0.11,0,1 +217551:30.22,91.90;9.49,43.84;13.33,63.33;28.69,72.25;32.72,66.57;22.92,60.26;18.46,61.01;16.17,42.74;,;,;27.13,50.82;,;11.49,62.49;10.75,43.62;,;,:28.08,13.26;17.48,38.84;8.24,65.89;17.44,66.14;22.03,68.79;,;,;53.43,63.85;,;29.13,67.58;12.46,42.49;19.53,43.86;,;29.36,38.64;,;9.02,41.65:4.89,23.47,0.11,0,1 +217552:30.19,91.91;9.52,43.86;13.31,63.30;28.70,72.31;32.69,66.55;22.93,60.23;18.48,61.04;16.17,42.79;,;,;27.15,50.84;,;11.53,62.50;10.72,43.63;,;,:28.06,13.22;17.47,38.85;8.24,65.88;17.45,66.14;22.06,68.76;,;,;53.41,63.88;,;29.09,67.55;12.47,42.50;19.53,43.86;,;29.36,38.67;,;9.01,41.68:4.78,22.92,0.11,0,1 +217553:30.16,91.93;9.55,43.88;13.28,63.28;28.71,72.37;32.65,66.53;22.93,60.20;18.50,61.06;16.18,42.84;,;,;27.17,50.87;,;11.57,62.51;10.69,43.65;,;,:28.05,13.19;17.47,38.85;8.24,65.88;17.46,66.14;22.10,68.73;,;,;53.39,63.91;,;29.06,67.51;12.47,42.50;19.53,43.87;,;29.36,38.70;,;9.00,41.72:4.67,22.39,0.11,0,1 +217554:30.13,91.94;9.58,43.90;13.25,63.25;28.71,72.43;32.61,66.51;22.94,60.17;18.51,61.09;16.19,42.90;,;,;27.20,50.90;,;11.61,62.52;10.65,43.66;,;,:28.05,13.16;17.46,38.85;8.24,65.88;17.47,66.15;22.13,68.69;,;,;53.37,63.94;,;29.03,67.48;12.48,42.51;19.53,43.87;,;29.35,38.74;,;9.00,41.76:4.56,21.86,0.11,0,1 +217555:30.10,91.95;9.42,44.09;13.23,63.23;28.72,72.49;32.56,66.49;22.94,60.14;18.53,61.11;16.19,42.95;,;,;27.22,50.93;,;11.65,62.54;10.61,43.67;,;,:28.04,13.13;17.45,38.86;8.24,65.88;17.48,66.15;22.16,68.66;,;,;53.35,63.97;,;29.00,67.45;12.49,42.51;19.54,43.87;,;29.35,38.77;,;8.99,41.80:4.45,21.34,0.11,0,1 +217556:30.06,91.96;9.25,44.29;13.20,63.20;28.73,72.56;32.52,66.47;22.94,60.11;18.54,61.13;16.20,43.01;,;,;27.24,50.96;,;11.68,62.54;10.56,43.69;,;,:28.03,13.10;17.44,38.86;8.24,65.87;17.50,66.16;22.18,68.62;,;,;53.33,64.00;,;28.97,67.42;12.49,42.52;19.54,43.87;,;29.35,38.80;,;8.98,41.84:4.34,20.82,0.11,0,1 +217557:30.03,91.98;9.31,44.26;13.17,63.18;28.74,72.63;32.48,66.45;22.95,60.08;18.56,61.16;16.21,43.06;,;,;27.26,50.99;,;11.72,62.54;10.50,43.70;,;,:28.03,13.06;17.43,38.87;8.24,65.87;17.51,66.17;22.20,68.58;,;,;53.32,64.03;,;28.94,67.39;12.50,42.53;19.54,43.87;,;29.35,38.83;,;8.97,41.88:4.23,20.31,0.11,0,1 +217558:30.00,92.00;9.37,44.24;13.14,63.16;28.74,72.69;32.44,66.43;22.95,60.05;18.58,61.18;16.21,43.12;,;,;27.27,51.03;,;11.75,62.54;10.46,43.70;,;,:28.02,13.02;17.42,38.87;8.24,65.87;17.53,66.19;22.22,68.54;,;,;53.30,64.06;,;28.91,67.36;12.50,42.53;19.54,43.87;,;29.34,38.86;,;8.96,41.91:4.13,19.80,0.11,0,1 +217559:29.97,92.02;9.43,44.22;13.12,63.13;28.75,72.77;32.39,66.41;22.95,60.02;18.60,61.20;16.22,43.18;,;,;27.29,51.06;,;11.78,62.54;10.42,43.70;,;,:28.02,12.98;17.42,38.86;8.24,65.87;17.56,66.20;22.23,68.50;,;,;53.29,64.09;,;28.89,67.33;12.51,42.54;19.54,43.87;,;29.34,38.89;,;8.95,41.95:4.03,19.30,0.11,0,1 +217560:29.94,92.05;9.49,44.20;13.09,63.11;28.76,72.84;32.34,66.40;22.96,59.99;18.62,61.22;16.23,43.23;,;,;27.31,51.09;,;11.81,62.54;10.38,43.70;,;,:28.02,12.93;17.42,38.84;8.24,65.86;17.58,66.22;22.25,68.46;,;,;53.28,64.13;,;28.86,67.30;12.51,42.54;19.54,43.87;,;29.33,38.92;,;8.93,41.99:3.92,18.81,0.11,0,1 +217561:29.91,92.08;9.55,44.17;13.06,63.08;28.76,72.91;32.30,66.38;22.96,59.96;18.64,61.24;16.24,43.29;,;,;27.32,51.12;,;11.84,62.55;10.37,43.71;,;,:28.02,12.89;17.42,38.83;8.24,65.86;17.61,66.24;22.26,68.42;,;,;53.26,64.16;,;28.84,67.27;12.52,42.55;19.54,43.88;,;29.32,38.95;,;8.92,42.03:3.82,18.33,0.11,0,1 +217562:29.88,92.11;9.61,44.15;13.04,63.06;28.77,72.99;32.25,66.36;22.96,59.93;18.66,61.26;16.25,43.34;,;,;27.34,51.16;,;11.87,62.55;10.22,43.76;,;,:28.01,12.85;17.42,38.81;8.24,65.86;17.63,66.25;22.27,68.38;,;,;53.25,64.19;,;28.82,67.25;12.53,42.56;19.54,43.88;,;29.32,38.98;,;8.90,42.07:3.72,17.85,0.11,0,1 +217563:29.86,92.15;9.67,44.13;13.01,63.03;28.78,73.06;32.21,66.34;22.96,59.90;18.69,61.29;16.26,43.39;,;,;27.35,51.19;,;11.90,62.55;10.23,43.74;,;,:28.02,12.80;17.41,38.80;8.24,65.86;17.66,66.27;22.28,68.34;,;,;53.23,64.23;,;28.80,67.22;12.53,42.56;19.54,43.88;,;29.31,39.01;,;8.89,42.10:3.62,17.38,0.11,0,0 +217564:29.84,92.20;9.73,44.11;13.00,63.02;28.78,73.15;32.16,66.32;22.95,59.87;18.72,61.31;16.27,43.45;,;,;27.36,51.23;,;11.93,62.55;10.23,43.73;,;,:28.02,12.74;17.41,38.78;8.24,65.86;17.68,66.29;22.29,68.30;,;,;53.22,64.27;,;28.77,67.19;12.54,42.57;19.54,43.88;,;29.29,39.04;,;8.87,42.14:3.53,16.91,0.11,0,0 +217565:29.83,92.26;9.78,44.08;12.98,63.00;28.79,73.23;32.12,66.31;22.95,59.84;18.75,61.33;16.28,43.50;,;,;27.37,51.26;,;11.97,62.55;10.24,43.72;,;,:28.02,12.69;17.41,38.77;8.24,65.86;17.71,66.31;22.30,68.27;,;,;53.20,64.30;,;28.75,67.16;12.54,42.57;19.54,43.88;,;29.28,39.07;,;8.85,42.18:3.43,16.45,0.11,0,0 +217566:29.82,92.32;9.84,44.06;12.97,62.98;28.80,73.31;32.07,66.29;22.94,59.81;18.78,61.35;16.29,43.55;,;,;27.38,51.30;,;12.00,62.55;10.24,43.70;,;,:28.02,12.64;17.41,38.76;8.24,65.86;17.73,66.33;22.32,68.23;,;,;53.19,64.34;,;28.73,67.14;12.55,42.58;19.54,43.88;,;29.27,39.10;,;8.83,42.22:3.34,15.99,0.11,0,0 +217567:29.81,92.38;9.90,44.04;12.95,62.97;28.80,73.40;32.03,66.28;22.93,59.78;18.82,61.37;16.31,43.60;,;,;27.39,51.33;,;12.03,62.56;10.25,43.69;,;,:28.03,12.59;17.41,38.74;8.24,65.86;17.76,66.34;22.33,68.20;,;,;53.17,64.38;,;28.71,67.11;12.55,42.59;19.54,43.88;,;29.25,39.13;,;8.81,42.26:3.24,15.55,0.11,0,0 +217568:29.80,92.45;9.96,44.02;12.94,62.95;28.81,73.49;31.98,66.26;22.92,59.76;18.85,61.38;16.32,43.65;,;,;27.40,51.37;,;12.06,62.56;10.25,43.68;,;,:28.03,12.54;17.41,38.73;8.24,65.86;17.78,66.36;22.35,68.16;,;,;53.16,64.41;,;28.69,67.08;12.56,42.59;19.54,43.88;,;29.24,39.16;,;8.79,42.30:3.15,15.11,0.11,0,0 +217569:29.79,92.52;10.01,44.00;12.92,62.94;28.82,73.58;31.94,66.25;22.91,59.73;18.89,61.40;16.34,43.70;,;,;27.41,51.41;,;12.09,62.56;10.26,43.66;,;,:28.04,12.49;17.41,38.71;8.24,65.86;17.80,66.37;22.37,68.13;,;,;53.14,64.45;,;28.66,67.05;12.57,42.60;19.54,43.88;,;29.22,39.19;,;8.77,42.34:3.06,14.67,0.11,0,0 +217570:29.79,92.59;10.05,43.99;12.91,62.92;28.82,73.67;31.89,66.23;22.90,59.71;18.93,61.42;16.35,43.75;,;,;27.42,51.45;,;12.12,62.56;10.26,43.65;,;,:28.04,12.44;17.40,38.70;8.24,65.86;17.82,66.38;22.38,68.10;,;,;53.12,64.49;,;28.64,67.02;12.57,42.60;19.54,43.88;,;29.21,39.22;,;8.75,42.38:2.97,14.24,0.11,0,0 +217571:29.79,92.67;10.09,43.98;12.89,62.90;28.83,73.76;31.85,66.22;22.88,59.69;18.97,61.44;16.37,43.79;,;,;27.43,51.49;,;12.15,62.56;10.27,43.64;,;,:28.05,12.39;17.40,38.68;8.24,65.86;17.84,66.39;22.40,68.08;,;,;53.10,64.52;,;28.61,66.99;12.58,42.61;19.54,43.88;,;29.19,39.25;,;8.72,42.42:2.88,13.82,0.11,0,0 +217572:29.79,92.74;10.14,43.97;12.88,62.89;28.83,73.86;31.80,66.21;22.86,59.67;19.01,61.46;16.39,43.84;,;,;27.43,51.53;,;12.19,62.56;10.27,43.63;,;,:28.05,12.34;17.40,38.67;8.24,65.87;17.85,66.40;22.43,68.05;,;,;53.08,64.56;,;28.58,66.96;12.58,42.62;19.54,43.88;,;29.17,39.28;,;8.70,42.47:2.80,13.41,0.11,0,0 +217573:29.79,92.82;10.18,43.96;12.86,62.87;28.83,73.95;31.76,66.19;22.84,59.65;19.05,61.48;16.41,43.89;,;,;27.44,51.56;,;12.22,62.57;10.28,43.61;,;,:28.06,12.30;17.40,38.66;8.24,65.87;17.87,66.41;22.45,68.03;,;,;53.06,64.59;,;28.56,66.93;12.59,42.62;19.54,43.88;,;29.15,39.31;,;8.68,42.51:2.71,13.00,0.11,0,0 +217574:29.79,92.89;10.22,43.94;12.85,62.86;28.83,74.04;31.72,66.18;22.82,59.63;19.09,61.49;16.43,43.94;,;,;27.45,51.60;,;12.22,62.57;10.29,43.60;,;,:28.06,12.25;17.40,38.66;8.24,65.87;17.88,66.42;22.47,68.00;,;,;53.03,64.63;,;28.53,66.91;12.59,42.63;19.54,43.88;,;29.14,39.34;,;8.66,42.55:2.63,12.59,0.11,0,0 +217575:29.79,92.97;10.27,43.93;12.83,62.84;28.83,74.14;31.67,66.17;22.80,59.61;19.13,61.51;16.45,43.98;,;,;27.46,51.64;,;12.23,62.57;10.29,43.59;,;,:28.07,12.21;17.40,38.65;8.23,65.88;17.90,66.43;22.49,67.98;,;,;53.00,64.66;,;28.50,66.88;12.60,42.63;19.54,43.87;,;29.12,39.37;,;8.65,42.59:2.54,12.20,0.11,0,0 +217576:29.79,93.03;10.31,43.92;12.82,62.82;28.83,74.23;31.63,66.16;22.77,59.59;19.17,61.53;16.46,44.03;,;,;27.47,51.68;,;12.23,62.57;10.30,43.57;,;,:28.08,12.16;17.40,38.65;8.23,65.88;17.91,66.44;22.51,67.96;,;,;52.97,64.69;,;28.47,66.85;12.61,42.64;19.54,43.87;,;29.10,39.40;,;8.63,42.64:2.46,11.81,0.11,0,0 +217577:29.78,93.10;10.36,43.91;12.81,62.81;28.83,74.33;31.59,66.15;22.75,59.57;19.21,61.55;16.48,44.08;,;,;27.47,51.72;,;12.24,62.58;10.30,43.56;,;,:28.09,12.12;17.40,38.64;8.23,65.88;17.92,66.44;22.53,67.94;,;,;52.94,64.73;,;28.45,66.82;12.61,42.65;19.54,43.87;,;29.09,39.43;,;8.62,42.68:2.38,11.42,0.11,0,0 +217578:29.78,93.16;10.35,43.90;12.79,62.79;28.83,74.43;31.55,66.14;22.72,59.55;19.25,61.57;16.50,44.12;,;,;27.48,51.76;,;12.25,62.58;10.31,43.55;,;,:28.10,12.07;17.40,38.63;8.23,65.89;17.94,66.45;22.56,67.92;,;,;52.91,64.76;,;28.42,66.80;12.62,42.65;19.54,43.87;,;29.07,39.46;,;8.61,42.72:2.30,11.05,0.11,0,0 +217579:29.78,93.21;10.35,43.89;12.78,62.77;28.83,74.52;31.51,66.13;22.70,59.53;19.29,61.58;16.52,44.17;,;,;27.49,51.80;,;12.25,62.58;10.31,43.53;,;,:28.11,12.02;17.41,38.63;8.23,65.89;17.95,66.46;22.57,67.89;,;,;52.87,64.79;,;28.39,66.77;12.62,42.66;19.54,43.87;,;29.06,39.49;,;8.60,42.76:2.23,10.67,0.11,0,0 +217580:29.77,93.27;10.34,43.89;12.76,62.76;28.83,74.62;31.47,66.11;22.67,59.51;19.33,61.60;16.54,44.22;,;,;27.50,51.83;,;12.26,62.59;10.32,43.52;,;,:28.12,11.97;17.41,38.62;8.23,65.89;17.96,66.46;22.59,67.87;,;,;52.83,64.82;,;28.37,66.74;12.63,42.66;19.54,43.86;,;29.04,39.52;,;8.59,42.80:2.15,10.31,0.11,0,0 +217581:29.76,93.32;10.34,43.88;12.75,62.74;28.82,74.72;31.43,66.10;22.65,59.49;19.38,61.62;16.56,44.27;,;,;27.51,51.87;,;12.26,62.59;10.32,43.51;,;,:28.14,11.92;17.41,38.62;8.23,65.90;17.97,66.47;22.61,67.85;,;,;52.79,64.85;,;28.34,66.72;12.63,42.67;19.54,43.86;,;29.03,39.55;,;8.59,42.84:2.07,9.95,0.11,0,0 +217582:29.75,93.36;10.34,43.87;12.73,62.73;28.82,74.82;31.40,66.09;22.62,59.47;19.42,61.63;16.57,44.32;,;,;27.52,51.90;,;12.27,62.59;10.33,43.49;,;,:28.15,11.87;17.41,38.61;8.23,65.90;17.99,66.48;22.63,67.82;,;,;52.75,64.88;,;28.31,66.69;12.64,42.68;19.54,43.86;,;29.02,39.58;,;8.59,42.88:2.00,9.60,0.11,0,0 +217583:29.74,93.41;10.33,43.86;12.72,62.71;28.83,74.93;31.36,66.08;22.60,59.45;19.46,61.65;16.59,44.36;,;,;27.53,51.94;,;12.28,62.59;10.34,43.47;,;,:28.16,11.82;17.41,38.60;8.23,65.90;18.00,66.49;22.65,67.80;,;,;52.70,64.91;,;28.28,66.66;12.65,42.68;19.54,43.86;,;29.01,39.61;,;8.59,42.92:1.93,9.25,0.11,0,0 +217584:29.73,93.45;10.33,43.85;12.70,62.69;28.83,75.03;31.33,66.07;22.57,59.43;19.50,61.66;16.60,44.41;,;,;27.54,51.97;,;12.28,62.60;10.34,43.46;,;,:28.18,11.76;17.41,38.60;8.22,65.90;18.01,66.49;22.66,67.77;,;,;52.65,64.94;,;28.26,66.63;12.65,42.69;19.54,43.85;,;29.00,39.63;,;8.59,42.97:1.86,8.91,0.11,0,0 +217585:29.72,93.49;10.32,43.85;12.69,62.68;28.84,75.14;31.29,66.06;22.55,59.41;19.54,61.67;16.62,44.46;,;,;27.56,52.01;,;12.29,62.60;10.35,43.44;,;,:28.19,11.71;17.41,38.59;8.22,65.91;18.01,66.50;22.68,67.75;,;,;52.61,64.97;,;28.23,66.61;12.66,42.69;19.54,43.85;,;28.99,39.66;,;8.59,43.01:1.79,8.58,0.11,0,0 +217586:29.70,93.54;10.32,43.84;12.67,62.66;28.84,75.25;31.25,66.05;22.53,59.39;19.58,61.69;16.64,44.51;,;,;27.57,52.04;,;12.29,62.60;10.36,43.42;,;,:28.21,11.65;17.41,38.59;8.22,65.91;18.02,66.50;22.70,67.72;,;,;52.57,65.00;,;28.20,66.58;12.66,42.70;19.54,43.85;,;28.98,39.68;,;8.59,43.04:1.72,8.25,0.11,0,0 +217587:29.69,93.58;10.32,43.83;12.66,62.64;28.85,75.37;31.21,66.03;22.51,59.37;19.63,61.70;16.65,44.56;,;,;27.58,52.07;,;12.30,62.61;10.36,43.41;,;,:28.23,11.59;17.41,38.58;8.22,65.91;18.02,66.50;22.72,67.70;,;,;52.52,65.03;,;28.18,66.55;12.67,42.71;19.54,43.85;,;28.97,39.71;,;8.60,43.08:1.65,7.93,0.11,0,0 +217588:29.68,93.63;10.31,43.82;12.64,62.63;28.87,75.49;31.17,66.02;22.49,59.35;19.67,61.71;16.66,44.61;,;,;27.59,52.13;,;12.30,62.61;10.37,43.39;,;,:28.24,11.53;17.41,38.57;8.22,65.91;18.02,66.51;22.74,67.67;,;,;52.48,65.05;,;28.16,66.52;12.67,42.71;19.54,43.85;,;28.97,39.73;,;8.60,43.12:1.59,7.62,0.11,0,0 +217589:29.66,93.68;10.30,43.81;12.63,62.61;28.88,75.60;31.13,66.01;22.48,59.33;19.71,61.73;16.68,44.66;,;,;27.59,52.19;,;12.31,62.61;10.37,43.37;,;,:28.25,11.48;17.41,38.57;8.22,65.91;18.02,66.51;22.76,67.65;,;,;52.45,65.08;,;28.13,66.49;12.68,42.72;19.54,43.85;,;28.96,39.75;,;8.60,43.16:1.52,7.31,0.11,0,0 +217590:29.65,93.73;10.28,43.81;12.62,62.60;28.89,75.72;31.09,66.00;22.46,59.32;19.76,61.74;16.70,44.71;,;,;27.60,52.25;,;12.32,62.62;10.38,43.36;,;,:28.26,11.42;17.41,38.56;8.21,65.91;18.01,66.51;22.78,67.63;,;,;52.41,65.11;,;28.11,66.45;12.69,42.72;19.53,43.85;,;28.95,39.77;,;8.60,43.20:1.46,7.01,0.11,0,0 +217591:29.64,93.79;10.26,43.80;12.60,62.58;28.91,75.84;31.05,65.98;22.45,59.30;19.80,61.75;16.71,44.76;,;,;27.60,52.31;,;12.32,62.62;10.39,43.34;,;,:28.27,11.36;17.41,38.56;8.21,65.91;18.01,66.51;22.80,67.61;,;,;52.38,65.13;,;28.09,66.42;12.69,42.73;19.53,43.85;,;28.94,39.79;,;8.60,43.24:1.40,6.71,0.11,0,0 +217592:29.63,93.85;10.25,43.79;12.59,62.56;28.92,75.96;31.01,65.97;22.43,59.29;19.84,61.77;16.73,44.80;,;,;27.61,52.36;,;12.33,62.62;10.39,43.32;,;,:28.28,11.31;17.41,38.55;8.21,65.91;18.00,66.51;22.83,67.60;,;,;52.35,65.16;,;28.08,66.39;12.70,42.74;19.53,43.85;,;28.94,39.81;,;8.60,43.28:1.34,6.43,0.11,0,0 +217593:29.62,93.92;10.23,43.78;12.57,62.55;28.93,76.08;30.96,65.96;22.42,59.27;19.88,61.78;16.75,44.85;,;,;27.62,52.42;,;12.33,62.64;10.40,43.30;,;,:28.28,11.25;17.41,38.54;8.21,65.91;17.99,66.50;22.86,67.58;,;,;52.33,65.18;,;28.06,66.36;12.70,42.74;19.53,43.85;,;28.92,39.83;,;8.59,43.32:1.28,6.14,0.11,0,0 +217594:29.62,93.98;10.21,43.78;12.56,62.53;28.95,76.20;30.92,65.94;22.41,59.26;19.92,61.80;16.77,44.90;,;,;27.63,52.46;,;12.33,62.67;10.41,43.29;,;,:28.29,11.20;17.42,38.54;8.21,65.91;17.98,66.50;22.89,67.56;,;,;52.30,65.20;,;28.05,66.32;12.71,42.75;19.52,43.85;,;28.91,39.85;,;8.59,43.36:1.22,5.87,0.11,0,0 +217595:29.61,94.05;10.20,43.77;12.52,62.53;28.97,76.32;30.87,65.93;22.39,59.25;19.97,61.81;16.79,44.94;,;,;27.65,52.50;,;12.33,62.69;10.41,43.27;,;,:28.30,11.14;17.42,38.53;8.21,65.91;17.97,66.50;22.92,67.55;,;,;52.28,65.23;,;28.04,66.29;12.71,42.75;19.52,43.85;,;28.90,39.87;,;8.59,43.39:1.17,5.60,0.11,0,0 +217596:29.61,94.13;10.20,43.77;12.49,62.54;28.99,76.45;30.83,65.92;22.37,59.23;20.01,61.83;16.81,44.99;,;,;27.67,52.54;,;12.33,62.71;10.42,43.25;,;,:28.30,11.09;17.42,38.53;8.21,65.91;17.95,66.49;22.95,67.54;,;,;52.26,65.24;,;28.03,66.25;12.72,42.76;19.52,43.85;,;28.89,39.88;,;8.59,43.43:1.11,5.33,0.11,0,0 +217597:29.61,94.20;10.20,43.77;12.45,62.54;29.01,76.58;30.78,65.91;22.35,59.22;20.05,61.84;16.84,45.03;,;,;27.69,52.58;,;12.33,62.73;10.42,43.24;,;,:28.30,11.04;17.41,38.53;8.21,65.91;17.94,66.49;22.97,67.52;,;,;52.24,65.26;,;28.03,66.22;12.72,42.76;19.52,43.85;,;28.87,39.90;,;8.59,43.47:1.06,5.08,0.11,0,0 +217598:29.60,94.28;10.21,43.76;12.42,62.54;29.03,76.70;30.73,65.90;22.33,59.21;20.09,61.86;16.86,45.08;,;,;27.71,52.62;,;12.34,62.75;10.42,43.23;,;,:28.31,10.99;17.41,38.53;8.21,65.91;17.93,66.48;23.00,67.51;,;,;52.22,65.28;,;28.03,66.18;12.73,42.77;19.51,43.85;,;28.85,39.92;,;8.59,43.51:1.01,4.83,0.11,0,0 +217599:29.61,94.36;10.21,43.76;12.39,62.55;29.04,76.82;30.69,65.88;22.31,59.20;20.13,61.88;16.89,45.12;,;,;27.73,52.66;,;12.34,62.78;10.42,43.21;,;,:28.31,10.95;17.41,38.53;8.21,65.91;17.92,66.48;23.03,67.49;,;,;52.20,65.29;,;28.02,66.15;12.73,42.78;19.51,43.85;,;28.82,39.94;,;8.59,43.54:0.96,4.58,0.11,0,0 +217600:29.61,94.44;10.22,43.76;12.35,62.55;29.06,76.95;30.64,65.87;22.28,59.19;20.18,61.90;16.92,45.16;,;,;27.75,52.70;,;12.34,62.80;10.41,43.20;,;,:28.32,10.90;17.43,38.51;8.21,65.91;17.91,66.48;23.06,67.48;,;,;52.17,65.30;,;28.02,66.11;12.74,42.78;19.51,43.85;,;28.80,39.96;,;8.59,43.58:0.91,4.34,0.11,0,0 +217601:29.61,94.51;10.22,43.76;12.32,62.55;29.07,77.07;30.59,65.86;22.25,59.19;20.22,61.92;16.94,45.21;,;,;27.77,52.74;,;12.34,62.82;10.41,43.19;,;,:28.32,10.85;17.45,38.49;8.21,65.91;17.90,66.47;23.08,67.46;,;,;52.15,65.31;,;28.02,66.08;12.74,42.79;19.51,43.85;,;28.77,39.97;,;8.60,43.61:0.86,4.11,0.11,0,0 +217602:29.62,94.59;10.22,43.76;12.28,62.56;29.09,77.20;30.54,65.85;22.22,59.18;20.26,61.94;16.97,45.25;,;,;27.80,52.78;,;12.34,62.84;10.40,43.17;,;,:28.33,10.80;17.46,38.47;8.21,65.91;17.90,66.47;23.10,67.45;,;,;52.12,65.31;,;28.01,66.04;12.74,42.79;19.51,43.85;,;28.75,39.99;,;8.60,43.65:0.81,3.89,0.11,0,0 +217603:29.62,94.66;10.23,43.76;12.25,62.56;29.10,77.33;30.50,65.84;22.19,59.17;20.31,61.96;17.00,45.29;,;,;27.82,52.82;,;12.34,62.86;10.40,43.16;,;,:28.33,10.75;17.48,38.46;8.21,65.91;17.89,66.47;23.12,67.43;,;,;52.09,65.32;,;28.01,66.01;12.74,42.80;19.51,43.85;,;28.72,40.01;,;8.61,43.68:0.76,3.67,0.11,0,0 +217604:29.63,94.73;10.23,43.75;12.21,62.56;29.12,77.45;30.45,65.83;22.15,59.16;20.35,61.99;17.03,45.33;,;,;27.84,52.85;,;12.34,62.89;10.39,43.15;,;,:28.34,10.71;17.50,38.44;8.21,65.91;17.89,66.46;23.14,67.42;,;,;52.06,65.32;,;28.01,65.98;12.74,42.80;19.51,43.85;,;28.69,40.02;,;8.62,43.72:0.72,3.46,0.11,0,0 +217605:29.63,94.80;10.23,43.75;12.18,62.56;29.13,77.58;30.41,65.82;22.12,59.16;20.39,62.01;17.06,45.37;,;,;27.86,52.89;,;12.34,62.91;10.39,43.14;,;,:28.34,10.66;17.51,38.42;8.21,65.91;17.89,66.46;23.15,67.40;,;,;52.03,65.32;,;28.00,65.95;12.74,42.81;19.51,43.85;,;28.66,40.03;,;8.62,43.75:0.68,3.25,0.11,0,0 +217606:29.63,94.87;10.24,43.78;12.14,62.57;29.14,77.70;30.36,65.82;22.09,59.15;20.43,62.04;17.09,45.41;,;,;27.88,52.93;,;12.35,62.93;10.38,43.12;,;,:28.35,10.62;17.53,38.40;8.21,65.91;17.89,66.46;23.17,67.38;,;,;52.00,65.32;,;28.00,65.92;12.74,42.81;19.51,43.85;,;28.64,40.05;,;8.63,43.78:0.64,3.05,0.11,0,0 +217607:29.63,94.93;10.25,43.81;12.11,62.57;29.15,77.83;30.32,65.81;22.06,59.15;20.47,62.06;17.12,45.45;,;,;27.90,52.97;,;12.35,62.95;10.38,43.11;,;,:28.35,10.57;17.55,38.38;8.21,65.91;17.89,66.45;23.18,67.37;,;,;51.97,65.32;,;27.99,65.89;12.74,42.82;19.51,43.85;,;28.61,40.06;,;8.64,43.81:0.60,2.86,0.11,0,0 +217608:29.63,94.99;10.26,43.84;12.08,62.57;29.16,77.95;30.27,65.80;22.03,59.15;20.51,62.09;17.15,45.49;,;,;27.92,53.01;,;12.31,62.97;10.37,43.10;,;,:28.36,10.53;17.57,38.37;8.21,65.91;17.89,66.45;23.19,67.36;,;,;51.94,65.32;,;27.98,65.87;12.74,42.82;19.51,43.85;,;28.58,40.07;,;8.65,43.84:0.56,2.67,0.11,0,0 +217609:29.63,95.04;10.26,43.87;12.04,62.58;29.16,78.07;30.23,65.79;22.00,59.14;20.55,62.12;17.18,45.53;,;,;27.94,53.05;,;12.28,62.99;10.37,43.09;,;,:28.36,10.48;17.59,38.35;8.21,65.91;17.89,66.44;23.23,67.33;,;,;51.92,65.32;,;27.98,65.84;12.74,42.82;19.51,43.85;,;28.56,40.09;,;8.66,43.87:0.52,2.49,0.11,0,0 +217610:29.62,95.09;10.27,43.90;12.01,62.58;29.17,78.19;30.19,65.78;21.97,59.14;20.59,62.15;17.21,45.57;,;,;27.96,53.09;,;12.24,63.00;10.36,43.07;,;,:28.36,10.43;17.62,38.34;8.22,65.91;17.89,66.43;23.26,67.30;,;,;51.89,65.32;,;27.97,65.81;12.74,42.82;19.51,43.85;,;28.53,40.10;,;8.67,43.89:0.48,2.31,0.11,0,0 +217611:29.62,95.14;10.28,43.93;11.97,62.58;29.17,78.31;30.15,65.77;21.95,59.14;20.66,62.20;17.24,45.61;,;,;27.98,53.13;,;12.21,63.02;10.36,43.06;,;,:28.37,10.39;17.64,38.32;8.22,65.91;17.89,66.42;23.29,67.28;,;,;51.86,65.32;,;27.96,65.79;12.73,42.82;19.51,43.85;,;28.51,40.11;,;8.68,43.92:0.45,2.14,0.11,0,0 +217612:29.61,95.19;10.29,43.96;11.94,62.58;29.17,78.42;30.11,65.77;21.93,59.14;20.72,62.24;17.27,45.65;,;,;28.00,53.17;,;12.17,63.04;10.35,43.05;,;,:28.37,10.34;17.66,38.31;8.22,65.91;17.89,66.41;23.32,67.25;,;,;51.84,65.32;,;27.95,65.76;12.73,42.82;19.51,43.85;,;28.49,40.13;,;8.69,43.95:0.41,1.98,0.11,0,0 +217613:29.61,95.24;10.30,43.99;11.90,62.59;29.17,78.54;30.07,65.76;21.91,59.14;20.79,62.29;17.29,45.69;,;,;28.01,53.21;,;12.14,63.06;10.35,43.03;,;,:28.37,10.29;17.69,38.29;8.22,65.92;17.89,66.40;23.35,67.23;,;,;51.82,65.32;,;27.96,65.70;12.73,42.82;19.51,43.86;,;28.47,40.14;,;8.70,43.97:0.38,1.83,0.11,0,0 +217614:29.60,95.29;10.30,44.02;11.87,62.59;29.16,78.66;30.03,65.75;21.89,59.15;20.86,62.34;17.32,45.73;,;,;28.02,53.24;,;12.10,63.07;10.34,43.02;,;,:28.38,10.24;17.71,38.28;8.21,65.92;17.89,66.38;23.39,67.20;,;,;51.80,65.32;,;27.96,65.65;12.73,42.82;19.51,43.86;,;28.45,40.16;,;8.71,43.99:0.35,1.68,0.11,0,0 +217615:29.59,95.35;10.32,44.03;11.84,62.59;29.16,78.77;29.99,65.74;21.87,59.15;20.92,62.39;17.34,45.77;,;,;28.03,53.28;,;12.07,63.09;10.34,43.01;,;,:28.38,10.20;17.73,38.26;8.21,65.92;17.90,66.37;23.42,67.18;,;,;51.78,65.31;,;27.97,65.59;12.73,42.82;19.51,43.86;,;28.44,40.17;,;8.72,44.02:0.32,1.54,0.11,0,0 +217616:29.58,95.40;10.33,44.04;11.80,62.60;29.16,78.89;29.95,65.73;21.86,59.15;20.99,62.44;17.36,45.81;,;,;28.03,53.31;,;12.03,63.11;10.33,43.00;,;,:28.38,10.15;17.75,38.25;8.21,65.92;17.89,66.35;23.45,67.15;,;,;51.76,65.31;,;27.97,65.53;12.73,42.82;19.51,43.86;,;28.42,40.19;,;8.73,44.04:0.29,1.40,0.11,0,0 +217617:29.58,95.46;10.34,44.06;11.77,62.60;29.16,79.01;29.91,65.73;21.84,59.16;21.06,62.49;17.39,45.85;,;,;28.04,53.35;,;12.00,63.13;10.33,42.98;,;,:28.38,10.10;17.78,38.23;8.21,65.93;17.89,66.33;23.48,67.12;,;,;51.74,65.31;,;27.97,65.48;12.73,42.82;19.51,43.86;,;28.40,40.20;,;8.74,44.06:0.26,1.27,0.11,0,0 +217618:29.57,95.52;10.35,44.07;11.73,62.60;29.16,79.12;29.88,65.72;21.82,59.16;21.12,62.54;17.41,45.89;,;,;28.04,53.38;,;11.96,63.15;10.32,42.97;,;,:28.38,10.05;17.80,38.22;8.21,65.93;17.89,66.31;23.51,67.10;,;,;51.72,65.31;,;27.98,65.42;12.73,42.81;19.52,43.86;,;28.39,40.22;,;8.76,44.08:0.24,1.15,0.11,0,0 +217619:29.57,95.59;10.37,44.08;11.70,62.61;29.15,79.24;29.84,65.71;21.81,59.17;21.19,62.58;17.44,45.93;,;,;28.05,53.41;,;11.93,63.16;10.32,42.96;,;,:28.38,9.99;17.83,38.22;8.21,65.94;17.89,66.29;23.55,67.07;,;,;51.71,65.30;,;27.98,65.36;12.73,42.81;19.52,43.86;,;28.38,40.24;,;8.77,44.09:0.21,1.03,0.11,0,0 +217620:29.57,95.66;10.38,44.09;11.66,62.61;29.15,79.36;29.80,65.71;21.79,59.17;21.26,62.63;17.46,45.97;,;,;28.05,53.45;,;11.89,63.18;10.31,42.95;,;,:28.39,9.94;17.85,38.23;8.21,65.94;17.89,66.27;23.58,67.05;,;,;51.69,65.30;,;27.99,65.31;12.73,42.81;19.52,43.86;,;28.36,40.27;,;8.79,44.11:0.19,0.92,0.11,0,0 +217621:29.56,95.73;10.39,44.10;11.63,62.61;29.15,79.48;29.77,65.70;21.77,59.18;21.32,62.68;17.48,46.01;,;,;28.05,53.48;,;11.86,63.20;10.31,42.93;,;,:28.39,9.88;17.88,38.24;8.21,65.95;17.88,66.24;23.58,67.04;,;,;51.67,65.30;,;27.99,65.25;12.73,42.81;19.52,43.86;,;28.34,40.30;,;8.81,44.12:0.17,0.81,0.11,0,0 +217622:29.56,95.80;10.41,44.11;11.60,62.61;29.15,79.60;29.73,65.69;21.76,59.19;21.39,62.73;17.51,46.05;,;,;28.06,53.52;,;11.82,63.22;10.30,42.92;,;,:28.40,9.83;17.91,38.24;8.21,65.95;17.88,66.22;23.58,67.04;,;,;51.66,65.29;,;28.00,65.20;12.74,42.81;19.52,43.86;,;28.28,40.35;,;8.84,44.13:0.15,0.71,0.11,0,0 +217623:29.56,95.88;10.42,44.12;11.56,62.62;29.15,79.72;29.69,65.69;21.74,59.19;21.42,62.77;17.53,46.09;,;,;28.06,53.55;,;11.79,63.23;10.30,42.91;,;,:28.40,9.77;17.93,38.25;8.21,65.96;17.87,66.20;23.58,67.04;,;,;51.64,65.29;,;28.00,65.14;12.74,42.81;19.52,43.86;,;28.26,40.40;,;8.86,44.14:0.13,0.62,0.11,0,0 +217624:29.56,95.96;10.43,44.13;11.53,62.62;29.15,79.85;29.65,65.68;21.72,59.20;21.44,62.82;17.56,46.13;,;,;28.07,53.59;,;11.75,63.25;10.29,42.89;,;,:28.41,9.72;17.96,38.25;8.21,65.96;17.87,66.18;23.58,67.03;,;,;51.62,65.28;,;28.00,65.08;12.74,42.81;19.52,43.86;,;28.29,40.42;,;8.89,44.15:0.11,0.54,0.11,0,0 +217625:29.57,96.04;10.44,44.14;11.49,62.62;29.15,79.98;29.61,65.67;21.70,59.21;21.47,62.86;17.59,46.17;,;,;28.07,53.62;,;11.77,63.29;10.29,42.88;,;,:28.41,9.66;17.99,38.26;8.21,65.97;17.86,66.16;23.58,67.03;,;,;51.61,65.28;,;27.93,65.04;12.74,42.81;19.52,43.86;,;28.39,40.40;,;8.93,44.15:0.10,0.46,0.11,0,0 +217626:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.08,0.38,0.11,0,0 +217627:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.07,0.32,0.11,0,0 +217628:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.05,0.26,0.11,0,0 +217629:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.04,0.20,0.11,0,0 +217630:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.03,0.16,0.11,0,0 +217631:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.02,0.11,0.11,0,0 +217632:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.02,0.08,0.11,0,0 +217633:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.01,0.05,0.11,0,0 +217634:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.01,0.03,0.11,0,0 +217635:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.00,0.01,0.11,0,0 +217636:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.00,0.00,0.11,0,0 +217637:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:,;,;,;,;,;,;,;,;,;,;,;,;,;,;,;,:0.00,0.00,0.11,0,0 diff --git a/kloppy/tests/test_metrica_epts.py b/kloppy/tests/test_metrica_epts.py index 97c0a406f..748f5ffb5 100644 --- a/kloppy/tests/test_metrica_epts.py +++ b/kloppy/tests/test_metrica_epts.py @@ -6,7 +6,7 @@ from pandas import DataFrame from kloppy import metrica -from kloppy.domain import Orientation, Point, Provider, Score +from kloppy.domain import Orientation, Point, Provider, Score, BallState from kloppy.infra.serializers.tracking.metrica_epts.metadata import ( _load_provider, load_metadata, @@ -15,15 +15,16 @@ build_regex, read_raw_data, ) +from kloppy.infra.serializers.tracking.epts_common import ( + build_regex as common_build_regex, + read_raw_data as common_read_raw_data, +) from kloppy.utils import performance_logging class TestMetricaEPTSTracking: - def test_regex(self, base_dir): - with open( - base_dir / "files/epts_metrica_metadata.xml", "rb" - ) as metadata_fp: - metadata = load_metadata(metadata_fp) + def test_regex(self, metrica_metadata): + metadata = metrica_metadata regex_str = build_regex( metadata.data_format_specifications[0], @@ -49,16 +50,11 @@ def test_provider_name_recognition(self, base_dir): assert provider_from_file == Provider.METRICA - def test_read(self, base_dir): - with open( - base_dir / "files/epts_metrica_metadata.xml", "rb" - ) as metadata_fp: - metadata = load_metadata(metadata_fp) + def test_read(self, metrica_metadata, raw_data: str): + metadata = metrica_metadata - with open( - base_dir / "files/epts_metrica_tracking.txt", "rb" - ) as raw_data: - iterator = read_raw_data(raw_data, metadata) + with open(raw_data, "rb") as raw_data_fp: + iterator = read_raw_data(raw_data_fp, metadata) with performance_logging("load"): assert list(iterator) @@ -98,6 +94,26 @@ def meta_data(self, base_dir) -> str: def raw_data(self, base_dir) -> str: return base_dir / "files/epts_metrica_tracking.txt" + @pytest.fixture + def metrica_dataset(self, meta_data: str, raw_data: str): + """Fixture that loads the complete Metrica EPTS dataset.""" + return metrica.load_tracking_epts( + meta_data=meta_data, raw_data=raw_data + ) + + @pytest.fixture + def metrica_dataset_limited(self, meta_data: str, raw_data: str): + """Fixture that loads limited Metrica EPTS dataset for faster tests.""" + return metrica.load_tracking_epts( + meta_data=meta_data, raw_data=raw_data, limit=100 + ) + + @pytest.fixture + def metrica_metadata(self, meta_data: str): + """Fixture that loads just the Metrica EPTS metadata.""" + with open(meta_data, "rb") as metadata_fp: + return load_metadata(metadata_fp) + def test_correct_deserialization_limit_sample( self, meta_data: str, raw_data: str ): @@ -117,10 +133,8 @@ def test_correct_deserialization_limit_sample( ) assert len(dataset.records) == 50 - def test_correct_deserialization(self, meta_data: str, raw_data: str): - dataset = metrica.load_tracking_epts( - meta_data=meta_data, raw_data=raw_data - ) + def test_correct_deserialization(self, metrica_dataset_limited): + dataset = metrica_dataset_limited first_player = next(iter(dataset.records[0].players_data)) @@ -158,10 +172,8 @@ def test_correct_deserialization(self, meta_data: str, raw_data: str): assert dataset.records[0].ball_coordinates.x == pytest.approx(0.52867) assert dataset.records[0].ball_coordinates.y == pytest.approx(0.7069) - def test_other_data_deserialization(self, meta_data: str, raw_data: str): - dataset = metrica.load_tracking_epts( - meta_data=meta_data, raw_data=raw_data - ) + def test_other_data_deserialization(self, metrica_dataset_limited): + dataset = metrica_dataset_limited first_player = next(iter(dataset.records[0].players_data)) diff --git a/kloppy/tests/test_scisports_epts.py b/kloppy/tests/test_scisports_epts.py new file mode 100644 index 000000000..eed912e66 --- /dev/null +++ b/kloppy/tests/test_scisports_epts.py @@ -0,0 +1,242 @@ +from datetime import timedelta + +import pytest + +from kloppy import scisports +from kloppy.domain import ( + Provider, + Point, + Orientation, + BallState, + PositionType, + Origin, + VerticalOrientation, +) + + +@pytest.fixture +def scisports_dataset(base_dir): + """Fixture that loads the complete SciSports EPTS dataset.""" + meta = base_dir / "files/scisports_epts_metadata.xml" + raw = base_dir / "files/scisports_epts_positions.txt" + return scisports.load_tracking(meta_data=meta, raw_data=raw) + + +@pytest.fixture +def scisports_dataset_scisports_coords(base_dir): + """Fixture that loads SciSports EPTS dataset with SciSports coordinate system.""" + meta = base_dir / "files/scisports_epts_metadata.xml" + raw = base_dir / "files/scisports_epts_positions.txt" + return scisports.load_tracking( + meta_data=meta, raw_data=raw, limit=500000, coordinates="scisports" + ) + + +class TestSciSportsEPTSTracking: + def test_deserialize_basic(self, scisports_dataset): + dataset = scisports_dataset + + assert dataset.metadata.provider == Provider.SCISPORTS + assert len(dataset.records) == 843 # Reduced test file with 501 frames + assert dataset.metadata.frame_rate == 25 + assert len(dataset.metadata.teams) == 2 + assert len(dataset.metadata.periods) >= 2 + + # Some frames may be pre/post-match in the reduced test file + # Check that we have frames from both periods + period1_frames = [ + f for f in dataset.records if f.period and f.period.id == 1 + ] + period2_frames = [ + f for f in dataset.records if f.period and f.period.id == 2 + ] + assert len(period1_frames) > 0 + assert len(period2_frames) > 0 + + first_frame = dataset.records[0] + # First frame may be pre-match in reduced test file + print( + f"First frame timestamp: {first_frame.timestamp}, period: {first_frame.period.id if first_frame.period else None}" + ) + + assert first_frame.ball_coordinates.x is not None + assert first_frame.ball_coordinates.y is not None + + def test_gk_positions_first_frames( + self, scisports_dataset_scisports_coords + ): + dataset = scisports_dataset_scisports_coords + + home_team = next( + t for t in dataset.metadata.teams if str(t.ground) == "home" + ) + away_team = next( + t for t in dataset.metadata.teams if str(t.ground) == "away" + ) + + home_gk = next( + p + for p in home_team.players + if p.position == PositionType.Goalkeeper + ) + away_gk = next( + p + for p in away_team.players + if p.position == PositionType.Goalkeeper + ) + home_lb = next( + p for p in home_team.players if p.player_id == "P-007854" + ) + away_lb = next( + p for p in away_team.players if p.player_id == "P-008981" + ) + + first_p1 = next( + f for f in dataset.records if f.period and f.period.id == 1 + ) + first_p2 = next( + f for f in dataset.records if f.period and f.period.id == 2 + ) + + # orientation: home - away means home keeper low x and away keeper high x coordinate + assert dataset.metadata.orientation == Orientation.HOME_AWAY + assert first_p1.players_data[home_gk].coordinates == Point( + x=8.36, y=34.17 + ) + assert first_p1.players_data[away_gk].coordinates == Point( + x=85.39, y=35.33 + ) + + # origin: top - left & vertical orientation: top to bottom + # means home lb low y and away lb high y coordinate + assert dataset.metadata.coordinate_system.origin == Origin.TOP_LEFT + assert ( + dataset.metadata.coordinate_system.vertical_orientation + == VerticalOrientation.TOP_TO_BOTTOM + ) + assert first_p1.players_data[home_lb].coordinates == Point( + x=36.43, y=16.22 + ) + assert first_p1.players_data[away_lb].coordinates == Point( + x=53.48, y=55.48 + ) + + # In the second period, it should be flipped + assert first_p2.players_data[home_gk].coordinates == Point( + x=89.15, y=32.25 + ) + assert first_p2.players_data[away_gk].coordinates == Point( + x=3.88, y=34.23 + ) + assert first_p2.players_data[home_lb].coordinates == Point( + x=52.79, y=54.6 + ) + assert first_p2.players_data[away_lb].coordinates == Point( + x=39.35, y=10.85 + ) + + def test_timestamp_reset_per_period(self, scisports_dataset): + """Test that timestamps are reset to start from 0:00:00 at the beginning of each period.""" + dataset = scisports_dataset + + # Get frames for each period + period1_frames = [ + f for f in dataset.records if f.period and f.period.id == 1 + ] + period2_frames = [ + f for f in dataset.records if f.period and f.period.id == 2 + ] + + # Both periods should have frames + assert len(period1_frames) > 0, "Period 1 should have frames" + assert len(period2_frames) > 0, "Period 2 should have frames" + + # Period 1: First frame should start near 0:00:00 (allowing for some pre-period start) + # Note: Some frames may be before period start in reduced test data + first_p1_timestamp = period1_frames[0].timestamp + last_p1_timestamp = period1_frames[-1].timestamp + + # Period 1 should have reasonable duration (> 0) + assert ( + last_p1_timestamp > first_p1_timestamp + ), "Period 1 should have positive duration" + + # Period 2: Should start from 0:00:00 (reset from period start) + first_p2_timestamp = period2_frames[0].timestamp + last_p2_timestamp = period2_frames[-1].timestamp + + # Period 2 first frame should be at exactly 0:00:00 (timestamp reset) + assert first_p2_timestamp == timedelta( + 0 + ), f"Period 2 should start at 0:00:00, got {first_p2_timestamp}" + + # Period 2 should have positive duration + assert ( + last_p2_timestamp > first_p2_timestamp + ), "Period 2 should have positive duration" + + # Verify that timestamps within each period are monotonically increasing + prev_timestamp = None + for frame in period1_frames: + if prev_timestamp is not None: + assert ( + frame.timestamp >= prev_timestamp + ), f"Period 1 timestamps should be increasing: {prev_timestamp} -> {frame.timestamp}" + prev_timestamp = frame.timestamp + + prev_timestamp = None + for frame in period2_frames: + if prev_timestamp is not None: + assert ( + frame.timestamp >= prev_timestamp + ), f"Period 2 timestamps should be increasing: {prev_timestamp} -> {frame.timestamp}" + prev_timestamp = frame.timestamp + + def test_ball_state_detection(self, scisports_dataset): + """Test that ball states (alive/dead) are correctly parsed from ball channel data.""" + dataset = scisports_dataset + + # Count ball states + alive_frames = [ + f for f in dataset.records if f.ball_state == BallState.ALIVE + ] + dead_frames = [ + f for f in dataset.records if f.ball_state == BallState.DEAD + ] + + # Verify we have both states represented + assert len(alive_frames) == 775 + assert len(dead_frames) == 68 + + # Total should equal all frames + total_frames = len(alive_frames) + len(dead_frames) + assert total_frames == len(dataset.records) + + def test_player_position_types(self, scisports_dataset): + """Test that player position types are correctly mapped from metadata.""" + dataset = scisports_dataset + + # Count players by position type + goalkeepers = [] + field_players = [] + + for team in dataset.metadata.teams: + for player in team.players: + if player.starting_position and "Goalkeeper" in str( + player.starting_position + ): + goalkeepers.append(player) + elif player.attributes.get("PlayerType") == "Goalkeeper": + goalkeepers.append(player) + elif player.attributes.get("PlayerType") == "Field player": + field_players.append(player) + + # Should have exactly 2 goalkeepers (one per team) + assert ( + len(goalkeepers) == 2 + ), f"Expected 2 goalkeepers, found {len(goalkeepers)}" + + # Should have multiple field players + assert ( + len(field_players) > 10 + ), f"Expected >10 field players, found {len(field_players)}"