diff --git a/people-and-planet-ai/README.md b/people-and-planet-ai/README.md
index d8faf5a579a..fb77962fda6 100644
--- a/people-and-planet-ai/README.md
+++ b/people-and-planet-ai/README.md
@@ -40,3 +40,20 @@ location data.
[Dataflow]: https://cloud.google.com/dataflow
[Keras]: https://keras.io
[Vertex AI]: https://cloud.google.com/vertex-ai
+
+## 🏭 [Coal Plant Predictions -- _geospatial-classification_](geospatial-classification)
+
+[](https://colab.research.google.com/github/GoogleCloudPlatform/python-docs-samples/blob/main/people-and-planet-ai/geospatial-classification/README.ipynb)
+
+This model uses satellite data to predict if a coal plant is turned on and producing carbon emissions. The satellite data comes from [Google Earth Engine.](https://earthengine.google.com/)
+
+* **Model**: 1D Fully Convolutional Network in [TensorFlow]
+* **Creating datasets**: [Sentinel-2] satellite data from [Earth Engine]
+* **Training the model**: [TensorFlow] in [Vertex AI]
+* **Getting predictions**: [TensorFlow] in [Cloud Run]
+
+[Cloud Run]: https://cloud.google.com/run
+[Sentinel-2]: https://developers.google.com/earth-engine/datasets/catalog/COPERNICUS_S2
+[Earth Engine]: https://earthengine.google.com/
+[TensorFlow]: https://www.tensorflow.org/
+[Vertex AI]: https://cloud.google.com/vertex-ai
diff --git a/people-and-planet-ai/geospatial-classification/README.ipynb b/people-and-planet-ai/geospatial-classification/README.ipynb
new file mode 100644
index 00000000000..fd11b264a27
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/README.ipynb
@@ -0,0 +1,1437 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "77c0f36a",
+ "metadata": {
+ "id": "77c0f36a",
+ "cellView": "form"
+ },
+ "outputs": [],
+ "source": [
+ "#@title ###### Licensed to the Apache Software Foundation (ASF), Version 2.0 (the \"License\")\n",
+ "\n",
+ "# Licensed to the Apache Software Foundation (ASF) under one\n",
+ "# or more contributor license agreements. See the NOTICE file\n",
+ "# distributed with this work for additional information\n",
+ "# regarding copyright ownership. The ASF licenses this file\n",
+ "# to you under the Apache License, Version 2.0 (the\n",
+ "# \"License\"); you may not use this file except in compliance\n",
+ "# with the License. You may obtain a copy of the License at\n",
+ "#\n",
+ "# http://www.apache.org/licenses/LICENSE-2.0\n",
+ "#\n",
+ "# Unless required by applicable law or agreed to in writing,\n",
+ "# software distributed under the License is distributed on an\n",
+ "# \"AS IS\" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY\n",
+ "# KIND, either express or implied. See the License for the\n",
+ "# specific language governing permissions and limitations\n",
+ "# under the License."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "3683a5f8",
+ "metadata": {
+ "id": "3683a5f8"
+ },
+ "source": [
+ "# 🏭 Coal Plant ON/OFF: Predictions\n",
+ "\n",
+ "* **Time estimate**: 1 hour\n",
+ "* **Cost estimate**: Around $**1**.00 USD\n",
+ "\n",
+ "This is an **interactive** notebook that contains **all** of the **code** necessary to train an ML model from satellite images for geospatial classification of whether a coal plant is on/off. \n",
+ "\n",
+ "This is a first step **introductory example** of how these **satellite images** can be used to detect **carbon pollution** from power plants.\n",
+ "\n",
+ "--------------------------------------------\n",
+ "\n",
+ "\n",
+ "💚 This is one of many **machine learning how-to samples** inspired from **real climate solutions** aired on the [People and Planet AI 🎥 series](https://www.youtube.com/playlist?list=PLIivdWyY5sqI-llB35Dcb187ZG155Rs_7)."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "922968ad",
+ "metadata": {
+ "id": "922968ad"
+ },
+ "source": [
+ "# 🚏 Overview\n",
+ "\n",
+ "This notebook leverages geospatial data from [Google Earth Engine](https://earthengine.google.com/), and labeled data provided by the organization [Climate TRACE](https://www.climatetrace.org/). By combining these two data sources, you'll build and train a model that predicts whether or not a power plant is turned on and producing emissions."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "8f15adff",
+ "metadata": {
+ "id": "8f15adff"
+ },
+ "source": [
+ "### 🛰️ Data _(inputs)_\n",
+ "\n",
+ "The data in this example consists of images from a satellite called [Sentinel-2](https://developers.google.com/earth-engine/datasets/catalog/COPERNICUS_S2#description), a wide-swath, **high-resolution**, multi-spectral imaging mission for land monitoring studies.\n",
+ "\n",
+ "When working with satellite data, each input image has the **dimensions** `[width, height, bands]`. **Bands** are measurements from specific satellite instruments for different ranges of the **electromagnetic spectrum**. For example, Sentinel-2 contains [🌈 13 spectral bands](https://developers.google.com/earth-engine/datasets/catalog/COPERNICUS_S2#bands). If you're familiar with image classification problems, you can think of the bands as similar to an image's RGB (red, green, blue) channels. However, when working with satellite data we generally have **more than just 3** channels.\n",
+ "\n",
+ "\n",
+ "\n"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "d15be296",
+ "metadata": {
+ "id": "d15be296"
+ },
+ "source": [
+ "### 🏷️ Labels _(outputs)_\n",
+ "\n",
+ "For each patch of pixels (an image of a power plant) that we give to the model, it performs **binary classification**, which indicates whether the power plant is on or off.\n",
+ "\n",
+ "In this example, the **output** is a single number between *0 (Off) and 1 (On)*, representing the **probability** of that power plant being ON."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "4dce50bc",
+ "metadata": {
+ "id": "4dce50bc"
+ },
+ "source": [
+ "### Model _(function)_\n",
+ "\n",
+ "**TL;DR**\n",
+ "*The model will receive a patch of pixels, in the center is the power plant tower. We take 16 pixels as padding creating a 33x33 patch. The model returns a classification of ON/OFF*\n",
+ "\n",
+ "In this example, we have a CSV file of labels. Each row in this file represents a power plant at a specific lat/lon and timestamp. At training time we'll prepare a dataset where each input image is a single pixel that we have a label for. We will then add padding around that image. These padded pixels will not get predictions, but will help our model to make better predictions for the center point that we have a label for.\n",
+ "\n",
+ "For example, with a padding of 16, each 1 pixel input point would become a 33x33 image after the padding is added.\n",
+ "\n",
+ "\n",
+ "\n",
+ "The model in this sample is trained for image patches where a power plant is located in the center, and the dimensions must be 33x33 pixels where each pixel has a constant number of bands."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "3547aec6",
+ "metadata": {
+ "id": "3547aec6"
+ },
+ "source": [
+ "## 🚴♀️ Steps summary\n",
+ "\n",
+ "Here's a quick summary of what you’ll go through:\n",
+ "\n",
+ "1. **Get the training data** _(~15 minutes to complete, no cost for using Earth Engine)_:\n",
+ " Extract satellite images from [Earth Engine](https://earthengine.google.com/), combine it with the data that was labeled and contains lat/long coordinates from [Climate TRACE](https://climatetrace.org) in a CSV, and export to\n",
+ " [Cloud Storage](https://cloud.google.com/storage).\n",
+ "\n",
+ "\n",
+ "2. **Run a custom training job** _(~15 minutes to complete, [costs ~ $1](https://cloud.google.com/vertex-ai/pricing#custom-trained_models))_:\n",
+ " Using [Tensorflow](https://www.tensorflow.org/) on [Vertex AI Training](https://cloud.google.com/vertex-ai/docs/training/custom-training) using a [pre-built training container](https://cloud.google.com/vertex-ai/docs/training/pre-built-containers).\n",
+ "\n",
+ "\n",
+ "3. **Deploy a web service to host the trained model** _(~7 minutes to complete, [costs a few cents to build the image](https://cloud.google.com/build/pricing), and [deployment cost covered by free tier](https://cloud.google.com/run/pricing))_:\n",
+ " On\n",
+ " [Cloud Run](https://cloud.google.com/run)\n",
+ " and get predictions using the model.\n",
+ "\n",
+ "\n",
+ "4. **Get Predictions** _(a few seconds per prediction, [costs covered by free tier](https://cloud.google.com/run/pricing))_:\n",
+ " Use the web service to get predictions for new data.\n",
+ "\n",
+ "\n",
+ "5. **Visualize predictions** _(~5 minutes to complete)_ :\n",
+ " Visualize the predictions on a map.\n",
+ "\n",
+ "\n",
+ "6. (Optional) **Delete the project** to avoid ongoing costs."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "46b21577",
+ "metadata": {
+ "id": "46b21577"
+ },
+ "source": [
+ "## 🙈 Using this interactive notebook\n",
+ "\n",
+ "Click the **run** icons ▶️ of each section within this notebook. \n",
+ "\n",
+ "This notebook code lets you train and deploy an ML model from end-to-end. When you run a code cell, the code runs in the notebook's runtime, so you're not making any changes to your personal computer.\n",
+ "\n",
+ "> 🛎️ **To avoid any errors**, wait for each section to finish in their order before clicking the next “run” icon.\n",
+ "\n",
+ "This sample must be connected to a **Google Cloud project**, but nothing else is needed other than your Google Cloud project.\n",
+ "You can use an existing project and the cost will be around **$1.00**. Alternatively, you can create a new Cloud project with cloud credits for free."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "f0033a40",
+ "metadata": {
+ "id": "f0033a40"
+ },
+ "source": [
+ "## ✨ Before you begin, you need to…\n",
+ "\n",
+ "1. Decide on creating a new\n",
+ " [free project](https://cloud.google.com/free/docs/gcp-free-tier)\n",
+ " _(recommended)_ or using an existing one.\n",
+ " Then **copy the project ID** and paste it in the `google_cloud_project` field in the \"Entering project details” section below.\n",
+ "\n",
+ " > 💡 If you _don't plan to keep the resources_ that you create via this sample, we recommend creating a new project instead of selecting an existing project.\n",
+ " > After you finish these steps, you can delete the project, removing all the resources associated in bulk.\n",
+ "\n",
+ "1. Make sure that **billing is enabled** for your Google Cloud project,\n",
+ " [_click here_](https://cloud.google.com/billing/docs/how-to/modify-project)\n",
+ " to learn how to confirm that billing is enabled.\n",
+ "\n",
+ "1. Have an **Earth Engine** account (it's FREE) or create a new one.\n",
+ " To create an account, fill out the [registration form here.](https://signup.earthengine.google.com/#!/). Please note this can take from 0-24 hours...but it's worth it! Come back to this sample after you have this."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "156ab72c",
+ "metadata": {
+ "id": "156ab72c"
+ },
+ "source": [
+ "### ⛏️ Preparing the project environment\n",
+ "\n",
+ "Click the run ▶️ icons in order for the cells to download and install the necessary code, libraries, and resources for this solution.\n",
+ "\n",
+ "> 💡 You can _optionally_ view the entire\n",
+ "> [code in GitHub](https://github.com/GoogleCloudPlatform/python-docs-samples/tree/main/people-and-planet-ai/geospatial-classification)."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "fa34fdd8",
+ "metadata": {
+ "id": "fa34fdd8"
+ },
+ "source": [
+ "### ↘️ Get the code"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "c2848f6d",
+ "metadata": {
+ "id": "c2848f6d"
+ },
+ "outputs": [],
+ "source": [
+ "# Get the sample source code.\n",
+ "\n",
+ "!git clone https://github.com/GoogleCloudPlatform/python-docs-samples.git ~/python-docs-samples\n",
+ "%cd ~/python-docs-samples/people-and-planet-ai/geospatial-classification"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "source": [
+ "You will need to restart the runtime (Runtime -> Restart Runtime) after executing this cell."
+ ],
+ "metadata": {
+ "id": "0-SFNGO63asJ"
+ },
+ "id": "0-SFNGO63asJ"
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "bb8c6ede",
+ "metadata": {
+ "id": "bb8c6ede"
+ },
+ "outputs": [],
+ "source": [
+ "!pip install -r requirements.txt -c constraints.txt"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "980b439f-03bb-427f-ae61-4d6d5f066d15",
+ "metadata": {
+ "id": "980b439f-03bb-427f-ae61-4d6d5f066d15"
+ },
+ "source": [
+ "### ✏️ Enter your Cloud project's details. Ensure you provide a regional bucket!"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "246702e7",
+ "metadata": {
+ "id": "246702e7",
+ "cellView": "form"
+ },
+ "outputs": [],
+ "source": [
+ "#@title My Google Cloud resources\n",
+ "project = '' #@param {type:\"string\"}\n",
+ "bucket = '' #@param {type:\"string\"}\n",
+ "region = 'us-central1' #@param {type:\"string\"}\n",
+ "\n",
+ "# Validate the inputs.\n",
+ "if not project:\n",
+ " raise ValueError(f\"Please provide a value for 'project'\")\n",
+ "if not bucket:\n",
+ " raise ValueError(f\"Please provide a value for 'bucket'\")\n",
+ "if not region:\n",
+ " raise ValueError(f\"Please provide a value for 'region'\")\n",
+ "\n",
+ "# Authenticate\n",
+ "from google.colab import auth\n",
+ "\n",
+ "auth.authenticate_user()\n",
+ "print('Authenticated')\n",
+ "\n",
+ "!gcloud config set project {project}\n",
+ "\n",
+ "%cd ~/python-docs-samples/people-and-planet-ai/geospatial-classification"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "4ec73dd9",
+ "metadata": {
+ "id": "4ec73dd9"
+ },
+ "source": [
+ "### 🗺️ Authenticate to Earth Engine\n",
+ "\n",
+ "In order to use the Earth Engine API, you'll **need** to have an **Earth Engine account**.\n",
+ "\n",
+ "To create an account, fill out the [registration form here.](https://signup.earthengine.google.com/#!/)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "4cb4cd13",
+ "metadata": {
+ "id": "4cb4cd13"
+ },
+ "outputs": [],
+ "source": [
+ "import ee\n",
+ "import google.auth\n",
+ "\n",
+ "credentials, _ = google.auth.default()\n",
+ "ee.Initialize(credentials, project=project)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "980b0418",
+ "metadata": {
+ "id": "980b0418"
+ },
+ "source": [
+ "# 1. 🛰️ Get the training data\n",
+ "\n",
+ "The training data in this sample comes from **two places**: \n",
+ "\n",
+ "1. The satellite images will be extracted from *Earth Engine*.\n",
+ "\n",
+ "2. The **labels** are provided in a *CSV file* that indicates whether a *coal plant* is turned *on or off* at a **particular timestamp**. \n",
+ "\n",
+ "For each row in the CSV file, we need to extract the corresponding Sentinel image taken at that specific latitude/longitude and timestamp. We'll **export** this image data, along with the corresponding label (on/off), to Cloud Storage."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "94f60a82",
+ "metadata": {
+ "id": "94f60a82"
+ },
+ "outputs": [],
+ "source": [
+ "# Define constants\n",
+ "\n",
+ "LABEL = 'is_powered_on'\n",
+ "IMAGE_COLLECTION = \"COPERNICUS/S2\"\n",
+ "BANDS = ['B1', 'B2', 'B3', 'B4', 'B5', 'B6', 'B7', 'B8', 'B8A', 'B9', 'B10', 'B11', 'B12']\n",
+ "SCALE = 10\n",
+ "PATCH_SIZE = 16"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "beba81d1",
+ "metadata": {
+ "id": "beba81d1"
+ },
+ "source": [
+ "### 🏷️ Import labels\n",
+ "\n",
+ "First, we **import** the **CSV** file that contains the labels."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "42190dcf",
+ "metadata": {
+ "id": "42190dcf"
+ },
+ "outputs": [],
+ "source": [
+ "import pandas as pd\n",
+ "import numpy as np\n",
+ "\n",
+ "labels_dataframe = pd.read_csv('labeled_geospatial_data.csv')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "1cdb7d16-a9c7-4be8-b403-ccb10dcad261",
+ "metadata": {
+ "id": "1cdb7d16-a9c7-4be8-b403-ccb10dcad261"
+ },
+ "source": [
+ "Each row in this dataframe represents a power plant at a particular timestamp. \n",
+ "\n",
+ "The \"is_powered_on\" column indicates whether or not the coal plant was turned **on (1)** or **off (0)** at that timestamp."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "fe94b4d3",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 206
+ },
+ "id": "fe94b4d3",
+ "outputId": "d9c2d364-e4a7-46ad-fa8d-ed2e9d8af3e9"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "
\n",
+ "
\n",
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " timestamp \n",
+ " lat \n",
+ " lon \n",
+ " is_powered_on \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 \n",
+ " 2020-07-03 16:32:41.397000+00:00 \n",
+ " 39.11613 \n",
+ " -84.80529 \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 1 \n",
+ " 2018-06-09 16:25:19.280000+00:00 \n",
+ " 39.11613 \n",
+ " -84.80529 \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ " 2 \n",
+ " 2017-11-24 16:36:14.460000+00:00 \n",
+ " 39.11613 \n",
+ " -84.80529 \n",
+ " 0 \n",
+ " \n",
+ " \n",
+ " 3 \n",
+ " 2019-11-01 16:32:42.327000+00:00 \n",
+ " 39.11613 \n",
+ " -84.80529 \n",
+ " 0 \n",
+ " \n",
+ " \n",
+ " 4 \n",
+ " 2020-05-09 16:32:43.614000+00:00 \n",
+ " 39.11613 \n",
+ " -84.80529 \n",
+ " 1 \n",
+ " \n",
+ " \n",
+ "
\n",
+ "
\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ " \n",
+ "\n",
+ " \n",
+ "
\n",
+ "
\n",
+ " "
+ ],
+ "text/plain": [
+ " timestamp lat lon is_powered_on\n",
+ "0 2020-07-03 16:32:41.397000+00:00 39.11613 -84.80529 1\n",
+ "1 2018-06-09 16:25:19.280000+00:00 39.11613 -84.80529 1\n",
+ "2 2017-11-24 16:36:14.460000+00:00 39.11613 -84.80529 0\n",
+ "3 2019-11-01 16:32:42.327000+00:00 39.11613 -84.80529 0\n",
+ "4 2020-05-09 16:32:43.614000+00:00 39.11613 -84.80529 1"
+ ]
+ },
+ "execution_count": 5,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "labels_dataframe.head()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "e58c0029",
+ "metadata": {
+ "id": "e58c0029"
+ },
+ "source": [
+ "### 🎛️ Create train/validation splits"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "1cf438ec",
+ "metadata": {
+ "id": "1cf438ec"
+ },
+ "source": [
+ "Before we can train an ML model, we need to split this data into training and validation datasets. We will do this by creating two new dataframes with a 70/30 training validation split."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "e8c5887c",
+ "metadata": {
+ "id": "e8c5887c"
+ },
+ "outputs": [],
+ "source": [
+ "TRAIN_VALIDATION_SPLIT = 0.7\n",
+ "\n",
+ "train_dataframe = labels_dataframe.sample(frac=TRAIN_VALIDATION_SPLIT,random_state=200) #random state is a seed value\n",
+ "validation_dataframe = labels_dataframe.drop(train_dataframe.index).sample(frac=1.0)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "96967303",
+ "metadata": {
+ "id": "96967303"
+ },
+ "source": [
+ "### Merge 🏷️ labels + 🛰️ Sentinel image data"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "fa236af4",
+ "metadata": {
+ "id": "fa236af4"
+ },
+ "source": [
+ "In Earth Engine, an [`ImageCollection`](https://developers.google.com/earth-engine/guides/ic_creating) is a stack or sequence of images. An [`Image`](https://developers.google.com/earth-engine/guides/image_overview) is composed of one or more bands and each band has its own name, data type, scale, mask and projection. The [`Sentinel-2`](https://developers.google.com/earth-engine/guides/ic_creating) dataset is represented as an `ImageCollection`, where each image in the collection is of a specific geographic location at a particular time.\n",
+ "\n",
+ "In the cell below, we write a function to extract the Sentinel image taken at the specific latitude/longitude and timestamp for each row of our dataframe.\n",
+ "\n",
+ "We will store all of this information as an Earth Engine [`Feature Collection`](https://developers.google.com/earth-engine/apidocs/ee-featurecollection). In Earth Engine, a [`Feature`](https://developers.google.com/earth-engine/guides/features) is an object with a _geometry property_ storing a [`Geometry`](https://developers.google.com/earth-engine/guides/geometries) object, and a _properties property_ storing a dictionary of other properties. Groups of related `Features` can be combined into a `FeatureCollection` to enable additional operations on the entire set such as filtering, sorting, and rendering. \n",
+ "\n",
+ "We first filter the Sentinel-2 `ImageCollection` at the start/end dates for a particular row in our dataframe.\n",
+ "\n",
+ "Then, using the [`neighorboodToArray`](https://developers.google.com/earth-engine/api_docs#eeimageneighborhoodtoarray) method we create a `FeatureCollection` that contains the satellite data for each band at the latitude and longitude of interest as well as a 16 pixel padding around that point.\n",
+ "\n",
+ "In the image below you can think of the purple box representing the lat/lon where the power plant is located. And around this pixel, we add the padding.\n",
+ "\n",
+ ""
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "3a8b42dd",
+ "metadata": {
+ "id": "3a8b42dd"
+ },
+ "outputs": [],
+ "source": [
+ "from datetime import datetime, timedelta\n",
+ "\n",
+ "def labeled_feature(row):\n",
+ " start = datetime.fromisoformat(row.timestamp)\n",
+ " end = start + timedelta(days=1)\n",
+ " image = (\n",
+ " ee.ImageCollection(IMAGE_COLLECTION)\n",
+ " .filterDate(start.strftime(\"%Y-%m-%d\"), end.strftime(\"%Y-%m-%d\"))\n",
+ " .select(BANDS)\n",
+ " .mosaic()\n",
+ " )\n",
+ " point = ee.Feature(\n",
+ " ee.Geometry.Point([row.lon, row.lat]),\n",
+ " {LABEL: row.is_powered_on},\n",
+ " )\n",
+ " return (\n",
+ " image.neighborhoodToArray(ee.Kernel.square(PATCH_SIZE))\n",
+ " .sampleRegions(ee.FeatureCollection([point]), scale=SCALE)\n",
+ " .first()\n",
+ " )"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "23a1ad4e",
+ "metadata": {
+ "id": "23a1ad4e"
+ },
+ "outputs": [],
+ "source": [
+ "train_features = [labeled_feature(row) for row in train_dataframe.itertuples()]\n",
+ "validation_features = [labeled_feature(row) for row in validation_dataframe.itertuples()]"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "21267b05-38cc-4f14-ab09-197baef26713",
+ "metadata": {
+ "id": "21267b05-38cc-4f14-ab09-197baef26713"
+ },
+ "source": [
+ "To get a better sense of what's going on, let's look at the properties for the first `Feature` in the `train_features` list. You can see that it contains a property for the label `is_powered_on`, and 13 additional properies, one for each spectral band."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "994b9f9a",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "994b9f9a",
+ "outputId": "3dc76f9b-f447-469e-c9ab-26297c0edc6c"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "['system:index',\n",
+ " 'is_powered_on',\n",
+ " 'B10',\n",
+ " 'B11',\n",
+ " 'B12',\n",
+ " 'B8A',\n",
+ " 'B1',\n",
+ " 'B2',\n",
+ " 'B3',\n",
+ " 'B4',\n",
+ " 'B5',\n",
+ " 'B6',\n",
+ " 'B7',\n",
+ " 'B8',\n",
+ " 'B9']"
+ ]
+ },
+ "execution_count": 9,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "ee.FeatureCollection(train_features[0]).propertyNames().getInfo()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "8c79c514-ad63-4b85-8da2-ab8967fe8d5a",
+ "metadata": {
+ "id": "8c79c514-ad63-4b85-8da2-ab8967fe8d5a"
+ },
+ "source": [
+ "The data contained in each band property is an array of shape 33x33.\n",
+ "\n",
+ "For example, here is the data for band B1 in the first element in our list expressed as a numpy array."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "a70c127e-7c45-4eab-914d-17a0c3a9e42c",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "a70c127e-7c45-4eab-914d-17a0c3a9e42c",
+ "outputId": "04d79e2b-cfe4-4760-a33c-b073bd07c82e"
+ },
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "[[1390 1390 1390 ... 1650 1650 1650]\n",
+ " [1390 1390 1390 ... 1650 1650 1650]\n",
+ " [1307 1307 1307 ... 1655 1655 1655]\n",
+ " ...\n",
+ " [1395 1395 1395 ... 1369 1369 1387]\n",
+ " [1395 1395 1395 ... 1369 1369 1387]\n",
+ " [1350 1350 1350 ... 1436 1436 1460]]\n",
+ "shape: (33, 33)\n"
+ ]
+ }
+ ],
+ "source": [
+ "example_feature = np.array(train_features[0].get('B1').getInfo())\n",
+ "print(example_feature)\n",
+ "print('shape: ' + str(example_feature.shape))"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "c02607c8",
+ "metadata": {
+ "id": "c02607c8"
+ },
+ "source": [
+ "### 💾 Export data"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "10c87eb9",
+ "metadata": {
+ "id": "10c87eb9"
+ },
+ "source": [
+ "Lastly, we'll export the data to a Cloud Storage bucket. We'll export the data as [TFRecords](https://www.tensorflow.org/tutorials/load_data/tfrecord).\n",
+ "\n",
+ "Later when we run the training job, we'll parse these TFRecords and feed them to the model."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "53f2d867",
+ "metadata": {
+ "id": "53f2d867"
+ },
+ "outputs": [],
+ "source": [
+ "# Export data\n",
+ "\n",
+ "training_task = ee.batch.Export.table.toCloudStorage(\n",
+ " collection=ee.FeatureCollection(train_features),\n",
+ " description=\"Training image export\",\n",
+ " bucket=bucket,\n",
+ " fileNamePrefix=\"geospatial_training\",\n",
+ " selectors=BANDS + [LABEL],\n",
+ " fileFormat=\"TFRecord\",\n",
+ ")\n",
+ "\n",
+ "training_task.start()\n",
+ "\n",
+ "validation_task = ee.batch.Export.table.toCloudStorage(\n",
+ " collection=ee.FeatureCollection(validation_features),\n",
+ " description=\"Validation image export\",\n",
+ " bucket=bucket,\n",
+ " fileNamePrefix=\"geospatial_validation\",\n",
+ " selectors= BANDS + [LABEL],\n",
+ " fileFormat='TFRecord')\n",
+ "\n",
+ "validation_task.start()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "dadeab16",
+ "metadata": {
+ "id": "dadeab16"
+ },
+ "source": [
+ "This export will take around 10 minutes. You can monitor the progress with the following command:"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "4d111251",
+ "metadata": {
+ "id": "4d111251"
+ },
+ "outputs": [],
+ "source": [
+ "from pprint import pprint\n",
+ "\n",
+ "pprint(ee.batch.Task.list())"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "02b1b9dd",
+ "metadata": {
+ "id": "02b1b9dd"
+ },
+ "source": [
+ "# 2. 👟 Run a custom training job\n",
+ "\n",
+ "Once the export jobs have finished, we're **ready to use** that data to train a model on Vertex AI Training.\n",
+ "\n",
+ "The complete training code can be found in the `task.py` file.\n",
+ "\n",
+ "To run our custom training job on Vertex AI Training, we'll use the [pre-built containers](https://cloud.google.com/vertex-ai/docs/training/pre-built-containers) provided by Vertex AI to run our training script.\n",
+ "\n",
+ "We'll also make use of a GPU. Our model training will only take a couple of minutes, so using a GPU isn't really necessary. But for demonstration purposes (since adding a GPU is simple!) we will make sure we use a container image that is GPU compatible, and then add the `accelerator_type` and `accelerator_count` parameters to `job.run`. TensorFlow will make use of a single GPU out of the box without any extra code changes."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "a4b99054-b843-485e-9cf0-c9f8ae739d1c",
+ "metadata": {
+ "id": "a4b99054-b843-485e-9cf0-c9f8ae739d1c"
+ },
+ "outputs": [],
+ "source": [
+ "from google.cloud import aiplatform\n",
+ "\n",
+ "aiplatform.init(project=project, staging_bucket=bucket)\n",
+ "\n",
+ "job = aiplatform.CustomTrainingJob(\n",
+ " display_name=\"geospatial_model_training\",\n",
+ " script_path=\"task.py\",\n",
+ " container_uri=\"us-docker.pkg.dev/vertex-ai/training/tf-gpu.2-7:latest\")"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "a4baff79-0347-4452-afaa-9c042472f837",
+ "metadata": {
+ "id": "a4baff79-0347-4452-afaa-9c042472f837"
+ },
+ "source": [
+ "The job will take around 10 minutes to run."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "5893ce1d-cdbe-43fa-98cc-221a7a2530d3",
+ "metadata": {
+ "id": "5893ce1d-cdbe-43fa-98cc-221a7a2530d3"
+ },
+ "outputs": [],
+ "source": [
+ "model = job.run(accelerator_type='NVIDIA_TESLA_K80', accelerator_count=1, args=[f'--bucket={bucket}'])"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "c75499ed",
+ "metadata": {
+ "id": "c75499ed"
+ },
+ "source": [
+ "# 3. 💻 Deploy a web service to host the trained model"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "86cbab39",
+ "metadata": {
+ "id": "86cbab39"
+ },
+ "source": [
+ "Next, we use\n",
+ "[Cloud Run](https://cloud.google.com/run)\n",
+ "to deploy a web service that exposes a\n",
+ "[REST API](https://en.wikipedia.org/wiki/Representational_state_transfer) to\n",
+ "get predictions from our trained model.\n",
+ "\n",
+ "We'll deploy our service to Cloud Run [directly from source code](https://cloud.google.com/run/docs/deploying-source-code) so we don't need to build the container image first. Behind the scenes, this command uses Google Cloud buildpacks and Cloud Build to automatically build a container image from our source code in the `serving_app` directory. To run the web service, we configure Cloud Run to launch\n",
+ "[`gunicorn`](https://gunicorn.org)\n",
+ "on this container image. \n",
+ "\n",
+ "Since calls to this web service could launch potentially expensive jobs in our project, we configure it to _only_ accept authenticated calls."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9978056f-4467-4dda-85a5-84655ade9a11",
+ "metadata": {
+ "id": "9978056f-4467-4dda-85a5-84655ade9a11"
+ },
+ "source": [
+ "## 🐣 Deploy app"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "13c299f1-e108-46bd-8b12-06af56a88444",
+ "metadata": {
+ "id": "13c299f1-e108-46bd-8b12-06af56a88444"
+ },
+ "outputs": [],
+ "source": [
+ "# Deploy the web service to Cloud Run.\n",
+ "# https://cloud.google.com/sdk/gcloud/reference/run/deploy\n",
+ "!gcloud run deploy \"geospatial-service\" \\\n",
+ " --source=serving_app \\\n",
+ " --command=\"gunicorn\" \\\n",
+ " --args=\"--threads=8,--timeout=0,main:app\" \\\n",
+ " --region=\"us-central1\" \\\n",
+ " --memory=\"1G\" \\\n",
+ " --no-allow-unauthenticated \\"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "5a32d4bf-4345-43f7-9371-aa151ad4f521",
+ "metadata": {
+ "id": "5a32d4bf-4345-43f7-9371-aa151ad4f521"
+ },
+ "source": [
+ "Now we need the web service URL to make calls to the REST API we just exposed. We can use `gcloud run services describe` to get the web service URL.\n",
+ "\n",
+ "Since we only accept authorized calls in our web service, we also need to authenticate each call.\n",
+ "`gcloud` is already authenticated, so we can use `gcloud auth print-identity-token` to get quick access.\n",
+ "\n",
+ "> ℹ️ For more information on how to do authenticated calls in Cloud Run, see the\n",
+ "> [Authentication overview](https://cloud.google.com/run/docs/authenticating/overview) page."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "53f5e5e3-d5dd-4cb7-bb38-5b2e3b439ecd",
+ "metadata": {
+ "id": "53f5e5e3-d5dd-4cb7-bb38-5b2e3b439ecd"
+ },
+ "outputs": [],
+ "source": [
+ "import subprocess\n",
+ "\n",
+ "# Get the web service URL.\n",
+ "# https://cloud.google.com/sdk/gcloud/reference/run/services/describe\n",
+ "service_url = subprocess.run(\n",
+ " [ 'gcloud', 'run', 'services', 'describe', 'geospatial-service',\n",
+ " f'--region={region}',\n",
+ " f'--format=get(status.url)',\n",
+ " ],\n",
+ " capture_output=True,\n",
+ ").stdout.decode('utf-8').strip()\n",
+ "print(f\"service_url: {service_url}\")\n",
+ "\n",
+ "# Get an identity token for authorized calls to our web service.\n",
+ "# https://cloud.google.com/sdk/gcloud/reference/auth/print-identity-token\n",
+ "identity_token = subprocess.run(\n",
+ " ['gcloud', 'auth', 'print-identity-token'],\n",
+ " capture_output=True,\n",
+ ").stdout.decode('utf-8').strip()\n",
+ "print(f\"identity_token: {identity_token}\")"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "aa2c4dfe-b55d-4f80-a7eb-9ee86542ce59",
+ "metadata": {
+ "id": "aa2c4dfe-b55d-4f80-a7eb-9ee86542ce59"
+ },
+ "source": [
+ "Finally, we can test that everything is working.\n",
+ "\n",
+ "We included a `ping` method in our web service just to *make sure everything is working* as expected.\n",
+ "It simply returns back the arguments we passed to the call, as well as a response saying that the call was successful.\n",
+ "\n",
+ "> 🛎️ This is a convenient way to make sure the web service is reachable, the authentication is working as expected, and the request arguments are passed correctly.\n",
+ "\n",
+ "We can use Python's\n",
+ "[`requests`](https://docs.python-requests.org)\n",
+ "library.\n",
+ "The web service was built to always accept [JSON](https://www.w3schools.com/whatis/whatis_json.asp)-encoded requests, and returns JSON-encoded responses.\n",
+ "\n",
+ "For a **request to be successful**, it **must**:\n",
+ "\n",
+ "* Be an [`HTTP POST`](https://developer.mozilla.org/en-US/docs/Web/HTTP/Methods/POST) request\n",
+ "* Contain the following **headers**:\n",
+ " * `Authorization: Bearer IDENTITY_TOKEN`\n",
+ " * `Content-Type: application/json`\n",
+ "* The data must be **valid JSON**, if *no arguments* are needed we can pass `{}` as an **empty object**.\n",
+ "\n",
+ "For **ease of use**, `requests.post` has a\n",
+ "[`json` parameter](https://docs.python-requests.org/en/master/user/quickstart/#more-complicated-post-requests)\n",
+ "that **automatically attaches the header** `Content-Type: application/json` and encodes our data into a JSON string."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "9025db3b-d409-46cf-9ce2-6f0209dfbea3",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "9025db3b-d409-46cf-9ce2-6f0209dfbea3",
+ "outputId": "977aa6d1-59f6-4dbf-80c7-c9725d43dddc"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "{'args': 'Hello world!', 'response': 'Your request was successful! 🎉'}"
+ ]
+ },
+ "execution_count": 21,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import requests\n",
+ "\n",
+ "requests.post(\n",
+ " url=f'{service_url}/ping',\n",
+ " headers={'Authorization': f'Bearer {identity_token}'},\n",
+ " json={'x': 42, 'message': 'Hello world!'},\n",
+ ").json()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "45d64a22-887a-4469-9ba3-668ec23f8667",
+ "metadata": {
+ "id": "45d64a22-887a-4469-9ba3-668ec23f8667"
+ },
+ "source": [
+ "# 4.🔮 Get Predictions"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "462b7bf1-cf07-4a93-9cf3-0f9f31c13fa9",
+ "metadata": {
+ "id": "462b7bf1-cf07-4a93-9cf3-0f9f31c13fa9"
+ },
+ "source": [
+ "Now that we know our app is up and running, we can use it to make predictions.\n",
+ "\n",
+ "Let's start by making a prediction for a particular coal plant. To do this we will need to extract the Sentinel data from Earth Engine and send it in the body of the post requst to the prediction service.\n",
+ "\n",
+ "We'll start with a plant located at the coordinates -84.80529, 39.11613, and then extract the satellite data from October 2021."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "9e477289-398c-4bcb-ab23-aee65ac92388",
+ "metadata": {
+ "id": "9e477289-398c-4bcb-ab23-aee65ac92388"
+ },
+ "outputs": [],
+ "source": [
+ "# Extract image data\n",
+ "\n",
+ "import json\n",
+ "\n",
+ "def get_prediction_data(lon, lat, start, end):\n",
+ " \"\"\"Extracts Sentinel image as json at specific lat/lon and timestamp.\"\"\"\n",
+ "\n",
+ " location = ee.Feature(ee.Geometry.Point([lon, lat]))\n",
+ " image = (\n",
+ " ee.ImageCollection(IMAGE_COLLECTION)\n",
+ " .filterDate(start, end)\n",
+ " .select(BANDS)\n",
+ " .mosaic()\n",
+ " )\n",
+ "\n",
+ " feature = image.neighborhoodToArray(ee.Kernel.square(PATCH_SIZE)).sampleRegions(\n",
+ " collection=ee.FeatureCollection([location]), scale=SCALE\n",
+ " )\n",
+ "\n",
+ " return feature.getInfo()[\"features\"][0][\"properties\"]"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "4a718e67",
+ "metadata": {
+ "id": "4a718e67"
+ },
+ "source": [
+ "When we call the `get_prediction_data` function we need to pass in the start and end dates. \n",
+ "\n",
+ "Sentinel-2 takes pictures every 10 days. At training time, we knew the exact date of the Sentinel-2 image, as this was provided in the labels CSV file. However, for user supplied images for prediction we don't know the specific date the image was taken. To address this, we'll extract data for the entire month of October and then use the `mosaic` function in Earth Engine which will grab the earliest image in that range, stitch together images at the seams, and discard the rest."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "86d53ea1-b09e-4afb-8d04-60b73ec59c7c",
+ "metadata": {
+ "id": "86d53ea1-b09e-4afb-8d04-60b73ec59c7c"
+ },
+ "outputs": [],
+ "source": [
+ "prediction_data = get_prediction_data(-84.80529, 39.11613, '2021-10-01', '2021-10-31')"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9d93aaa8",
+ "metadata": {
+ "id": "9d93aaa8"
+ },
+ "source": [
+ "The prediction service **expects two things** the **input data** for the prediction as well as the Cloud Storage **path** where the model is stored."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "5c01631e-5607-45c8-a42e-354fb38a87e1",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/"
+ },
+ "id": "5c01631e-5607-45c8-a42e-354fb38a87e1",
+ "outputId": "92fd906e-af86-4e1c-f60c-35e84a9831fe"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "{'predictions': [[[[1.0]]]]}"
+ ]
+ },
+ "execution_count": 24,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "requests.post(\n",
+ " url=f'{service_url}/predict',\n",
+ " headers={'Authorization': f'Bearer {identity_token}'},\n",
+ " json={'data': prediction_data, 'bucket': bucket},\n",
+ ").json()['predictions']"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "2222aaf9",
+ "metadata": {
+ "id": "2222aaf9"
+ },
+ "source": [
+ "# 4. 🗺️ Visualize predictions"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "e70fd0a5-a1ae-4cac-91cc-342809d9fb3b",
+ "metadata": {
+ "id": "e70fd0a5-a1ae-4cac-91cc-342809d9fb3b"
+ },
+ "source": [
+ "Let's visualize the results of a coal plant in Spain. First, we get predictions for the four towers at this power plant."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "8f6dc24d",
+ "metadata": {
+ "id": "8f6dc24d"
+ },
+ "outputs": [],
+ "source": [
+ "def get_prediction(lon, lat, start, end):\n",
+ " prediction_data = get_prediction_data(lon, lat, start, end)\n",
+ " result = requests.post(\n",
+ " url=f'{service_url}/predict',\n",
+ " headers={'Authorization': f'Bearer {identity_token}'},\n",
+ " json={'data': prediction_data, 'bucket': bucket},).json()\n",
+ " return result['predictions']['predictions'][0][0][0][0]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "9fc56972-47bb-4b37-b447-400cbea5e90a",
+ "metadata": {
+ "id": "9fc56972-47bb-4b37-b447-400cbea5e90a"
+ },
+ "outputs": [],
+ "source": [
+ "lons = [-7.86444, -7.86376, -7.85755, -7.85587]\n",
+ "lats = [43.43717, 43.43827, 43.44075, 43.44114]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "5230f05e",
+ "metadata": {
+ "id": "5230f05e"
+ },
+ "outputs": [],
+ "source": [
+ "plant_predictions = [get_prediction(lon , lat, '2021-10-01', '2021-10-31') for lon, lat in zip(lons, lats)]"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "be593a27-71b1-4ea1-8c2e-100a0a82ccdd",
+ "metadata": {
+ "id": "be593a27-71b1-4ea1-8c2e-100a0a82ccdd"
+ },
+ "source": [
+ "Next, we can **plot** these points on a map. **Blue** means our model predicts that the towers are **\"off\"**, and **red** means our model predicts that the towers are **\"on\"** and producing carbon pollution."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "15ba038b-49c9-40bf-8d87-af7d253d270d",
+ "metadata": {
+ "colab": {
+ "base_uri": "https://localhost:8080/",
+ "height": 771
+ },
+ "id": "15ba038b-49c9-40bf-8d87-af7d253d270d",
+ "outputId": "76e05dd2-3bae-433f-9f34-4df229f7620e"
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "Make this Notebook Trusted to load map: File -> Trust Notebook
"
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ }
+ ],
+ "source": [
+ "import folium\n",
+ "import folium.plugins as folium_plugins\n",
+ "import branca.colormap as cm\n",
+ "\n",
+ "colormap = cm.LinearColormap(colors=['lightblue', 'red'], index=[0,1], vmin=0, vmax=1)\n",
+ "map = folium.Map(\n",
+ " location=[43.44, -7.86],\n",
+ " zoom_start=16,\n",
+ " tiles='https://server.arcgisonline.com/ArcGIS/rest/services/World_Imagery/MapServer/tile/{z}/{y}/{x}',\n",
+ " attr = 'ESRI'\n",
+ ")\n",
+ "for loc, p in zip(zip(lats, lons), plant_predictions):\n",
+ " folium.Circle(\n",
+ " location=loc,\n",
+ " radius=20,\n",
+ " fill=True,\n",
+ " color=colormap(p),\n",
+ " ).add_to(map)\n",
+ "\n",
+ "map.add_child(colormap)\n",
+ "\n",
+ "display(map)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "efcabd53-e81e-4d72-a453-e2fb6dcaa7ae",
+ "metadata": {
+ "id": "efcabd53-e81e-4d72-a453-e2fb6dcaa7ae"
+ },
+ "source": [
+ "# 6. 🧹 Clean Up"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "b002e48a-035c-4369-a161-aa2d800a70b2",
+ "metadata": {
+ "id": "b002e48a-035c-4369-a161-aa2d800a70b2"
+ },
+ "source": [
+ "To **avoid incurring charges** to your Google Cloud account for the resources used in this tutorial, either delete the project that contains the resources, or keep the project and delete the individual resources."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "id": "9fc97850-80dd-4c24-80d0-f93825d96e0e",
+ "metadata": {
+ "id": "9fc97850-80dd-4c24-80d0-f93825d96e0e"
+ },
+ "source": [
+ "## Deleting the project\n",
+ "\n",
+ "The **easiest** way to **eliminate billing** is to delete the project that you created for the tutorial.\n",
+ "\n",
+ "To delete the project:\n",
+ "\n",
+ "> ⚠️ Deleting a project has the following effects:\n",
+ ">\n",
+ "> * **Everything in the project is deleted.** If you used an existing project for this tutorial, when you delete it, you also delete any other work you've done in the project.\n",
+ ">\n",
+ "> * **Custom project IDs are lost.** When you created this project, you might have created a custom project ID that you want to use in the future. To preserve the URLs that use the project ID, such as an appspot.com URL, delete selected resources inside the project instead of deleting the whole project.\n",
+ ">\n",
+ "> If you plan to explore multiple tutorials and quickstarts, **reusing** projects can help you avoid exceeding project **quota limits**.\n",
+ "\n",
+ "1. In the Cloud Console, go to the **Manage resources** page.\n",
+ "\n",
+ " \n",
+ "\n",
+ " [Go to Manage resources](https://console.cloud.google.com/iam-admin/projects)\n",
+ "\n",
+ " \n",
+ "\n",
+ "1. In the project list, select the project that you want to delete, and then click **Delete**.\n",
+ "\n",
+ "1. In the dialog, type the project ID, and then click **Shut down** to delete the project."
+ ]
+ }
+ ],
+ "metadata": {
+ "colab": {
+ "collapsed_sections": [],
+ "name": "README.ipynb",
+ "provenance": [],
+ "toc_visible": true
+ },
+ "environment": {
+ "kernel": "python3",
+ "name": "tf2-gpu.2-6.m82",
+ "type": "gcloud",
+ "uri": "gcr.io/deeplearning-platform-release/tf2-gpu.2-6:m82"
+ },
+ "kernelspec": {
+ "display_name": "Python 3",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.6.8"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}
\ No newline at end of file
diff --git a/people-and-planet-ai/geospatial-classification/README.md b/people-and-planet-ai/geospatial-classification/README.md
new file mode 100644
index 00000000000..938c74edd5e
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/README.md
@@ -0,0 +1,16 @@
+# 🏭 Coal Plant Predictions -- _geospatial-classification_
+
+[](https://colab.research.google.com/github/GoogleCloudPlatform/python-docs-samples/blob/main/people-and-planet-ai/geospatial-classification/README.ipynb)
+
+This model uses satellite data to predict if a coal plant is turned on and producing carbon emissions. The satellite data comes from [Google Earth Engine.](https://earthengine.google.com/)
+
+* **Model**: 1D Fully Convolutional Network in [TensorFlow]
+* **Creating datasets**: [Sentinel-2] satellite data from [Earth Engine]
+* **Training the model**: [TensorFlow] in [Vertex AI]
+* **Getting predictions**: [TensorFlow] in [Cloud Run]
+
+[Cloud Run]: https://cloud.google.com/run
+[Sentinel-2]: https://developers.google.com/earth-engine/datasets/catalog/COPERNICUS_S2
+[Earth Engine]: https://earthengine.google.com/
+[TensorFlow]: https://www.tensorflow.org/
+[Vertex AI]: https://cloud.google.com/vertex-ai
diff --git a/people-and-planet-ai/geospatial-classification/constraints.txt b/people-and-planet-ai/geospatial-classification/constraints.txt
new file mode 100644
index 00000000000..e36ed6fc825
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/constraints.txt
@@ -0,0 +1,2 @@
+google-auth==2.5.0
+google-cloud-bigquery==2.32.0
diff --git a/people-and-planet-ai/geospatial-classification/e2e_test.py b/people-and-planet-ai/geospatial-classification/e2e_test.py
new file mode 100644
index 00000000000..5d5e641df29
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/e2e_test.py
@@ -0,0 +1,356 @@
+# Copyright 2022 Google LLC
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+from datetime import datetime, timedelta
+import logging
+import os
+import platform
+import subprocess
+import time
+from typing import NamedTuple
+import uuid
+
+import ee
+import google.auth
+from google.cloud import aiplatform
+from google.cloud import storage
+import pandas as pd
+import pytest
+import requests
+
+
+PYTHON_VERSION = "".join(platform.python_version_tuple()[0:2])
+
+NAME = f"ppai/geospatial-classification-py{PYTHON_VERSION}"
+
+UUID = uuid.uuid4().hex[0:6]
+PROJECT = os.environ["GOOGLE_CLOUD_PROJECT"]
+REGION = "us-central1"
+
+TIMEOUT_SEC = 30 * 60 # 30 minutes in seconds
+POLL_INTERVAL_SEC = 60 # 1 minute in seconds
+
+VERTEX_AI_SUCCESS_STATE = "PIPELINE_STATE_SUCCEEDED"
+VERTEX_AI_FINISHED_STATE = {
+ "PIPELINE_STATE_SUCCEEDED",
+ "PIPELINE_STATE_FAILED",
+ "PIPELINE_STATE_CANCELLED",
+}
+
+EARTH_ENGINE_SUCCESS_STATE = "SUCCEEDED"
+EARTH_ENGINE_FINISHED_STATE = {"SUCCEEDED"}
+
+BANDS = [
+ "B1",
+ "B2",
+ "B3",
+ "B4",
+ "B5",
+ "B6",
+ "B7",
+ "B8",
+ "B8A",
+ "B9",
+ "B10",
+ "B11",
+ "B12",
+]
+LABEL = "is_powered_on"
+
+IMAGE_COLLECTION = "COPERNICUS/S2"
+SCALE = 10
+
+TRAIN_VALIDATION_SPLIT = 0.7
+
+PATCH_SIZE = 16
+
+credentials, _ = google.auth.default(
+ scopes=["https://www.googleapis.com/auth/cloud-platform"]
+)
+ee.Initialize(credentials, project=PROJECT)
+
+logging.getLogger().setLevel(logging.INFO)
+
+
+@pytest.fixture(scope="session")
+def bucket_name() -> str:
+ storage_client = storage.Client()
+
+ bucket_name = f"{NAME.replace('/', '-')}-{UUID}"
+ bucket = storage_client.create_bucket(bucket_name, location=REGION)
+
+ logging.info(f"bucket_name: {bucket_name}")
+ yield bucket_name
+
+ bucket.delete(force=True)
+
+
+@pytest.fixture(scope="session")
+def test_data(bucket_name: str) -> str:
+ labels_dataframe = pd.read_csv("labeled_geospatial_data.csv")
+ train_dataframe = labels_dataframe.sample(
+ frac=TRAIN_VALIDATION_SPLIT, random_state=200
+ ) # random state is a seed value
+ validation_dataframe = labels_dataframe.drop(train_dataframe.index).sample(frac=1.0)
+
+ train_features = [labeled_feature(row) for row in train_dataframe.itertuples()]
+
+ validation_features = [
+ labeled_feature(row) for row in validation_dataframe.itertuples()
+ ]
+
+ training_task = ee.batch.Export.table.toCloudStorage(
+ collection=ee.FeatureCollection(train_features),
+ description="Training image export",
+ bucket=bucket_name,
+ fileNamePrefix="geospatial_training",
+ selectors=BANDS + [LABEL],
+ fileFormat="TFRecord",
+ )
+
+ training_task.start()
+
+ validation_task = ee.batch.Export.table.toCloudStorage(
+ collection=ee.FeatureCollection(validation_features),
+ description="Validation image export",
+ bucket=bucket_name,
+ fileNamePrefix="geospatial_validation",
+ selectors=BANDS + [LABEL],
+ fileFormat="TFRecord",
+ )
+
+ validation_task.start()
+
+ train_status = None
+ val_status = None
+
+ logging.info("Waiting for data export to complete.")
+ for _ in range(0, TIMEOUT_SEC, POLL_INTERVAL_SEC):
+ train_status = ee.data.getOperation(training_task.name)["metadata"]["state"]
+ val_status = ee.data.getOperation(validation_task.name)["metadata"]["state"]
+ if (
+ train_status in EARTH_ENGINE_FINISHED_STATE
+ and val_status in EARTH_ENGINE_FINISHED_STATE
+ ):
+ break
+ time.sleep(POLL_INTERVAL_SEC)
+
+ assert train_status == EARTH_ENGINE_SUCCESS_STATE
+ assert val_status == EARTH_ENGINE_SUCCESS_STATE
+ logging.info(f"Export finished with status {train_status}")
+
+ yield training_task.name
+
+
+def labeled_feature(row: NamedTuple) -> ee.FeatureCollection:
+ start = datetime.fromisoformat(row.timestamp)
+ end = start + timedelta(days=1)
+ image = (
+ ee.ImageCollection(IMAGE_COLLECTION)
+ .filterDate(start.strftime("%Y-%m-%d"), end.strftime("%Y-%m-%d"))
+ .select(BANDS)
+ .mosaic()
+ )
+ point = ee.Feature(
+ ee.Geometry.Point([row.lon, row.lat]),
+ {LABEL: row.is_powered_on},
+ )
+ return (
+ image.neighborhoodToArray(ee.Kernel.square(PATCH_SIZE))
+ .sampleRegions(ee.FeatureCollection([point]), scale=SCALE)
+ .first()
+ )
+
+
+@pytest.fixture(scope="session")
+def container_image(bucket_name: str) -> str:
+ # https://cloud.google.com/sdk/gcloud/reference/builds/submit
+ container_image = f"gcr.io/{PROJECT}/{NAME}:{UUID}"
+ subprocess.check_call(
+ [
+ "gcloud",
+ "builds",
+ "submit",
+ "serving_app",
+ f"--tag={container_image}",
+ f"--project={PROJECT}",
+ "--machine-type=e2-highcpu-8",
+ "--timeout=15m",
+ "--quiet",
+ ]
+ )
+
+ logging.info(f"container_image: {container_image}")
+ yield container_image
+
+ # https://cloud.google.com/sdk/gcloud/reference/container/images/delete
+ subprocess.check_call(
+ [
+ "gcloud",
+ "container",
+ "images",
+ "delete",
+ container_image,
+ f"--project={PROJECT}",
+ "--force-delete-tags",
+ "--quiet",
+ ]
+ )
+
+
+@pytest.fixture(scope="session")
+def service_url(bucket_name: str, container_image: str) -> str:
+ # https://cloud.google.com/sdk/gcloud/reference/run/deploy
+ service_name = f"{NAME.replace('/', '-')}-{UUID}"
+ subprocess.check_call(
+ [
+ "gcloud",
+ "run",
+ "deploy",
+ service_name,
+ f"--image={container_image}",
+ "--command=gunicorn",
+ "--args=--threads=8,--timeout=0,main:app",
+ "--platform=managed",
+ f"--project={PROJECT}",
+ f"--region={REGION}",
+ "--memory=1G",
+ "--no-allow-unauthenticated",
+ ]
+ )
+
+ # https://cloud.google.com/sdk/gcloud/reference/run/services/describe
+ service_url = (
+ subprocess.run(
+ [
+ "gcloud",
+ "run",
+ "services",
+ "describe",
+ service_name,
+ "--platform=managed",
+ f"--project={PROJECT}",
+ f"--region={REGION}",
+ "--format=get(status.url)",
+ ],
+ capture_output=True,
+ )
+ .stdout.decode("utf-8")
+ .strip()
+ )
+
+ logging.info(f"service_url: {service_url}")
+ yield service_url
+
+ # https://cloud.google.com/sdk/gcloud/reference/run/services/delete
+ subprocess.check_call(
+ [
+ "gcloud",
+ "run",
+ "services",
+ "delete",
+ service_name,
+ "--platform=managed",
+ f"--project={PROJECT}",
+ f"--region={REGION}",
+ "--quiet",
+ ]
+ )
+
+
+@pytest.fixture(scope="session")
+def identity_token() -> str:
+ yield (
+ subprocess.run(
+ ["gcloud", "auth", "print-identity-token", f"--project={PROJECT}"],
+ capture_output=True,
+ )
+ .stdout.decode("utf-8")
+ .strip()
+ )
+
+
+@pytest.fixture(scope="session")
+def train_model(bucket_name: str) -> str:
+ aiplatform.init(project=PROJECT, staging_bucket=bucket_name)
+ job = aiplatform.CustomTrainingJob(
+ display_name="climate_script_colab",
+ script_path="task.py",
+ container_uri="us-docker.pkg.dev/vertex-ai/training/tf-gpu.2-7:latest",
+ )
+
+ job.run(
+ accelerator_type="NVIDIA_TESLA_K80",
+ accelerator_count=1,
+ args=[f"--bucket={bucket_name}"],
+ )
+
+ logging.info(f"train_model resource_name: {job.resource_name}")
+
+ # Wait until the model training job finishes.
+ status = None
+ logging.info("Waiting for model to train.")
+ for _ in range(0, TIMEOUT_SEC, POLL_INTERVAL_SEC):
+ # https://googleapis.dev/python/aiplatform/latest/aiplatform_v1/job_service.html
+ status = job.state.name
+ if status in VERTEX_AI_FINISHED_STATE:
+ break
+ time.sleep(POLL_INTERVAL_SEC)
+
+ logging.info(f"Model job finished with status {status}")
+ assert status == VERTEX_AI_SUCCESS_STATE
+ yield job.resource_name
+
+
+def get_prediction_data(lon: float, lat: float, start: str, end: str) -> dict:
+ """Extracts Sentinel image as json at specific lat/lon and timestamp."""
+
+ location = ee.Feature(ee.Geometry.Point([lon, lat]))
+ image = (
+ ee.ImageCollection(IMAGE_COLLECTION)
+ .filterDate(start, end)
+ .select(BANDS)
+ .mosaic()
+ )
+
+ feature = image.neighborhoodToArray(ee.Kernel.square(PATCH_SIZE)).sampleRegions(
+ collection=ee.FeatureCollection([location]), scale=SCALE
+ )
+
+ return feature.getInfo()["features"][0]["properties"]
+
+
+def test_predict(
+ bucket_name: str,
+ test_data: str,
+ train_model: str,
+ service_url: str,
+ identity_token: str,
+) -> None:
+
+ # Test point
+ prediction_data = get_prediction_data(
+ -84.80529, 39.11613, "2021-10-01", "2021-10-31"
+ )
+
+ # Make prediction
+ response = requests.post(
+ url=f"{service_url}/predict",
+ headers={"Authorization": f"Bearer {identity_token}"},
+ json={"data": prediction_data, "bucket": bucket_name},
+ ).json()
+
+ # Check that we get non-empty predictions.
+ assert "predictions" in response["predictions"]
+ assert len(response["predictions"]) > 0
diff --git a/people-and-planet-ai/geospatial-classification/img/inputs.png b/people-and-planet-ai/geospatial-classification/img/inputs.png
new file mode 100644
index 00000000000..8fec036884c
Binary files /dev/null and b/people-and-planet-ai/geospatial-classification/img/inputs.png differ
diff --git a/people-and-planet-ai/geospatial-classification/img/padding.png b/people-and-planet-ai/geospatial-classification/img/padding.png
new file mode 100644
index 00000000000..19cfc22a23c
Binary files /dev/null and b/people-and-planet-ai/geospatial-classification/img/padding.png differ
diff --git a/people-and-planet-ai/geospatial-classification/img/sparse_labels.png b/people-and-planet-ai/geospatial-classification/img/sparse_labels.png
new file mode 100644
index 00000000000..3d7798c4b5e
Binary files /dev/null and b/people-and-planet-ai/geospatial-classification/img/sparse_labels.png differ
diff --git a/people-and-planet-ai/geospatial-classification/img/training.png b/people-and-planet-ai/geospatial-classification/img/training.png
new file mode 100644
index 00000000000..3e5b4a4eaea
Binary files /dev/null and b/people-and-planet-ai/geospatial-classification/img/training.png differ
diff --git a/people-and-planet-ai/geospatial-classification/labeled_geospatial_data.csv b/people-and-planet-ai/geospatial-classification/labeled_geospatial_data.csv
new file mode 100644
index 00000000000..2e446bbb7cc
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/labeled_geospatial_data.csv
@@ -0,0 +1,6556 @@
+timestamp,lat,lon,is_powered_on
+2020-07-03 16:32:41.397000+00:00,39.11613,-84.80529,1
+2018-06-09 16:25:19.280000+00:00,39.11613,-84.80529,1
+2017-11-24 16:36:14.460000+00:00,39.11613,-84.80529,0
+2019-11-01 16:32:42.327000+00:00,39.11613,-84.80529,0
+2020-05-09 16:32:43.614000+00:00,39.11613,-84.80529,1
+2019-06-04 16:32:41+00:00,39.11613,-84.80529,1
+2018-06-19 16:25:30.100000+00:00,39.11613,-84.80529,1
+2020-08-20 16:42:41.424000+00:00,39.11613,-84.80529,1
+2018-08-18 16:25:18.280000+00:00,39.11613,-84.80529,1
+2018-07-07 16:40:12.900000+00:00,39.11613,-84.80529,1
+2019-09-05 16:42:35.282000+00:00,39.11613,-84.80529,1
+2020-10-31 16:32:42+00:00,39.11613,-84.80529,1
+2020-11-03 16:42:38.168000+00:00,39.11613,-84.80529,1
+2019-11-19 16:42:33.513000+00:00,39.11613,-84.80529,1
+2016-08-08 16:26:11.594000+00:00,39.11613,-84.80529,1
+2019-04-23 16:42:42+00:00,39.11613,-84.80529,1
+2018-12-26 16:32:32.060000+00:00,39.11613,-84.80529,1
+2016-08-21 16:42:30.230000+00:00,39.11613,-84.80529,1
+2019-09-12 16:32:37.612000+00:00,39.11613,-84.80529,1
+2018-01-28 16:42:23.350000+00:00,39.11613,-84.80529,1
+2020-06-16 16:42:38.218000+00:00,39.11613,-84.80529,1
+2019-05-25 16:32:42+00:00,39.11613,-84.80529,1
+2018-07-14 16:28:34.560000+00:00,39.11613,-84.80529,1
+2020-09-16 16:32:43.686000+00:00,39.11613,-84.80529,1
+2017-07-14 16:29:04.960000+00:00,39.11613,-84.80529,1
+2020-08-07 16:32:45.193000+00:00,39.11613,-84.80529,1
+2019-10-15 16:42:38.770000+00:00,39.11613,-84.80529,1
+2020-10-16 16:32:44.893000+00:00,39.11613,-84.80529,1
+2018-08-31 16:39:20.610000+00:00,39.11613,-84.80529,1
+2020-03-30 16:32:35.189000+00:00,39.11613,-84.80529,1
+2018-11-06 16:32:34.800000+00:00,39.11613,-84.80529,1
+2019-09-20 16:42:35.006000+00:00,39.11613,-84.80529,1
+2018-04-13 16:41:50.520000+00:00,39.11613,-84.80529,0
+2019-09-10 16:42:36.872000+00:00,39.11613,-84.80529,1
+2017-11-26 16:26:09.460000+00:00,39.11613,-84.80529,0
+2017-05-08 16:34:26.790000+00:00,39.11613,-84.80529,1
+2020-02-17 16:42:31.753000+00:00,39.11613,-84.80529,1
+2020-03-25 16:32:36.991000+00:00,39.11613,-84.80529,1
+2018-08-28 16:30:57.410000+00:00,39.11613,-84.80529,1
+2018-05-20 16:25:21.280000+00:00,39.11613,-84.80529,0
+2020-04-02 16:42:31.538000+00:00,39.11613,-84.80529,1
+2018-03-19 16:33:16.880000+00:00,39.11613,-84.80529,0
+2019-10-20 16:42:36.921000+00:00,39.11613,-84.80529,1
+2018-06-14 16:25:54.820000+00:00,39.11613,-84.80529,1
+2020-06-08 16:32:45.530000+00:00,39.11613,-84.80529,1
+2020-11-28 16:42:36.135000+00:00,39.11613,-84.80529,1
+2019-09-25 16:42:36.615000+00:00,39.11613,-84.80529,1
+2019-05-15 16:32:42+00:00,39.11613,-84.80529,1
+2020-12-05 16:32:37.402000+00:00,39.11613,-84.80529,1
+2018-05-10 16:31:48.310000+00:00,39.11613,-84.80529,0
+2018-08-06 16:41:35.720000+00:00,39.11613,-84.80529,1
+2018-06-17 16:37:01.160000+00:00,39.11613,-84.80529,1
+2018-04-30 16:21:38.590000+00:00,39.11613,-84.80529,0
+2018-06-04 16:24:07.730000+00:00,39.11613,-84.80529,1
+2017-10-02 16:26:18.730000+00:00,39.11613,-84.80529,1
+2020-11-10 16:32:40.462000+00:00,39.11613,-84.80529,1
+2018-12-19 16:42:26.940000+00:00,39.11613,-84.80529,1
+2018-09-02 16:27:43.270000+00:00,39.11613,-84.80529,1
+2017-03-16 16:30:30.177000+00:00,39.11613,-84.80529,1
+2020-12-24 10:16:22.353000+00:00,51.53771,14.35219,1
+2020-12-24 10:16:22.353000+00:00,51.53772,14.35506,1
+2018-04-19 10:14:57.040000+00:00,51.53771,14.35219,1
+2018-04-19 10:14:57.040000+00:00,51.53772,14.35506,1
+2019-12-20 10:16:17.169000+00:00,51.53771,14.35219,1
+2019-12-20 10:16:17.169000+00:00,51.53772,14.35506,1
+2019-08-22 10:16:25.404000+00:00,51.53771,14.35219,1
+2019-08-22 10:16:25.404000+00:00,51.53772,14.35506,1
+2016-07-28 10:16:03.978000+00:00,51.53771,14.35219,1
+2016-07-28 10:16:03.978000+00:00,51.53772,14.35506,1
+2019-03-30 10:16:25+00:00,51.53771,14.35219,1
+2019-03-30 10:16:25+00:00,51.53772,14.35506,1
+2015-07-04 10:13:37+00:00,51.53771,14.35219,1
+2015-07-04 10:13:37+00:00,51.53772,14.35506,1
+2018-11-15 10:16:17.430000+00:00,51.53771,14.35219,1
+2018-11-15 10:16:17.430000+00:00,51.53772,14.35506,1
+2017-02-13 10:15:53.655000+00:00,51.53771,14.35219,1
+2017-02-13 10:15:53.655000+00:00,51.53772,14.35506,1
+2017-08-27 10:13:12.630000+00:00,51.53771,14.35219,1
+2017-08-27 10:13:12.630000+00:00,51.53772,14.35506,1
+2018-10-16 10:10:21.460000+00:00,51.53771,14.35219,1
+2018-10-16 10:10:21.460000+00:00,51.53772,14.35506,1
+2020-06-27 10:16:28.562000+00:00,51.53771,14.35219,1
+2020-06-27 10:16:28.562000+00:00,51.53772,14.35506,1
+2016-05-09 10:10:30.463000+00:00,51.53771,14.35219,1
+2016-05-09 10:10:30.463000+00:00,51.53772,14.35506,1
+2020-08-06 10:16:29.157000+00:00,51.53771,14.35219,1
+2020-08-06 10:16:29.157000+00:00,51.53772,14.35506,1
+2018-08-27 10:10:23.460000+00:00,51.53771,14.35219,1
+2018-08-27 10:10:23.460000+00:00,51.53772,14.35506,1
+2020-01-24 10:16:16.253000+00:00,51.53771,14.35219,1
+2020-01-24 10:16:16.253000+00:00,51.53772,14.35506,1
+2020-04-08 10:16:20.807000+00:00,51.53771,14.35219,1
+2020-04-08 10:16:20.807000+00:00,51.53772,14.35506,1
+2019-12-05 10:16:17.136000+00:00,51.53771,14.35219,1
+2019-12-05 10:16:17.136000+00:00,51.53772,14.35506,1
+2020-07-02 10:16:25.462000+00:00,51.53771,14.35219,1
+2020-07-02 10:16:25.462000+00:00,51.53772,14.35506,1
+2018-10-06 10:15:10.080000+00:00,51.53771,14.35219,1
+2018-10-06 10:15:10.080000+00:00,51.53772,14.35506,1
+2021-02-22 10:16:22.777000+00:00,51.53771,14.35219,1
+2021-02-22 10:16:22.777000+00:00,51.53772,14.35506,1
+2019-06-23 10:16:27+00:00,51.53771,14.35219,1
+2019-06-23 10:16:27+00:00,51.53772,14.35506,1
+2018-12-10 10:16:17+00:00,51.53771,14.35219,1
+2018-12-10 10:16:17+00:00,51.53772,14.35506,1
+2018-11-10 10:16:20.750000+00:00,51.53771,14.35219,1
+2018-11-10 10:16:20.750000+00:00,51.53772,14.35506,1
+2017-07-18 10:13:46.500000+00:00,51.53771,14.35219,1
+2017-07-18 10:13:46.500000+00:00,51.53772,14.35506,1
+2016-12-05 10:14:12.680000+00:00,51.53771,14.35219,1
+2016-12-05 10:14:12.680000+00:00,51.53772,14.35506,1
+2019-02-23 10:16:18+00:00,51.53771,14.35219,1
+2019-02-23 10:16:18+00:00,51.53772,14.35506,1
+2020-04-28 10:16:25.719000+00:00,51.53771,14.35219,1
+2020-04-28 10:16:25.719000+00:00,51.53772,14.35506,1
+2018-05-14 10:10:52.320000+00:00,51.53771,14.35219,1
+2018-05-14 10:10:52.320000+00:00,51.53772,14.35506,1
+2020-11-04 10:16:27.970000+00:00,51.53771,14.35219,1
+2020-11-04 10:16:27.970000+00:00,51.53772,14.35506,1
+2016-08-27 10:10:25.460000+00:00,51.53771,14.35219,1
+2016-08-27 10:10:25.460000+00:00,51.53772,14.35506,1
+2016-06-18 10:15:15+00:00,51.53771,14.35219,1
+2016-06-18 10:15:15+00:00,51.53772,14.35506,1
+2016-04-14 16:03:42+00:00,40.65707,-79.34075,1
+2016-04-14 16:03:42+00:00,40.65788,-79.34171,1
+2016-04-14 16:03:42+00:00,40.6599,-79.33711,1
+2016-04-14 16:03:42+00:00,40.6606,-79.33812,1
+2019-05-24 16:12:07+00:00,40.65707,-79.34075,1
+2019-05-24 16:12:07+00:00,40.65788,-79.34171,1
+2019-05-24 16:12:07+00:00,40.6599,-79.33711,1
+2019-05-24 16:12:07+00:00,40.6606,-79.33812,1
+2017-11-23 16:15:55.460000+00:00,40.65707,-79.34075,1
+2017-11-23 16:15:55.460000+00:00,40.65788,-79.34171,1
+2017-11-23 16:15:55.460000+00:00,40.6599,-79.33711,1
+2017-11-23 16:15:55.460000+00:00,40.6606,-79.33812,1
+2020-02-23 16:11:53.749000+00:00,40.65707,-79.34075,1
+2020-02-23 16:11:53.749000+00:00,40.65788,-79.34171,1
+2020-02-23 16:11:53.749000+00:00,40.6599,-79.33711,1
+2020-02-23 16:11:53.749000+00:00,40.6606,-79.33812,1
+2017-12-28 16:16:54.460000+00:00,40.65707,-79.34075,1
+2017-12-28 16:16:54.460000+00:00,40.65788,-79.34171,1
+2017-12-28 16:16:54.460000+00:00,40.6599,-79.33711,1
+2017-12-28 16:16:54.460000+00:00,40.6606,-79.33812,1
+2019-06-03 16:12:07+00:00,40.65707,-79.34075,1
+2019-06-03 16:12:07+00:00,40.65788,-79.34171,1
+2019-06-03 16:12:07+00:00,40.6599,-79.33711,1
+2019-06-03 16:12:07+00:00,40.6606,-79.33812,1
+2017-09-24 16:15:36.730000+00:00,40.65707,-79.34075,1
+2017-09-24 16:15:36.730000+00:00,40.65788,-79.34171,1
+2017-09-24 16:15:36.730000+00:00,40.6599,-79.33711,1
+2017-09-24 16:15:36.730000+00:00,40.6606,-79.33812,1
+2019-05-19 16:12:02+00:00,40.65707,-79.34075,1
+2019-05-19 16:12:02+00:00,40.65788,-79.34171,1
+2019-05-19 16:12:02+00:00,40.6599,-79.33711,1
+2019-05-19 16:12:02+00:00,40.6606,-79.33812,1
+2019-06-11 16:21:57+00:00,40.65707,-79.34075,1
+2019-06-11 16:21:57+00:00,40.65788,-79.34171,1
+2019-06-11 16:21:57+00:00,40.6599,-79.33711,1
+2019-06-11 16:21:57+00:00,40.6606,-79.33812,1
+2019-04-27 16:22:02+00:00,40.65707,-79.34075,1
+2019-04-27 16:22:02+00:00,40.65788,-79.34171,1
+2019-04-27 16:22:02+00:00,40.6599,-79.33711,1
+2019-04-27 16:22:02+00:00,40.6606,-79.33812,1
+2020-08-11 16:12:04.981000+00:00,40.65707,-79.34075,1
+2020-08-11 16:12:04.981000+00:00,40.65788,-79.34171,1
+2020-08-11 16:12:04.981000+00:00,40.6599,-79.33711,1
+2020-08-11 16:12:04.981000+00:00,40.6606,-79.33812,1
+2018-05-12 16:17:36.370000+00:00,40.65707,-79.34075,1
+2018-05-12 16:17:36.370000+00:00,40.65788,-79.34171,1
+2018-05-12 16:17:36.370000+00:00,40.6599,-79.33711,1
+2018-05-12 16:17:36.370000+00:00,40.6606,-79.33812,1
+2020-10-23 16:22:00.288000+00:00,40.65707,-79.34075,0
+2020-10-23 16:22:00.288000+00:00,40.65788,-79.34171,0
+2020-10-23 16:22:00.288000+00:00,40.6599,-79.33711,0
+2020-10-23 16:22:00.288000+00:00,40.6606,-79.33812,0
+2018-05-09 16:05:32.100000+00:00,40.65707,-79.34075,1
+2018-05-09 16:05:32.100000+00:00,40.65788,-79.34171,1
+2018-05-09 16:05:32.100000+00:00,40.6599,-79.33711,1
+2018-05-09 16:05:32.100000+00:00,40.6606,-79.33812,1
+2018-03-18 16:13:59.570000+00:00,40.65707,-79.34075,1
+2018-03-18 16:13:59.570000+00:00,40.65788,-79.34171,1
+2018-03-18 16:13:59.570000+00:00,40.6599,-79.33711,1
+2018-03-18 16:13:59.570000+00:00,40.6606,-79.33812,1
+2020-04-11 16:21:51.208000+00:00,40.65707,-79.34075,1
+2020-04-11 16:21:51.208000+00:00,40.65788,-79.34171,1
+2020-04-11 16:21:51.208000+00:00,40.6599,-79.33711,1
+2020-04-11 16:21:51.208000+00:00,40.6606,-79.33812,1
+2020-08-09 16:21:58.319000+00:00,40.65707,-79.34075,1
+2020-08-09 16:21:58.319000+00:00,40.65788,-79.34171,1
+2020-08-09 16:21:58.319000+00:00,40.6599,-79.33711,1
+2020-08-09 16:21:58.319000+00:00,40.6606,-79.33812,1
+2020-08-14 16:22:00.862000+00:00,40.65707,-79.34075,1
+2020-08-14 16:22:00.862000+00:00,40.65788,-79.34171,1
+2020-08-14 16:22:00.862000+00:00,40.6599,-79.33711,1
+2020-08-14 16:22:00.862000+00:00,40.6606,-79.33812,1
+2020-07-02 16:12:03.891000+00:00,40.65707,-79.34075,1
+2020-07-02 16:12:03.891000+00:00,40.65788,-79.34171,1
+2020-07-02 16:12:03.891000+00:00,40.6599,-79.33711,1
+2020-07-02 16:12:03.891000+00:00,40.6606,-79.33812,1
+2020-11-04 16:12:01.325000+00:00,40.65707,-79.34075,1
+2020-11-04 16:12:01.325000+00:00,40.65788,-79.34171,1
+2020-11-04 16:12:01.325000+00:00,40.6599,-79.33711,1
+2020-11-04 16:12:01.325000+00:00,40.6606,-79.33812,1
+2018-03-08 16:15:26+00:00,40.65707,-79.34075,1
+2018-03-08 16:15:26+00:00,40.65788,-79.34171,1
+2018-03-08 16:15:26+00:00,40.6599,-79.33711,1
+2018-03-08 16:15:26+00:00,40.6606,-79.33812,1
+2018-09-01 16:01:04.120000+00:00,40.65707,-79.34075,1
+2018-09-01 16:01:04.120000+00:00,40.65788,-79.34171,1
+2018-09-01 16:01:04.120000+00:00,40.6599,-79.33711,1
+2018-09-01 16:01:04.120000+00:00,40.6606,-79.33812,1
+2018-09-21 16:11:42.620000+00:00,40.65707,-79.34075,1
+2018-09-21 16:11:42.620000+00:00,40.65788,-79.34171,1
+2018-09-21 16:11:42.620000+00:00,40.6599,-79.33711,1
+2018-09-21 16:11:42.620000+00:00,40.6606,-79.33812,1
+2020-11-14 16:11:59.899000+00:00,40.65707,-79.34075,1
+2020-11-14 16:11:59.899000+00:00,40.65788,-79.34171,1
+2020-11-14 16:11:59.899000+00:00,40.6599,-79.33711,1
+2020-11-14 16:11:59.899000+00:00,40.6606,-79.33812,1
+2019-10-11 16:12:00.151000+00:00,40.65707,-79.34075,1
+2019-10-11 16:12:00.151000+00:00,40.65788,-79.34171,1
+2019-10-11 16:12:00.151000+00:00,40.6599,-79.33711,1
+2019-10-11 16:12:00.151000+00:00,40.6606,-79.33812,1
+2019-11-23 16:21:51.860000+00:00,40.65707,-79.34075,1
+2019-11-23 16:21:51.860000+00:00,40.65788,-79.34171,1
+2019-11-23 16:21:51.860000+00:00,40.6599,-79.33711,1
+2019-11-23 16:21:51.860000+00:00,40.6606,-79.33812,1
+2020-01-22 16:21:48.279000+00:00,40.65707,-79.34075,1
+2020-01-22 16:21:48.279000+00:00,40.65788,-79.34171,1
+2020-01-22 16:21:48.279000+00:00,40.6599,-79.33711,1
+2020-01-22 16:21:48.279000+00:00,40.6606,-79.33812,1
+2018-05-02 16:19:42.650000+00:00,40.65707,-79.34075,1
+2018-05-02 16:19:42.650000+00:00,40.65788,-79.34171,1
+2018-05-02 16:19:42.650000+00:00,40.6599,-79.33711,1
+2018-05-02 16:19:42.650000+00:00,40.6606,-79.33812,1
+2019-10-24 16:21:56.018000+00:00,40.65707,-79.34075,1
+2019-10-24 16:21:56.018000+00:00,40.65788,-79.34171,1
+2019-10-24 16:21:56.018000+00:00,40.6599,-79.33711,1
+2019-10-24 16:21:56.018000+00:00,40.6606,-79.33812,1
+2016-11-10 16:08:04.852000+00:00,40.65707,-79.34075,1
+2016-11-10 16:08:04.852000+00:00,40.65788,-79.34171,1
+2016-11-10 16:08:04.852000+00:00,40.6599,-79.33711,1
+2016-11-10 16:08:04.852000+00:00,40.6606,-79.33812,1
+2019-08-10 16:21:58.723000+00:00,40.65707,-79.34075,1
+2019-08-10 16:21:58.723000+00:00,40.65788,-79.34171,1
+2019-08-10 16:21:58.723000+00:00,40.6599,-79.33711,1
+2019-08-10 16:21:58.723000+00:00,40.6606,-79.33812,1
+2020-03-04 16:11:54.748000+00:00,40.65707,-79.34075,1
+2020-03-04 16:11:54.748000+00:00,40.65788,-79.34171,1
+2020-03-04 16:11:54.748000+00:00,40.6599,-79.33711,1
+2020-03-04 16:11:54.748000+00:00,40.6606,-79.33812,1
+2018-07-03 16:01:25.160000+00:00,40.65707,-79.34075,1
+2018-07-03 16:01:25.160000+00:00,40.65788,-79.34171,1
+2018-07-03 16:01:25.160000+00:00,40.6599,-79.33711,1
+2018-07-03 16:01:25.160000+00:00,40.6606,-79.33812,1
+2019-03-15 16:11:56+00:00,40.65707,-79.34075,1
+2019-03-15 16:11:56+00:00,40.65788,-79.34171,1
+2019-03-15 16:11:56+00:00,40.6599,-79.33711,1
+2019-03-15 16:11:56+00:00,40.6606,-79.33812,1
+2019-03-23 16:21:53+00:00,40.65707,-79.34075,1
+2019-03-23 16:21:53+00:00,40.65788,-79.34171,1
+2019-03-23 16:21:53+00:00,40.6599,-79.33711,1
+2019-03-23 16:21:53+00:00,40.6606,-79.33812,1
+2020-04-03 16:11:55.161000+00:00,40.65707,-79.34075,1
+2020-04-03 16:11:55.161000+00:00,40.65788,-79.34171,1
+2020-04-03 16:11:55.161000+00:00,40.6599,-79.33711,1
+2020-04-03 16:11:55.161000+00:00,40.6606,-79.33812,1
+2016-05-07 16:18:58+00:00,40.65707,-79.34075,1
+2016-05-07 16:18:58+00:00,40.65788,-79.34171,1
+2016-05-07 16:18:58+00:00,40.6599,-79.33711,1
+2016-05-07 16:18:58+00:00,40.6606,-79.33812,1
+2020-09-10 16:12:02.692000+00:00,40.65707,-79.34075,1
+2020-09-10 16:12:02.692000+00:00,40.65788,-79.34171,1
+2020-09-10 16:12:02.692000+00:00,40.6599,-79.33711,1
+2020-09-10 16:12:02.692000+00:00,40.6606,-79.33812,1
+2018-10-09 16:12:54.400000+00:00,40.65707,-79.34075,1
+2018-10-09 16:12:54.400000+00:00,40.65788,-79.34171,1
+2018-10-09 16:12:54.400000+00:00,40.6599,-79.33711,1
+2018-10-09 16:12:54.400000+00:00,40.6606,-79.33812,1
+2020-06-20 16:21:57.511000+00:00,40.65707,-79.34075,1
+2020-06-20 16:21:57.511000+00:00,40.65788,-79.34171,1
+2020-06-20 16:21:57.511000+00:00,40.6599,-79.33711,1
+2020-06-20 16:21:57.511000+00:00,40.6606,-79.33812,1
+2017-09-05 11:36:11.630000+00:00,43.43717,-7.86444,1
+2017-09-05 11:36:11.630000+00:00,43.43827,-7.86376,1
+2017-09-05 11:36:11.630000+00:00,43.44075,-7.85755,1
+2017-09-05 11:36:11.630000+00:00,43.44114,-7.85587,1
+2016-01-24 11:42:05.331000+00:00,43.43717,-7.86444,1
+2016-01-24 11:42:05.331000+00:00,43.43827,-7.86376,1
+2016-01-24 11:42:05.331000+00:00,43.44075,-7.85755,1
+2016-01-24 11:42:05.331000+00:00,43.44114,-7.85587,1
+2020-09-09 11:39:17.272000+00:00,43.43717,-7.86444,1
+2020-09-09 11:39:17.272000+00:00,43.43827,-7.86376,1
+2020-09-09 11:39:17.272000+00:00,43.44075,-7.85755,1
+2020-09-09 11:39:17.272000+00:00,43.44114,-7.85587,1
+2019-07-19 11:29:25.080000+00:00,43.43717,-7.86444,1
+2019-07-19 11:29:25.080000+00:00,43.43827,-7.86376,1
+2019-07-19 11:29:25.080000+00:00,43.44075,-7.85755,1
+2019-07-19 11:29:25.080000+00:00,43.44114,-7.85587,1
+2018-05-20 11:25:43.430000+00:00,43.43717,-7.86444,1
+2018-05-20 11:25:43.430000+00:00,43.43827,-7.86376,1
+2018-05-20 11:25:43.430000+00:00,43.44075,-7.85755,1
+2018-05-20 11:25:43.430000+00:00,43.44114,-7.85587,1
+2018-07-07 11:33:17.460000+00:00,43.43717,-7.86444,1
+2018-07-07 11:33:17.460000+00:00,43.43827,-7.86376,1
+2018-07-07 11:33:17.460000+00:00,43.44075,-7.85755,1
+2018-07-07 11:33:17.460000+00:00,43.44114,-7.85587,1
+2016-12-29 11:34:56.457000+00:00,43.43717,-7.86444,1
+2016-12-29 11:34:56.457000+00:00,43.43827,-7.86376,1
+2016-12-29 11:34:56.457000+00:00,43.44075,-7.85755,1
+2016-12-29 11:34:56.457000+00:00,43.44114,-7.85587,1
+2020-07-13 11:29:17.861000+00:00,43.43717,-7.86444,0
+2020-07-13 11:29:17.861000+00:00,43.43827,-7.86376,0
+2020-07-13 11:29:17.861000+00:00,43.44075,-7.85755,0
+2020-07-13 11:29:17.861000+00:00,43.44114,-7.85587,0
+2018-08-21 11:36:00.810000+00:00,43.43717,-7.86444,1
+2018-08-21 11:36:00.810000+00:00,43.43827,-7.86376,1
+2018-08-21 11:36:00.810000+00:00,43.44075,-7.85755,1
+2018-08-21 11:36:00.810000+00:00,43.44114,-7.85587,1
+2019-12-04 11:39:11.507000+00:00,43.43717,-7.86444,1
+2019-12-04 11:39:11.507000+00:00,43.43827,-7.86376,1
+2019-12-04 11:39:11.507000+00:00,43.44075,-7.85755,1
+2019-12-04 11:39:11.507000+00:00,43.44114,-7.85587,1
+2017-12-01 11:26:42.560000+00:00,43.43717,-7.86444,1
+2017-12-01 11:26:42.560000+00:00,43.43827,-7.86376,1
+2017-12-01 11:26:42.560000+00:00,43.44075,-7.85755,1
+2017-12-01 11:26:42.560000+00:00,43.44114,-7.85587,1
+2017-04-28 11:34:00.150000+00:00,43.43717,-7.86444,1
+2017-04-28 11:34:00.150000+00:00,43.43827,-7.86376,1
+2017-04-28 11:34:00.150000+00:00,43.44075,-7.85755,1
+2017-04-28 11:34:00.150000+00:00,43.44114,-7.85587,1
+2018-08-01 11:33:19.460000+00:00,43.43717,-7.86444,1
+2018-08-01 11:33:19.460000+00:00,43.43827,-7.86376,1
+2018-08-01 11:33:19.460000+00:00,43.44075,-7.85755,1
+2018-08-01 11:33:19.460000+00:00,43.44114,-7.85587,1
+2020-07-18 11:29:21.329000+00:00,43.43717,-7.86444,1
+2020-07-18 11:29:21.329000+00:00,43.43827,-7.86376,1
+2020-07-18 11:29:21.329000+00:00,43.44075,-7.85755,1
+2020-07-18 11:29:21.329000+00:00,43.44114,-7.85587,1
+2018-08-06 11:33:14.460000+00:00,43.43717,-7.86444,1
+2018-08-06 11:33:14.460000+00:00,43.43827,-7.86376,1
+2018-08-06 11:33:14.460000+00:00,43.44075,-7.85755,1
+2018-08-06 11:33:14.460000+00:00,43.44114,-7.85587,1
+2017-12-19 11:36:21.660000+00:00,43.43717,-7.86444,1
+2017-12-19 11:36:21.660000+00:00,43.43827,-7.86376,1
+2017-12-19 11:36:21.660000+00:00,43.44075,-7.85755,1
+2017-12-19 11:36:21.660000+00:00,43.44114,-7.85587,1
+2021-04-19 11:29:11.280000+00:00,43.43717,-7.86444,0
+2021-04-19 11:29:11.280000+00:00,43.43827,-7.86376,0
+2021-04-19 11:29:11.280000+00:00,43.44075,-7.85755,0
+2021-04-19 11:29:11.280000+00:00,43.44114,-7.85587,0
+2016-10-30 11:34:10.574000+00:00,43.43717,-7.86444,1
+2016-10-30 11:34:10.574000+00:00,43.43827,-7.86376,1
+2016-10-30 11:34:10.574000+00:00,43.44075,-7.85755,1
+2016-10-30 11:34:10.574000+00:00,43.44114,-7.85587,1
+2021-04-17 11:39:07.755000+00:00,43.43717,-7.86444,0
+2021-04-17 11:39:07.755000+00:00,43.43827,-7.86376,0
+2021-04-17 11:39:07.755000+00:00,43.44075,-7.85755,0
+2021-04-17 11:39:07.755000+00:00,43.44114,-7.85587,0
+2019-03-29 11:39:13+00:00,43.43717,-7.86444,1
+2019-03-29 11:39:13+00:00,43.43827,-7.86376,1
+2019-03-29 11:39:13+00:00,43.44075,-7.85755,1
+2019-03-29 11:39:13+00:00,43.44114,-7.85587,1
+2020-07-23 11:29:18.427000+00:00,43.43717,-7.86444,1
+2020-07-23 11:29:18.427000+00:00,43.43827,-7.86376,1
+2020-07-23 11:29:18.427000+00:00,43.44075,-7.85755,1
+2020-07-23 11:29:18.427000+00:00,43.44114,-7.85587,1
+2019-04-30 11:29:23+00:00,43.43717,-7.86444,0
+2019-04-30 11:29:23+00:00,43.43827,-7.86376,0
+2019-04-30 11:29:23+00:00,43.44075,-7.85755,0
+2019-04-30 11:29:23+00:00,43.44114,-7.85587,0
+2018-09-22 11:21:06.460000+00:00,43.43717,-7.86444,1
+2018-09-22 11:21:06.460000+00:00,43.43827,-7.86376,1
+2018-09-22 11:21:06.460000+00:00,43.44075,-7.85755,1
+2018-09-22 11:21:06.460000+00:00,43.44114,-7.85587,1
+2018-10-10 11:38:23.120000+00:00,43.43717,-7.86444,1
+2018-10-10 11:38:23.120000+00:00,43.43827,-7.86376,1
+2018-10-10 11:38:23.120000+00:00,43.44075,-7.85755,1
+2018-10-10 11:38:23.120000+00:00,43.44114,-7.85587,1
+2018-05-10 11:22:50.260000+00:00,43.43717,-7.86444,1
+2018-05-10 11:22:50.260000+00:00,43.43827,-7.86376,1
+2018-05-10 11:22:50.260000+00:00,43.44075,-7.85755,1
+2018-05-10 11:22:50.260000+00:00,43.44114,-7.85587,1
+2019-02-14 11:29:12+00:00,43.43717,-7.86444,1
+2019-02-14 11:29:12+00:00,43.43827,-7.86376,1
+2019-02-14 11:29:12+00:00,43.44075,-7.85755,1
+2019-02-14 11:29:12+00:00,43.44114,-7.85587,1
+2020-11-08 11:39:17.781000+00:00,43.43717,-7.86444,0
+2020-11-08 11:39:17.781000+00:00,43.43827,-7.86376,0
+2020-11-08 11:39:17.781000+00:00,43.44075,-7.85755,0
+2020-11-08 11:39:17.781000+00:00,43.44114,-7.85587,0
+2018-01-28 11:33:24.460000+00:00,43.43717,-7.86444,1
+2018-01-28 11:33:24.460000+00:00,43.43827,-7.86376,1
+2018-01-28 11:33:24.460000+00:00,43.44075,-7.85755,1
+2018-01-28 11:33:24.460000+00:00,43.44114,-7.85587,1
+2019-05-25 11:29:19+00:00,43.43717,-7.86444,0
+2019-05-25 11:29:19+00:00,43.43827,-7.86376,0
+2019-05-25 11:29:19+00:00,43.44075,-7.85755,0
+2019-05-25 11:29:19+00:00,43.44114,-7.85587,0
+2017-01-25 11:23:33.458000+00:00,43.43717,-7.86444,1
+2017-01-25 11:23:33.458000+00:00,43.43827,-7.86376,1
+2017-01-25 11:23:33.458000+00:00,43.44075,-7.85755,1
+2017-01-25 11:23:33.458000+00:00,43.44114,-7.85587,1
+2018-02-27 11:36:43.320000+00:00,43.43717,-7.86444,1
+2018-02-27 11:36:43.320000+00:00,43.43827,-7.86376,1
+2018-02-27 11:36:43.320000+00:00,43.44075,-7.85755,1
+2018-02-27 11:36:43.320000+00:00,43.44114,-7.85587,1
+2021-03-23 11:39:12.451000+00:00,43.43717,-7.86444,0
+2021-03-23 11:39:12.451000+00:00,43.43827,-7.86376,0
+2021-03-23 11:39:12.451000+00:00,43.44075,-7.85755,0
+2021-03-23 11:39:12.451000+00:00,43.44114,-7.85587,0
+2021-04-12 11:39:09.852000+00:00,43.43717,-7.86444,0
+2021-04-12 11:39:09.852000+00:00,43.43827,-7.86376,0
+2021-04-12 11:39:09.852000+00:00,43.44075,-7.85755,0
+2021-04-12 11:39:09.852000+00:00,43.44114,-7.85587,0
+2018-10-02 11:22:24.220000+00:00,43.43717,-7.86444,1
+2018-10-02 11:22:24.220000+00:00,43.43827,-7.86376,1
+2018-10-02 11:22:24.220000+00:00,43.44075,-7.85755,1
+2018-10-02 11:22:24.220000+00:00,43.44114,-7.85587,1
+2018-02-24 11:22:28.440000+00:00,43.43717,-7.86444,1
+2018-02-24 11:22:28.440000+00:00,43.43827,-7.86376,1
+2018-02-24 11:22:28.440000+00:00,43.44075,-7.85755,1
+2018-02-24 11:22:28.440000+00:00,43.44114,-7.85587,1
+2019-02-27 11:39:08+00:00,43.43717,-7.86444,1
+2019-02-27 11:39:08+00:00,43.43827,-7.86376,1
+2019-02-27 11:39:08+00:00,43.44075,-7.85755,1
+2019-02-27 11:39:08+00:00,43.44114,-7.85587,1
+2019-07-04 11:29:21+00:00,43.43717,-7.86444,1
+2019-07-04 11:29:21+00:00,43.43827,-7.86376,1
+2019-07-04 11:29:21+00:00,43.44075,-7.85755,1
+2019-07-04 11:29:21+00:00,43.44114,-7.85587,1
+2020-09-11 11:29:18.660000+00:00,43.43717,-7.86444,1
+2020-09-11 11:29:18.660000+00:00,43.43827,-7.86376,1
+2020-09-11 11:29:18.660000+00:00,43.44075,-7.85755,1
+2020-09-11 11:29:18.660000+00:00,43.44114,-7.85587,1
+2018-11-16 11:29:10.440000+00:00,43.43717,-7.86444,1
+2018-11-16 11:29:10.440000+00:00,43.43827,-7.86376,1
+2018-11-16 11:29:10.440000+00:00,43.44075,-7.85755,1
+2018-11-16 11:29:10.440000+00:00,43.44114,-7.85587,1
+2019-01-03 11:39:11.330000+00:00,43.43717,-7.86444,1
+2019-01-03 11:39:11.330000+00:00,43.43827,-7.86376,1
+2019-01-03 11:39:11.330000+00:00,43.44075,-7.85755,1
+2019-01-03 11:39:11.330000+00:00,43.44114,-7.85587,1
+2019-10-05 11:39:15.628000+00:00,43.43717,-7.86444,0
+2019-10-05 11:39:15.628000+00:00,43.43827,-7.86376,0
+2019-10-05 11:39:15.628000+00:00,43.44075,-7.85755,0
+2019-10-05 11:39:15.628000+00:00,43.44114,-7.85587,0
+2021-02-03 11:29:16.127000+00:00,43.43717,-7.86444,0
+2021-02-03 11:29:16.127000+00:00,43.43827,-7.86376,0
+2021-02-03 11:29:16.127000+00:00,43.44075,-7.85755,0
+2021-02-03 11:29:16.127000+00:00,43.44114,-7.85587,0
+2020-07-08 11:29:20.544000+00:00,43.43717,-7.86444,0
+2020-07-08 11:29:20.544000+00:00,43.43827,-7.86376,0
+2020-07-08 11:29:20.544000+00:00,43.44075,-7.85755,0
+2020-07-08 11:29:20.544000+00:00,43.44114,-7.85587,0
+2017-11-14 11:37:58.040000+00:00,43.43717,-7.86444,1
+2017-11-14 11:37:58.040000+00:00,43.43827,-7.86376,1
+2017-11-14 11:37:58.040000+00:00,43.44075,-7.85755,1
+2017-11-14 11:37:58.040000+00:00,43.44114,-7.85587,1
+2021-01-07 11:39:14.043000+00:00,43.43717,-7.86444,1
+2021-01-07 11:39:14.043000+00:00,43.43827,-7.86376,1
+2021-01-07 11:39:14.043000+00:00,43.44075,-7.85755,1
+2021-01-07 11:39:14.043000+00:00,43.44114,-7.85587,1
+2019-02-24 11:29:12+00:00,43.43717,-7.86444,1
+2019-02-24 11:29:12+00:00,43.43827,-7.86376,1
+2019-02-24 11:29:12+00:00,43.44075,-7.85755,1
+2019-02-24 11:29:12+00:00,43.44114,-7.85587,1
+2018-09-15 11:37:01.360000+00:00,43.43717,-7.86444,1
+2018-09-15 11:37:01.360000+00:00,43.43827,-7.86376,1
+2018-09-15 11:37:01.360000+00:00,43.44075,-7.85755,1
+2018-09-15 11:37:01.360000+00:00,43.44114,-7.85587,1
+2016-07-19 11:21:17.457000+00:00,43.43717,-7.86444,1
+2016-07-19 11:21:17.457000+00:00,43.43827,-7.86376,1
+2016-07-19 11:21:17.457000+00:00,43.44075,-7.85755,1
+2016-07-19 11:21:17.457000+00:00,43.44114,-7.85587,1
+2018-07-09 11:24:55.540000+00:00,43.43717,-7.86444,1
+2018-07-09 11:24:55.540000+00:00,43.43827,-7.86376,1
+2018-07-09 11:24:55.540000+00:00,43.44075,-7.85755,1
+2018-07-09 11:24:55.540000+00:00,43.44114,-7.85587,1
+2015-11-12 11:24:29+00:00,43.43717,-7.86444,1
+2015-11-12 11:24:29+00:00,43.43827,-7.86376,1
+2015-11-12 11:24:29+00:00,43.44075,-7.85755,1
+2015-11-12 11:24:29+00:00,43.44114,-7.85587,1
+2019-10-10 11:39:14.499000+00:00,43.43717,-7.86444,0
+2019-10-10 11:39:14.499000+00:00,43.43827,-7.86376,0
+2019-10-10 11:39:14.499000+00:00,43.44075,-7.85755,0
+2019-10-10 11:39:14.499000+00:00,43.44114,-7.85587,0
+2018-10-22 11:28:30+00:00,43.43717,-7.86444,1
+2018-10-22 11:28:30+00:00,43.43827,-7.86376,1
+2018-10-22 11:28:30+00:00,43.44075,-7.85755,1
+2018-10-22 11:28:30+00:00,43.44114,-7.85587,1
+2019-12-26 11:29:11.441000+00:00,43.43717,-7.86444,0
+2019-12-26 11:29:11.441000+00:00,43.43827,-7.86376,0
+2019-12-26 11:29:11.441000+00:00,43.44075,-7.85755,0
+2019-12-26 11:29:11.441000+00:00,43.44114,-7.85587,0
+2016-05-03 11:33:23+00:00,43.43717,-7.86444,0
+2016-05-03 11:33:23+00:00,43.43827,-7.86376,0
+2016-05-03 11:33:23+00:00,43.44075,-7.85755,0
+2016-05-03 11:33:23+00:00,43.44114,-7.85587,0
+2018-11-14 11:39:10.800000+00:00,43.43717,-7.86444,1
+2018-11-14 11:39:10.800000+00:00,43.43827,-7.86376,1
+2018-11-14 11:39:10.800000+00:00,43.44075,-7.85755,1
+2018-11-14 11:39:10.800000+00:00,43.44114,-7.85587,1
+2021-03-18 11:39:12.575000+00:00,43.43717,-7.86444,0
+2021-03-18 11:39:12.575000+00:00,43.43827,-7.86376,0
+2021-03-18 11:39:12.575000+00:00,43.44075,-7.85755,0
+2021-03-18 11:39:12.575000+00:00,43.44114,-7.85587,0
+2016-08-18 11:25:54.250000+00:00,43.43717,-7.86444,1
+2016-08-18 11:25:54.250000+00:00,43.43827,-7.86376,1
+2016-08-18 11:25:54.250000+00:00,43.44075,-7.85755,1
+2016-08-18 11:25:54.250000+00:00,43.44114,-7.85587,1
+2020-06-23 11:29:18.919000+00:00,43.43717,-7.86444,1
+2020-06-23 11:29:18.919000+00:00,43.43827,-7.86376,1
+2020-06-23 11:29:18.919000+00:00,43.44075,-7.85755,1
+2020-06-23 11:29:18.919000+00:00,43.44114,-7.85587,1
+2019-09-02 11:29:16.649000+00:00,43.43717,-7.86444,1
+2019-09-02 11:29:16.649000+00:00,43.43827,-7.86376,1
+2019-09-02 11:29:16.649000+00:00,43.44075,-7.85755,1
+2019-09-02 11:29:16.649000+00:00,43.44114,-7.85587,1
+2018-06-24 11:24:52.540000+00:00,43.43717,-7.86444,1
+2018-06-24 11:24:52.540000+00:00,43.43827,-7.86376,1
+2018-06-24 11:24:52.540000+00:00,43.44075,-7.85755,1
+2018-06-24 11:24:52.540000+00:00,43.44114,-7.85587,1
+2017-10-27 11:25:51.610000+00:00,43.43717,-7.86444,1
+2017-10-27 11:25:51.610000+00:00,43.43827,-7.86376,1
+2017-10-27 11:25:51.610000+00:00,43.44075,-7.85755,1
+2017-10-27 11:25:51.610000+00:00,43.44114,-7.85587,1
+2017-07-12 11:33:19.460000+00:00,43.43717,-7.86444,1
+2017-07-12 11:33:19.460000+00:00,43.43827,-7.86376,1
+2017-07-12 11:33:19.460000+00:00,43.44075,-7.85755,1
+2017-07-12 11:33:19.460000+00:00,43.44114,-7.85587,1
+2017-04-08 11:34:07.970000+00:00,43.43717,-7.86444,1
+2017-04-08 11:34:07.970000+00:00,43.43827,-7.86376,1
+2017-04-08 11:34:07.970000+00:00,43.44075,-7.85755,1
+2017-04-08 11:34:07.970000+00:00,43.44114,-7.85587,1
+2019-01-05 11:29:11.060000+00:00,43.43717,-7.86444,1
+2019-01-05 11:29:11.060000+00:00,43.43827,-7.86376,1
+2019-01-05 11:29:11.060000+00:00,43.44075,-7.85755,1
+2019-01-05 11:29:11.060000+00:00,43.44114,-7.85587,1
+2019-08-13 11:29:19.839000+00:00,43.43717,-7.86444,0
+2019-08-13 11:29:19.839000+00:00,43.43827,-7.86376,0
+2019-08-13 11:29:19.839000+00:00,43.44075,-7.85755,0
+2019-08-13 11:29:19.839000+00:00,43.44114,-7.85587,0
+2018-10-05 11:33:14.460000+00:00,43.43717,-7.86444,1
+2018-10-05 11:33:14.460000+00:00,43.43827,-7.86376,1
+2018-10-05 11:33:14.460000+00:00,43.44075,-7.85755,1
+2018-10-05 11:33:14.460000+00:00,43.44114,-7.85587,1
+2017-11-16 11:27:15.960000+00:00,43.43717,-7.86444,1
+2017-11-16 11:27:15.960000+00:00,43.43827,-7.86376,1
+2017-11-16 11:27:15.960000+00:00,43.44075,-7.85755,1
+2017-11-16 11:27:15.960000+00:00,43.44114,-7.85587,1
+2019-01-08 11:39:08.570000+00:00,43.43717,-7.86444,1
+2019-01-08 11:39:08.570000+00:00,43.43827,-7.86376,1
+2019-01-08 11:39:08.570000+00:00,43.44075,-7.85755,1
+2019-01-08 11:39:08.570000+00:00,43.44114,-7.85587,1
+2018-10-20 11:34:39.440000+00:00,43.43717,-7.86444,1
+2018-10-20 11:34:39.440000+00:00,43.43827,-7.86376,1
+2018-10-20 11:34:39.440000+00:00,43.44075,-7.85755,1
+2018-10-20 11:34:39.440000+00:00,43.44114,-7.85587,1
+2017-07-02 11:33:58.140000+00:00,43.43717,-7.86444,1
+2017-07-02 11:33:58.140000+00:00,43.43827,-7.86376,1
+2017-07-02 11:33:58.140000+00:00,43.44075,-7.85755,1
+2017-07-02 11:33:58.140000+00:00,43.44114,-7.85587,1
+2021-03-28 11:39:11.262000+00:00,43.43717,-7.86444,0
+2021-03-28 11:39:11.262000+00:00,43.43827,-7.86376,0
+2021-03-28 11:39:11.262000+00:00,43.44075,-7.85755,0
+2021-03-28 11:39:11.262000+00:00,43.44114,-7.85587,0
+2020-07-21 11:39:18.665000+00:00,43.43717,-7.86444,0
+2020-07-21 11:39:18.665000+00:00,43.43827,-7.86376,0
+2020-07-21 11:39:18.665000+00:00,43.44075,-7.85755,0
+2020-07-21 11:39:18.665000+00:00,43.44114,-7.85587,0
+2016-08-01 11:33:23.464000+00:00,43.43717,-7.86444,1
+2016-08-01 11:33:23.464000+00:00,43.43827,-7.86376,1
+2016-08-01 11:33:23.464000+00:00,43.44075,-7.85755,1
+2016-08-01 11:33:23.464000+00:00,43.44114,-7.85587,1
+2019-03-26 11:29:15+00:00,43.43717,-7.86444,1
+2019-03-26 11:29:15+00:00,43.43827,-7.86376,1
+2019-03-26 11:29:15+00:00,43.44075,-7.85755,1
+2019-03-26 11:29:15+00:00,43.44114,-7.85587,1
+2016-08-21 11:33:21.460000+00:00,43.43717,-7.86444,1
+2016-08-21 11:33:21.460000+00:00,43.43827,-7.86376,1
+2016-08-21 11:33:21.460000+00:00,43.44075,-7.85755,1
+2016-08-21 11:33:21.460000+00:00,43.44114,-7.85587,1
+2017-01-08 11:37:54.889000+00:00,43.43717,-7.86444,1
+2017-01-08 11:37:54.889000+00:00,43.43827,-7.86376,1
+2017-01-08 11:37:54.889000+00:00,43.44075,-7.85755,1
+2017-01-08 11:37:54.889000+00:00,43.44114,-7.85587,1
+2020-01-23 11:39:06.815000+00:00,43.43717,-7.86444,1
+2020-01-23 11:39:06.815000+00:00,43.43827,-7.86376,1
+2020-01-23 11:39:06.815000+00:00,43.44075,-7.85755,1
+2020-01-23 11:39:06.815000+00:00,43.44114,-7.85587,1
+2018-09-10 11:36:13.240000+00:00,43.43717,-7.86444,1
+2018-09-10 11:36:13.240000+00:00,43.43827,-7.86376,1
+2018-09-10 11:36:13.240000+00:00,43.44075,-7.85755,1
+2018-09-10 11:36:13.240000+00:00,43.44114,-7.85587,1
+2018-02-22 11:33:15.460000+00:00,43.43717,-7.86444,1
+2018-02-22 11:33:15.460000+00:00,43.43827,-7.86376,1
+2018-02-22 11:33:15.460000+00:00,43.44075,-7.85755,1
+2018-02-22 11:33:15.460000+00:00,43.44114,-7.85587,1
+2017-09-20 11:36:15.060000+00:00,43.43717,-7.86444,0
+2017-09-20 11:36:15.060000+00:00,43.43827,-7.86376,0
+2017-09-20 11:36:15.060000+00:00,43.44075,-7.85755,0
+2017-09-20 11:36:15.060000+00:00,43.44114,-7.85587,0
+2017-02-02 10:45:36.849000+00:00,50.99297,6.66606,1
+2017-02-02 10:45:36.849000+00:00,50.99311,6.66457,1
+2017-02-02 10:45:36.849000+00:00,50.99345,6.66565,1
+2017-02-02 10:45:36.849000+00:00,50.99355,6.66724,1
+2017-02-02 10:45:36.849000+00:00,50.9936,6.66418,1
+2017-02-02 10:45:36.849000+00:00,50.99395,6.66524,1
+2017-02-02 10:45:36.849000+00:00,50.994,6.66879,1
+2017-02-02 10:45:36.849000+00:00,50.99452,6.66646,1
+2017-02-02 10:45:36.849000+00:00,50.99466,6.67043,1
+2017-02-02 10:45:36.849000+00:00,50.99514,6.66811,1
+2017-02-02 10:45:36.849000+00:00,50.99611,6.67141,1
+2019-09-20 10:46:51.537000+00:00,50.99297,6.66606,1
+2019-09-20 10:46:51.537000+00:00,50.99311,6.66457,1
+2019-09-20 10:46:51.537000+00:00,50.99345,6.66565,1
+2019-09-20 10:46:51.537000+00:00,50.99355,6.66724,1
+2019-09-20 10:46:51.537000+00:00,50.9936,6.66418,1
+2019-09-20 10:46:51.537000+00:00,50.99395,6.66524,1
+2019-09-20 10:46:51.537000+00:00,50.994,6.66879,1
+2019-09-20 10:46:51.537000+00:00,50.99452,6.66646,1
+2019-09-20 10:46:51.537000+00:00,50.99466,6.67043,1
+2019-09-20 10:46:51.537000+00:00,50.99514,6.66811,1
+2019-09-20 10:46:51.537000+00:00,50.99611,6.67141,1
+2018-07-07 10:45:15.680000+00:00,50.99297,6.66606,1
+2018-07-07 10:45:15.680000+00:00,50.99311,6.66457,1
+2018-07-07 10:45:15.680000+00:00,50.99345,6.66565,1
+2018-07-07 10:45:15.680000+00:00,50.99355,6.66724,1
+2018-07-07 10:45:15.680000+00:00,50.9936,6.66418,1
+2018-07-07 10:45:15.680000+00:00,50.99395,6.66524,1
+2018-07-07 10:45:15.680000+00:00,50.994,6.66879,1
+2018-07-07 10:45:15.680000+00:00,50.99452,6.66646,1
+2018-07-07 10:45:15.680000+00:00,50.99466,6.67043,1
+2018-07-07 10:45:15.680000+00:00,50.99514,6.66811,1
+2018-07-07 10:45:15.680000+00:00,50.99611,6.67141,1
+2018-07-22 10:40:20.460000+00:00,50.99297,6.66606,1
+2018-07-22 10:40:20.460000+00:00,50.99311,6.66457,1
+2018-07-22 10:40:20.460000+00:00,50.99345,6.66565,1
+2018-07-22 10:40:20.460000+00:00,50.99355,6.66724,1
+2018-07-22 10:40:20.460000+00:00,50.9936,6.66418,1
+2018-07-22 10:40:20.460000+00:00,50.99395,6.66524,1
+2018-07-22 10:40:20.460000+00:00,50.994,6.66879,1
+2018-07-22 10:40:20.460000+00:00,50.99452,6.66646,1
+2018-07-22 10:40:20.460000+00:00,50.99466,6.67043,1
+2018-07-22 10:40:20.460000+00:00,50.99514,6.66811,1
+2018-07-22 10:40:20.460000+00:00,50.99611,6.67141,1
+2021-02-11 10:46:50.147000+00:00,50.99297,6.66606,1
+2021-02-11 10:46:50.147000+00:00,50.99311,6.66457,1
+2021-02-11 10:46:50.147000+00:00,50.99345,6.66565,1
+2021-02-11 10:46:50.147000+00:00,50.99355,6.66724,1
+2021-02-11 10:46:50.147000+00:00,50.9936,6.66418,1
+2021-02-11 10:46:50.147000+00:00,50.99395,6.66524,1
+2021-02-11 10:46:50.147000+00:00,50.994,6.66879,1
+2021-02-11 10:46:50.147000+00:00,50.99452,6.66646,1
+2021-02-11 10:46:50.147000+00:00,50.99466,6.67043,1
+2021-02-11 10:46:50.147000+00:00,50.99514,6.66811,1
+2021-02-11 10:46:50.147000+00:00,50.99611,6.67141,1
+2020-04-17 10:46:51.613000+00:00,50.99297,6.66606,1
+2020-04-17 10:46:51.613000+00:00,50.99311,6.66457,1
+2020-04-17 10:46:51.613000+00:00,50.99345,6.66565,1
+2020-04-17 10:46:51.613000+00:00,50.99355,6.66724,1
+2020-04-17 10:46:51.613000+00:00,50.9936,6.66418,1
+2020-04-17 10:46:51.613000+00:00,50.99395,6.66524,1
+2020-04-17 10:46:51.613000+00:00,50.994,6.66879,1
+2020-04-17 10:46:51.613000+00:00,50.99452,6.66646,1
+2020-04-17 10:46:51.613000+00:00,50.99466,6.67043,1
+2020-04-17 10:46:51.613000+00:00,50.99514,6.66811,1
+2020-04-17 10:46:51.613000+00:00,50.99611,6.67141,1
+2019-06-22 10:46:55+00:00,50.99297,6.66606,1
+2019-06-22 10:46:55+00:00,50.99311,6.66457,1
+2019-06-22 10:46:55+00:00,50.99345,6.66565,1
+2019-06-22 10:46:55+00:00,50.99355,6.66724,1
+2019-06-22 10:46:55+00:00,50.9936,6.66418,1
+2019-06-22 10:46:55+00:00,50.99395,6.66524,1
+2019-06-22 10:46:55+00:00,50.994,6.66879,1
+2019-06-22 10:46:55+00:00,50.99452,6.66646,1
+2019-06-22 10:46:55+00:00,50.99466,6.67043,1
+2019-06-22 10:46:55+00:00,50.99514,6.66811,1
+2019-06-22 10:46:55+00:00,50.99611,6.67141,1
+2016-08-16 10:40:25.461000+00:00,50.99297,6.66606,1
+2016-08-16 10:40:25.461000+00:00,50.99311,6.66457,1
+2016-08-16 10:40:25.461000+00:00,50.99345,6.66565,1
+2016-08-16 10:40:25.461000+00:00,50.99355,6.66724,1
+2016-08-16 10:40:25.461000+00:00,50.9936,6.66418,1
+2016-08-16 10:40:25.461000+00:00,50.99395,6.66524,1
+2016-08-16 10:40:25.461000+00:00,50.994,6.66879,1
+2016-08-16 10:40:25.461000+00:00,50.99452,6.66646,1
+2016-08-16 10:40:25.461000+00:00,50.99466,6.67043,1
+2016-08-16 10:40:25.461000+00:00,50.99514,6.66811,1
+2016-08-16 10:40:25.461000+00:00,50.99611,6.67141,1
+2020-12-18 10:46:47.134000+00:00,50.99297,6.66606,1
+2020-12-18 10:46:47.134000+00:00,50.99311,6.66457,1
+2020-12-18 10:46:47.134000+00:00,50.99345,6.66565,1
+2020-12-18 10:46:47.134000+00:00,50.99355,6.66724,1
+2020-12-18 10:46:47.134000+00:00,50.9936,6.66418,1
+2020-12-18 10:46:47.134000+00:00,50.99395,6.66524,1
+2020-12-18 10:46:47.134000+00:00,50.994,6.66879,1
+2020-12-18 10:46:47.134000+00:00,50.99452,6.66646,1
+2020-12-18 10:46:47.134000+00:00,50.99466,6.67043,1
+2020-12-18 10:46:47.134000+00:00,50.99514,6.66811,1
+2020-12-18 10:46:47.134000+00:00,50.99611,6.67141,1
+2018-10-05 10:40:19.460000+00:00,50.99297,6.66606,1
+2018-10-05 10:40:19.460000+00:00,50.99311,6.66457,1
+2018-10-05 10:40:19.460000+00:00,50.99345,6.66565,1
+2018-10-05 10:40:19.460000+00:00,50.99355,6.66724,1
+2018-10-05 10:40:19.460000+00:00,50.9936,6.66418,1
+2018-10-05 10:40:19.460000+00:00,50.99395,6.66524,1
+2018-10-05 10:40:19.460000+00:00,50.994,6.66879,1
+2018-10-05 10:40:19.460000+00:00,50.99452,6.66646,1
+2018-10-05 10:40:19.460000+00:00,50.99466,6.67043,1
+2018-10-05 10:40:19.460000+00:00,50.99514,6.66811,1
+2018-10-05 10:40:19.460000+00:00,50.99611,6.67141,1
+2016-07-27 10:42:50.774000+00:00,50.99297,6.66606,1
+2016-07-27 10:42:50.774000+00:00,50.99311,6.66457,1
+2016-07-27 10:42:50.774000+00:00,50.99345,6.66565,1
+2016-07-27 10:42:50.774000+00:00,50.99355,6.66724,1
+2016-07-27 10:42:50.774000+00:00,50.9936,6.66418,1
+2016-07-27 10:42:50.774000+00:00,50.99395,6.66524,1
+2016-07-27 10:42:50.774000+00:00,50.994,6.66879,1
+2016-07-27 10:42:50.774000+00:00,50.99452,6.66646,1
+2016-07-27 10:42:50.774000+00:00,50.99466,6.67043,1
+2016-07-27 10:42:50.774000+00:00,50.99514,6.66811,1
+2016-07-27 10:42:50.774000+00:00,50.99611,6.67141,1
+2018-12-19 10:46:46.430000+00:00,50.99297,6.66606,1
+2018-12-19 10:46:46.430000+00:00,50.99311,6.66457,1
+2018-12-19 10:46:46.430000+00:00,50.99345,6.66565,1
+2018-12-19 10:46:46.430000+00:00,50.99355,6.66724,1
+2018-12-19 10:46:46.430000+00:00,50.9936,6.66418,1
+2018-12-19 10:46:46.430000+00:00,50.99395,6.66524,1
+2018-12-19 10:46:46.430000+00:00,50.994,6.66879,1
+2018-12-19 10:46:46.430000+00:00,50.99452,6.66646,1
+2018-12-19 10:46:46.430000+00:00,50.99466,6.67043,1
+2018-12-19 10:46:46.430000+00:00,50.99514,6.66811,1
+2018-12-19 10:46:46.430000+00:00,50.99611,6.67141,1
+2018-04-08 10:45:39.940000+00:00,50.99297,6.66606,1
+2018-04-08 10:45:39.940000+00:00,50.99311,6.66457,1
+2018-04-08 10:45:39.940000+00:00,50.99345,6.66565,1
+2018-04-08 10:45:39.940000+00:00,50.99355,6.66724,1
+2018-04-08 10:45:39.940000+00:00,50.9936,6.66418,1
+2018-04-08 10:45:39.940000+00:00,50.99395,6.66524,1
+2018-04-08 10:45:39.940000+00:00,50.994,6.66879,1
+2018-04-08 10:45:39.940000+00:00,50.99452,6.66646,1
+2018-04-08 10:45:39.940000+00:00,50.99466,6.67043,1
+2018-04-08 10:45:39.940000+00:00,50.99514,6.66811,1
+2018-04-08 10:45:39.940000+00:00,50.99611,6.67141,1
+2019-12-04 10:46:45.525000+00:00,50.99297,6.66606,1
+2019-12-04 10:46:45.525000+00:00,50.99311,6.66457,1
+2019-12-04 10:46:45.525000+00:00,50.99345,6.66565,1
+2019-12-04 10:46:45.525000+00:00,50.99355,6.66724,1
+2019-12-04 10:46:45.525000+00:00,50.9936,6.66418,1
+2019-12-04 10:46:45.525000+00:00,50.99395,6.66524,1
+2019-12-04 10:46:45.525000+00:00,50.994,6.66879,1
+2019-12-04 10:46:45.525000+00:00,50.99452,6.66646,1
+2019-12-04 10:46:45.525000+00:00,50.99466,6.67043,1
+2019-12-04 10:46:45.525000+00:00,50.99514,6.66811,1
+2019-12-04 10:46:45.525000+00:00,50.99611,6.67141,1
+2018-10-15 10:40:19.460000+00:00,50.99297,6.66606,1
+2018-10-15 10:40:19.460000+00:00,50.99311,6.66457,1
+2018-10-15 10:40:19.460000+00:00,50.99345,6.66565,1
+2018-10-15 10:40:19.460000+00:00,50.99355,6.66724,1
+2018-10-15 10:40:19.460000+00:00,50.9936,6.66418,1
+2018-10-15 10:40:19.460000+00:00,50.99395,6.66524,1
+2018-10-15 10:40:19.460000+00:00,50.994,6.66879,1
+2018-10-15 10:40:19.460000+00:00,50.99452,6.66646,1
+2018-10-15 10:40:19.460000+00:00,50.99466,6.67043,1
+2018-10-15 10:40:19.460000+00:00,50.99514,6.66811,1
+2018-10-15 10:40:19.460000+00:00,50.99611,6.67141,1
+2018-03-19 10:40:19.460000+00:00,50.99297,6.66606,1
+2018-03-19 10:40:19.460000+00:00,50.99311,6.66457,1
+2018-03-19 10:40:19.460000+00:00,50.99345,6.66565,1
+2018-03-19 10:40:19.460000+00:00,50.99355,6.66724,1
+2018-03-19 10:40:19.460000+00:00,50.9936,6.66418,1
+2018-03-19 10:40:19.460000+00:00,50.99395,6.66524,1
+2018-03-19 10:40:19.460000+00:00,50.994,6.66879,1
+2018-03-19 10:40:19.460000+00:00,50.99452,6.66646,1
+2018-03-19 10:40:19.460000+00:00,50.99466,6.67043,1
+2018-03-19 10:40:19.460000+00:00,50.99514,6.66811,1
+2018-03-19 10:40:19.460000+00:00,50.99611,6.67141,1
+2018-11-14 10:46:45.980000+00:00,50.99297,6.66606,1
+2018-11-14 10:46:45.980000+00:00,50.99311,6.66457,1
+2018-11-14 10:46:45.980000+00:00,50.99345,6.66565,1
+2018-11-14 10:46:45.980000+00:00,50.99355,6.66724,1
+2018-11-14 10:46:45.980000+00:00,50.9936,6.66418,1
+2018-11-14 10:46:45.980000+00:00,50.99395,6.66524,1
+2018-11-14 10:46:45.980000+00:00,50.994,6.66879,1
+2018-11-14 10:46:45.980000+00:00,50.99452,6.66646,1
+2018-11-14 10:46:45.980000+00:00,50.99466,6.67043,1
+2018-11-14 10:46:45.980000+00:00,50.99514,6.66811,1
+2018-11-14 10:46:45.980000+00:00,50.99611,6.67141,1
+2019-08-31 10:46:52.218000+00:00,50.99297,6.66606,1
+2019-08-31 10:46:52.218000+00:00,50.99311,6.66457,1
+2019-08-31 10:46:52.218000+00:00,50.99345,6.66565,1
+2019-08-31 10:46:52.218000+00:00,50.99355,6.66724,1
+2019-08-31 10:46:52.218000+00:00,50.9936,6.66418,1
+2019-08-31 10:46:52.218000+00:00,50.99395,6.66524,1
+2019-08-31 10:46:52.218000+00:00,50.994,6.66879,1
+2019-08-31 10:46:52.218000+00:00,50.99452,6.66646,1
+2019-08-31 10:46:52.218000+00:00,50.99466,6.67043,1
+2019-08-31 10:46:52.218000+00:00,50.99514,6.66811,1
+2019-08-31 10:46:52.218000+00:00,50.99611,6.67141,1
+2017-10-15 10:45:25.943000+00:00,50.99297,6.66606,1
+2017-10-15 10:45:25.943000+00:00,50.99311,6.66457,1
+2017-10-15 10:45:25.943000+00:00,50.99345,6.66565,1
+2017-10-15 10:45:25.943000+00:00,50.99355,6.66724,1
+2017-10-15 10:45:25.943000+00:00,50.9936,6.66418,1
+2017-10-15 10:45:25.943000+00:00,50.99395,6.66524,1
+2017-10-15 10:45:25.943000+00:00,50.994,6.66879,1
+2017-10-15 10:45:25.943000+00:00,50.99452,6.66646,1
+2017-10-15 10:45:25.943000+00:00,50.99466,6.67043,1
+2017-10-15 10:45:25.943000+00:00,50.99514,6.66811,1
+2017-10-15 10:45:25.943000+00:00,50.99611,6.67141,1
+2016-12-04 10:45:38.833000+00:00,50.99297,6.66606,1
+2016-12-04 10:45:38.833000+00:00,50.99311,6.66457,1
+2016-12-04 10:45:38.833000+00:00,50.99345,6.66565,1
+2016-12-04 10:45:38.833000+00:00,50.99355,6.66724,1
+2016-12-04 10:45:38.833000+00:00,50.9936,6.66418,1
+2016-12-04 10:45:38.833000+00:00,50.99395,6.66524,1
+2016-12-04 10:45:38.833000+00:00,50.994,6.66879,1
+2016-12-04 10:45:38.833000+00:00,50.99452,6.66646,1
+2016-12-04 10:45:38.833000+00:00,50.99466,6.67043,1
+2016-12-04 10:45:38.833000+00:00,50.99514,6.66811,1
+2016-12-04 10:45:38.833000+00:00,50.99611,6.67141,1
+2020-03-18 10:46:47.845000+00:00,50.99297,6.66606,1
+2020-03-18 10:46:47.845000+00:00,50.99311,6.66457,1
+2020-03-18 10:46:47.845000+00:00,50.99345,6.66565,1
+2020-03-18 10:46:47.845000+00:00,50.99355,6.66724,1
+2020-03-18 10:46:47.845000+00:00,50.9936,6.66418,1
+2020-03-18 10:46:47.845000+00:00,50.99395,6.66524,1
+2020-03-18 10:46:47.845000+00:00,50.994,6.66879,1
+2020-03-18 10:46:47.845000+00:00,50.99452,6.66646,1
+2020-03-18 10:46:47.845000+00:00,50.99466,6.67043,1
+2020-03-18 10:46:47.845000+00:00,50.99514,6.66811,1
+2020-03-18 10:46:47.845000+00:00,50.99611,6.67141,1
+2017-03-14 10:44:11.573000+00:00,50.99297,6.66606,1
+2017-03-14 10:44:11.573000+00:00,50.99311,6.66457,1
+2017-03-14 10:44:11.573000+00:00,50.99345,6.66565,1
+2017-03-14 10:44:11.573000+00:00,50.99355,6.66724,1
+2017-03-14 10:44:11.573000+00:00,50.9936,6.66418,1
+2017-03-14 10:44:11.573000+00:00,50.99395,6.66524,1
+2017-03-14 10:44:11.573000+00:00,50.994,6.66879,1
+2017-03-14 10:44:11.573000+00:00,50.99452,6.66646,1
+2017-03-14 10:44:11.573000+00:00,50.99466,6.67043,1
+2017-03-14 10:44:11.573000+00:00,50.99514,6.66811,1
+2017-03-14 10:44:11.573000+00:00,50.99611,6.67141,1
+2018-10-10 10:40:18.460000+00:00,50.99297,6.66606,1
+2018-10-10 10:40:18.460000+00:00,50.99311,6.66457,1
+2018-10-10 10:40:18.460000+00:00,50.99345,6.66565,1
+2018-10-10 10:40:18.460000+00:00,50.99355,6.66724,1
+2018-10-10 10:40:18.460000+00:00,50.9936,6.66418,1
+2018-10-10 10:40:18.460000+00:00,50.99395,6.66524,1
+2018-10-10 10:40:18.460000+00:00,50.994,6.66879,1
+2018-10-10 10:40:18.460000+00:00,50.99452,6.66646,1
+2018-10-10 10:40:18.460000+00:00,50.99466,6.67043,1
+2018-10-10 10:40:18.460000+00:00,50.99514,6.66811,1
+2018-10-10 10:40:18.460000+00:00,50.99611,6.67141,1
+2018-02-27 10:42:36.560000+00:00,50.99297,6.66606,1
+2018-02-27 10:42:36.560000+00:00,50.99311,6.66457,1
+2018-02-27 10:42:36.560000+00:00,50.99345,6.66565,1
+2018-02-27 10:42:36.560000+00:00,50.99355,6.66724,1
+2018-02-27 10:42:36.560000+00:00,50.9936,6.66418,1
+2018-02-27 10:42:36.560000+00:00,50.99395,6.66524,1
+2018-02-27 10:42:36.560000+00:00,50.994,6.66879,1
+2018-02-27 10:42:36.560000+00:00,50.99452,6.66646,1
+2018-02-27 10:42:36.560000+00:00,50.99466,6.67043,1
+2018-02-27 10:42:36.560000+00:00,50.99514,6.66811,1
+2018-02-27 10:42:36.560000+00:00,50.99611,6.67141,1
+2016-06-07 10:40:26.455000+00:00,50.99297,6.66606,1
+2016-06-07 10:40:26.455000+00:00,50.99311,6.66457,1
+2016-06-07 10:40:26.455000+00:00,50.99345,6.66565,1
+2016-06-07 10:40:26.455000+00:00,50.99355,6.66724,1
+2016-06-07 10:40:26.455000+00:00,50.9936,6.66418,1
+2016-06-07 10:40:26.455000+00:00,50.99395,6.66524,1
+2016-06-07 10:40:26.455000+00:00,50.994,6.66879,1
+2016-06-07 10:40:26.455000+00:00,50.99452,6.66646,1
+2016-06-07 10:40:26.455000+00:00,50.99466,6.67043,1
+2016-06-07 10:40:26.455000+00:00,50.99514,6.66811,1
+2016-06-07 10:40:26.455000+00:00,50.99611,6.67141,1
+2020-05-17 10:46:56.832000+00:00,50.99297,6.66606,1
+2020-05-17 10:46:56.832000+00:00,50.99311,6.66457,1
+2020-05-17 10:46:56.832000+00:00,50.99345,6.66565,1
+2020-05-17 10:46:56.832000+00:00,50.99355,6.66724,1
+2020-05-17 10:46:56.832000+00:00,50.9936,6.66418,1
+2020-05-17 10:46:56.832000+00:00,50.99395,6.66524,1
+2020-05-17 10:46:56.832000+00:00,50.994,6.66879,1
+2020-05-17 10:46:56.832000+00:00,50.99452,6.66646,1
+2020-05-17 10:46:56.832000+00:00,50.99466,6.67043,1
+2020-05-17 10:46:56.832000+00:00,50.99514,6.66811,1
+2020-05-17 10:46:56.832000+00:00,50.99611,6.67141,1
+2020-04-12 10:46:47.679000+00:00,50.99297,6.66606,1
+2020-04-12 10:46:47.679000+00:00,50.99311,6.66457,1
+2020-04-12 10:46:47.679000+00:00,50.99345,6.66565,1
+2020-04-12 10:46:47.679000+00:00,50.99355,6.66724,1
+2020-04-12 10:46:47.679000+00:00,50.9936,6.66418,1
+2020-04-12 10:46:47.679000+00:00,50.99395,6.66524,1
+2020-04-12 10:46:47.679000+00:00,50.994,6.66879,1
+2020-04-12 10:46:47.679000+00:00,50.99452,6.66646,1
+2020-04-12 10:46:47.679000+00:00,50.99466,6.67043,1
+2020-04-12 10:46:47.679000+00:00,50.99514,6.66811,1
+2020-04-12 10:46:47.679000+00:00,50.99611,6.67141,1
+2020-05-31 16:24:21.475000+00:00,33.05637,-83.80881,1
+2020-05-31 16:24:21.475000+00:00,33.05741,-83.81125,1
+2020-05-31 16:24:21.475000+00:00,33.06375,-83.81112,1
+2020-05-31 16:24:21.475000+00:00,33.06422,-83.80803,1
+2019-09-29 16:24:21.429000+00:00,33.05637,-83.80881,1
+2019-09-29 16:24:21.429000+00:00,33.05741,-83.81125,1
+2019-09-29 16:24:21.429000+00:00,33.06375,-83.81112,1
+2019-09-29 16:24:21.429000+00:00,33.06422,-83.80803,1
+2020-12-12 16:24:16.743000+00:00,33.05637,-83.80881,1
+2020-12-12 16:24:16.743000+00:00,33.05741,-83.81125,1
+2020-12-12 16:24:16.743000+00:00,33.06375,-83.81112,1
+2020-12-12 16:24:16.743000+00:00,33.06422,-83.80803,1
+2019-03-23 16:24:20+00:00,33.05637,-83.80881,1
+2019-03-23 16:24:20+00:00,33.05741,-83.81125,1
+2019-03-23 16:24:20+00:00,33.06375,-83.81112,1
+2019-03-23 16:24:20+00:00,33.06422,-83.80803,1
+2016-05-27 16:22:50.233000+00:00,33.05637,-83.80881,1
+2016-05-27 16:22:50.233000+00:00,33.05741,-83.81125,1
+2016-05-27 16:22:50.233000+00:00,33.06375,-83.81112,1
+2016-05-27 16:22:50.233000+00:00,33.06422,-83.80803,1
+2017-05-02 16:22:29.590000+00:00,33.05637,-83.80881,1
+2017-05-02 16:22:29.590000+00:00,33.05741,-83.81125,1
+2017-05-02 16:22:29.590000+00:00,33.06375,-83.81112,1
+2017-05-02 16:22:29.590000+00:00,33.06422,-83.80803,1
+2018-06-06 16:19:35.230000+00:00,33.05637,-83.80881,1
+2018-06-06 16:19:35.230000+00:00,33.05741,-83.81125,1
+2018-06-06 16:19:35.230000+00:00,33.06375,-83.81112,1
+2018-06-06 16:19:35.230000+00:00,33.06422,-83.80803,1
+2020-10-18 16:24:23.629000+00:00,33.05637,-83.80881,1
+2020-10-18 16:24:23.629000+00:00,33.05741,-83.81125,1
+2020-10-18 16:24:23.629000+00:00,33.06375,-83.81112,1
+2020-10-18 16:24:23.629000+00:00,33.06422,-83.80803,1
+2017-12-28 16:16:54.460000+00:00,33.05637,-83.80881,1
+2017-12-28 16:16:54.460000+00:00,33.05741,-83.81125,1
+2017-12-28 16:16:54.460000+00:00,33.06375,-83.81112,1
+2017-12-28 16:16:54.460000+00:00,33.06422,-83.80803,1
+2018-11-03 16:17:24.240000+00:00,33.05637,-83.80881,1
+2018-11-03 16:17:24.240000+00:00,33.05741,-83.81125,1
+2018-11-03 16:17:24.240000+00:00,33.06375,-83.81112,1
+2018-11-03 16:17:24.240000+00:00,33.06422,-83.80803,1
+2019-10-24 16:24:20.974000+00:00,33.05637,-83.80881,1
+2019-10-24 16:24:20.974000+00:00,33.05741,-83.81125,1
+2019-10-24 16:24:20.974000+00:00,33.06375,-83.81112,1
+2019-10-24 16:24:20.974000+00:00,33.06422,-83.80803,1
+2018-10-29 16:22:02.900000+00:00,33.05637,-83.80881,1
+2018-10-29 16:22:02.900000+00:00,33.05741,-83.81125,1
+2018-10-29 16:22:02.900000+00:00,33.06375,-83.81112,1
+2018-10-29 16:22:02.900000+00:00,33.06422,-83.80803,1
+2019-11-18 16:24:23.387000+00:00,33.05637,-83.80881,1
+2019-11-18 16:24:23.387000+00:00,33.05741,-83.81125,1
+2019-11-18 16:24:23.387000+00:00,33.06375,-83.81112,1
+2019-11-18 16:24:23.387000+00:00,33.06422,-83.80803,1
+2018-07-21 16:20:35.310000+00:00,33.05637,-83.80881,1
+2018-07-21 16:20:35.310000+00:00,33.05741,-83.81125,1
+2018-07-21 16:20:35.310000+00:00,33.06375,-83.81112,1
+2018-07-21 16:20:35.310000+00:00,33.06422,-83.80803,1
+2018-02-16 16:13:40.460000+00:00,33.05637,-83.80881,1
+2018-02-16 16:13:40.460000+00:00,33.05741,-83.81125,1
+2018-02-16 16:13:40.460000+00:00,33.06375,-83.81112,1
+2018-02-16 16:13:40.460000+00:00,33.06422,-83.80803,1
+2017-11-13 16:18:40.720000+00:00,33.05637,-83.80881,1
+2017-11-13 16:18:40.720000+00:00,33.05741,-83.81125,1
+2017-11-13 16:18:40.720000+00:00,33.06375,-83.81112,1
+2017-11-13 16:18:40.720000+00:00,33.06422,-83.80803,1
+2018-05-07 16:13:17+00:00,33.05637,-83.80881,1
+2018-05-07 16:13:17+00:00,33.05741,-83.81125,1
+2018-05-07 16:13:17+00:00,33.06375,-83.81112,1
+2018-05-07 16:13:17+00:00,33.06422,-83.80803,1
+2020-01-12 16:24:16.481000+00:00,33.05637,-83.80881,0
+2020-01-12 16:24:16.481000+00:00,33.05741,-83.81125,0
+2020-01-12 16:24:16.481000+00:00,33.06375,-83.81112,0
+2020-01-12 16:24:16.481000+00:00,33.06422,-83.80803,0
+2020-07-20 16:24:21.637000+00:00,33.05637,-83.80881,1
+2020-07-20 16:24:21.637000+00:00,33.05741,-83.81125,1
+2020-07-20 16:24:21.637000+00:00,33.06375,-83.81112,1
+2020-07-20 16:24:21.637000+00:00,33.06422,-83.80803,1
+2019-03-28 16:24:23+00:00,33.05637,-83.80881,1
+2019-03-28 16:24:23+00:00,33.05741,-83.81125,1
+2019-03-28 16:24:23+00:00,33.06375,-83.81112,1
+2019-03-28 16:24:23+00:00,33.06422,-83.80803,1
+2019-01-07 16:24:20.580000+00:00,33.05637,-83.80881,1
+2019-01-07 16:24:20.580000+00:00,33.05741,-83.81125,1
+2019-01-07 16:24:20.580000+00:00,33.06375,-83.81112,1
+2019-01-07 16:24:20.580000+00:00,33.06422,-83.80803,1
+2019-09-04 16:24:24.622000+00:00,33.05637,-83.80881,1
+2019-09-04 16:24:24.622000+00:00,33.05741,-83.81125,1
+2019-09-04 16:24:24.622000+00:00,33.06375,-83.81112,1
+2019-09-04 16:24:24.622000+00:00,33.06422,-83.80803,1
+2020-04-16 16:24:21.896000+00:00,33.05637,-83.80881,1
+2020-04-16 16:24:21.896000+00:00,33.05741,-83.81125,1
+2020-04-16 16:24:21.896000+00:00,33.06375,-83.81112,1
+2020-04-16 16:24:21.896000+00:00,33.06422,-83.80803,1
+2019-07-01 16:24:24+00:00,33.05637,-83.80881,1
+2019-07-01 16:24:24+00:00,33.05741,-83.81125,1
+2019-07-01 16:24:24+00:00,33.06375,-83.81112,1
+2019-07-01 16:24:24+00:00,33.06422,-83.80803,1
+2019-04-27 16:24:29+00:00,33.05637,-83.80881,1
+2019-04-27 16:24:29+00:00,33.05741,-83.81125,1
+2019-04-27 16:24:29+00:00,33.06375,-83.81112,1
+2019-04-27 16:24:29+00:00,33.06422,-83.80803,1
+2016-04-27 16:22:48.230000+00:00,33.05637,-83.80881,1
+2016-04-27 16:22:48.230000+00:00,33.05741,-83.81125,1
+2016-04-27 16:22:48.230000+00:00,33.06375,-83.81112,1
+2016-04-27 16:22:48.230000+00:00,33.06422,-83.80803,1
+2020-01-17 16:24:15.945000+00:00,33.05637,-83.80881,0
+2020-01-17 16:24:15.945000+00:00,33.05741,-83.81125,0
+2020-01-17 16:24:15.945000+00:00,33.06375,-83.81112,0
+2020-01-17 16:24:15.945000+00:00,33.06422,-83.80803,0
+2020-11-17 16:24:20.674000+00:00,33.05637,-83.80881,1
+2020-11-17 16:24:20.674000+00:00,33.05741,-83.81125,1
+2020-11-17 16:24:20.674000+00:00,33.06375,-83.81112,1
+2020-11-17 16:24:20.674000+00:00,33.06422,-83.80803,1
+2020-04-01 16:24:19.367000+00:00,33.05637,-83.80881,1
+2020-04-01 16:24:19.367000+00:00,33.05741,-83.81125,1
+2020-04-01 16:24:19.367000+00:00,33.06375,-83.81112,1
+2020-04-01 16:24:19.367000+00:00,33.06422,-83.80803,1
+2019-11-28 16:24:19.412000+00:00,33.05637,-83.80881,1
+2019-11-28 16:24:19.412000+00:00,33.05741,-83.81125,1
+2019-11-28 16:24:19.412000+00:00,33.06375,-83.81112,1
+2019-11-28 16:24:19.412000+00:00,33.06422,-83.80803,1
+2020-04-21 16:24:16.627000+00:00,33.05637,-83.80881,0
+2020-04-21 16:24:16.627000+00:00,33.05741,-83.81125,0
+2020-04-21 16:24:16.627000+00:00,33.06375,-83.81112,0
+2020-04-21 16:24:16.627000+00:00,33.06422,-83.80803,0
+2020-11-27 16:24:21.887000+00:00,33.05637,-83.80881,1
+2020-11-27 16:24:21.887000+00:00,33.05741,-83.81125,1
+2020-11-27 16:24:21.887000+00:00,33.06375,-83.81112,1
+2020-11-27 16:24:21.887000+00:00,33.06422,-83.80803,1
+2018-01-02 16:16:44.460000+00:00,33.05637,-83.80881,1
+2018-01-02 16:16:44.460000+00:00,33.05741,-83.81125,1
+2018-01-02 16:16:44.460000+00:00,33.06375,-83.81112,1
+2018-01-02 16:16:44.460000+00:00,33.06422,-83.80803,1
+2018-02-06 16:14:34.460000+00:00,33.05637,-83.80881,1
+2018-02-06 16:14:34.460000+00:00,33.05741,-83.81125,1
+2018-02-06 16:14:34.460000+00:00,33.06375,-83.81112,1
+2018-02-06 16:14:34.460000+00:00,33.06422,-83.80803,1
+2019-01-17 16:24:21.680000+00:00,33.05637,-83.80881,1
+2019-01-17 16:24:21.680000+00:00,33.05741,-83.81125,1
+2019-01-17 16:24:21.680000+00:00,33.06375,-83.81112,1
+2019-01-17 16:24:21.680000+00:00,33.06422,-83.80803,1
+2020-09-03 16:24:24.507000+00:00,33.05637,-83.80881,1
+2020-09-03 16:24:24.507000+00:00,33.05741,-83.81125,1
+2020-09-03 16:24:24.507000+00:00,33.06375,-83.81112,1
+2020-09-03 16:24:24.507000+00:00,33.06422,-83.80803,1
+2019-09-19 16:24:19.771000+00:00,33.05637,-83.80881,1
+2019-09-19 16:24:19.771000+00:00,33.05741,-83.81125,1
+2019-09-19 16:24:19.771000+00:00,33.06375,-83.81112,1
+2019-09-19 16:24:19.771000+00:00,33.06422,-83.80803,1
+2019-04-07 16:24:25+00:00,33.05637,-83.80881,1
+2019-04-07 16:24:25+00:00,33.05741,-83.81125,1
+2019-04-07 16:24:25+00:00,33.06375,-83.81112,1
+2019-04-07 16:24:25+00:00,33.06422,-83.80803,1
+2019-07-16 16:24:28.694000+00:00,33.05637,-83.80881,1
+2019-07-16 16:24:28.694000+00:00,33.05741,-83.81125,1
+2019-07-16 16:24:28.694000+00:00,33.06375,-83.81112,1
+2019-07-16 16:24:28.694000+00:00,33.06422,-83.80803,1
+2020-11-02 16:24:26.964000+00:00,33.05637,-83.80881,1
+2020-11-02 16:24:26.964000+00:00,33.05741,-83.81125,1
+2020-11-02 16:24:26.964000+00:00,33.06375,-83.81112,1
+2020-11-02 16:24:26.964000+00:00,33.06422,-83.80803,1
+2018-11-21 16:34:03.670000+00:00,34.1232,-84.92392,1
+2018-11-21 16:34:03.670000+00:00,34.12355,-84.91968,1
+2018-11-21 16:34:03.670000+00:00,34.125,-84.92487,1
+2018-11-21 16:34:03.670000+00:00,34.125,-84.91867,1
+2018-08-08 16:32:39.430000+00:00,34.1232,-84.92392,1
+2018-08-08 16:32:39.430000+00:00,34.12355,-84.91968,1
+2018-08-08 16:32:39.430000+00:00,34.125,-84.92487,1
+2018-08-08 16:32:39.430000+00:00,34.125,-84.91867,1
+2019-08-13 16:34:10.286000+00:00,34.1232,-84.92392,1
+2019-08-13 16:34:10.286000+00:00,34.12355,-84.91968,1
+2019-08-13 16:34:10.286000+00:00,34.125,-84.92487,1
+2019-08-13 16:34:10.286000+00:00,34.125,-84.91867,1
+2019-04-10 16:34:11+00:00,34.1232,-84.92392,1
+2019-04-10 16:34:11+00:00,34.12355,-84.91968,1
+2019-04-10 16:34:11+00:00,34.125,-84.92487,1
+2019-04-10 16:34:11+00:00,34.125,-84.91867,1
+2019-09-02 16:34:07.075000+00:00,34.1232,-84.92392,1
+2019-09-02 16:34:07.075000+00:00,34.12355,-84.91968,1
+2019-09-02 16:34:07.075000+00:00,34.125,-84.92487,1
+2019-09-02 16:34:07.075000+00:00,34.125,-84.91867,1
+2017-11-26 16:26:09.460000+00:00,34.1232,-84.92392,1
+2017-11-26 16:26:09.460000+00:00,34.12355,-84.91968,1
+2017-11-26 16:26:09.460000+00:00,34.125,-84.92487,1
+2017-11-26 16:26:09.460000+00:00,34.125,-84.91867,1
+2017-07-09 16:33:28.740000+00:00,34.1232,-84.92392,1
+2017-07-09 16:33:28.740000+00:00,34.12355,-84.91968,1
+2017-07-09 16:33:28.740000+00:00,34.125,-84.92487,1
+2017-07-09 16:33:28.740000+00:00,34.125,-84.91867,1
+2020-12-10 16:34:04.180000+00:00,34.1232,-84.92392,1
+2020-12-10 16:34:04.180000+00:00,34.12355,-84.91968,1
+2020-12-10 16:34:04.180000+00:00,34.125,-84.92487,1
+2020-12-10 16:34:04.180000+00:00,34.125,-84.91867,1
+2019-01-10 16:34:05.800000+00:00,34.1232,-84.92392,0
+2019-01-10 16:34:05.800000+00:00,34.12355,-84.91968,0
+2019-01-10 16:34:05.800000+00:00,34.125,-84.92487,0
+2019-01-10 16:34:05.800000+00:00,34.125,-84.91867,0
+2020-05-09 16:34:11.251000+00:00,34.1232,-84.92392,0
+2020-05-09 16:34:11.251000+00:00,34.12355,-84.91968,0
+2020-05-09 16:34:11.251000+00:00,34.125,-84.92487,0
+2020-05-09 16:34:11.251000+00:00,34.125,-84.91867,0
+2018-03-31 16:22:22.490000+00:00,34.1232,-84.92392,1
+2018-03-31 16:22:22.490000+00:00,34.12355,-84.91968,1
+2018-03-31 16:22:22.490000+00:00,34.125,-84.92487,1
+2018-03-31 16:22:22.490000+00:00,34.125,-84.91867,1
+2018-10-22 16:33:32.170000+00:00,34.1232,-84.92392,1
+2018-10-22 16:33:32.170000+00:00,34.12355,-84.91968,1
+2018-10-22 16:33:32.170000+00:00,34.125,-84.92487,1
+2018-10-22 16:33:32.170000+00:00,34.125,-84.91867,1
+2019-05-15 16:34:10+00:00,34.1232,-84.92392,1
+2019-05-15 16:34:10+00:00,34.12355,-84.91968,1
+2019-05-15 16:34:10+00:00,34.125,-84.92487,1
+2019-05-15 16:34:10+00:00,34.125,-84.91867,1
+2019-01-05 16:34:01.580000+00:00,34.1232,-84.92392,0
+2019-01-05 16:34:01.580000+00:00,34.12355,-84.91968,0
+2019-01-05 16:34:01.580000+00:00,34.125,-84.92487,0
+2019-01-05 16:34:01.580000+00:00,34.125,-84.91867,0
+2020-12-25 16:34:06.226000+00:00,34.1232,-84.92392,1
+2020-12-25 16:34:06.226000+00:00,34.12355,-84.91968,1
+2020-12-25 16:34:06.226000+00:00,34.125,-84.92487,1
+2020-12-25 16:34:06.226000+00:00,34.125,-84.91867,1
+2020-09-21 16:34:09.027000+00:00,34.1232,-84.92392,1
+2020-09-21 16:34:09.027000+00:00,34.12355,-84.91968,1
+2020-09-21 16:34:09.027000+00:00,34.125,-84.92487,1
+2020-09-21 16:34:09.027000+00:00,34.125,-84.91867,1
+2017-10-17 16:30:07.140000+00:00,34.1232,-84.92392,1
+2017-10-17 16:30:07.140000+00:00,34.12355,-84.91968,1
+2017-10-17 16:30:07.140000+00:00,34.125,-84.92487,1
+2017-10-17 16:30:07.140000+00:00,34.125,-84.91867,1
+2020-10-01 16:34:10.101000+00:00,34.1232,-84.92392,0
+2020-10-01 16:34:10.101000+00:00,34.12355,-84.91968,0
+2020-10-01 16:34:10.101000+00:00,34.125,-84.92487,0
+2020-10-01 16:34:10.101000+00:00,34.125,-84.91867,0
+2019-11-06 16:34:06.803000+00:00,34.1232,-84.92392,1
+2019-11-06 16:34:06.803000+00:00,34.12355,-84.91968,1
+2019-11-06 16:34:06.803000+00:00,34.125,-84.92487,1
+2019-11-06 16:34:06.803000+00:00,34.125,-84.91867,1
+2019-10-17 16:34:08.075000+00:00,34.1232,-84.92392,0
+2019-10-17 16:34:08.075000+00:00,34.12355,-84.91968,0
+2019-10-17 16:34:08.075000+00:00,34.125,-84.92487,0
+2019-10-17 16:34:08.075000+00:00,34.125,-84.91867,0
+2018-08-23 16:23:56.980000+00:00,34.1232,-84.92392,1
+2018-08-23 16:23:56.980000+00:00,34.12355,-84.91968,1
+2018-08-23 16:23:56.980000+00:00,34.125,-84.92487,1
+2018-08-23 16:23:56.980000+00:00,34.125,-84.91867,1
+2019-02-24 16:34:02+00:00,34.1232,-84.92392,1
+2019-02-24 16:34:02+00:00,34.12355,-84.91968,1
+2019-02-24 16:34:02+00:00,34.125,-84.92487,1
+2019-02-24 16:34:02+00:00,34.125,-84.91867,1
+2018-09-02 16:27:43.270000+00:00,34.1232,-84.92392,1
+2018-09-02 16:27:43.270000+00:00,34.12355,-84.91968,1
+2018-09-02 16:27:43.270000+00:00,34.125,-84.92487,1
+2018-09-02 16:27:43.270000+00:00,34.125,-84.91867,1
+2018-06-04 16:24:07.730000+00:00,34.1232,-84.92392,1
+2018-06-04 16:24:07.730000+00:00,34.12355,-84.91968,1
+2018-06-04 16:24:07.730000+00:00,34.125,-84.92487,1
+2018-06-04 16:24:07.730000+00:00,34.125,-84.91867,1
+2017-09-27 16:30:59.040000+00:00,34.1232,-84.92392,1
+2017-09-27 16:30:59.040000+00:00,34.12355,-84.91968,1
+2017-09-27 16:30:59.040000+00:00,34.125,-84.92487,1
+2017-09-27 16:30:59.040000+00:00,34.125,-84.91867,1
+2020-12-05 16:34:05.059000+00:00,34.1232,-84.92392,1
+2020-12-05 16:34:05.059000+00:00,34.12355,-84.91968,1
+2020-12-05 16:34:05.059000+00:00,34.125,-84.92487,1
+2020-12-05 16:34:05.059000+00:00,34.125,-84.91867,1
+2020-07-03 16:34:09.065000+00:00,34.1232,-84.92392,1
+2020-07-03 16:34:09.065000+00:00,34.12355,-84.91968,1
+2020-07-03 16:34:09.065000+00:00,34.125,-84.92487,1
+2020-07-03 16:34:09.065000+00:00,34.125,-84.91867,1
+2019-07-24 16:34:11.853000+00:00,34.1232,-84.92392,1
+2019-07-24 16:34:11.853000+00:00,34.12355,-84.91968,1
+2019-07-24 16:34:11.853000+00:00,34.125,-84.92487,1
+2019-07-24 16:34:11.853000+00:00,34.125,-84.91867,1
+2019-09-17 16:34:06.112000+00:00,34.1232,-84.92392,1
+2019-09-17 16:34:06.112000+00:00,34.12355,-84.91968,1
+2019-09-17 16:34:06.112000+00:00,34.125,-84.92487,1
+2019-09-17 16:34:06.112000+00:00,34.125,-84.91867,1
+2017-05-15 16:31:03.820000+00:00,34.1232,-84.92392,1
+2017-05-15 16:31:03.820000+00:00,34.12355,-84.91968,1
+2017-05-15 16:31:03.820000+00:00,34.125,-84.92487,1
+2017-05-15 16:31:03.820000+00:00,34.125,-84.91867,1
+2020-02-29 16:34:02.220000+00:00,34.1232,-84.92392,1
+2020-02-29 16:34:02.220000+00:00,34.12355,-84.91968,1
+2020-02-29 16:34:02.220000+00:00,34.125,-84.92487,1
+2020-02-29 16:34:02.220000+00:00,34.125,-84.91867,1
+2019-08-08 16:34:14.034000+00:00,34.1232,-84.92392,1
+2019-08-08 16:34:14.034000+00:00,34.12355,-84.91968,1
+2019-08-08 16:34:14.034000+00:00,34.125,-84.92487,1
+2019-08-08 16:34:14.034000+00:00,34.125,-84.91867,1
+2019-01-25 16:34:03+00:00,34.1232,-84.92392,1
+2019-01-25 16:34:03+00:00,34.12355,-84.91968,1
+2019-01-25 16:34:03+00:00,34.125,-84.92487,1
+2019-01-25 16:34:03+00:00,34.125,-84.91867,1
+2018-08-13 16:31:43.920000+00:00,34.1232,-84.92392,1
+2018-08-13 16:31:43.920000+00:00,34.12355,-84.91968,1
+2018-08-13 16:31:43.920000+00:00,34.125,-84.92487,1
+2018-08-13 16:31:43.920000+00:00,34.125,-84.91867,1
+2017-11-16 16:25:29.460000+00:00,34.1232,-84.92392,1
+2017-11-16 16:25:29.460000+00:00,34.12355,-84.91968,1
+2017-11-16 16:25:29.460000+00:00,34.125,-84.92487,1
+2017-11-16 16:25:29.460000+00:00,34.125,-84.91867,1
+2020-03-30 16:34:02.851000+00:00,34.1232,-84.92392,1
+2020-03-30 16:34:02.851000+00:00,34.12355,-84.91968,1
+2020-03-30 16:34:02.851000+00:00,34.125,-84.92487,1
+2020-03-30 16:34:02.851000+00:00,34.125,-84.91867,1
+2019-06-25 10:59:50+00:00,40.99754,-0.38451,0
+2019-06-25 10:59:50+00:00,40.99846,-0.38372,0
+2019-06-25 10:59:50+00:00,40.99943,-0.38288,0
+2019-02-15 10:59:42+00:00,40.99754,-0.38451,0
+2019-02-15 10:59:42+00:00,40.99846,-0.38372,0
+2019-02-15 10:59:42+00:00,40.99943,-0.38288,0
+2020-07-14 10:59:47.358000+00:00,40.99754,-0.38451,0
+2020-07-14 10:59:47.358000+00:00,40.99846,-0.38372,0
+2020-07-14 10:59:47.358000+00:00,40.99943,-0.38288,0
+2020-05-20 10:59:51.515000+00:00,40.99754,-0.38451,0
+2020-05-20 10:59:51.515000+00:00,40.99846,-0.38372,0
+2020-05-20 10:59:51.515000+00:00,40.99943,-0.38288,0
+2016-11-17 10:58:28+00:00,40.99754,-0.38451,1
+2016-11-17 10:58:28+00:00,40.99846,-0.38372,1
+2016-11-17 10:58:28+00:00,40.99943,-0.38288,1
+2016-06-10 10:55:55+00:00,40.99754,-0.38451,0
+2016-06-10 10:55:55+00:00,40.99846,-0.38372,0
+2016-06-10 10:55:55+00:00,40.99943,-0.38288,0
+2018-02-15 10:53:00.870000+00:00,40.99754,-0.38451,1
+2018-02-15 10:53:00.870000+00:00,40.99846,-0.38372,1
+2018-02-15 10:53:00.870000+00:00,40.99943,-0.38288,1
+2019-01-01 10:59:43.490000+00:00,40.99754,-0.38451,0
+2019-01-01 10:59:43.490000+00:00,40.99846,-0.38372,0
+2019-01-01 10:59:43.490000+00:00,40.99943,-0.38288,0
+2016-08-29 10:55:41.340000+00:00,40.99754,-0.38451,1
+2016-08-29 10:55:41.340000+00:00,40.99846,-0.38372,1
+2016-08-29 10:55:41.340000+00:00,40.99943,-0.38288,1
+2018-06-25 10:52:53.380000+00:00,40.99754,-0.38451,0
+2018-06-25 10:52:53.380000+00:00,40.99846,-0.38372,0
+2018-06-25 10:52:53.380000+00:00,40.99943,-0.38288,0
+2018-12-07 10:59:37.570000+00:00,40.99754,-0.38451,0
+2018-12-07 10:59:37.570000+00:00,40.99846,-0.38372,0
+2018-12-07 10:59:37.570000+00:00,40.99943,-0.38288,0
+2019-04-06 10:59:47+00:00,40.99754,-0.38451,0
+2019-04-06 10:59:47+00:00,40.99846,-0.38372,0
+2019-04-06 10:59:47+00:00,40.99943,-0.38288,0
+2016-01-12 11:06:48.877000+00:00,40.99754,-0.38451,0
+2016-01-12 11:06:48.877000+00:00,40.99846,-0.38372,0
+2016-01-12 11:06:48.877000+00:00,40.99943,-0.38288,0
+2019-03-02 10:59:44+00:00,40.99754,-0.38451,0
+2019-03-02 10:59:44+00:00,40.99846,-0.38372,0
+2019-03-02 10:59:44+00:00,40.99943,-0.38288,0
+2020-04-30 10:59:48.857000+00:00,40.99754,-0.38451,0
+2020-04-30 10:59:48.857000+00:00,40.99846,-0.38372,0
+2020-04-30 10:59:48.857000+00:00,40.99943,-0.38288,0
+2017-01-16 10:53:55.461000+00:00,40.99754,-0.38451,1
+2017-01-16 10:53:55.461000+00:00,40.99846,-0.38372,1
+2017-01-16 10:53:55.461000+00:00,40.99943,-0.38288,1
+2016-08-19 10:53:37.060000+00:00,40.99754,-0.38451,1
+2016-08-19 10:53:37.060000+00:00,40.99846,-0.38372,1
+2016-08-19 10:53:37.060000+00:00,40.99943,-0.38288,1
+2019-02-25 10:59:41+00:00,40.99754,-0.38451,1
+2019-02-25 10:59:41+00:00,40.99846,-0.38372,1
+2019-02-25 10:59:41+00:00,40.99943,-0.38288,1
+2017-09-18 10:56:23.450000+00:00,40.99754,-0.38451,1
+2017-09-18 10:56:23.450000+00:00,40.99846,-0.38372,1
+2017-09-18 10:56:23.450000+00:00,40.99943,-0.38288,1
+2018-05-26 10:56:35.060000+00:00,40.99754,-0.38451,1
+2018-05-26 10:56:35.060000+00:00,40.99846,-0.38372,1
+2018-05-26 10:56:35.060000+00:00,40.99943,-0.38288,1
+2020-01-31 10:59:38.303000+00:00,40.99754,-0.38451,0
+2020-01-31 10:59:38.303000+00:00,40.99846,-0.38372,0
+2020-01-31 10:59:38.303000+00:00,40.99943,-0.38288,0
+2018-11-07 10:59:41.460000+00:00,40.99754,-0.38451,1
+2018-11-07 10:59:41.460000+00:00,40.99846,-0.38372,1
+2018-11-07 10:59:41.460000+00:00,40.99943,-0.38288,1
+2019-08-24 10:59:47.840000+00:00,40.99754,-0.38451,0
+2019-08-24 10:59:47.840000+00:00,40.99846,-0.38372,0
+2019-08-24 10:59:47.840000+00:00,40.99943,-0.38288,0
+2018-12-12 10:59:42.670000+00:00,40.99754,-0.38451,1
+2018-12-12 10:59:42.670000+00:00,40.99846,-0.38372,1
+2018-12-12 10:59:42.670000+00:00,40.99943,-0.38288,1
+2018-07-20 10:52:13.080000+00:00,40.99754,-0.38451,1
+2018-07-20 10:52:13.080000+00:00,40.99846,-0.38372,1
+2018-07-20 10:52:13.080000+00:00,40.99943,-0.38288,1
+2020-06-19 10:59:51.897000+00:00,40.99754,-0.38451,0
+2020-06-19 10:59:51.897000+00:00,40.99846,-0.38372,0
+2020-06-19 10:59:51.897000+00:00,40.99943,-0.38288,0
+2017-02-25 10:50:20.457000+00:00,40.99754,-0.38451,1
+2017-02-25 10:50:20.457000+00:00,40.99846,-0.38372,1
+2017-02-25 10:50:20.457000+00:00,40.99943,-0.38288,1
+2019-07-15 10:59:51+00:00,40.99754,-0.38451,0
+2019-07-15 10:59:51+00:00,40.99846,-0.38372,0
+2019-07-15 10:59:51+00:00,40.99943,-0.38288,0
+2019-01-16 10:59:42+00:00,40.99754,-0.38451,1
+2019-01-16 10:59:42+00:00,40.99846,-0.38372,1
+2019-01-16 10:59:42+00:00,40.99943,-0.38288,1
+2018-07-30 10:52:04.870000+00:00,40.99754,-0.38451,1
+2018-07-30 10:52:04.870000+00:00,40.99846,-0.38372,1
+2018-07-30 10:52:04.870000+00:00,40.99943,-0.38288,1
+2018-04-21 10:56:29.230000+00:00,40.99754,-0.38451,0
+2018-04-21 10:56:29.230000+00:00,40.99846,-0.38372,0
+2018-04-21 10:56:29.230000+00:00,40.99943,-0.38288,0
+2018-03-07 10:50:16.460000+00:00,40.99754,-0.38451,1
+2018-03-07 10:50:16.460000+00:00,40.99846,-0.38372,1
+2018-03-07 10:50:16.460000+00:00,40.99943,-0.38288,1
+2018-08-14 10:50:21.460000+00:00,40.99754,-0.38451,1
+2018-08-14 10:50:21.460000+00:00,40.99846,-0.38372,1
+2018-08-14 10:50:21.460000+00:00,40.99943,-0.38288,1
+2016-03-12 10:59:31.410000+00:00,40.99754,-0.38451,0
+2016-03-12 10:59:31.410000+00:00,40.99846,-0.38372,0
+2016-03-12 10:59:31.410000+00:00,40.99943,-0.38288,0
+2020-03-11 10:59:42.090000+00:00,40.99754,-0.38451,0
+2020-03-11 10:59:42.090000+00:00,40.99846,-0.38372,0
+2020-03-11 10:59:42.090000+00:00,40.99943,-0.38288,0
+2019-05-01 10:59:53+00:00,40.99754,-0.38451,0
+2019-05-01 10:59:53+00:00,40.99846,-0.38372,0
+2019-05-01 10:59:53+00:00,40.99943,-0.38288,0
+2020-01-16 10:59:39.807000+00:00,40.99754,-0.38451,1
+2020-01-16 10:59:39.807000+00:00,40.99846,-0.38372,1
+2020-01-16 10:59:39.807000+00:00,40.99943,-0.38288,1
+2019-06-20 10:59:53+00:00,40.99754,-0.38451,0
+2019-06-20 10:59:53+00:00,40.99846,-0.38372,0
+2019-06-20 10:59:53+00:00,40.99943,-0.38288,0
+2017-07-05 10:56:05.590000+00:00,40.99754,-0.38451,1
+2017-07-05 10:56:05.590000+00:00,40.99846,-0.38372,1
+2017-07-05 10:56:05.590000+00:00,40.99943,-0.38288,1
+2018-08-04 10:58:11.470000+00:00,40.99754,-0.38451,1
+2018-08-04 10:58:11.470000+00:00,40.99846,-0.38372,1
+2018-08-04 10:58:11.470000+00:00,40.99943,-0.38288,1
+2020-08-08 10:59:51.936000+00:00,40.99754,-0.38451,1
+2020-08-08 10:59:51.936000+00:00,40.99846,-0.38372,1
+2020-08-08 10:59:51.936000+00:00,40.99943,-0.38288,1
+2017-12-27 10:54:35.460000+00:00,40.99754,-0.38451,0
+2017-12-27 10:54:35.460000+00:00,40.99846,-0.38372,0
+2017-12-27 10:54:35.460000+00:00,40.99943,-0.38288,0
+2017-06-30 10:53:05.210000+00:00,40.99754,-0.38451,1
+2017-06-30 10:53:05.210000+00:00,40.99846,-0.38372,1
+2017-06-30 10:53:05.210000+00:00,40.99943,-0.38288,1
+2018-10-03 10:56:19.630000+00:00,40.99754,-0.38451,1
+2018-10-03 10:56:19.630000+00:00,40.99846,-0.38372,1
+2018-10-03 10:56:19.630000+00:00,40.99943,-0.38288,1
+2020-02-05 10:59:39.765000+00:00,40.99754,-0.38451,0
+2020-02-05 10:59:39.765000+00:00,40.99846,-0.38372,0
+2020-02-05 10:59:39.765000+00:00,40.99943,-0.38288,0
+2017-10-23 10:51:54.750000+00:00,40.99754,-0.38451,1
+2017-10-23 10:51:54.750000+00:00,40.99846,-0.38372,1
+2017-10-23 10:51:54.750000+00:00,40.99943,-0.38288,1
+2019-07-20 10:59:54.609000+00:00,40.99754,-0.38451,1
+2019-07-20 10:59:54.609000+00:00,40.99846,-0.38372,1
+2019-07-20 10:59:54.609000+00:00,40.99943,-0.38288,1
+2017-10-28 10:51:28.460000+00:00,40.99754,-0.38451,1
+2017-10-28 10:51:28.460000+00:00,40.99846,-0.38372,1
+2017-10-28 10:51:28.460000+00:00,40.99943,-0.38288,1
+2016-12-27 10:55:27.361000+00:00,40.99754,-0.38451,1
+2016-12-27 10:55:27.361000+00:00,40.99846,-0.38372,1
+2016-12-27 10:55:27.361000+00:00,40.99943,-0.38288,1
+2019-09-08 10:59:47.633000+00:00,40.99754,-0.38451,0
+2019-09-08 10:59:47.633000+00:00,40.99846,-0.38372,0
+2019-09-08 10:59:47.633000+00:00,40.99943,-0.38288,0
+2020-07-29 10:59:51.660000+00:00,40.99754,-0.38451,1
+2020-07-29 10:59:51.660000+00:00,40.99846,-0.38372,1
+2020-07-29 10:59:51.660000+00:00,40.99943,-0.38288,1
+2018-10-23 10:51:07.460000+00:00,40.99754,-0.38451,1
+2018-10-23 10:51:07.460000+00:00,40.99846,-0.38372,1
+2018-10-23 10:51:07.460000+00:00,40.99943,-0.38288,1
+2017-12-07 10:55:50.650000+00:00,40.99754,-0.38451,1
+2017-12-07 10:55:50.650000+00:00,40.99846,-0.38372,1
+2017-12-07 10:55:50.650000+00:00,40.99943,-0.38288,1
+2019-01-21 10:59:45+00:00,40.99754,-0.38451,1
+2019-01-21 10:59:45+00:00,40.99846,-0.38372,1
+2019-01-21 10:59:45+00:00,40.99943,-0.38288,1
+2019-11-12 10:59:48.169000+00:00,40.99754,-0.38451,1
+2019-11-12 10:59:48.169000+00:00,40.99846,-0.38372,1
+2019-11-12 10:59:48.169000+00:00,40.99943,-0.38288,1
+2020-01-06 10:59:40.791000+00:00,40.99754,-0.38451,1
+2020-01-06 10:59:40.791000+00:00,40.99846,-0.38372,1
+2020-01-06 10:59:40.791000+00:00,40.99943,-0.38288,1
+2019-07-05 10:59:50+00:00,40.99754,-0.38451,0
+2019-07-05 10:59:50+00:00,40.99846,-0.38372,0
+2019-07-05 10:59:50+00:00,40.99943,-0.38288,0
+2017-09-08 10:53:59.530000+00:00,40.99754,-0.38451,1
+2017-09-08 10:53:59.530000+00:00,40.99846,-0.38372,1
+2017-09-08 10:53:59.530000+00:00,40.99943,-0.38288,1
+2017-12-02 10:54:15.460000+00:00,40.99754,-0.38451,1
+2017-12-02 10:54:15.460000+00:00,40.99846,-0.38372,1
+2017-12-02 10:54:15.460000+00:00,40.99943,-0.38288,1
+2016-04-11 10:57:56+00:00,40.99754,-0.38451,0
+2016-04-11 10:57:56+00:00,40.99846,-0.38372,0
+2016-04-11 10:57:56+00:00,40.99943,-0.38288,0
+2020-09-22 09:18:47.195000+00:00,42.14291,25.99759,1
+2020-09-22 09:18:47.195000+00:00,42.14391,25.99861,1
+2018-03-12 09:16:57.840000+00:00,42.14291,25.99759,1
+2018-03-12 09:16:57.840000+00:00,42.14391,25.99861,1
+2018-03-07 09:18:25.560000+00:00,42.14291,25.99759,1
+2018-03-07 09:18:25.560000+00:00,42.14391,25.99861,1
+2016-05-01 09:15:09+00:00,42.14291,25.99759,1
+2016-05-01 09:15:09+00:00,42.14391,25.99861,1
+2017-10-13 09:15:44.882000+00:00,42.14291,25.99759,1
+2017-10-13 09:15:44.882000+00:00,42.14391,25.99861,1
+2019-03-22 09:18:44+00:00,42.14291,25.99759,1
+2019-03-22 09:18:44+00:00,42.14391,25.99861,1
+2017-07-10 09:15:44.550000+00:00,42.14291,25.99759,1
+2017-07-10 09:15:44.550000+00:00,42.14391,25.99861,1
+2021-01-05 09:18:45.419000+00:00,42.14291,25.99759,1
+2021-01-05 09:18:45.419000+00:00,42.14391,25.99861,1
+2020-11-26 09:18:45.946000+00:00,42.14291,25.99759,1
+2020-11-26 09:18:45.946000+00:00,42.14391,25.99861,1
+2017-08-04 09:18:36.110000+00:00,42.14291,25.99759,1
+2017-08-04 09:18:36.110000+00:00,42.14391,25.99861,1
+2018-10-08 09:10:33.690000+00:00,42.14291,25.99759,1
+2018-10-08 09:10:33.690000+00:00,42.14391,25.99861,1
+2020-09-07 09:18:49.050000+00:00,42.14291,25.99759,1
+2020-09-07 09:18:49.050000+00:00,42.14391,25.99861,1
+2020-02-25 09:18:41.936000+00:00,42.14291,25.99759,1
+2020-02-25 09:18:41.936000+00:00,42.14391,25.99861,1
+2020-01-06 09:18:39.791000+00:00,42.14291,25.99759,1
+2020-01-06 09:18:39.791000+00:00,42.14391,25.99861,1
+2017-06-25 09:18:29.510000+00:00,42.14291,25.99759,1
+2017-06-25 09:18:29.510000+00:00,42.14391,25.99861,1
+2021-03-26 09:18:43.090000+00:00,42.14291,25.99759,1
+2021-03-26 09:18:43.090000+00:00,42.14391,25.99861,1
+2015-12-23 09:20:50.529000+00:00,42.14291,25.99759,1
+2015-12-23 09:20:50.529000+00:00,42.14391,25.99861,1
+2020-06-04 09:18:46.825000+00:00,42.14291,25.99759,1
+2020-06-04 09:18:46.825000+00:00,42.14391,25.99861,1
+2016-12-17 09:16:48.021000+00:00,42.14291,25.99759,1
+2016-12-17 09:16:48.021000+00:00,42.14391,25.99861,1
+2020-12-31 09:18:43.139000+00:00,42.14291,25.99759,1
+2020-12-31 09:18:43.139000+00:00,42.14391,25.99861,1
+2020-10-02 09:18:48.233000+00:00,42.14291,25.99759,1
+2020-10-02 09:18:48.233000+00:00,42.14391,25.99861,1
+2018-08-19 09:15:59.570000+00:00,42.14291,25.99759,1
+2018-08-19 09:15:59.570000+00:00,42.14391,25.99861,1
+2017-06-30 09:18:01.650000+00:00,42.14291,25.99759,1
+2017-06-30 09:18:01.650000+00:00,42.14391,25.99861,1
+2019-02-20 09:18:44+00:00,42.14291,25.99759,1
+2019-02-20 09:18:44+00:00,42.14391,25.99861,1
+2018-06-25 09:07:55.120000+00:00,42.14291,25.99759,1
+2018-06-25 09:07:55.120000+00:00,42.14391,25.99861,1
+2020-07-24 09:18:47.118000+00:00,42.14291,25.99759,1
+2020-07-24 09:18:47.118000+00:00,42.14391,25.99861,1
+2017-09-08 09:15:41.160000+00:00,42.14291,25.99759,1
+2017-09-08 09:15:41.160000+00:00,42.14391,25.99861,1
+2021-02-09 09:18:43.828000+00:00,42.14291,25.99759,1
+2021-02-09 09:18:43.828000+00:00,42.14391,25.99861,1
+2017-08-24 09:17:48.220000+00:00,42.14291,25.99759,1
+2017-08-24 09:17:48.220000+00:00,42.14391,25.99861,1
+2020-03-21 09:18:41.245000+00:00,42.14291,25.99759,1
+2020-03-21 09:18:41.245000+00:00,42.14391,25.99861,1
+2019-05-26 09:18:48+00:00,42.14291,25.99759,1
+2019-05-26 09:18:48+00:00,42.14391,25.99861,1
+2019-09-03 09:18:44.998000+00:00,42.14291,25.99759,1
+2019-09-03 09:18:44.998000+00:00,42.14391,25.99861,1
+2019-10-23 09:18:48.194000+00:00,42.14291,25.99759,1
+2019-10-23 09:18:48.194000+00:00,42.14391,25.99861,1
+2018-09-03 09:09:35.360000+00:00,42.14291,25.99759,1
+2018-09-03 09:09:35.360000+00:00,42.14391,25.99861,1
+2018-01-26 09:12:36.460000+00:00,42.14291,25.99759,1
+2018-01-26 09:12:36.460000+00:00,42.14391,25.99861,1
+2018-07-15 09:18:08.450000+00:00,42.14291,25.99759,1
+2018-07-15 09:18:08.450000+00:00,42.14391,25.99861,1
+2016-07-10 09:18:20.076000+00:00,42.14291,25.99759,1
+2016-07-10 09:18:20.076000+00:00,42.14391,25.99861,1
+2019-08-04 09:18:49.303000+00:00,42.14291,25.99759,1
+2019-08-04 09:18:49.303000+00:00,42.14391,25.99861,1
+2019-01-21 09:18:44.890000+00:00,42.14291,25.99759,1
+2019-01-21 09:18:44.890000+00:00,42.14391,25.99861,1
+2017-08-14 09:07:25.660000+00:00,42.14291,25.99759,1
+2017-08-14 09:07:25.660000+00:00,42.14391,25.99861,1
+2020-05-10 09:18:49.406000+00:00,42.14291,25.99759,1
+2020-05-10 09:18:49.406000+00:00,42.14391,25.99861,1
+2020-08-03 09:18:47.983000+00:00,42.14291,25.99759,1
+2020-08-03 09:18:47.983000+00:00,42.14391,25.99861,1
+2017-04-26 09:18:28.910000+00:00,42.14291,25.99759,1
+2017-04-26 09:18:28.910000+00:00,42.14391,25.99861,1
+2020-06-20 09:38:07.768000+00:00,44.91112,23.13442,1
+2020-06-20 09:38:07.768000+00:00,44.91226,23.13564,1
+2020-06-20 09:38:07.768000+00:00,44.91233,23.13331,1
+2020-06-20 09:38:07.768000+00:00,44.9135,23.13446,1
+2020-06-20 09:38:07.768000+00:00,44.91374,23.13205,1
+2019-08-15 09:38:11.547000+00:00,44.91112,23.13442,1
+2019-08-15 09:38:11.547000+00:00,44.91226,23.13564,1
+2019-08-15 09:38:11.547000+00:00,44.91233,23.13331,1
+2019-08-15 09:38:11.547000+00:00,44.9135,23.13446,1
+2019-08-15 09:38:11.547000+00:00,44.91374,23.13205,1
+2016-05-27 09:34:41+00:00,44.91112,23.13442,1
+2016-05-27 09:34:41+00:00,44.91226,23.13564,1
+2016-05-27 09:34:41+00:00,44.91233,23.13331,1
+2016-05-27 09:34:41+00:00,44.9135,23.13446,1
+2016-05-27 09:34:41+00:00,44.91374,23.13205,1
+2019-08-07 09:28:13.185000+00:00,44.91112,23.13442,1
+2019-08-07 09:28:13.185000+00:00,44.91226,23.13564,1
+2019-08-07 09:28:13.185000+00:00,44.91233,23.13331,1
+2019-08-07 09:28:13.185000+00:00,44.9135,23.13446,1
+2019-08-07 09:28:13.185000+00:00,44.91374,23.13205,1
+2018-10-06 09:21:58.260000+00:00,44.91112,23.13442,1
+2018-10-06 09:21:58.260000+00:00,44.91226,23.13564,1
+2018-10-06 09:21:58.260000+00:00,44.91233,23.13331,1
+2018-10-06 09:21:58.260000+00:00,44.9135,23.13446,1
+2018-10-06 09:21:58.260000+00:00,44.91374,23.13205,1
+2019-06-21 09:38:09+00:00,44.91112,23.13442,1
+2019-06-21 09:38:09+00:00,44.91226,23.13564,1
+2019-06-21 09:38:09+00:00,44.91233,23.13331,1
+2019-06-21 09:38:09+00:00,44.9135,23.13446,1
+2019-06-21 09:38:09+00:00,44.91374,23.13205,1
+2016-11-13 09:33:50.230000+00:00,44.91112,23.13442,1
+2016-11-13 09:33:50.230000+00:00,44.91226,23.13564,1
+2016-11-13 09:33:50.230000+00:00,44.91233,23.13331,1
+2016-11-13 09:33:50.230000+00:00,44.9135,23.13446,1
+2016-11-13 09:33:50.230000+00:00,44.91374,23.13205,1
+2020-08-31 09:28:14.003000+00:00,44.91112,23.13442,1
+2020-08-31 09:28:14.003000+00:00,44.91226,23.13564,1
+2020-08-31 09:28:14.003000+00:00,44.91233,23.13331,1
+2020-08-31 09:28:14.003000+00:00,44.9135,23.13446,1
+2020-08-31 09:28:14.003000+00:00,44.91374,23.13205,1
+2019-03-15 09:28:06+00:00,44.91112,23.13442,1
+2019-03-15 09:28:06+00:00,44.91226,23.13564,1
+2019-03-15 09:28:06+00:00,44.91233,23.13331,1
+2019-03-15 09:28:06+00:00,44.9135,23.13446,1
+2019-03-15 09:28:06+00:00,44.91374,23.13205,1
+2017-10-16 09:27:40.395000+00:00,44.91112,23.13442,1
+2017-10-16 09:27:40.395000+00:00,44.91226,23.13564,1
+2017-10-16 09:27:40.395000+00:00,44.91233,23.13331,1
+2017-10-16 09:27:40.395000+00:00,44.9135,23.13446,1
+2017-10-16 09:27:40.395000+00:00,44.91374,23.13205,1
+2016-04-04 09:24:09.357000+00:00,44.91112,23.13442,1
+2016-04-04 09:24:09.357000+00:00,44.91226,23.13564,1
+2016-04-04 09:24:09.357000+00:00,44.91233,23.13331,1
+2016-04-04 09:24:09.357000+00:00,44.9135,23.13446,1
+2016-04-04 09:24:09.357000+00:00,44.91374,23.13205,1
+2020-07-30 09:38:07.943000+00:00,44.91112,23.13442,1
+2020-07-30 09:38:07.943000+00:00,44.91226,23.13564,1
+2020-07-30 09:38:07.943000+00:00,44.91233,23.13331,1
+2020-07-30 09:38:07.943000+00:00,44.9135,23.13446,1
+2020-07-30 09:38:07.943000+00:00,44.91374,23.13205,1
+2021-05-03 09:28:05.781000+00:00,44.91112,23.13442,1
+2021-05-03 09:28:05.781000+00:00,44.91226,23.13564,1
+2021-05-03 09:28:05.781000+00:00,44.91233,23.13331,1
+2021-05-03 09:28:05.781000+00:00,44.9135,23.13446,1
+2021-05-03 09:28:05.781000+00:00,44.91374,23.13205,1
+2019-08-20 09:38:07.762000+00:00,44.91112,23.13442,1
+2019-08-20 09:38:07.762000+00:00,44.91226,23.13564,1
+2019-08-20 09:38:07.762000+00:00,44.91233,23.13331,1
+2019-08-20 09:38:07.762000+00:00,44.9135,23.13446,1
+2019-08-20 09:38:07.762000+00:00,44.91374,23.13205,1
+2020-09-25 09:28:11.703000+00:00,44.91112,23.13442,1
+2020-09-25 09:28:11.703000+00:00,44.91226,23.13564,1
+2020-09-25 09:28:11.703000+00:00,44.91233,23.13331,1
+2020-09-25 09:28:11.703000+00:00,44.9135,23.13446,1
+2020-09-25 09:28:11.703000+00:00,44.91374,23.13205,1
+2020-10-03 09:38:10.988000+00:00,44.91112,23.13442,1
+2020-10-03 09:38:10.988000+00:00,44.91226,23.13564,1
+2020-10-03 09:38:10.988000+00:00,44.91233,23.13331,1
+2020-10-03 09:38:10.988000+00:00,44.9135,23.13446,1
+2020-10-03 09:38:10.988000+00:00,44.91374,23.13205,1
+2021-04-11 09:38:00.121000+00:00,44.91112,23.13442,1
+2021-04-11 09:38:00.121000+00:00,44.91226,23.13564,1
+2021-04-11 09:38:00.121000+00:00,44.91233,23.13331,1
+2021-04-11 09:38:00.121000+00:00,44.9135,23.13446,1
+2021-04-11 09:38:00.121000+00:00,44.91374,23.13205,1
+2016-12-30 09:27:52.359000+00:00,44.91112,23.13442,1
+2016-12-30 09:27:52.359000+00:00,44.91226,23.13564,1
+2016-12-30 09:27:52.359000+00:00,44.91233,23.13331,1
+2016-12-30 09:27:52.359000+00:00,44.9135,23.13446,1
+2016-12-30 09:27:52.359000+00:00,44.91374,23.13205,1
+2018-11-05 09:22:28.760000+00:00,44.91112,23.13442,1
+2018-11-05 09:22:28.760000+00:00,44.91226,23.13564,1
+2018-11-05 09:22:28.760000+00:00,44.91233,23.13331,1
+2018-11-05 09:22:28.760000+00:00,44.9135,23.13446,1
+2018-11-05 09:22:28.760000+00:00,44.91374,23.13205,1
+2017-11-23 09:33:06.460000+00:00,44.91112,23.13442,1
+2017-11-23 09:33:06.460000+00:00,44.91226,23.13564,1
+2017-11-23 09:33:06.460000+00:00,44.91233,23.13331,1
+2017-11-23 09:33:06.460000+00:00,44.9135,23.13446,1
+2017-11-23 09:33:06.460000+00:00,44.91374,23.13205,1
+2017-12-25 09:24:05.460000+00:00,44.91112,23.13442,1
+2017-12-25 09:24:05.460000+00:00,44.91226,23.13564,1
+2017-12-25 09:24:05.460000+00:00,44.91233,23.13331,1
+2017-12-25 09:24:05.460000+00:00,44.9135,23.13446,1
+2017-12-25 09:24:05.460000+00:00,44.91374,23.13205,1
+2019-08-22 09:28:14.311000+00:00,44.91112,23.13442,1
+2019-08-22 09:28:14.311000+00:00,44.91226,23.13564,1
+2019-08-22 09:28:14.311000+00:00,44.91233,23.13331,1
+2019-08-22 09:28:14.311000+00:00,44.9135,23.13446,1
+2019-08-22 09:28:14.311000+00:00,44.91374,23.13205,1
+2020-08-26 09:28:12.476000+00:00,44.91112,23.13442,1
+2020-08-26 09:28:12.476000+00:00,44.91226,23.13564,1
+2020-08-26 09:28:12.476000+00:00,44.91233,23.13331,1
+2020-08-26 09:28:12.476000+00:00,44.9135,23.13446,1
+2020-08-26 09:28:12.476000+00:00,44.91374,23.13205,1
+2017-07-06 09:31:10.540000+00:00,44.91112,23.13442,1
+2017-07-06 09:31:10.540000+00:00,44.91226,23.13564,1
+2017-07-06 09:31:10.540000+00:00,44.91233,23.13331,1
+2017-07-06 09:31:10.540000+00:00,44.9135,23.13446,1
+2017-07-06 09:31:10.540000+00:00,44.91374,23.13205,1
+2019-07-31 09:38:09.875000+00:00,44.91112,23.13442,1
+2019-07-31 09:38:09.875000+00:00,44.91226,23.13564,1
+2019-07-31 09:38:09.875000+00:00,44.91233,23.13331,1
+2019-07-31 09:38:09.875000+00:00,44.9135,23.13446,1
+2019-07-31 09:38:09.875000+00:00,44.91374,23.13205,1
+2018-08-22 09:27:11.530000+00:00,44.91112,23.13442,1
+2018-08-22 09:27:11.530000+00:00,44.91226,23.13564,1
+2018-08-22 09:27:11.530000+00:00,44.91233,23.13331,1
+2018-08-22 09:27:11.530000+00:00,44.9135,23.13446,1
+2018-08-22 09:27:11.530000+00:00,44.91374,23.13205,1
+2017-09-14 09:36:54.100000+00:00,44.91112,23.13442,1
+2017-09-14 09:36:54.100000+00:00,44.91226,23.13564,1
+2017-09-14 09:36:54.100000+00:00,44.91233,23.13331,1
+2017-09-14 09:36:54.100000+00:00,44.9135,23.13446,1
+2017-09-14 09:36:54.100000+00:00,44.91374,23.13205,1
+2016-06-16 09:34:38.180000+00:00,44.91112,23.13442,1
+2016-06-16 09:34:38.180000+00:00,44.91226,23.13564,1
+2016-06-16 09:34:38.180000+00:00,44.91233,23.13331,1
+2016-06-16 09:34:38.180000+00:00,44.9135,23.13446,1
+2016-06-16 09:34:38.180000+00:00,44.91374,23.13205,1
+2019-12-30 09:28:04.161000+00:00,44.91112,23.13442,1
+2019-12-30 09:28:04.161000+00:00,44.91226,23.13564,1
+2019-12-30 09:28:04.161000+00:00,44.91233,23.13331,1
+2019-12-30 09:28:04.161000+00:00,44.9135,23.13446,1
+2019-12-30 09:28:04.161000+00:00,44.91374,23.13205,1
+2015-07-29 09:20:04.464000+00:00,44.91112,23.13442,1
+2015-07-29 09:20:04.464000+00:00,44.91226,23.13564,1
+2015-07-29 09:20:04.464000+00:00,44.91233,23.13331,1
+2015-07-29 09:20:04.464000+00:00,44.9135,23.13446,1
+2015-07-29 09:20:04.464000+00:00,44.91374,23.13205,1
+2016-07-03 09:20:30.462000+00:00,44.91112,23.13442,1
+2016-07-03 09:20:30.462000+00:00,44.91226,23.13564,1
+2016-07-03 09:20:30.462000+00:00,44.91233,23.13331,1
+2016-07-03 09:20:30.462000+00:00,44.9135,23.13446,1
+2016-07-03 09:20:30.462000+00:00,44.91374,23.13205,1
+2016-06-26 09:37:44.780000+00:00,44.91112,23.13442,1
+2016-06-26 09:37:44.780000+00:00,44.91226,23.13564,1
+2016-06-26 09:37:44.780000+00:00,44.91233,23.13331,1
+2016-06-26 09:37:44.780000+00:00,44.9135,23.13446,1
+2016-06-26 09:37:44.780000+00:00,44.91374,23.13205,1
+2017-06-28 09:20:26.460000+00:00,44.91112,23.13442,1
+2017-06-28 09:20:26.460000+00:00,44.91226,23.13564,1
+2017-06-28 09:20:26.460000+00:00,44.91233,23.13331,1
+2017-06-28 09:20:26.460000+00:00,44.9135,23.13446,1
+2017-06-28 09:20:26.460000+00:00,44.91374,23.13205,1
+2019-10-06 09:28:11.383000+00:00,44.91112,23.13442,1
+2019-10-06 09:28:11.383000+00:00,44.91226,23.13564,1
+2019-10-06 09:28:11.383000+00:00,44.91233,23.13331,1
+2019-10-06 09:28:11.383000+00:00,44.9135,23.13446,1
+2019-10-06 09:28:11.383000+00:00,44.91374,23.13205,1
+2019-04-19 09:28:11+00:00,44.91112,23.13442,1
+2019-04-19 09:28:11+00:00,44.91226,23.13564,1
+2019-04-19 09:28:11+00:00,44.91233,23.13331,1
+2019-04-19 09:28:11+00:00,44.9135,23.13446,1
+2019-04-19 09:28:11+00:00,44.91374,23.13205,1
+2019-12-03 09:37:59.854000+00:00,44.91112,23.13442,1
+2019-12-03 09:37:59.854000+00:00,44.91226,23.13564,1
+2019-12-03 09:37:59.854000+00:00,44.91233,23.13331,1
+2019-12-03 09:37:59.854000+00:00,44.9135,23.13446,1
+2019-12-03 09:37:59.854000+00:00,44.91374,23.13205,1
+2018-08-07 09:23:21.240000+00:00,44.91112,23.13442,1
+2018-08-07 09:23:21.240000+00:00,44.91226,23.13564,1
+2018-08-07 09:23:21.240000+00:00,44.91233,23.13331,1
+2018-08-07 09:23:21.240000+00:00,44.9135,23.13446,1
+2018-08-07 09:23:21.240000+00:00,44.91374,23.13205,1
+2017-01-02 09:34:00.462000+00:00,44.91112,23.13442,1
+2017-01-02 09:34:00.462000+00:00,44.91226,23.13564,1
+2017-01-02 09:34:00.462000+00:00,44.91233,23.13331,1
+2017-01-02 09:34:00.462000+00:00,44.9135,23.13446,1
+2017-01-02 09:34:00.462000+00:00,44.91374,23.13205,1
+2019-09-19 09:38:05.013000+00:00,44.91112,23.13442,1
+2019-09-19 09:38:05.013000+00:00,44.91226,23.13564,1
+2019-09-19 09:38:05.013000+00:00,44.91233,23.13331,1
+2019-09-19 09:38:05.013000+00:00,44.9135,23.13446,1
+2019-09-19 09:38:05.013000+00:00,44.91374,23.13205,1
+2017-08-05 09:37:17.530000+00:00,44.91112,23.13442,1
+2017-08-05 09:37:17.530000+00:00,44.91226,23.13564,1
+2017-08-05 09:37:17.530000+00:00,44.91233,23.13331,1
+2017-08-05 09:37:17.530000+00:00,44.9135,23.13446,1
+2017-08-05 09:37:17.530000+00:00,44.91374,23.13205,1
+2019-08-10 09:38:09.005000+00:00,44.91112,23.13442,1
+2019-08-10 09:38:09.005000+00:00,44.91226,23.13564,1
+2019-08-10 09:38:09.005000+00:00,44.91233,23.13331,1
+2019-08-10 09:38:09.005000+00:00,44.9135,23.13446,1
+2019-08-10 09:38:09.005000+00:00,44.91374,23.13205,1
+2020-09-30 09:28:14.734000+00:00,44.91112,23.13442,1
+2020-09-30 09:28:14.734000+00:00,44.91226,23.13564,1
+2020-09-30 09:28:14.734000+00:00,44.91233,23.13331,1
+2020-09-30 09:28:14.734000+00:00,44.9135,23.13446,1
+2020-09-30 09:28:14.734000+00:00,44.91374,23.13205,1
+2020-04-18 09:28:04.269000+00:00,44.91112,23.13442,1
+2020-04-18 09:28:04.269000+00:00,44.91226,23.13564,1
+2020-04-18 09:28:04.269000+00:00,44.91233,23.13331,1
+2020-04-18 09:28:04.269000+00:00,44.9135,23.13446,1
+2020-04-18 09:28:04.269000+00:00,44.91374,23.13205,1
+2017-09-24 09:31:32.620000+00:00,44.91112,23.13442,1
+2017-09-24 09:31:32.620000+00:00,44.91226,23.13564,1
+2017-09-24 09:31:32.620000+00:00,44.91233,23.13331,1
+2017-09-24 09:31:32.620000+00:00,44.9135,23.13446,1
+2017-09-24 09:31:32.620000+00:00,44.91374,23.13205,1
+2019-07-18 09:28:14.257000+00:00,44.91112,23.13442,1
+2019-07-18 09:28:14.257000+00:00,44.91226,23.13564,1
+2019-07-18 09:28:14.257000+00:00,44.91233,23.13331,1
+2019-07-18 09:28:14.257000+00:00,44.9135,23.13446,1
+2019-07-18 09:28:14.257000+00:00,44.91374,23.13205,1
+2020-06-07 09:28:11.209000+00:00,44.91112,23.13442,1
+2020-06-07 09:28:11.209000+00:00,44.91226,23.13564,1
+2020-06-07 09:28:11.209000+00:00,44.91233,23.13331,1
+2020-06-07 09:28:11.209000+00:00,44.9135,23.13446,1
+2020-06-07 09:28:11.209000+00:00,44.91374,23.13205,1
+2020-01-07 09:37:59.667000+00:00,44.91112,23.13442,1
+2020-01-07 09:37:59.667000+00:00,44.91226,23.13564,1
+2020-01-07 09:37:59.667000+00:00,44.91233,23.13331,1
+2020-01-07 09:37:59.667000+00:00,44.9135,23.13446,1
+2020-01-07 09:37:59.667000+00:00,44.91374,23.13205,1
+2020-09-13 09:38:09.260000+00:00,44.91112,23.13442,1
+2020-09-13 09:38:09.260000+00:00,44.91226,23.13564,1
+2020-09-13 09:38:09.260000+00:00,44.91233,23.13331,1
+2020-09-13 09:38:09.260000+00:00,44.9135,23.13446,1
+2020-09-13 09:38:09.260000+00:00,44.91374,23.13205,1
+2017-10-29 09:31:13.460000+00:00,44.91112,23.13442,1
+2017-10-29 09:31:13.460000+00:00,44.91226,23.13564,1
+2017-10-29 09:31:13.460000+00:00,44.91233,23.13331,1
+2017-10-29 09:31:13.460000+00:00,44.9135,23.13446,1
+2017-10-29 09:31:13.460000+00:00,44.91374,23.13205,1
+2017-08-12 09:24:53.440000+00:00,44.91112,23.13442,1
+2017-08-12 09:24:53.440000+00:00,44.91226,23.13564,1
+2017-08-12 09:24:53.440000+00:00,44.91233,23.13331,1
+2017-08-12 09:24:53.440000+00:00,44.9135,23.13446,1
+2017-08-12 09:24:53.440000+00:00,44.91374,23.13205,1
+2019-03-30 09:28:09+00:00,44.91112,23.13442,1
+2019-03-30 09:28:09+00:00,44.91226,23.13564,1
+2019-03-30 09:28:09+00:00,44.91233,23.13331,1
+2019-03-30 09:28:09+00:00,44.9135,23.13446,1
+2019-03-30 09:28:09+00:00,44.91374,23.13205,1
+2021-04-08 09:28:04.716000+00:00,44.91112,23.13442,1
+2021-04-08 09:28:04.716000+00:00,44.91226,23.13564,1
+2021-04-08 09:28:04.716000+00:00,44.91233,23.13331,1
+2021-04-08 09:28:04.716000+00:00,44.9135,23.13446,1
+2021-04-08 09:28:04.716000+00:00,44.91374,23.13205,1
+2020-08-11 09:28:15.051000+00:00,44.91112,23.13442,1
+2020-08-11 09:28:15.051000+00:00,44.91226,23.13564,1
+2020-08-11 09:28:15.051000+00:00,44.91233,23.13331,1
+2020-08-11 09:28:15.051000+00:00,44.9135,23.13446,1
+2020-08-11 09:28:15.051000+00:00,44.91374,23.13205,1
+2018-04-02 09:33:45.280000+00:00,44.91112,23.13442,1
+2018-04-02 09:33:45.280000+00:00,44.91226,23.13564,1
+2018-04-02 09:33:45.280000+00:00,44.91233,23.13331,1
+2018-04-02 09:33:45.280000+00:00,44.9135,23.13446,1
+2018-04-02 09:33:45.280000+00:00,44.91374,23.13205,1
+2020-10-20 09:28:14.562000+00:00,44.91112,23.13442,1
+2020-10-20 09:28:14.562000+00:00,44.91226,23.13564,1
+2020-10-20 09:28:14.562000+00:00,44.91233,23.13331,1
+2020-10-20 09:28:14.562000+00:00,44.9135,23.13446,1
+2020-10-20 09:28:14.562000+00:00,44.91374,23.13205,1
+2020-07-10 09:38:07.014000+00:00,44.91112,23.13442,1
+2020-07-10 09:38:07.014000+00:00,44.91226,23.13564,1
+2020-07-10 09:38:07.014000+00:00,44.91233,23.13331,1
+2020-07-10 09:38:07.014000+00:00,44.9135,23.13446,1
+2020-07-10 09:38:07.014000+00:00,44.91374,23.13205,1
+2019-07-11 09:38:10+00:00,44.91112,23.13442,1
+2019-07-11 09:38:10+00:00,44.91226,23.13564,1
+2019-07-11 09:38:10+00:00,44.91233,23.13331,1
+2019-07-11 09:38:10+00:00,44.9135,23.13446,1
+2019-07-11 09:38:10+00:00,44.91374,23.13205,1
+2019-02-16 09:38:04+00:00,44.91112,23.13442,1
+2019-02-16 09:38:04+00:00,44.91226,23.13564,1
+2019-02-16 09:38:04+00:00,44.91233,23.13331,1
+2019-02-16 09:38:04+00:00,44.9135,23.13446,1
+2019-02-16 09:38:04+00:00,44.91374,23.13205,1
+2017-07-21 09:32:20.080000+00:00,44.91112,23.13442,1
+2017-07-21 09:32:20.080000+00:00,44.91226,23.13564,1
+2017-07-21 09:32:20.080000+00:00,44.91233,23.13331,1
+2017-07-21 09:32:20.080000+00:00,44.9135,23.13446,1
+2017-07-21 09:32:20.080000+00:00,44.91374,23.13205,1
+2016-12-23 09:36:56.021000+00:00,44.91112,23.13442,1
+2016-12-23 09:36:56.021000+00:00,44.91226,23.13564,1
+2016-12-23 09:36:56.021000+00:00,44.91233,23.13331,1
+2016-12-23 09:36:56.021000+00:00,44.9135,23.13446,1
+2016-12-23 09:36:56.021000+00:00,44.91374,23.13205,1
+2017-12-30 09:24:50.570000+00:00,44.91112,23.13442,1
+2017-12-30 09:24:50.570000+00:00,44.91226,23.13564,1
+2017-12-30 09:24:50.570000+00:00,44.91233,23.13331,1
+2017-12-30 09:24:50.570000+00:00,44.9135,23.13446,1
+2017-12-30 09:24:50.570000+00:00,44.91374,23.13205,1
+2017-08-27 09:20:29.460000+00:00,44.91112,23.13442,1
+2017-08-27 09:20:29.460000+00:00,44.91226,23.13564,1
+2017-08-27 09:20:29.460000+00:00,44.91233,23.13331,1
+2017-08-27 09:20:29.460000+00:00,44.9135,23.13446,1
+2017-08-27 09:20:29.460000+00:00,44.91374,23.13205,1
+2018-06-11 09:30:32.460000+00:00,44.91112,23.13442,1
+2018-06-11 09:30:32.460000+00:00,44.91226,23.13564,1
+2018-06-11 09:30:32.460000+00:00,44.91233,23.13331,1
+2018-06-11 09:30:32.460000+00:00,44.9135,23.13446,1
+2018-06-11 09:30:32.460000+00:00,44.91374,23.13205,1
+2016-04-07 09:37:33.570000+00:00,44.91112,23.13442,1
+2016-04-07 09:37:33.570000+00:00,44.91226,23.13564,1
+2016-04-07 09:37:33.570000+00:00,44.91233,23.13331,1
+2016-04-07 09:37:33.570000+00:00,44.9135,23.13446,1
+2016-04-07 09:37:33.570000+00:00,44.91374,23.13205,1
+2018-07-18 09:23:23.240000+00:00,44.91112,23.13442,1
+2018-07-18 09:23:23.240000+00:00,44.91226,23.13564,1
+2018-07-18 09:23:23.240000+00:00,44.91233,23.13331,1
+2018-07-18 09:23:23.240000+00:00,44.9135,23.13446,1
+2018-07-18 09:23:23.240000+00:00,44.91374,23.13205,1
+2020-06-02 09:28:15.339000+00:00,44.91112,23.13442,1
+2020-06-02 09:28:15.339000+00:00,44.91226,23.13564,1
+2020-06-02 09:28:15.339000+00:00,44.91233,23.13331,1
+2020-06-02 09:28:15.339000+00:00,44.9135,23.13446,1
+2020-06-02 09:28:15.339000+00:00,44.91374,23.13205,1
+2018-07-03 09:22:24.900000+00:00,44.91112,23.13442,1
+2018-07-03 09:22:24.900000+00:00,44.91226,23.13564,1
+2018-07-03 09:22:24.900000+00:00,44.91233,23.13331,1
+2018-07-03 09:22:24.900000+00:00,44.9135,23.13446,1
+2018-07-03 09:22:24.900000+00:00,44.91374,23.13205,1
+2018-05-09 09:21:25.180000+00:00,44.91112,23.13442,1
+2018-05-09 09:21:25.180000+00:00,44.91226,23.13564,1
+2018-05-09 09:21:25.180000+00:00,44.91233,23.13331,1
+2018-05-09 09:21:25.180000+00:00,44.9135,23.13446,1
+2018-05-09 09:21:25.180000+00:00,44.91374,23.13205,1
+2018-08-30 09:35:20.300000+00:00,44.91112,23.13442,1
+2018-08-30 09:35:20.300000+00:00,44.91226,23.13564,1
+2018-08-30 09:35:20.300000+00:00,44.91233,23.13331,1
+2018-08-30 09:35:20.300000+00:00,44.9135,23.13446,1
+2018-08-30 09:35:20.300000+00:00,44.91374,23.13205,1
+2019-09-04 09:38:07.883000+00:00,44.91112,23.13442,1
+2019-09-04 09:38:07.883000+00:00,44.91226,23.13564,1
+2019-09-04 09:38:07.883000+00:00,44.91233,23.13331,1
+2019-09-04 09:38:07.883000+00:00,44.9135,23.13446,1
+2019-09-04 09:38:07.883000+00:00,44.91374,23.13205,1
+2020-05-16 09:38:10.385000+00:00,44.91112,23.13442,1
+2020-05-16 09:38:10.385000+00:00,44.91226,23.13564,1
+2020-05-16 09:38:10.385000+00:00,44.91233,23.13331,1
+2020-05-16 09:38:10.385000+00:00,44.9135,23.13446,1
+2020-05-16 09:38:10.385000+00:00,44.91374,23.13205,1
+2020-04-23 09:28:10.588000+00:00,44.91112,23.13442,1
+2020-04-23 09:28:10.588000+00:00,44.91226,23.13564,1
+2020-04-23 09:28:10.588000+00:00,44.91233,23.13331,1
+2020-04-23 09:28:10.588000+00:00,44.9135,23.13446,1
+2020-04-23 09:28:10.588000+00:00,44.91374,23.13205,1
+2018-04-19 09:24:10.140000+00:00,44.91112,23.13442,1
+2018-04-19 09:24:10.140000+00:00,44.91226,23.13564,1
+2018-04-19 09:24:10.140000+00:00,44.91233,23.13331,1
+2018-04-19 09:24:10.140000+00:00,44.9135,23.13446,1
+2018-04-19 09:24:10.140000+00:00,44.91374,23.13205,1
+2019-07-21 09:38:10.322000+00:00,44.91112,23.13442,1
+2019-07-21 09:38:10.322000+00:00,44.91226,23.13564,1
+2019-07-21 09:38:10.322000+00:00,44.91233,23.13331,1
+2019-07-21 09:38:10.322000+00:00,44.9135,23.13446,1
+2019-07-21 09:38:10.322000+00:00,44.91374,23.13205,1
+2020-09-08 09:38:07.827000+00:00,44.91112,23.13442,1
+2020-09-08 09:38:07.827000+00:00,44.91226,23.13564,1
+2020-09-08 09:38:07.827000+00:00,44.91233,23.13331,1
+2020-09-08 09:38:07.827000+00:00,44.9135,23.13446,1
+2020-09-08 09:38:07.827000+00:00,44.91374,23.13205,1
+2020-02-06 09:37:56.894000+00:00,44.91112,23.13442,1
+2020-02-06 09:37:56.894000+00:00,44.91226,23.13564,1
+2020-02-06 09:37:56.894000+00:00,44.91233,23.13331,1
+2020-02-06 09:37:56.894000+00:00,44.9135,23.13446,1
+2020-02-06 09:37:56.894000+00:00,44.91374,23.13205,1
+2017-09-01 09:25:00.260000+00:00,44.91112,23.13442,1
+2017-09-01 09:25:00.260000+00:00,44.91226,23.13564,1
+2017-09-01 09:25:00.260000+00:00,44.91233,23.13331,1
+2017-09-01 09:25:00.260000+00:00,44.9135,23.13446,1
+2017-09-01 09:25:00.260000+00:00,44.91374,23.13205,1
+2018-09-06 09:25:40.550000+00:00,44.91112,23.13442,1
+2018-09-06 09:25:40.550000+00:00,44.91226,23.13564,1
+2018-09-06 09:25:40.550000+00:00,44.91233,23.13331,1
+2018-09-06 09:25:40.550000+00:00,44.9135,23.13446,1
+2018-09-06 09:25:40.550000+00:00,44.91374,23.13205,1
+2018-06-13 09:20:27.460000+00:00,44.91112,23.13442,1
+2018-06-13 09:20:27.460000+00:00,44.91226,23.13564,1
+2018-06-13 09:20:27.460000+00:00,44.91233,23.13331,1
+2018-06-13 09:20:27.460000+00:00,44.9135,23.13446,1
+2018-06-13 09:20:27.460000+00:00,44.91374,23.13205,1
+2017-07-23 09:24:55.440000+00:00,44.91112,23.13442,1
+2017-07-23 09:24:55.440000+00:00,44.91226,23.13564,1
+2017-07-23 09:24:55.440000+00:00,44.91233,23.13331,1
+2017-07-23 09:24:55.440000+00:00,44.9135,23.13446,1
+2017-07-23 09:24:55.440000+00:00,44.91374,23.13205,1
+2018-06-23 09:20:28.460000+00:00,44.91112,23.13442,1
+2018-06-23 09:20:28.460000+00:00,44.91226,23.13564,1
+2018-06-23 09:20:28.460000+00:00,44.91233,23.13331,1
+2018-06-23 09:20:28.460000+00:00,44.9135,23.13446,1
+2018-06-23 09:20:28.460000+00:00,44.91374,23.13205,1
+2020-11-24 09:28:09.326000+00:00,44.91112,23.13442,1
+2020-11-24 09:28:09.326000+00:00,44.91226,23.13564,1
+2020-11-24 09:28:09.326000+00:00,44.91233,23.13331,1
+2020-11-24 09:28:09.326000+00:00,44.9135,23.13446,1
+2020-11-24 09:28:09.326000+00:00,44.91374,23.13205,1
+2017-09-16 09:20:25.460000+00:00,44.91112,23.13442,1
+2017-09-16 09:20:25.460000+00:00,44.91226,23.13564,1
+2017-09-16 09:20:25.460000+00:00,44.91233,23.13331,1
+2017-09-16 09:20:25.460000+00:00,44.9135,23.13446,1
+2017-09-16 09:20:25.460000+00:00,44.91374,23.13205,1
+2019-06-16 09:38:12+00:00,44.91112,23.13442,1
+2019-06-16 09:38:12+00:00,44.91226,23.13564,1
+2019-06-16 09:38:12+00:00,44.91233,23.13331,1
+2019-06-16 09:38:12+00:00,44.9135,23.13446,1
+2019-06-16 09:38:12+00:00,44.91374,23.13205,1
+2020-04-16 09:38:05.015000+00:00,44.91112,23.13442,1
+2020-04-16 09:38:05.015000+00:00,44.91226,23.13564,1
+2020-04-16 09:38:05.015000+00:00,44.91233,23.13331,1
+2020-04-16 09:38:05.015000+00:00,44.9135,23.13446,1
+2020-04-16 09:38:05.015000+00:00,44.91374,23.13205,1
+2020-08-29 09:38:08.496000+00:00,44.91112,23.13442,1
+2020-08-29 09:38:08.496000+00:00,44.91226,23.13564,1
+2020-08-29 09:38:08.496000+00:00,44.91233,23.13331,1
+2020-08-29 09:38:08.496000+00:00,44.9135,23.13446,1
+2020-08-29 09:38:08.496000+00:00,44.91374,23.13205,1
+2020-02-08 09:28:03.522000+00:00,44.91112,23.13442,1
+2020-02-08 09:28:03.522000+00:00,44.91226,23.13564,1
+2020-02-08 09:28:03.522000+00:00,44.91233,23.13331,1
+2020-02-08 09:28:03.522000+00:00,44.9135,23.13446,1
+2020-02-08 09:28:03.522000+00:00,44.91374,23.13205,1
+2017-12-10 09:23:48.460000+00:00,44.91112,23.13442,1
+2017-12-10 09:23:48.460000+00:00,44.91226,23.13564,1
+2017-12-10 09:23:48.460000+00:00,44.91233,23.13331,1
+2017-12-10 09:23:48.460000+00:00,44.9135,23.13446,1
+2017-12-10 09:23:48.460000+00:00,44.91374,23.13205,1
+2018-04-24 09:20:30.460000+00:00,44.91112,23.13442,1
+2018-04-24 09:20:30.460000+00:00,44.91226,23.13564,1
+2018-04-24 09:20:30.460000+00:00,44.91233,23.13331,1
+2018-04-24 09:20:30.460000+00:00,44.9135,23.13446,1
+2018-04-24 09:20:30.460000+00:00,44.91374,23.13205,1
+2016-01-18 09:48:14.576000+00:00,44.91112,23.13442,1
+2016-01-18 09:48:14.576000+00:00,44.91226,23.13564,1
+2016-01-18 09:48:14.576000+00:00,44.91233,23.13331,1
+2016-01-18 09:48:14.576000+00:00,44.9135,23.13446,1
+2016-01-18 09:48:14.576000+00:00,44.91374,23.13205,1
+2019-07-01 09:38:09+00:00,44.91112,23.13442,1
+2019-07-01 09:38:09+00:00,44.91226,23.13564,1
+2019-07-01 09:38:09+00:00,44.91233,23.13331,1
+2019-07-01 09:38:09+00:00,44.9135,23.13446,1
+2019-07-01 09:38:09+00:00,44.91374,23.13205,1
+2016-03-18 09:35:52.372000+00:00,44.91112,23.13442,1
+2016-03-18 09:35:52.372000+00:00,44.91226,23.13564,1
+2016-03-18 09:35:52.372000+00:00,44.91233,23.13331,1
+2016-03-18 09:35:52.372000+00:00,44.9135,23.13446,1
+2016-03-18 09:35:52.372000+00:00,44.91374,23.13205,1
+2017-10-21 09:23:55.540000+00:00,44.91112,23.13442,1
+2017-10-21 09:23:55.540000+00:00,44.91226,23.13564,1
+2017-10-21 09:23:55.540000+00:00,44.91233,23.13331,1
+2017-10-21 09:23:55.540000+00:00,44.9135,23.13446,1
+2017-10-21 09:23:55.540000+00:00,44.91374,23.13205,1
+2018-05-04 09:25:16.470000+00:00,44.91112,23.13442,1
+2018-05-04 09:25:16.470000+00:00,44.91226,23.13564,1
+2018-05-04 09:25:16.470000+00:00,44.91233,23.13331,1
+2018-05-04 09:25:16.470000+00:00,44.9135,23.13446,1
+2018-05-04 09:25:16.470000+00:00,44.91374,23.13205,1
+2017-04-22 09:36:47.060000+00:00,44.91112,23.13442,1
+2017-04-22 09:36:47.060000+00:00,44.91226,23.13564,1
+2017-04-22 09:36:47.060000+00:00,44.91233,23.13331,1
+2017-04-22 09:36:47.060000+00:00,44.9135,23.13446,1
+2017-04-22 09:36:47.060000+00:00,44.91374,23.13205,1
+2017-06-01 09:36:08.370000+00:00,44.91112,23.13442,1
+2017-06-01 09:36:08.370000+00:00,44.91226,23.13564,1
+2017-06-01 09:36:08.370000+00:00,44.91233,23.13331,1
+2017-06-01 09:36:08.370000+00:00,44.9135,23.13446,1
+2017-06-01 09:36:08.370000+00:00,44.91374,23.13205,1
+2017-12-05 09:26:48.460000+00:00,44.91112,23.13442,1
+2017-12-05 09:26:48.460000+00:00,44.91226,23.13564,1
+2017-12-05 09:26:48.460000+00:00,44.91233,23.13331,1
+2017-12-05 09:26:48.460000+00:00,44.9135,23.13446,1
+2017-12-05 09:26:48.460000+00:00,44.91374,23.13205,1
+2016-01-01 09:57:19.566000+00:00,47.78809,20.07222,1
+2016-01-01 09:57:19.566000+00:00,47.78939,20.07088,1
+2016-01-01 09:57:19.566000+00:00,47.791,20.0686,1
+2016-01-01 09:57:19.566000+00:00,47.79142,20.06952,1
+2020-04-24 09:47:21.112000+00:00,47.78809,20.07222,1
+2020-04-24 09:47:21.112000+00:00,47.78939,20.07088,1
+2020-04-24 09:47:21.112000+00:00,47.791,20.0686,1
+2020-04-24 09:47:21.112000+00:00,47.79142,20.06952,1
+2019-08-03 09:47:31.118000+00:00,47.78809,20.07222,1
+2019-08-03 09:47:31.118000+00:00,47.78939,20.07088,1
+2019-08-03 09:47:31.118000+00:00,47.791,20.0686,1
+2019-08-03 09:47:31.118000+00:00,47.79142,20.06952,1
+2019-06-09 09:47:34+00:00,47.78809,20.07222,1
+2019-06-09 09:47:34+00:00,47.78939,20.07088,1
+2019-06-09 09:47:34+00:00,47.791,20.0686,1
+2019-06-09 09:47:34+00:00,47.79142,20.06952,1
+2019-04-05 09:47:27+00:00,47.78809,20.07222,1
+2019-04-05 09:47:27+00:00,47.78939,20.07088,1
+2019-04-05 09:47:27+00:00,47.791,20.0686,1
+2019-04-05 09:47:27+00:00,47.79142,20.06952,1
+2020-08-12 09:47:30.100000+00:00,47.78809,20.07222,1
+2020-08-12 09:47:30.100000+00:00,47.78939,20.07088,1
+2020-08-12 09:47:30.100000+00:00,47.791,20.0686,1
+2020-08-12 09:47:30.100000+00:00,47.79142,20.06952,1
+2016-08-28 09:42:52.160000+00:00,47.78809,20.07222,1
+2016-08-28 09:42:52.160000+00:00,47.78939,20.07088,1
+2016-08-28 09:42:52.160000+00:00,47.791,20.0686,1
+2016-08-28 09:42:52.160000+00:00,47.79142,20.06952,1
+2017-07-04 09:40:30.460000+00:00,47.78809,20.07222,1
+2017-07-04 09:40:30.460000+00:00,47.78939,20.07088,1
+2017-07-04 09:40:30.460000+00:00,47.791,20.0686,1
+2017-07-04 09:40:30.460000+00:00,47.79142,20.06952,1
+2019-10-17 09:47:27.895000+00:00,47.78809,20.07222,1
+2019-10-17 09:47:27.895000+00:00,47.78939,20.07088,1
+2019-10-17 09:47:27.895000+00:00,47.791,20.0686,1
+2019-10-17 09:47:27.895000+00:00,47.79142,20.06952,1
+2016-12-16 09:45:25.831000+00:00,47.78809,20.07222,1
+2016-12-16 09:45:25.831000+00:00,47.78939,20.07088,1
+2016-12-16 09:45:25.831000+00:00,47.791,20.0686,1
+2016-12-16 09:45:25.831000+00:00,47.79142,20.06952,1
+2018-08-28 09:43:19.020000+00:00,47.78809,20.07222,1
+2018-08-28 09:43:19.020000+00:00,47.78939,20.07088,1
+2018-08-28 09:43:19.020000+00:00,47.791,20.0686,1
+2018-08-28 09:43:19.020000+00:00,47.79142,20.06952,1
+2018-11-16 09:47:20.750000+00:00,47.78809,20.07222,1
+2018-11-16 09:47:20.750000+00:00,47.78939,20.07088,1
+2018-11-16 09:47:20.750000+00:00,47.791,20.0686,1
+2018-11-16 09:47:20.750000+00:00,47.79142,20.06952,1
+2019-10-22 09:47:29.916000+00:00,47.78809,20.07222,1
+2019-10-22 09:47:29.916000+00:00,47.78939,20.07088,1
+2019-10-22 09:47:29.916000+00:00,47.791,20.0686,1
+2019-10-22 09:47:29.916000+00:00,47.79142,20.06952,1
+2019-09-22 09:47:27+00:00,47.78809,20.07222,1
+2019-09-22 09:47:27+00:00,47.78939,20.07088,1
+2019-09-22 09:47:27+00:00,47.791,20.0686,1
+2019-09-22 09:47:27+00:00,47.79142,20.06952,1
+2020-09-21 09:47:28.804000+00:00,47.78809,20.07222,1
+2020-09-21 09:47:28.804000+00:00,47.78939,20.07088,1
+2020-09-21 09:47:28.804000+00:00,47.791,20.0686,1
+2020-09-21 09:47:28.804000+00:00,47.79142,20.06952,1
+2019-04-20 09:47:32+00:00,47.78809,20.07222,1
+2019-04-20 09:47:32+00:00,47.78939,20.07088,1
+2019-04-20 09:47:32+00:00,47.791,20.0686,1
+2019-04-20 09:47:32+00:00,47.79142,20.06952,1
+2019-02-14 09:47:23+00:00,47.78809,20.07222,1
+2019-02-14 09:47:23+00:00,47.78939,20.07088,1
+2019-02-14 09:47:23+00:00,47.791,20.0686,1
+2019-02-14 09:47:23+00:00,47.79142,20.06952,1
+2020-01-05 09:47:21.561000+00:00,47.78809,20.07222,1
+2020-01-05 09:47:21.561000+00:00,47.78939,20.07088,1
+2020-01-05 09:47:21.561000+00:00,47.791,20.0686,1
+2020-01-05 09:47:21.561000+00:00,47.79142,20.06952,1
+2017-10-12 09:40:29.456000+00:00,47.78809,20.07222,1
+2017-10-12 09:40:29.456000+00:00,47.78939,20.07088,1
+2017-10-12 09:40:29.456000+00:00,47.791,20.0686,1
+2017-10-12 09:40:29.456000+00:00,47.79142,20.06952,1
+2020-04-09 09:47:24.591000+00:00,47.78809,20.07222,1
+2020-04-09 09:47:24.591000+00:00,47.78939,20.07088,1
+2020-04-09 09:47:24.591000+00:00,47.791,20.0686,1
+2020-04-09 09:47:24.591000+00:00,47.79142,20.06952,1
+2017-05-05 09:40:33.460000+00:00,47.78809,20.07222,1
+2017-05-05 09:40:33.460000+00:00,47.78939,20.07088,1
+2017-05-05 09:40:33.460000+00:00,47.791,20.0686,1
+2017-05-05 09:40:33.460000+00:00,47.79142,20.06952,1
+2017-07-19 09:40:31.460000+00:00,47.78809,20.07222,1
+2017-07-19 09:40:31.460000+00:00,47.78939,20.07088,1
+2017-07-19 09:40:31.460000+00:00,47.791,20.0686,1
+2017-07-19 09:40:31.460000+00:00,47.79142,20.06952,1
+2020-07-23 09:47:28.740000+00:00,47.78809,20.07222,1
+2020-07-23 09:47:28.740000+00:00,47.78939,20.07088,1
+2020-07-23 09:47:28.740000+00:00,47.791,20.0686,1
+2020-07-23 09:47:28.740000+00:00,47.79142,20.06952,1
+2018-11-06 09:47:22.300000+00:00,47.78809,20.07222,1
+2018-11-06 09:47:22.300000+00:00,47.78939,20.07088,1
+2018-11-06 09:47:22.300000+00:00,47.791,20.0686,1
+2018-11-06 09:47:22.300000+00:00,47.79142,20.06952,1
+2017-07-29 09:40:30.460000+00:00,47.78809,20.07222,1
+2017-07-29 09:40:30.460000+00:00,47.78939,20.07088,1
+2017-07-29 09:40:30.460000+00:00,47.791,20.0686,1
+2017-07-29 09:40:30.460000+00:00,47.79142,20.06952,1
+2018-05-05 09:43:37.060000+00:00,47.78809,20.07222,1
+2018-05-05 09:43:37.060000+00:00,47.78939,20.07088,1
+2018-05-05 09:43:37.060000+00:00,47.791,20.0686,1
+2018-05-05 09:43:37.060000+00:00,47.79142,20.06952,1
+2019-09-02 09:47:22.518000+00:00,47.78809,20.07222,1
+2019-09-02 09:47:22.518000+00:00,47.78939,20.07088,1
+2019-09-02 09:47:22.518000+00:00,47.791,20.0686,1
+2019-09-02 09:47:22.518000+00:00,47.79142,20.06952,1
+2019-04-15 09:47:29+00:00,47.78809,20.07222,1
+2019-04-15 09:47:29+00:00,47.78939,20.07088,1
+2019-04-15 09:47:29+00:00,47.791,20.0686,1
+2019-04-15 09:47:29+00:00,47.79142,20.06952,1
+2017-07-24 09:40:32.460000+00:00,47.78809,20.07222,1
+2017-07-24 09:40:32.460000+00:00,47.78939,20.07088,1
+2017-07-24 09:40:32.460000+00:00,47.791,20.0686,1
+2017-07-24 09:40:32.460000+00:00,47.79142,20.06952,1
+2019-08-28 09:47:30.793000+00:00,47.78809,20.07222,1
+2019-08-28 09:47:30.793000+00:00,47.78939,20.07088,1
+2019-08-28 09:47:30.793000+00:00,47.791,20.0686,1
+2019-08-28 09:47:30.793000+00:00,47.79142,20.06952,1
+2016-04-20 09:42:02+00:00,47.78809,20.07222,1
+2016-04-20 09:42:02+00:00,47.78939,20.07088,1
+2016-04-20 09:42:02+00:00,47.791,20.0686,1
+2016-04-20 09:42:02+00:00,47.79142,20.06952,1
+2017-06-24 09:43:15.420000+00:00,47.78809,20.07222,1
+2017-06-24 09:43:15.420000+00:00,47.78939,20.07088,1
+2017-06-24 09:43:15.420000+00:00,47.791,20.0686,1
+2017-06-24 09:43:15.420000+00:00,47.79142,20.06952,1
+2018-08-18 09:47:00.100000+00:00,47.78809,20.07222,1
+2018-08-18 09:47:00.100000+00:00,47.78939,20.07088,1
+2018-08-18 09:47:00.100000+00:00,47.791,20.0686,1
+2018-08-18 09:47:00.100000+00:00,47.79142,20.06952,1
+2017-11-11 09:42:27.460000+00:00,47.78809,20.07222,1
+2017-11-11 09:42:27.460000+00:00,47.78939,20.07088,1
+2017-11-11 09:42:27.460000+00:00,47.791,20.0686,1
+2017-11-11 09:42:27.460000+00:00,47.79142,20.06952,1
+2018-08-03 09:45:01.650000+00:00,47.78809,20.07222,1
+2018-08-03 09:45:01.650000+00:00,47.78939,20.07088,1
+2018-08-03 09:45:01.650000+00:00,47.791,20.0686,1
+2018-08-03 09:45:01.650000+00:00,47.79142,20.06952,1
+2018-04-30 09:45:43.730000+00:00,47.78809,20.07222,1
+2018-04-30 09:45:43.730000+00:00,47.78939,20.07088,1
+2018-04-30 09:45:43.730000+00:00,47.791,20.0686,1
+2018-04-30 09:45:43.730000+00:00,47.79142,20.06952,1
+2018-11-11 09:47:24.190000+00:00,47.78809,20.07222,1
+2018-11-11 09:47:24.190000+00:00,47.78939,20.07088,1
+2018-11-11 09:47:24.190000+00:00,47.791,20.0686,1
+2018-11-11 09:47:24.190000+00:00,47.79142,20.06952,1
+2017-06-14 09:40:31.460000+00:00,47.78809,20.07222,1
+2017-06-14 09:40:31.460000+00:00,47.78939,20.07088,1
+2017-06-14 09:40:31.460000+00:00,47.791,20.0686,1
+2017-06-14 09:40:31.460000+00:00,47.79142,20.06952,1
+2019-07-09 09:47:34+00:00,47.78809,20.07222,1
+2019-07-09 09:47:34+00:00,47.78939,20.07088,1
+2019-07-09 09:47:34+00:00,47.791,20.0686,1
+2019-07-09 09:47:34+00:00,47.79142,20.06952,1
+2018-07-29 09:40:31.460000+00:00,47.78809,20.07222,1
+2018-07-29 09:40:31.460000+00:00,47.78939,20.07088,1
+2018-07-29 09:40:31.460000+00:00,47.791,20.0686,1
+2018-07-29 09:40:31.460000+00:00,47.79142,20.06952,1
+2020-06-01 10:46:32.376000+00:00,51.6768,7.97625,0
+2020-06-01 10:46:32.376000+00:00,51.67823,7.975,0
+2017-03-11 10:30:14.460000+00:00,51.6768,7.97625,0
+2017-03-11 10:30:14.460000+00:00,51.67823,7.975,0
+2020-11-23 10:46:32.478000+00:00,51.6768,7.97625,1
+2020-11-23 10:46:32.478000+00:00,51.67823,7.975,1
+2018-10-05 10:40:19.460000+00:00,51.6768,7.97625,1
+2018-10-05 10:40:19.460000+00:00,51.67823,7.975,1
+2018-09-30 10:44:11.960000+00:00,51.6768,7.97625,1
+2018-09-30 10:44:11.960000+00:00,51.67823,7.975,1
+2017-08-13 10:30:20.460000+00:00,51.6768,7.97625,0
+2017-08-13 10:30:20.460000+00:00,51.67823,7.975,0
+2018-02-22 10:40:35.070000+00:00,51.6768,7.97625,1
+2018-02-22 10:40:35.070000+00:00,51.67823,7.975,1
+2018-07-19 10:30:20.460000+00:00,51.6768,7.97625,1
+2018-07-19 10:30:20.460000+00:00,51.67823,7.975,1
+2017-02-12 10:41:38.461000+00:00,51.6768,7.97625,0
+2017-02-12 10:41:38.461000+00:00,51.67823,7.975,0
+2019-04-18 10:46:36+00:00,51.6768,7.97625,0
+2019-04-18 10:46:36+00:00,51.67823,7.975,0
+2015-10-01 10:40:39+00:00,51.6768,7.97625,1
+2015-10-01 10:40:39+00:00,51.67823,7.975,1
+2017-04-30 10:30:24.460000+00:00,51.6768,7.97625,0
+2017-04-30 10:30:24.460000+00:00,51.67823,7.975,0
+2019-10-30 10:46:33.947000+00:00,51.6768,7.97625,1
+2019-10-30 10:46:33.947000+00:00,51.67823,7.975,1
+2020-11-08 10:46:32.443000+00:00,51.6768,7.97625,1
+2020-11-08 10:46:32.443000+00:00,51.67823,7.975,1
+2019-06-07 10:46:38+00:00,51.6768,7.97625,0
+2019-06-07 10:46:38+00:00,51.67823,7.975,0
+2019-04-20 10:36:37+00:00,51.6768,7.97625,0
+2019-04-20 10:36:37+00:00,51.67823,7.975,0
+2020-05-27 10:46:36.783000+00:00,51.6768,7.97625,0
+2020-05-27 10:46:36.783000+00:00,51.67823,7.975,0
+2019-06-27 10:46:39+00:00,51.6768,7.97625,1
+2019-06-27 10:46:39+00:00,51.67823,7.975,1
+2020-08-10 10:46:34.139000+00:00,51.6768,7.97625,1
+2020-08-10 10:46:34.139000+00:00,51.67823,7.975,1
+2016-09-22 10:33:57.530000+00:00,51.6768,7.97625,1
+2016-09-22 10:33:57.530000+00:00,51.67823,7.975,1
+2016-05-08 10:40:27.456000+00:00,51.6768,7.97625,0
+2016-05-08 10:40:27.456000+00:00,51.67823,7.975,0
+2018-08-23 10:35:35.340000+00:00,51.6768,7.97625,1
+2018-08-23 10:35:35.340000+00:00,51.67823,7.975,1
+2019-01-18 10:46:30.480000+00:00,51.6768,7.97625,1
+2019-01-18 10:46:30.480000+00:00,51.67823,7.975,1
+2020-04-19 10:36:29.151000+00:00,51.6768,7.97625,0
+2020-04-19 10:36:29.151000+00:00,51.67823,7.975,0
+2019-05-18 10:46:39+00:00,51.6768,7.97625,0
+2019-05-18 10:46:39+00:00,51.67823,7.975,0
+2019-12-04 10:46:24.741000+00:00,51.6768,7.97625,1
+2019-12-04 10:46:24.741000+00:00,51.67823,7.975,1
+2018-07-17 10:42:58.590000+00:00,51.6768,7.97625,1
+2018-07-17 10:42:58.590000+00:00,51.67823,7.975,1
+2020-09-14 10:46:34.934000+00:00,51.6768,7.97625,1
+2020-09-14 10:46:34.934000+00:00,51.67823,7.975,1
+2020-11-03 10:46:35.612000+00:00,51.6768,7.97625,1
+2020-11-03 10:46:35.612000+00:00,51.67823,7.975,1
+2016-08-23 10:33:32.060000+00:00,51.6768,7.97625,0
+2016-08-23 10:33:32.060000+00:00,51.67823,7.975,0
+2019-02-24 10:36:33+00:00,51.6768,7.97625,0
+2019-02-24 10:36:33+00:00,51.67823,7.975,0
+2020-07-31 10:46:33.573000+00:00,51.6768,7.97625,0
+2020-07-31 10:46:33.573000+00:00,51.67823,7.975,0
+2018-04-08 10:45:39.940000+00:00,51.6768,7.97625,1
+2018-04-08 10:45:39.940000+00:00,51.67823,7.975,1
+2019-07-04 10:36:42+00:00,51.6768,7.97625,0
+2019-07-04 10:36:42+00:00,51.67823,7.975,0
+2018-08-06 10:43:40.890000+00:00,51.6768,7.97625,1
+2018-08-06 10:43:40.890000+00:00,51.67823,7.975,1
+2017-06-19 10:30:21.460000+00:00,51.6768,7.97625,1
+2017-06-19 10:30:21.460000+00:00,51.67823,7.975,1
+2018-09-05 10:45:27.120000+00:00,51.6768,7.97625,1
+2018-09-05 10:45:27.120000+00:00,51.67823,7.975,1
+2019-09-15 10:46:30.643000+00:00,51.6768,7.97625,0
+2019-09-15 10:46:30.643000+00:00,51.67823,7.975,0
+2018-08-03 10:32:39.550000+00:00,51.6768,7.97625,1
+2018-08-03 10:32:39.550000+00:00,51.67823,7.975,1
+2018-03-19 10:40:19.460000+00:00,51.6768,7.97625,1
+2018-03-19 10:40:19.460000+00:00,51.67823,7.975,1
+2019-04-08 10:46:34+00:00,51.6768,7.97625,0
+2019-04-08 10:46:34+00:00,51.67823,7.975,0
+2016-09-25 10:41:15.190000+00:00,51.6768,7.97625,1
+2016-09-25 10:41:15.190000+00:00,51.67823,7.975,1
+2017-07-07 10:40:22.460000+00:00,51.6768,7.97625,0
+2017-07-07 10:40:22.460000+00:00,51.67823,7.975,0
+2016-06-07 10:40:26.455000+00:00,51.6768,7.97625,0
+2016-06-07 10:40:26.455000+00:00,51.67823,7.975,0
+2016-09-02 10:32:28.730000+00:00,51.6768,7.97625,1
+2016-09-02 10:32:28.730000+00:00,51.67823,7.975,1
+2016-07-07 10:40:25.456000+00:00,51.6768,7.97625,1
+2016-07-07 10:40:25.456000+00:00,51.67823,7.975,1
+2020-04-24 10:36:35.887000+00:00,51.6768,7.97625,0
+2020-04-24 10:36:35.887000+00:00,51.67823,7.975,0
+2016-05-05 10:30:27.459000+00:00,51.6768,7.97625,0
+2016-05-05 10:30:27.459000+00:00,51.67823,7.975,0
+2020-07-13 10:36:38.588000+00:00,51.6768,7.97625,0
+2020-07-13 10:36:38.588000+00:00,51.67823,7.975,0
+2015-12-30 10:51:53.392000+00:00,51.6768,7.97625,0
+2015-12-30 10:51:53.392000+00:00,51.67823,7.975,0
+2018-08-16 10:44:19.580000+00:00,51.6768,7.97625,1
+2018-08-16 10:44:19.580000+00:00,51.67823,7.975,1
+2020-01-13 10:46:25.133000+00:00,51.6768,7.97625,0
+2020-01-13 10:46:25.133000+00:00,51.67823,7.975,0
+2018-03-26 10:30:20.460000+00:00,51.6768,7.97625,1
+2018-03-26 10:30:20.460000+00:00,51.67823,7.975,1
+2018-05-05 10:31:25.790000+00:00,51.6768,7.97625,0
+2018-05-05 10:31:25.790000+00:00,51.67823,7.975,0
+2017-10-31 09:27:02.020000+00:00,40.39461,21.92915,1
+2017-10-31 09:27:02.020000+00:00,40.39501,21.92782,1
+2017-10-31 09:27:02.020000+00:00,40.39548,21.92655,1
+2017-10-31 09:27:02.020000+00:00,40.39594,21.92526,1
+2017-10-31 09:27:02.020000+00:00,40.39634,21.92399,1
+2015-12-06 09:23:51+00:00,40.39461,21.92915,1
+2015-12-06 09:23:51+00:00,40.39501,21.92782,1
+2015-12-06 09:23:51+00:00,40.39548,21.92655,1
+2015-12-06 09:23:51+00:00,40.39594,21.92526,1
+2015-12-06 09:23:51+00:00,40.39634,21.92399,1
+2019-10-16 09:29:28.143000+00:00,40.39461,21.92915,1
+2019-10-16 09:29:28.143000+00:00,40.39501,21.92782,1
+2019-10-16 09:29:28.143000+00:00,40.39548,21.92655,1
+2019-10-16 09:29:28.143000+00:00,40.39594,21.92526,1
+2019-10-16 09:29:28.143000+00:00,40.39634,21.92399,1
+2021-04-08 09:29:20.677000+00:00,40.39461,21.92915,1
+2021-04-08 09:29:20.677000+00:00,40.39501,21.92782,1
+2021-04-08 09:29:20.677000+00:00,40.39548,21.92655,1
+2021-04-08 09:29:20.677000+00:00,40.39594,21.92526,1
+2021-04-08 09:29:20.677000+00:00,40.39634,21.92399,1
+2018-07-28 09:26:58.710000+00:00,40.39461,21.92915,1
+2018-07-28 09:26:58.710000+00:00,40.39501,21.92782,1
+2018-07-28 09:26:58.710000+00:00,40.39548,21.92655,1
+2018-07-28 09:26:58.710000+00:00,40.39594,21.92526,1
+2018-07-28 09:26:58.710000+00:00,40.39634,21.92399,1
+2017-02-18 09:27:38.389000+00:00,40.39461,21.92915,1
+2017-02-18 09:27:38.389000+00:00,40.39501,21.92782,1
+2017-02-18 09:27:38.389000+00:00,40.39548,21.92655,1
+2017-02-18 09:27:38.389000+00:00,40.39594,21.92526,1
+2017-02-18 09:27:38.389000+00:00,40.39634,21.92399,1
+2019-08-17 09:29:28.022000+00:00,40.39461,21.92915,1
+2019-08-17 09:29:28.022000+00:00,40.39501,21.92782,1
+2019-08-17 09:29:28.022000+00:00,40.39548,21.92655,1
+2019-08-17 09:29:28.022000+00:00,40.39594,21.92526,1
+2019-08-17 09:29:28.022000+00:00,40.39634,21.92399,1
+2019-07-08 09:29:30+00:00,40.39461,21.92915,1
+2019-07-08 09:29:30+00:00,40.39501,21.92782,1
+2019-07-08 09:29:30+00:00,40.39548,21.92655,1
+2019-07-08 09:29:30+00:00,40.39594,21.92526,1
+2019-07-08 09:29:30+00:00,40.39634,21.92399,1
+2020-10-20 09:29:30.524000+00:00,40.39461,21.92915,1
+2020-10-20 09:29:30.524000+00:00,40.39501,21.92782,1
+2020-10-20 09:29:30.524000+00:00,40.39548,21.92655,1
+2020-10-20 09:29:30.524000+00:00,40.39594,21.92526,1
+2020-10-20 09:29:30.524000+00:00,40.39634,21.92399,1
+2015-11-16 09:23:22+00:00,40.39461,21.92915,1
+2015-11-16 09:23:22+00:00,40.39501,21.92782,1
+2015-11-16 09:23:22+00:00,40.39548,21.92655,1
+2015-11-16 09:23:22+00:00,40.39594,21.92526,1
+2015-11-16 09:23:22+00:00,40.39634,21.92399,1
+2019-09-16 09:29:24.273000+00:00,40.39461,21.92915,1
+2019-09-16 09:29:24.273000+00:00,40.39501,21.92782,1
+2019-09-16 09:29:24.273000+00:00,40.39548,21.92655,1
+2019-09-16 09:29:24.273000+00:00,40.39594,21.92526,1
+2019-09-16 09:29:24.273000+00:00,40.39634,21.92399,1
+2017-08-22 09:28:56.770000+00:00,40.39461,21.92915,1
+2017-08-22 09:28:56.770000+00:00,40.39501,21.92782,1
+2017-08-22 09:28:56.770000+00:00,40.39548,21.92655,1
+2017-08-22 09:28:56.770000+00:00,40.39594,21.92526,1
+2017-08-22 09:28:56.770000+00:00,40.39634,21.92399,1
+2017-10-21 09:23:55.540000+00:00,40.39461,21.92915,1
+2017-10-21 09:23:55.540000+00:00,40.39501,21.92782,1
+2017-10-21 09:23:55.540000+00:00,40.39548,21.92655,1
+2017-10-21 09:23:55.540000+00:00,40.39594,21.92526,1
+2017-10-21 09:23:55.540000+00:00,40.39634,21.92399,1
+2017-11-20 09:22:49.460000+00:00,40.39461,21.92915,1
+2017-11-20 09:22:49.460000+00:00,40.39501,21.92782,1
+2017-11-20 09:22:49.460000+00:00,40.39548,21.92655,1
+2017-11-20 09:22:49.460000+00:00,40.39594,21.92526,1
+2017-11-20 09:22:49.460000+00:00,40.39634,21.92399,1
+2018-10-01 09:26:00.980000+00:00,40.39461,21.92915,1
+2018-10-01 09:26:00.980000+00:00,40.39501,21.92782,1
+2018-10-01 09:26:00.980000+00:00,40.39548,21.92655,1
+2018-10-01 09:26:00.980000+00:00,40.39594,21.92526,1
+2018-10-01 09:26:00.980000+00:00,40.39634,21.92399,1
+2019-08-12 09:29:31.768000+00:00,40.39461,21.92915,1
+2019-08-12 09:29:31.768000+00:00,40.39501,21.92782,1
+2019-08-12 09:29:31.768000+00:00,40.39548,21.92655,1
+2019-08-12 09:29:31.768000+00:00,40.39594,21.92526,1
+2019-08-12 09:29:31.768000+00:00,40.39634,21.92399,1
+2018-03-10 09:21:38.830000+00:00,40.39461,21.92915,1
+2018-03-10 09:21:38.830000+00:00,40.39501,21.92782,1
+2018-03-10 09:21:38.830000+00:00,40.39548,21.92655,1
+2018-03-10 09:21:38.830000+00:00,40.39594,21.92526,1
+2018-03-10 09:21:38.830000+00:00,40.39634,21.92399,1
+2019-08-02 09:29:32.891000+00:00,40.39461,21.92915,1
+2019-08-02 09:29:32.891000+00:00,40.39501,21.92782,1
+2019-08-02 09:29:32.891000+00:00,40.39548,21.92655,1
+2019-08-02 09:29:32.891000+00:00,40.39594,21.92526,1
+2019-08-02 09:29:32.891000+00:00,40.39634,21.92399,1
+2020-08-26 09:29:28.440000+00:00,40.39461,21.92915,1
+2020-08-26 09:29:28.440000+00:00,40.39501,21.92782,1
+2020-08-26 09:29:28.440000+00:00,40.39548,21.92655,1
+2020-08-26 09:29:28.440000+00:00,40.39594,21.92526,1
+2020-08-26 09:29:28.440000+00:00,40.39634,21.92399,1
+2017-07-03 09:28:03.040000+00:00,40.39461,21.92915,1
+2017-07-03 09:28:03.040000+00:00,40.39501,21.92782,1
+2017-07-03 09:28:03.040000+00:00,40.39548,21.92655,1
+2017-07-03 09:28:03.040000+00:00,40.39594,21.92526,1
+2017-07-03 09:28:03.040000+00:00,40.39634,21.92399,1
+2021-01-18 09:29:25.883000+00:00,40.39461,21.92915,1
+2021-01-18 09:29:25.883000+00:00,40.39501,21.92782,1
+2021-01-18 09:29:25.883000+00:00,40.39548,21.92655,1
+2021-01-18 09:29:25.883000+00:00,40.39594,21.92526,1
+2021-01-18 09:29:25.883000+00:00,40.39634,21.92399,1
+2017-12-25 09:28:07.180000+00:00,40.39461,21.92915,1
+2017-12-25 09:28:07.180000+00:00,40.39501,21.92782,1
+2017-12-25 09:28:07.180000+00:00,40.39548,21.92655,1
+2017-12-25 09:28:07.180000+00:00,40.39594,21.92526,1
+2017-12-25 09:28:07.180000+00:00,40.39634,21.92399,1
+2018-09-06 09:28:58.980000+00:00,40.39461,21.92915,1
+2018-09-06 09:28:58.980000+00:00,40.39501,21.92782,1
+2018-09-06 09:28:58.980000+00:00,40.39548,21.92655,1
+2018-09-06 09:28:58.980000+00:00,40.39594,21.92526,1
+2018-09-06 09:28:58.980000+00:00,40.39634,21.92399,1
+2020-04-08 09:29:21.721000+00:00,40.39461,21.92915,1
+2020-04-08 09:29:21.721000+00:00,40.39501,21.92782,1
+2020-04-08 09:29:21.721000+00:00,40.39548,21.92655,1
+2020-04-08 09:29:21.721000+00:00,40.39594,21.92526,1
+2020-04-08 09:29:21.721000+00:00,40.39634,21.92399,1
+2020-02-18 09:29:21.165000+00:00,40.39461,21.92915,1
+2020-02-18 09:29:21.165000+00:00,40.39501,21.92782,1
+2020-02-18 09:29:21.165000+00:00,40.39548,21.92655,1
+2020-02-18 09:29:21.165000+00:00,40.39594,21.92526,1
+2020-02-18 09:29:21.165000+00:00,40.39634,21.92399,1
+2020-10-05 09:29:28.580000+00:00,40.39461,21.92915,1
+2020-10-05 09:29:28.580000+00:00,40.39501,21.92782,1
+2020-10-05 09:29:28.580000+00:00,40.39548,21.92655,1
+2020-10-05 09:29:28.580000+00:00,40.39594,21.92526,1
+2020-10-05 09:29:28.580000+00:00,40.39634,21.92399,1
+2019-08-07 09:29:29.152000+00:00,40.39461,21.92915,1
+2019-08-07 09:29:29.152000+00:00,40.39501,21.92782,1
+2019-08-07 09:29:29.152000+00:00,40.39548,21.92655,1
+2019-08-07 09:29:29.152000+00:00,40.39594,21.92526,1
+2019-08-07 09:29:29.152000+00:00,40.39634,21.92399,1
+2019-07-18 09:29:30.215000+00:00,40.39461,21.92915,1
+2019-07-18 09:29:30.215000+00:00,40.39501,21.92782,1
+2019-07-18 09:29:30.215000+00:00,40.39548,21.92655,1
+2019-07-18 09:29:30.215000+00:00,40.39594,21.92526,1
+2019-07-18 09:29:30.215000+00:00,40.39634,21.92399,1
+2019-10-06 09:29:27.344000+00:00,40.39461,21.92915,1
+2019-10-06 09:29:27.344000+00:00,40.39501,21.92782,1
+2019-10-06 09:29:27.344000+00:00,40.39548,21.92655,1
+2019-10-06 09:29:27.344000+00:00,40.39594,21.92526,1
+2019-10-06 09:29:27.344000+00:00,40.39634,21.92399,1
+2019-09-26 09:29:26.048000+00:00,40.39461,21.92915,1
+2019-09-26 09:29:26.048000+00:00,40.39501,21.92782,1
+2019-09-26 09:29:26.048000+00:00,40.39548,21.92655,1
+2019-09-26 09:29:26.048000+00:00,40.39594,21.92526,1
+2019-09-26 09:29:26.048000+00:00,40.39634,21.92399,1
+2019-05-24 09:29:33+00:00,40.39461,21.92915,1
+2019-05-24 09:29:33+00:00,40.39501,21.92782,1
+2019-05-24 09:29:33+00:00,40.39548,21.92655,1
+2019-05-24 09:29:33+00:00,40.39594,21.92526,1
+2019-05-24 09:29:33+00:00,40.39634,21.92399,1
+2020-05-03 09:29:28.471000+00:00,40.39461,21.92915,1
+2020-05-03 09:29:28.471000+00:00,40.39501,21.92782,1
+2020-05-03 09:29:28.471000+00:00,40.39548,21.92655,1
+2020-05-03 09:29:28.471000+00:00,40.39594,21.92526,1
+2020-05-03 09:29:28.471000+00:00,40.39634,21.92399,1
+2016-04-04 09:24:09+00:00,40.39461,21.92915,1
+2016-04-04 09:24:09+00:00,40.39501,21.92782,1
+2016-04-04 09:24:09+00:00,40.39548,21.92655,1
+2016-04-04 09:24:09+00:00,40.39594,21.92526,1
+2016-04-04 09:24:09+00:00,40.39634,21.92399,1
+2021-03-24 09:29:24.010000+00:00,40.39461,21.92915,1
+2021-03-24 09:29:24.010000+00:00,40.39501,21.92782,1
+2021-03-24 09:29:24.010000+00:00,40.39548,21.92655,1
+2021-03-24 09:29:24.010000+00:00,40.39594,21.92526,1
+2021-03-24 09:29:24.010000+00:00,40.39634,21.92399,1
+2016-05-14 09:20:34+00:00,40.39461,21.92915,1
+2016-05-14 09:20:34+00:00,40.39501,21.92782,1
+2016-05-14 09:20:34+00:00,40.39548,21.92655,1
+2016-05-14 09:20:34+00:00,40.39594,21.92526,1
+2016-05-14 09:20:34+00:00,40.39634,21.92399,1
+2016-07-13 09:20:32.463000+00:00,40.39461,21.92915,1
+2016-07-13 09:20:32.463000+00:00,40.39501,21.92782,1
+2016-07-13 09:20:32.463000+00:00,40.39548,21.92655,1
+2016-07-13 09:20:32.463000+00:00,40.39594,21.92526,1
+2016-07-13 09:20:32.463000+00:00,40.39634,21.92399,1
+2020-08-21 09:29:30.714000+00:00,40.39461,21.92915,0
+2020-08-21 09:29:30.714000+00:00,40.39501,21.92782,0
+2020-08-21 09:29:30.714000+00:00,40.39548,21.92655,0
+2020-08-21 09:29:30.714000+00:00,40.39594,21.92526,0
+2020-08-21 09:29:30.714000+00:00,40.39634,21.92399,0
+2021-02-02 09:29:24.586000+00:00,40.39461,21.92915,1
+2021-02-02 09:29:24.586000+00:00,40.39501,21.92782,1
+2021-02-02 09:29:24.586000+00:00,40.39548,21.92655,1
+2021-02-02 09:29:24.586000+00:00,40.39594,21.92526,1
+2021-02-02 09:29:24.586000+00:00,40.39634,21.92399,1
+2019-03-30 09:29:24+00:00,40.39461,21.92915,1
+2019-03-30 09:29:24+00:00,40.39501,21.92782,1
+2019-03-30 09:29:24+00:00,40.39548,21.92655,1
+2019-03-30 09:29:24+00:00,40.39594,21.92526,1
+2019-03-30 09:29:24+00:00,40.39634,21.92399,1
+2017-12-10 09:23:48.460000+00:00,40.39461,21.92915,1
+2017-12-10 09:23:48.460000+00:00,40.39501,21.92782,1
+2017-12-10 09:23:48.460000+00:00,40.39548,21.92655,1
+2017-12-10 09:23:48.460000+00:00,40.39594,21.92526,1
+2017-12-10 09:23:48.460000+00:00,40.39634,21.92399,1
+2020-02-08 09:29:19.494000+00:00,40.39461,21.92915,1
+2020-02-08 09:29:19.494000+00:00,40.39501,21.92782,1
+2020-02-08 09:29:19.494000+00:00,40.39548,21.92655,1
+2020-02-08 09:29:19.494000+00:00,40.39594,21.92526,1
+2020-02-08 09:29:19.494000+00:00,40.39634,21.92399,1
+2020-09-20 09:29:29.940000+00:00,40.39461,21.92915,1
+2020-09-20 09:29:29.940000+00:00,40.39501,21.92782,1
+2020-09-20 09:29:29.940000+00:00,40.39548,21.92655,1
+2020-09-20 09:29:29.940000+00:00,40.39594,21.92526,1
+2020-09-20 09:29:29.940000+00:00,40.39634,21.92399,1
+2017-08-02 09:28:56.160000+00:00,40.39461,21.92915,1
+2017-08-02 09:28:56.160000+00:00,40.39501,21.92782,1
+2017-08-02 09:28:56.160000+00:00,40.39548,21.92655,1
+2017-08-02 09:28:56.160000+00:00,40.39594,21.92526,1
+2017-08-02 09:28:56.160000+00:00,40.39634,21.92399,1
+2018-09-21 09:20:23.460000+00:00,40.39461,21.92915,1
+2018-09-21 09:20:23.460000+00:00,40.39501,21.92782,1
+2018-09-21 09:20:23.460000+00:00,40.39548,21.92655,1
+2018-09-21 09:20:23.460000+00:00,40.39594,21.92526,1
+2018-09-21 09:20:23.460000+00:00,40.39634,21.92399,1
+2019-04-29 09:29:28+00:00,40.39461,21.92915,1
+2019-04-29 09:29:28+00:00,40.39501,21.92782,1
+2019-04-29 09:29:28+00:00,40.39548,21.92655,1
+2019-04-29 09:29:28+00:00,40.39594,21.92526,1
+2019-04-29 09:29:28+00:00,40.39634,21.92399,1
+2020-05-08 09:29:22.982000+00:00,40.39461,21.92915,1
+2020-05-08 09:29:22.982000+00:00,40.39501,21.92782,1
+2020-05-08 09:29:22.982000+00:00,40.39548,21.92655,1
+2020-05-08 09:29:22.982000+00:00,40.39594,21.92526,1
+2020-05-08 09:29:22.982000+00:00,40.39634,21.92399,1
+2018-10-26 09:26:37.420000+00:00,40.39461,21.92915,1
+2018-10-26 09:26:37.420000+00:00,40.39501,21.92782,1
+2018-10-26 09:26:37.420000+00:00,40.39548,21.92655,1
+2018-10-26 09:26:37.420000+00:00,40.39594,21.92526,1
+2018-10-26 09:26:37.420000+00:00,40.39634,21.92399,1
+2020-08-11 09:29:31.010000+00:00,40.39461,21.92915,0
+2020-08-11 09:29:31.010000+00:00,40.39501,21.92782,0
+2020-08-11 09:29:31.010000+00:00,40.39548,21.92655,0
+2020-08-11 09:29:31.010000+00:00,40.39594,21.92526,0
+2020-08-11 09:29:31.010000+00:00,40.39634,21.92399,0
+2020-06-27 09:29:27.520000+00:00,40.39461,21.92915,1
+2020-06-27 09:29:27.520000+00:00,40.39501,21.92782,1
+2020-06-27 09:29:27.520000+00:00,40.39548,21.92655,1
+2020-06-27 09:29:27.520000+00:00,40.39594,21.92526,1
+2020-06-27 09:29:27.520000+00:00,40.39634,21.92399,1
+2016-08-02 09:27:05.703000+00:00,40.39461,21.92915,1
+2016-08-02 09:27:05.703000+00:00,40.39501,21.92782,1
+2016-08-02 09:27:05.703000+00:00,40.39548,21.92655,1
+2016-08-02 09:27:05.703000+00:00,40.39594,21.92526,1
+2016-08-02 09:27:05.703000+00:00,40.39634,21.92399,1
+2020-04-28 09:29:20.590000+00:00,40.39461,21.92915,0
+2020-04-28 09:29:20.590000+00:00,40.39501,21.92782,0
+2020-04-28 09:29:20.590000+00:00,40.39548,21.92655,0
+2020-04-28 09:29:20.590000+00:00,40.39594,21.92526,0
+2020-04-28 09:29:20.590000+00:00,40.39634,21.92399,0
+2020-04-13 09:29:24.054000+00:00,40.39461,21.92915,1
+2020-04-13 09:29:24.054000+00:00,40.39501,21.92782,1
+2020-04-13 09:29:24.054000+00:00,40.39548,21.92655,1
+2020-04-13 09:29:24.054000+00:00,40.39594,21.92526,1
+2020-04-13 09:29:24.054000+00:00,40.39634,21.92399,1
+2020-01-09 09:29:19.739000+00:00,40.39461,21.92915,1
+2020-01-09 09:29:19.739000+00:00,40.39501,21.92782,1
+2020-01-09 09:29:19.739000+00:00,40.39548,21.92655,1
+2020-01-09 09:29:19.739000+00:00,40.39594,21.92526,1
+2020-01-09 09:29:19.739000+00:00,40.39634,21.92399,1
+2019-03-10 09:29:20+00:00,40.39461,21.92915,1
+2019-03-10 09:29:20+00:00,40.39501,21.92782,1
+2019-03-10 09:29:20+00:00,40.39548,21.92655,1
+2019-03-10 09:29:20+00:00,40.39594,21.92526,1
+2019-03-10 09:29:20+00:00,40.39634,21.92399,1
+2017-06-28 09:28:15.470000+00:00,40.39461,21.92915,1
+2017-06-28 09:28:15.470000+00:00,40.39501,21.92782,1
+2017-06-28 09:28:15.470000+00:00,40.39548,21.92655,1
+2017-06-28 09:28:15.470000+00:00,40.39594,21.92526,1
+2017-06-28 09:28:15.470000+00:00,40.39634,21.92399,1
+2017-07-23 09:28:53.550000+00:00,40.39461,21.92915,1
+2017-07-23 09:28:53.550000+00:00,40.39501,21.92782,1
+2017-07-23 09:28:53.550000+00:00,40.39548,21.92655,1
+2017-07-23 09:28:53.550000+00:00,40.39594,21.92526,1
+2017-07-23 09:28:53.550000+00:00,40.39634,21.92399,1
+2021-03-04 09:29:24.115000+00:00,40.39461,21.92915,1
+2021-03-04 09:29:24.115000+00:00,40.39501,21.92782,1
+2021-03-04 09:29:24.115000+00:00,40.39548,21.92655,1
+2021-03-04 09:29:24.115000+00:00,40.39594,21.92526,1
+2021-03-04 09:29:24.115000+00:00,40.39634,21.92399,1
+2018-07-03 09:22:24.900000+00:00,40.39461,21.92915,1
+2018-07-03 09:22:24.900000+00:00,40.39501,21.92782,1
+2018-07-03 09:22:24.900000+00:00,40.39548,21.92655,1
+2018-07-03 09:22:24.900000+00:00,40.39594,21.92526,1
+2018-07-03 09:22:24.900000+00:00,40.39634,21.92399,1
+2020-06-07 09:29:27.171000+00:00,40.39461,21.92915,1
+2020-06-07 09:29:27.171000+00:00,40.39501,21.92782,1
+2020-06-07 09:29:27.171000+00:00,40.39548,21.92655,1
+2020-06-07 09:29:27.171000+00:00,40.39594,21.92526,1
+2020-06-07 09:29:27.171000+00:00,40.39634,21.92399,1
+2018-12-05 09:29:19.870000+00:00,40.39461,21.92915,1
+2018-12-05 09:29:19.870000+00:00,40.39501,21.92782,1
+2018-12-05 09:29:19.870000+00:00,40.39548,21.92655,1
+2018-12-05 09:29:19.870000+00:00,40.39594,21.92526,1
+2018-12-05 09:29:19.870000+00:00,40.39634,21.92399,1
+2019-05-28 16:43:00+00:00,37.92324,-87.03378,1
+2019-05-28 16:43:00+00:00,37.92798,-87.03403,1
+2020-07-21 16:43:16.994000+00:00,37.92324,-87.03378,1
+2020-07-21 16:43:16.994000+00:00,37.92798,-87.03403,1
+2018-03-04 16:34:18.370000+00:00,37.92324,-87.03378,1
+2018-03-04 16:34:18.370000+00:00,37.92798,-87.03403,1
+2020-11-08 16:43:16.062000+00:00,37.92324,-87.03378,1
+2020-11-08 16:43:16.062000+00:00,37.92798,-87.03403,1
+2019-10-15 16:43:00.413000+00:00,37.92324,-87.03378,0
+2019-10-15 16:43:00.413000+00:00,37.92798,-87.03403,0
+2019-05-18 16:43:00+00:00,37.92324,-87.03378,1
+2019-05-18 16:43:00+00:00,37.92798,-87.03403,1
+2018-01-18 16:36:11.460000+00:00,37.92324,-87.03378,1
+2018-01-18 16:36:11.460000+00:00,37.92798,-87.03403,1
+2019-05-23 16:43:05+00:00,37.92324,-87.03378,1
+2019-05-23 16:43:05+00:00,37.92798,-87.03403,1
+2017-09-20 16:37:39.300000+00:00,37.92324,-87.03378,1
+2017-09-20 16:37:39.300000+00:00,37.92798,-87.03403,1
+2020-03-23 16:43:08.025000+00:00,37.92324,-87.03378,1
+2020-03-23 16:43:08.025000+00:00,37.92798,-87.03403,1
+2020-11-28 16:43:12.153000+00:00,37.92324,-87.03378,0
+2020-11-28 16:43:12.153000+00:00,37.92798,-87.03403,0
+2017-07-02 16:37:20.570000+00:00,37.92324,-87.03378,1
+2017-07-02 16:37:20.570000+00:00,37.92798,-87.03403,1
+2020-11-03 16:43:14.177000+00:00,37.92324,-87.03378,1
+2020-11-03 16:43:14.177000+00:00,37.92798,-87.03403,1
+2020-08-20 16:43:17.439000+00:00,37.92324,-87.03378,1
+2020-08-20 16:43:17.439000+00:00,37.92798,-87.03403,1
+2018-07-12 16:34:13.340000+00:00,37.92324,-87.03378,1
+2018-07-12 16:34:13.340000+00:00,37.92798,-87.03403,1
+2018-07-07 16:40:12.900000+00:00,37.92324,-87.03378,1
+2018-07-07 16:40:12.900000+00:00,37.92798,-87.03403,1
+2020-06-01 16:43:17.966000+00:00,37.92324,-87.03378,1
+2020-06-01 16:43:17.966000+00:00,37.92798,-87.03403,1
+2018-12-24 16:42:53.390000+00:00,37.92324,-87.03378,1
+2018-12-24 16:42:53.390000+00:00,37.92798,-87.03403,1
+2019-11-14 16:42:59.304000+00:00,37.92324,-87.03378,1
+2019-11-14 16:42:59.304000+00:00,37.92798,-87.03403,1
+2019-11-09 16:42:56.917000+00:00,37.92324,-87.03378,1
+2019-11-09 16:42:56.917000+00:00,37.92798,-87.03403,1
+2018-05-08 16:35:58.570000+00:00,37.92324,-87.03378,1
+2018-05-08 16:35:58.570000+00:00,37.92798,-87.03403,1
+2019-12-04 16:42:55.385000+00:00,37.92324,-87.03378,0
+2019-12-04 16:42:55.385000+00:00,37.92798,-87.03403,0
+2018-05-23 16:36:10.580000+00:00,37.92324,-87.03378,1
+2018-05-23 16:36:10.580000+00:00,37.92798,-87.03403,1
+2020-07-11 16:43:15.984000+00:00,37.92324,-87.03378,0
+2020-07-11 16:43:15.984000+00:00,37.92798,-87.03403,0
+2019-11-24 16:42:57.673000+00:00,37.92324,-87.03378,1
+2019-11-24 16:42:57.673000+00:00,37.92798,-87.03403,1
+2018-10-20 16:40:29+00:00,37.92324,-87.03378,1
+2018-10-20 16:40:29+00:00,37.92798,-87.03403,1
+2018-01-28 16:42:23.350000+00:00,37.92324,-87.03378,1
+2018-01-28 16:42:23.350000+00:00,37.92798,-87.03403,1
+2020-06-16 16:43:14.228000+00:00,37.92324,-87.03378,1
+2020-06-16 16:43:14.228000+00:00,37.92798,-87.03403,1
+2020-12-25 10:36:35.284000+00:00,51.63841,7.61786,0
+2018-02-22 10:40:35.070000+00:00,51.63841,7.61786,1
+2019-08-31 10:46:36.458000+00:00,51.63841,7.61786,0
+2015-10-01 10:40:39+00:00,51.63841,7.61786,1
+2018-06-29 10:30:21.460000+00:00,51.63841,7.61786,0
+2019-05-18 10:46:44+00:00,51.63841,7.61786,0
+2015-11-27 10:34:40+00:00,51.63841,7.61786,1
+2019-06-09 10:36:40+00:00,51.63841,7.61786,0
+2018-02-09 10:31:52.460000+00:00,51.63841,7.61786,1
+2018-10-17 10:32:02.480000+00:00,51.63841,7.61786,1
+2019-08-23 10:36:43.158000+00:00,51.63841,7.61786,0
+2018-05-30 10:30:18.460000+00:00,51.63841,7.61786,0
+2017-08-23 10:30:18.460000+00:00,51.63841,7.61786,1
+2018-07-27 10:40:23.460000+00:00,51.63841,7.61786,0
+2018-10-10 10:40:18.460000+00:00,51.63841,7.61786,1
+2018-12-04 10:46:27.340000+00:00,51.63841,7.61786,0
+2019-06-22 10:46:39+00:00,51.63841,7.61786,0
+2019-04-30 10:36:41+00:00,51.63841,7.61786,0
+2018-08-01 10:40:18.460000+00:00,51.63841,7.61786,1
+2018-07-24 10:35:51.770000+00:00,51.63841,7.61786,1
+2016-05-05 10:30:27.459000+00:00,51.63841,7.61786,0
+2018-07-07 10:45:15.680000+00:00,51.63841,7.61786,0
+2020-04-04 10:36:34.535000+00:00,51.63841,7.61786,0
+2019-04-20 10:36:41+00:00,51.63841,7.61786,0
+2020-03-25 10:36:34.374000+00:00,51.63841,7.61786,0
+2018-02-12 10:41:37.460000+00:00,51.63841,7.61786,0
+2020-05-07 10:46:39.865000+00:00,51.63841,7.61786,0
+2018-09-27 10:30:16.460000+00:00,51.63841,7.61786,0
+2020-08-05 10:46:41.749000+00:00,51.63841,7.61786,0
+2020-08-12 10:36:44.051000+00:00,51.63841,7.61786,0
+2018-05-28 10:46:13.410000+00:00,51.63841,7.61786,0
+2016-06-07 10:40:26.455000+00:00,51.63841,7.61786,1
+2017-08-06 10:40:21.460000+00:00,51.63841,7.61786,0
+2016-08-16 10:40:25.461000+00:00,51.63841,7.61786,1
+2017-06-19 10:30:21.460000+00:00,51.63841,7.61786,1
+2019-04-08 10:46:39+00:00,51.63841,7.61786,0
+2017-06-02 10:42:12.700000+00:00,51.63841,7.61786,1
+2019-01-18 10:46:35.510000+00:00,51.63841,7.61786,1
+2019-11-29 10:46:35.098000+00:00,51.63841,7.61786,0
+2020-08-07 10:36:41.419000+00:00,51.63841,7.61786,0
+2018-10-15 10:40:19.460000+00:00,51.63841,7.61786,1
+2021-03-05 10:36:37.262000+00:00,51.63841,7.61786,0
+2020-11-08 10:46:37.475000+00:00,51.63841,7.61786,0
+2017-03-24 10:40:16.460000+00:00,51.63841,7.61786,0
+2021-03-25 10:36:37.020000+00:00,51.63841,7.61786,0
+2018-07-02 10:40:21.460000+00:00,51.63841,7.61786,1
+2020-11-05 10:36:40.315000+00:00,51.63841,7.61786,1
+2020-09-06 10:36:40.903000+00:00,51.63841,7.61786,0
+2018-05-20 11:25:43.430000+00:00,42.79233,-5.63672,0
+2018-05-20 11:25:43.430000+00:00,42.79344,-5.63613,0
+2019-12-06 11:29:18.418000+00:00,42.79233,-5.63672,1
+2019-12-06 11:29:18.418000+00:00,42.79344,-5.63613,1
+2019-04-20 11:29:30+00:00,42.79233,-5.63672,0
+2019-04-20 11:29:30+00:00,42.79344,-5.63613,0
+2017-08-03 11:28:50.040000+00:00,42.79233,-5.63672,1
+2017-08-03 11:28:50.040000+00:00,42.79344,-5.63613,1
+2017-09-24 11:11:06.890000+00:00,42.79233,-5.63672,0
+2017-09-24 11:11:06.890000+00:00,42.79344,-5.63613,0
+2019-04-27 11:19:35+00:00,42.79233,-5.63672,0
+2019-04-27 11:19:35+00:00,42.79344,-5.63613,0
+2019-06-01 11:19:30+00:00,42.79233,-5.63672,0
+2019-06-01 11:19:30+00:00,42.79344,-5.63613,0
+2019-05-05 11:29:28+00:00,42.79233,-5.63672,0
+2019-05-05 11:29:28+00:00,42.79344,-5.63613,0
+2018-01-22 11:13:42.460000+00:00,42.79233,-5.63672,0
+2018-01-22 11:13:42.460000+00:00,42.79344,-5.63613,0
+2019-10-09 11:19:30.497000+00:00,42.79233,-5.63672,0
+2019-10-09 11:19:30.497000+00:00,42.79344,-5.63613,0
+2019-04-30 11:29:31+00:00,42.79233,-5.63672,0
+2019-04-30 11:29:31+00:00,42.79344,-5.63613,0
+2019-11-26 11:29:20.611000+00:00,42.79233,-5.63672,0
+2019-11-26 11:29:20.611000+00:00,42.79344,-5.63613,0
+2020-02-06 11:19:19.598000+00:00,42.79233,-5.63672,1
+2020-02-06 11:19:19.598000+00:00,42.79344,-5.63613,1
+2018-05-10 11:22:50.260000+00:00,42.79233,-5.63672,0
+2018-05-10 11:22:50.260000+00:00,42.79344,-5.63613,0
+2019-01-25 11:29:21+00:00,42.79233,-5.63672,1
+2019-01-25 11:29:21+00:00,42.79344,-5.63613,1
+2020-06-20 11:19:30.452000+00:00,42.79233,-5.63672,0
+2020-06-20 11:19:30.452000+00:00,42.79344,-5.63613,0
+2017-03-16 11:26:58.025000+00:00,42.79233,-5.63672,0
+2017-03-16 11:26:58.025000+00:00,42.79344,-5.63613,0
+2016-06-19 11:24:23.060000+00:00,42.79233,-5.63672,0
+2016-06-19 11:24:23.060000+00:00,42.79344,-5.63613,0
+2019-03-01 11:29:22+00:00,42.79233,-5.63672,0
+2019-03-01 11:29:22+00:00,42.79344,-5.63613,0
+2019-07-29 11:29:32.512000+00:00,42.79233,-5.63672,0
+2019-07-29 11:29:32.512000+00:00,42.79344,-5.63613,0
+2019-11-11 11:29:26.693000+00:00,42.79233,-5.63672,0
+2019-11-11 11:29:26.693000+00:00,42.79344,-5.63613,0
+2019-01-17 11:19:27.540000+00:00,42.79233,-5.63672,1
+2019-01-17 11:19:27.540000+00:00,42.79344,-5.63613,1
+2017-10-09 11:15:00.340000+00:00,42.79233,-5.63672,1
+2017-10-09 11:15:00.340000+00:00,42.79344,-5.63613,1
+2016-09-27 11:25:25.610000+00:00,42.79233,-5.63672,1
+2016-09-27 11:25:25.610000+00:00,42.79344,-5.63613,1
+2018-06-26 11:18:03.970000+00:00,42.79233,-5.63672,0
+2018-06-26 11:18:03.970000+00:00,42.79344,-5.63613,0
+2019-01-15 11:29:20.340000+00:00,42.79233,-5.63672,1
+2019-01-15 11:29:20.340000+00:00,42.79344,-5.63613,1
+2018-09-27 11:23:30.160000+00:00,42.79233,-5.63672,0
+2018-09-27 11:23:30.160000+00:00,42.79344,-5.63613,0
+2017-07-11 11:12:23.380000+00:00,42.79233,-5.63672,1
+2017-07-11 11:12:23.380000+00:00,42.79344,-5.63613,1
+2017-12-28 11:15:28.150000+00:00,42.79233,-5.63672,0
+2017-12-28 11:15:28.150000+00:00,42.79344,-5.63613,0
+2018-02-21 11:12:02.610000+00:00,42.79233,-5.63672,0
+2018-02-21 11:12:02.610000+00:00,42.79344,-5.63613,0
+2019-05-25 11:29:27+00:00,42.79233,-5.63672,0
+2019-05-25 11:29:27+00:00,42.79344,-5.63613,0
+2018-03-21 11:23:21.340000+00:00,42.79233,-5.63672,0
+2018-03-21 11:23:21.340000+00:00,42.79344,-5.63613,0
+2018-01-30 11:26:01.020000+00:00,42.79233,-5.63672,0
+2018-01-30 11:26:01.020000+00:00,42.79344,-5.63613,0
+2015-07-15 11:28:45+00:00,42.79233,-5.63672,1
+2015-07-15 11:28:45+00:00,42.79344,-5.63613,1
+2020-09-16 11:29:28.827000+00:00,42.79233,-5.63672,0
+2020-09-16 11:29:28.827000+00:00,42.79344,-5.63613,0
+2018-07-09 11:24:55.540000+00:00,42.79233,-5.63672,1
+2018-07-09 11:24:55.540000+00:00,42.79344,-5.63613,1
+2017-07-04 11:24:31.880000+00:00,42.79233,-5.63672,1
+2017-07-04 11:24:31.880000+00:00,42.79344,-5.63613,1
+2017-02-24 11:24:40.319000+00:00,42.79233,-5.63672,0
+2017-02-24 11:24:40.319000+00:00,42.79344,-5.63613,0
+2020-02-29 11:29:19.741000+00:00,42.79233,-5.63672,0
+2020-02-29 11:29:19.741000+00:00,42.79344,-5.63613,0
+2020-10-16 11:29:30.054000+00:00,42.79233,-5.63672,0
+2020-10-16 11:29:30.054000+00:00,42.79344,-5.63613,0
+2017-01-25 11:23:33.458000+00:00,42.79233,-5.63672,1
+2017-01-25 11:23:33.458000+00:00,42.79344,-5.63613,1
+2018-08-25 11:16:24.570000+00:00,42.79233,-5.63672,0
+2018-08-25 11:16:24.570000+00:00,42.79344,-5.63613,0
+2018-10-19 11:10:50.460000+00:00,42.79233,-5.63672,1
+2018-10-19 11:10:50.460000+00:00,42.79344,-5.63613,1
+2018-06-19 11:26:02.080000+00:00,42.79233,-5.63672,0
+2018-06-19 11:26:02.080000+00:00,42.79344,-5.63613,0
+2019-08-05 11:19:35.447000+00:00,42.79233,-5.63672,0
+2019-08-05 11:19:35.447000+00:00,42.79344,-5.63613,0
+2017-10-27 11:25:51.610000+00:00,42.79233,-5.63672,1
+2017-10-27 11:25:51.610000+00:00,42.79344,-5.63613,1
+2017-10-12 11:27:13.240000+00:00,42.79233,-5.63672,1
+2017-10-12 11:27:13.240000+00:00,42.79344,-5.63613,1
+2019-08-03 11:29:28.823000+00:00,42.79233,-5.63672,0
+2019-08-03 11:29:28.823000+00:00,42.79344,-5.63613,0
+2018-05-22 11:11:19.930000+00:00,42.79233,-5.63672,0
+2018-05-22 11:11:19.930000+00:00,42.79344,-5.63613,0
+2015-10-23 11:21:26+00:00,42.79233,-5.63672,1
+2015-10-23 11:21:26+00:00,42.79344,-5.63613,1
+2017-07-26 11:17:44.940000+00:00,42.79233,-5.63672,0
+2017-07-26 11:17:44.940000+00:00,42.79344,-5.63613,0
+2019-07-01 11:19:32+00:00,42.79233,-5.63672,0
+2019-07-01 11:19:32+00:00,42.79344,-5.63613,0
+2020-06-05 11:19:34.220000+00:00,42.79233,-5.63672,0
+2020-06-05 11:19:34.220000+00:00,42.79344,-5.63613,0
+2019-05-12 11:19:31+00:00,42.79233,-5.63672,0
+2019-05-12 11:19:31+00:00,42.79344,-5.63613,0
+2020-09-01 11:29:27.516000+00:00,42.79233,-5.63672,0
+2020-09-01 11:29:27.516000+00:00,42.79344,-5.63613,0
+2018-07-24 11:23:35.770000+00:00,42.79233,-5.63672,1
+2018-07-24 11:23:35.770000+00:00,42.79344,-5.63613,1
+2018-09-04 11:08:20.120000+00:00,42.79233,-5.63672,1
+2018-09-04 11:08:20.120000+00:00,42.79344,-5.63613,1
+2018-11-28 11:19:23.870000+00:00,42.79233,-5.63672,1
+2018-11-28 11:19:23.870000+00:00,42.79344,-5.63613,1
+2019-06-09 11:29:32+00:00,42.79233,-5.63672,0
+2019-06-09 11:29:32+00:00,42.79344,-5.63613,0
+2020-07-30 11:19:30.626000+00:00,42.79233,-5.63672,0
+2020-07-30 11:19:30.626000+00:00,42.79344,-5.63613,0
+2019-11-03 11:19:28.238000+00:00,42.79233,-5.63672,0
+2019-11-03 11:19:28.238000+00:00,42.79344,-5.63613,0
+2018-04-25 11:28:21.790000+00:00,42.79233,-5.63672,0
+2018-04-25 11:28:21.790000+00:00,42.79344,-5.63613,0
+2019-03-23 11:19:26+00:00,42.79233,-5.63672,0
+2019-03-23 11:19:26+00:00,42.79344,-5.63613,0
+2017-04-05 11:21:11.460000+00:00,42.79233,-5.63672,0
+2017-04-05 11:21:11.460000+00:00,42.79344,-5.63613,0
+2020-02-24 11:29:21.294000+00:00,42.79233,-5.63672,1
+2020-02-24 11:29:21.294000+00:00,42.79344,-5.63613,1
+2017-09-04 11:18:25.840000+00:00,42.79233,-5.63672,0
+2017-09-04 11:18:25.840000+00:00,42.79344,-5.63613,0
+2016-07-29 11:24:07.023000+00:00,42.79233,-5.63672,1
+2016-07-29 11:24:07.023000+00:00,42.79344,-5.63613,1
+2020-01-05 11:29:19.272000+00:00,42.79233,-5.63672,0
+2020-01-05 11:29:19.272000+00:00,42.79344,-5.63613,0
+2019-02-14 11:29:20+00:00,42.79233,-5.63672,0
+2019-02-14 11:29:20+00:00,42.79344,-5.63613,0
+2017-01-15 11:24:12.457000+00:00,42.79233,-5.63672,1
+2017-01-15 11:24:12.457000+00:00,42.79344,-5.63613,1
+2015-11-12 11:24:29+00:00,42.79233,-5.63672,1
+2015-11-12 11:24:29+00:00,42.79344,-5.63613,1
+2018-08-13 11:21:08.460000+00:00,42.79233,-5.63672,0
+2018-08-13 11:21:08.460000+00:00,42.79344,-5.63613,0
+2017-08-20 11:12:20.770000+00:00,42.79233,-5.63672,0
+2017-08-20 11:12:20.770000+00:00,42.79344,-5.63613,0
+2017-11-06 11:22:32.460000+00:00,42.79233,-5.63672,1
+2017-11-06 11:22:32.460000+00:00,42.79344,-5.63613,1
+2020-03-25 11:29:22.211000+00:00,42.79233,-5.63672,0
+2020-03-25 11:29:22.211000+00:00,42.79344,-5.63613,0
+2019-01-27 11:19:28+00:00,42.79233,-5.63672,0
+2019-01-27 11:19:28+00:00,42.79344,-5.63613,0
+2018-08-20 11:14:59.190000+00:00,42.79233,-5.63672,0
+2018-08-20 11:14:59.190000+00:00,42.79344,-5.63613,0
+2019-11-16 11:29:22.818000+00:00,42.79233,-5.63672,0
+2019-11-16 11:29:22.818000+00:00,42.79344,-5.63613,0
+2019-02-26 11:19:26+00:00,42.79233,-5.63672,0
+2019-02-26 11:19:26+00:00,42.79344,-5.63613,0
+2017-09-29 11:16:02.830000+00:00,42.79233,-5.63672,1
+2017-09-29 11:16:02.830000+00:00,42.79344,-5.63613,1
+2020-08-09 11:19:31.253000+00:00,42.79233,-5.63672,0
+2020-08-09 11:19:31.253000+00:00,42.79344,-5.63613,0
+2019-09-04 11:19:30.547000+00:00,42.79233,-5.63672,0
+2019-09-04 11:19:30.547000+00:00,42.79344,-5.63613,0
+2019-12-11 11:29:20.537000+00:00,42.79233,-5.63672,0
+2019-12-11 11:29:20.537000+00:00,42.79344,-5.63613,0
+2019-06-16 11:19:35+00:00,42.79233,-5.63672,0
+2019-06-16 11:19:35+00:00,42.79344,-5.63613,0
+2018-09-09 11:13:19.780000+00:00,42.79233,-5.63672,0
+2018-09-09 11:13:19.780000+00:00,42.79344,-5.63613,0
+2017-03-06 11:21:06.457000+00:00,42.79233,-5.63672,0
+2017-03-06 11:21:06.457000+00:00,42.79344,-5.63613,0
+2017-09-22 11:26:55.800000+00:00,42.79233,-5.63672,0
+2017-09-22 11:26:55.800000+00:00,42.79344,-5.63613,0
+2019-03-28 11:19:29+00:00,42.79233,-5.63672,0
+2019-03-28 11:19:29+00:00,42.79344,-5.63613,0
+2018-06-07 09:54:21.970000+00:00,50.7515,17.88866,1
+2018-06-07 09:54:21.970000+00:00,50.75274,17.88737,1
+2018-06-07 09:54:21.970000+00:00,50.75642,17.884,1
+2018-06-07 09:54:21.970000+00:00,50.75645,17.88155,1
+2018-08-11 09:56:12.200000+00:00,50.7515,17.88866,1
+2018-08-11 09:56:12.200000+00:00,50.75274,17.88737,1
+2018-08-11 09:56:12.200000+00:00,50.75642,17.884,1
+2018-08-11 09:56:12.200000+00:00,50.75645,17.88155,1
+2018-03-04 09:50:26.460000+00:00,50.7515,17.88866,1
+2018-03-04 09:50:26.460000+00:00,50.75274,17.88737,1
+2018-03-04 09:50:26.460000+00:00,50.75642,17.884,1
+2018-03-04 09:50:26.460000+00:00,50.75645,17.88155,1
+2016-08-11 09:52:32.519000+00:00,50.7515,17.88866,1
+2016-08-11 09:52:32.519000+00:00,50.75274,17.88737,1
+2016-08-11 09:52:32.519000+00:00,50.75642,17.884,1
+2016-08-11 09:52:32.519000+00:00,50.75645,17.88155,1
+2020-09-07 10:06:35.225000+00:00,50.7515,17.88866,1
+2020-09-07 10:06:35.225000+00:00,50.75274,17.88737,1
+2020-09-07 10:06:35.225000+00:00,50.75642,17.884,1
+2020-09-07 10:06:35.225000+00:00,50.75645,17.88155,1
+2019-08-14 10:06:38.999000+00:00,50.7515,17.88866,1
+2019-08-14 10:06:38.999000+00:00,50.75274,17.88737,1
+2019-08-14 10:06:38.999000+00:00,50.75642,17.884,1
+2019-08-14 10:06:38.999000+00:00,50.75645,17.88155,1
+2016-08-31 09:52:17.700000+00:00,50.7515,17.88866,1
+2016-08-31 09:52:17.700000+00:00,50.75274,17.88737,1
+2016-08-31 09:52:17.700000+00:00,50.75642,17.884,1
+2016-08-31 09:52:17.700000+00:00,50.75645,17.88155,1
+2020-03-18 09:56:33.399000+00:00,50.7515,17.88866,1
+2020-03-18 09:56:33.399000+00:00,50.75274,17.88737,1
+2020-03-18 09:56:33.399000+00:00,50.75642,17.884,1
+2020-03-18 09:56:33.399000+00:00,50.75645,17.88155,1
+2016-05-13 09:50:35+00:00,50.7515,17.88866,1
+2016-05-13 09:50:35+00:00,50.75274,17.88737,1
+2016-05-13 09:50:35+00:00,50.75642,17.884,1
+2016-05-13 09:50:35+00:00,50.75645,17.88155,1
+2020-06-01 09:56:41.640000+00:00,50.7515,17.88866,1
+2020-06-01 09:56:41.640000+00:00,50.75274,17.88737,1
+2020-06-01 09:56:41.640000+00:00,50.75642,17.884,1
+2020-06-01 09:56:41.640000+00:00,50.75645,17.88155,1
+2020-05-17 09:56:35.021000+00:00,50.7515,17.88866,1
+2020-05-17 09:56:35.021000+00:00,50.75274,17.88737,1
+2020-05-17 09:56:35.021000+00:00,50.75642,17.884,1
+2020-05-17 09:56:35.021000+00:00,50.75645,17.88155,1
+2019-04-21 10:06:35+00:00,50.7515,17.88866,1
+2019-04-21 10:06:35+00:00,50.75274,17.88737,1
+2019-04-21 10:06:35+00:00,50.75642,17.884,1
+2019-04-21 10:06:35+00:00,50.75645,17.88155,1
+2016-07-22 09:53:51.887000+00:00,50.7515,17.88866,1
+2016-07-22 09:53:51.887000+00:00,50.75274,17.88737,1
+2016-07-22 09:53:51.887000+00:00,50.75642,17.884,1
+2016-07-22 09:53:51.887000+00:00,50.75645,17.88155,1
+2018-09-03 10:00:24.460000+00:00,50.7515,17.88866,1
+2018-09-03 10:00:24.460000+00:00,50.75274,17.88737,1
+2018-09-03 10:00:24.460000+00:00,50.75642,17.884,1
+2018-09-03 10:00:24.460000+00:00,50.75645,17.88155,1
+2021-03-03 09:56:34.424000+00:00,50.7515,17.88866,1
+2021-03-03 09:56:34.424000+00:00,50.75274,17.88737,1
+2021-03-03 09:56:34.424000+00:00,50.75642,17.884,1
+2021-03-03 09:56:34.424000+00:00,50.75645,17.88155,1
+2018-04-21 10:04:27.180000+00:00,50.7515,17.88866,1
+2018-04-21 10:04:27.180000+00:00,50.75274,17.88737,1
+2018-04-21 10:04:27.180000+00:00,50.75642,17.884,1
+2018-04-21 10:04:27.180000+00:00,50.75645,17.88155,1
+2019-08-29 10:06:33.575000+00:00,50.7515,17.88866,1
+2019-08-29 10:06:33.575000+00:00,50.75274,17.88737,1
+2019-08-29 10:06:33.575000+00:00,50.75642,17.884,1
+2019-08-29 10:06:33.575000+00:00,50.75645,17.88155,1
+2020-01-21 10:06:26.009000+00:00,50.7515,17.88866,1
+2020-01-21 10:06:26.009000+00:00,50.75274,17.88737,1
+2020-01-21 10:06:26.009000+00:00,50.75642,17.884,1
+2020-01-21 10:06:26.009000+00:00,50.75645,17.88155,1
+2018-11-07 10:06:30.150000+00:00,50.7515,17.88866,1
+2018-11-07 10:06:30.150000+00:00,50.75274,17.88737,1
+2018-11-07 10:06:30.150000+00:00,50.75642,17.884,1
+2018-11-07 10:06:30.150000+00:00,50.75645,17.88155,1
+2017-05-28 09:55:31.900000+00:00,50.7515,17.88866,1
+2017-05-28 09:55:31.900000+00:00,50.75274,17.88737,1
+2017-05-28 09:55:31.900000+00:00,50.75642,17.884,1
+2017-05-28 09:55:31.900000+00:00,50.75645,17.88155,1
+2020-01-23 09:56:28.782000+00:00,50.7515,17.88866,1
+2020-01-23 09:56:28.782000+00:00,50.75274,17.88737,1
+2020-01-23 09:56:28.782000+00:00,50.75642,17.884,1
+2020-01-23 09:56:28.782000+00:00,50.75645,17.88155,1
+2018-10-13 10:00:23.460000+00:00,50.7515,17.88866,1
+2018-10-13 10:00:23.460000+00:00,50.75274,17.88737,1
+2018-10-13 10:00:23.460000+00:00,50.75642,17.884,1
+2018-10-13 10:00:23.460000+00:00,50.75645,17.88155,1
+2016-05-16 10:00:32+00:00,50.7515,17.88866,1
+2016-05-16 10:00:32+00:00,50.75274,17.88737,1
+2016-05-16 10:00:32+00:00,50.75642,17.884,1
+2016-05-16 10:00:32+00:00,50.75645,17.88155,1
+2018-05-21 10:00:24.460000+00:00,50.7515,17.88866,1
+2018-05-21 10:00:24.460000+00:00,50.75274,17.88737,1
+2018-05-21 10:00:24.460000+00:00,50.75642,17.884,1
+2018-05-21 10:00:24.460000+00:00,50.75645,17.88155,1
+2019-10-13 10:06:33.710000+00:00,50.7515,17.88866,1
+2019-10-13 10:06:33.710000+00:00,50.75274,17.88737,1
+2019-10-13 10:06:33.710000+00:00,50.75642,17.884,1
+2019-10-13 10:06:33.710000+00:00,50.75645,17.88155,1
+2017-08-16 09:50:31.460000+00:00,50.7515,17.88866,1
+2017-08-16 09:50:31.460000+00:00,50.75274,17.88737,1
+2017-08-16 09:50:31.460000+00:00,50.75642,17.884,1
+2017-08-16 09:50:31.460000+00:00,50.75645,17.88155,1
+2018-02-22 09:50:26.460000+00:00,50.7515,17.88866,1
+2018-02-22 09:50:26.460000+00:00,50.75274,17.88737,1
+2018-02-22 09:50:26.460000+00:00,50.75642,17.884,1
+2018-02-22 09:50:26.460000+00:00,50.75645,17.88155,1
+2017-05-18 09:50:32.460000+00:00,50.7515,17.88866,1
+2017-05-18 09:50:32.460000+00:00,50.75274,17.88737,1
+2017-05-18 09:50:32.460000+00:00,50.75642,17.884,1
+2017-05-18 09:50:32.460000+00:00,50.75645,17.88155,1
+2020-12-18 09:56:33.515000+00:00,50.7515,17.88866,1
+2020-12-18 09:56:33.515000+00:00,50.75274,17.88737,1
+2020-12-18 09:56:33.515000+00:00,50.75642,17.884,1
+2020-12-18 09:56:33.515000+00:00,50.75645,17.88155,1
+2018-07-20 10:02:41.560000+00:00,50.7515,17.88866,1
+2018-07-20 10:02:41.560000+00:00,50.75274,17.88737,1
+2018-07-20 10:02:41.560000+00:00,50.75642,17.884,1
+2018-07-20 10:02:41.560000+00:00,50.75645,17.88155,1
+2017-05-11 10:05:39.730000+00:00,50.7515,17.88866,1
+2017-05-11 10:05:39.730000+00:00,50.75274,17.88737,1
+2017-05-11 10:05:39.730000+00:00,50.75642,17.884,1
+2017-05-11 10:05:39.730000+00:00,50.75645,17.88155,1
+2016-04-03 09:54:06.537000+00:00,50.7515,17.88866,1
+2016-04-03 09:54:06.537000+00:00,50.75274,17.88737,1
+2016-04-03 09:54:06.537000+00:00,50.75642,17.884,1
+2016-04-03 09:54:06.537000+00:00,50.75645,17.88155,1
+2019-08-24 10:06:37.399000+00:00,50.7515,17.88866,1
+2019-08-24 10:06:37.399000+00:00,50.75274,17.88737,1
+2019-08-24 10:06:37.399000+00:00,50.75642,17.884,1
+2019-08-24 10:06:37.399000+00:00,50.75645,17.88155,1
+2019-04-01 10:06:32+00:00,50.7515,17.88866,1
+2019-04-01 10:06:32+00:00,50.75274,17.88737,1
+2019-04-01 10:06:32+00:00,50.75642,17.884,1
+2019-04-01 10:06:32+00:00,50.75645,17.88155,1
+2020-07-26 09:56:37.760000+00:00,50.7515,17.88866,1
+2020-07-26 09:56:37.760000+00:00,50.75274,17.88737,1
+2020-07-26 09:56:37.760000+00:00,50.75642,17.884,1
+2020-07-26 09:56:37.760000+00:00,50.75645,17.88155,1
+2019-04-18 09:56:38+00:00,50.7515,17.88866,1
+2019-04-18 09:56:38+00:00,50.75274,17.88737,1
+2019-04-18 09:56:38+00:00,50.75642,17.884,1
+2019-04-18 09:56:38+00:00,50.75645,17.88155,1
+2016-06-25 10:06:17+00:00,50.7515,17.88866,1
+2016-06-25 10:06:17+00:00,50.75274,17.88737,1
+2016-06-25 10:06:17+00:00,50.75642,17.884,1
+2016-06-25 10:06:17+00:00,50.75645,17.88155,1
+2018-10-05 09:50:25.460000+00:00,50.7515,17.88866,1
+2018-10-05 09:50:25.460000+00:00,50.75274,17.88737,1
+2018-10-05 09:50:25.460000+00:00,50.75642,17.884,1
+2018-10-05 09:50:25.460000+00:00,50.75645,17.88155,1
+2020-07-04 10:06:35.949000+00:00,50.7515,17.88866,1
+2020-07-04 10:06:35.949000+00:00,50.75274,17.88737,1
+2020-07-04 10:06:35.949000+00:00,50.75642,17.884,1
+2020-07-04 10:06:35.949000+00:00,50.75645,17.88155,1
+2020-07-31 09:56:41.206000+00:00,50.7515,17.88866,1
+2020-07-31 09:56:41.206000+00:00,50.75274,17.88737,1
+2020-07-31 09:56:41.206000+00:00,50.75642,17.884,1
+2020-07-31 09:56:41.206000+00:00,50.75645,17.88155,1
+2015-11-25 09:55:00+00:00,50.7515,17.88866,1
+2015-11-25 09:55:00+00:00,50.75274,17.88737,1
+2015-11-25 09:55:00+00:00,50.75642,17.884,1
+2015-11-25 09:55:00+00:00,50.75645,17.88155,1
+2020-04-05 10:06:29.224000+00:00,50.7515,17.88866,1
+2020-04-05 10:06:29.224000+00:00,50.75274,17.88737,1
+2020-04-05 10:06:29.224000+00:00,50.75642,17.884,1
+2020-04-05 10:06:29.224000+00:00,50.75645,17.88155,1
+2017-07-12 09:56:23.020000+00:00,50.7515,17.88866,1
+2017-07-12 09:56:23.020000+00:00,50.75274,17.88737,1
+2017-07-12 09:56:23.020000+00:00,50.75642,17.884,1
+2017-07-12 09:56:23.020000+00:00,50.75645,17.88155,1
+2020-11-08 09:56:39.766000+00:00,50.7515,17.88866,1
+2020-11-08 09:56:39.766000+00:00,50.75274,17.88737,1
+2020-11-08 09:56:39.766000+00:00,50.75642,17.884,1
+2020-11-08 09:56:39.766000+00:00,50.75645,17.88155,1
+2016-08-04 10:06:13.199000+00:00,50.7515,17.88866,1
+2016-08-04 10:06:13.199000+00:00,50.75274,17.88737,1
+2016-08-04 10:06:13.199000+00:00,50.75642,17.884,1
+2016-08-04 10:06:13.199000+00:00,50.75645,17.88155,1
+2016-10-23 10:00:47.460000+00:00,50.7515,17.88866,1
+2016-10-23 10:00:47.460000+00:00,50.75274,17.88737,1
+2016-10-23 10:00:47.460000+00:00,50.75642,17.884,1
+2016-10-23 10:00:47.460000+00:00,50.75645,17.88155,1
+2017-08-31 09:50:23.460000+00:00,50.7515,17.88866,1
+2017-08-31 09:50:23.460000+00:00,50.75274,17.88737,1
+2017-08-31 09:50:23.460000+00:00,50.75642,17.884,1
+2017-08-31 09:50:23.460000+00:00,50.75645,17.88155,1
+2018-06-20 10:00:25.460000+00:00,50.7515,17.88866,1
+2018-06-20 10:00:25.460000+00:00,50.75274,17.88737,1
+2018-06-20 10:00:25.460000+00:00,50.75642,17.884,1
+2018-06-20 10:00:25.460000+00:00,50.75645,17.88155,1
+2020-04-20 10:06:27.355000+00:00,50.7515,17.88866,1
+2020-04-20 10:06:27.355000+00:00,50.75274,17.88737,1
+2020-04-20 10:06:27.355000+00:00,50.75642,17.884,1
+2020-04-20 10:06:27.355000+00:00,50.75645,17.88155,1
+2018-08-03 11:21:24.890000+00:00,43.17021,-8.41322,0
+2017-11-26 11:25:18.220000+00:00,43.17021,-8.41322,1
+2017-10-17 11:21:47.360000+00:00,43.17021,-8.41322,1
+2017-07-14 11:21:14.460000+00:00,43.17021,-8.41322,1
+2020-05-27 11:39:28.753000+00:00,43.17021,-8.41322,1
+2019-12-06 11:29:25.264000+00:00,43.17021,-8.41322,0
+2017-11-16 11:27:15.960000+00:00,43.17021,-8.41322,1
+2017-06-17 11:33:19.460000+00:00,43.17021,-8.41322,1
+2017-10-05 11:33:16.460000+00:00,43.17021,-8.41322,1
+2020-07-23 11:29:33.311000+00:00,43.17021,-8.41322,0
+2016-10-10 11:34:55.480000+00:00,43.17021,-8.41322,1
+2020-02-07 11:39:21.916000+00:00,43.17021,-8.41322,1
+2017-04-08 11:34:07.970000+00:00,43.17021,-8.41322,0
+2017-03-09 11:33:11.457000+00:00,43.17021,-8.41322,0
+2017-11-19 11:35:13.270000+00:00,43.17021,-8.41322,1
+2019-01-03 11:39:25.550000+00:00,43.17021,-8.41322,0
+2018-12-11 11:29:24.810000+00:00,43.17021,-8.41322,1
+2019-01-10 11:29:30.160000+00:00,43.17021,-8.41322,0
+2017-12-16 11:24:45.460000+00:00,43.17021,-8.41322,1
+2017-07-02 11:33:58.140000+00:00,43.17021,-8.41322,0
+2017-01-18 11:36:59.635000+00:00,43.17021,-8.41322,1
+2020-03-25 11:29:29.064000+00:00,43.17021,-8.41322,1
+2018-08-28 11:22:46.270000+00:00,43.17021,-8.41322,1
+2020-04-04 11:29:28.324000+00:00,43.17021,-8.41322,1
+2020-05-24 11:29:31.970000+00:00,43.17021,-8.41322,0
+2017-08-16 11:34:32.620000+00:00,43.17021,-8.41322,0
+2019-02-14 11:29:27+00:00,43.17021,-8.41322,0
+2020-03-18 11:39:25.662000+00:00,43.17021,-8.41322,1
+2018-09-02 11:27:16.060000+00:00,43.17021,-8.41322,1
+2018-08-31 11:35:59.800000+00:00,43.17021,-8.41322,1
+2018-04-20 11:26:11.290000+00:00,43.17021,-8.41322,0
+2018-08-06 11:33:14.460000+00:00,43.17021,-8.41322,1
+2019-02-12 11:39:27+00:00,43.17021,-8.41322,0
+2017-11-14 11:37:58.040000+00:00,43.17021,-8.41322,1
+2020-07-11 11:39:31.857000+00:00,43.17021,-8.41322,0
+2016-06-02 11:33:23+00:00,43.17021,-8.41322,1
+2017-10-27 11:25:51.610000+00:00,43.17021,-8.41322,1
+2018-01-30 11:26:01.020000+00:00,43.17021,-8.41322,1
+2019-05-28 11:39:30+00:00,43.17021,-8.41322,0
+2019-05-30 11:29:39+00:00,43.17021,-8.41322,0
+2020-10-16 11:29:36.930000+00:00,43.17021,-8.41322,0
+2018-06-17 11:33:17.460000+00:00,43.17021,-8.41322,0
+2017-08-13 11:24:33.890000+00:00,43.17021,-8.41322,0
+2018-09-25 11:33:12.460000+00:00,43.17021,-8.41322,1
+2019-09-15 11:39:26.680000+00:00,43.17021,-8.41322,0
+2018-11-16 11:29:25.300000+00:00,43.17021,-8.41322,1
+2016-05-03 11:33:23+00:00,43.17021,-8.41322,1
+2019-10-10 11:39:28.721000+00:00,43.17021,-8.41322,0
+2019-08-13 11:29:34.693000+00:00,43.17021,-8.41322,0
+2015-07-25 11:25:40+00:00,43.17021,-8.41322,1
+2016-07-02 11:33:21.460000+00:00,43.17021,-8.41322,1
+2018-10-25 11:35:04.690000+00:00,43.17021,-8.41322,1
+2016-03-24 11:37:22.587000+00:00,43.17021,-8.41322,0
+2017-10-15 11:33:18.461000+00:00,43.17021,-8.41322,0
+2016-10-07 11:29:02.080000+00:00,43.17021,-8.41322,1
+2018-09-22 11:21:06.460000+00:00,43.17021,-8.41322,1
+2017-04-05 11:21:11.460000+00:00,43.17021,-8.41322,0
+2018-09-15 11:37:01.360000+00:00,43.17021,-8.41322,1
+2017-02-17 11:33:13.458000+00:00,43.17021,-8.41322,1
+2020-09-04 11:39:30.592000+00:00,43.17021,-8.41322,0
+2017-10-02 11:22:30.830000+00:00,43.17021,-8.41322,1
+2019-08-16 11:39:30.730000+00:00,43.17021,-8.41322,0
+2020-08-30 11:39:32.627000+00:00,43.17021,-8.41322,0
+2020-09-16 11:29:35.700000+00:00,43.17021,-8.41322,0
+2020-05-17 11:39:27.295000+00:00,43.17021,-8.41322,0
+2018-08-26 11:35:20.340000+00:00,43.17021,-8.41322,1
+2016-08-18 11:25:54.250000+00:00,43.17021,-8.41322,1
+2019-03-29 11:39:27+00:00,43.17021,-8.41322,0
+2018-03-19 09:56:05.190000+00:00,51.26973,19.32626,1
+2018-03-19 09:56:05.190000+00:00,51.26973,19.32161,1
+2018-03-19 09:56:05.190000+00:00,51.26973,19.33091,1
+2018-03-19 09:56:05.190000+00:00,51.2713,19.3216,1
+2018-03-19 09:56:05.190000+00:00,51.27131,19.33092,1
+2018-03-19 09:56:05.190000+00:00,51.27131,19.32624,1
+2018-03-19 09:56:05.190000+00:00,51.27146,19.31835,1
+2016-03-24 09:54:36+00:00,51.26973,19.32626,1
+2016-03-24 09:54:36+00:00,51.26973,19.32161,1
+2016-03-24 09:54:36+00:00,51.26973,19.33091,1
+2016-03-24 09:54:36+00:00,51.2713,19.3216,1
+2016-03-24 09:54:36+00:00,51.27131,19.33092,1
+2016-03-24 09:54:36+00:00,51.27131,19.32624,1
+2016-03-24 09:54:36+00:00,51.27146,19.31835,1
+2020-06-01 09:56:38.396000+00:00,51.26973,19.32626,1
+2020-06-01 09:56:38.396000+00:00,51.26973,19.32161,1
+2020-06-01 09:56:38.396000+00:00,51.26973,19.33091,1
+2020-06-01 09:56:38.396000+00:00,51.2713,19.3216,1
+2020-06-01 09:56:38.396000+00:00,51.27131,19.33092,1
+2020-06-01 09:56:38.396000+00:00,51.27131,19.32624,1
+2020-06-01 09:56:38.396000+00:00,51.27146,19.31835,1
+2019-11-19 09:56:30.013000+00:00,51.26973,19.32626,1
+2019-11-19 09:56:30.013000+00:00,51.26973,19.32161,1
+2019-11-19 09:56:30.013000+00:00,51.26973,19.33091,1
+2019-11-19 09:56:30.013000+00:00,51.2713,19.3216,1
+2019-11-19 09:56:30.013000+00:00,51.27131,19.33092,1
+2019-11-19 09:56:30.013000+00:00,51.27131,19.32624,1
+2019-11-19 09:56:30.013000+00:00,51.27146,19.31835,1
+2015-11-25 09:55:00+00:00,51.26973,19.32626,1
+2015-11-25 09:55:00+00:00,51.26973,19.32161,1
+2015-11-25 09:55:00+00:00,51.26973,19.33091,1
+2015-11-25 09:55:00+00:00,51.2713,19.3216,1
+2015-11-25 09:55:00+00:00,51.27131,19.33092,1
+2015-11-25 09:55:00+00:00,51.27131,19.32624,1
+2015-11-25 09:55:00+00:00,51.27146,19.31835,1
+2017-07-27 09:54:29.570000+00:00,51.26973,19.32626,1
+2017-07-27 09:54:29.570000+00:00,51.26973,19.32161,1
+2017-07-27 09:54:29.570000+00:00,51.26973,19.33091,1
+2017-07-27 09:54:29.570000+00:00,51.2713,19.3216,1
+2017-07-27 09:54:29.570000+00:00,51.27131,19.33092,1
+2017-07-27 09:54:29.570000+00:00,51.27131,19.32624,1
+2017-07-27 09:54:29.570000+00:00,51.27146,19.31835,1
+2020-04-12 09:56:30.943000+00:00,51.26973,19.32626,1
+2020-04-12 09:56:30.943000+00:00,51.26973,19.32161,1
+2020-04-12 09:56:30.943000+00:00,51.26973,19.33091,1
+2020-04-12 09:56:30.943000+00:00,51.2713,19.3216,1
+2020-04-12 09:56:30.943000+00:00,51.27131,19.33092,1
+2020-04-12 09:56:30.943000+00:00,51.27131,19.32624,1
+2020-04-12 09:56:30.943000+00:00,51.27146,19.31835,1
+2020-07-31 09:56:37.973000+00:00,51.26973,19.32626,1
+2020-07-31 09:56:37.973000+00:00,51.26973,19.32161,1
+2020-07-31 09:56:37.973000+00:00,51.26973,19.33091,1
+2020-07-31 09:56:37.973000+00:00,51.2713,19.3216,1
+2020-07-31 09:56:37.973000+00:00,51.27131,19.33092,1
+2020-07-31 09:56:37.973000+00:00,51.27131,19.32624,1
+2020-07-31 09:56:37.973000+00:00,51.27146,19.31835,1
+2017-08-11 09:55:12.480000+00:00,51.26973,19.32626,1
+2017-08-11 09:55:12.480000+00:00,51.26973,19.32161,1
+2017-08-11 09:55:12.480000+00:00,51.26973,19.33091,1
+2017-08-11 09:55:12.480000+00:00,51.2713,19.3216,1
+2017-08-11 09:55:12.480000+00:00,51.27131,19.33092,1
+2017-08-11 09:55:12.480000+00:00,51.27131,19.32624,1
+2017-08-11 09:55:12.480000+00:00,51.27146,19.31835,1
+2019-09-05 09:56:31.792000+00:00,51.26973,19.32626,1
+2019-09-05 09:56:31.792000+00:00,51.26973,19.32161,1
+2019-09-05 09:56:31.792000+00:00,51.26973,19.33091,1
+2019-09-05 09:56:31.792000+00:00,51.2713,19.3216,1
+2019-09-05 09:56:31.792000+00:00,51.27131,19.33092,1
+2019-09-05 09:56:31.792000+00:00,51.27131,19.32624,1
+2019-09-05 09:56:31.792000+00:00,51.27146,19.31835,1
+2019-10-25 09:56:35.456000+00:00,51.26973,19.32626,1
+2019-10-25 09:56:35.456000+00:00,51.26973,19.32161,1
+2019-10-25 09:56:35.456000+00:00,51.26973,19.33091,1
+2019-10-25 09:56:35.456000+00:00,51.2713,19.3216,1
+2019-10-25 09:56:35.456000+00:00,51.27131,19.33092,1
+2019-10-25 09:56:35.456000+00:00,51.27131,19.32624,1
+2019-10-25 09:56:35.456000+00:00,51.27146,19.31835,1
+2018-10-05 09:50:25.460000+00:00,51.26973,19.32626,1
+2018-10-05 09:50:25.460000+00:00,51.26973,19.32161,1
+2018-10-05 09:50:25.460000+00:00,51.26973,19.33091,1
+2018-10-05 09:50:25.460000+00:00,51.2713,19.3216,1
+2018-10-05 09:50:25.460000+00:00,51.27131,19.33092,1
+2018-10-05 09:50:25.460000+00:00,51.27131,19.32624,1
+2018-10-05 09:50:25.460000+00:00,51.27146,19.31835,1
+2019-03-24 09:56:32+00:00,51.26973,19.32626,1
+2019-03-24 09:56:32+00:00,51.26973,19.32161,1
+2019-03-24 09:56:32+00:00,51.26973,19.33091,1
+2019-03-24 09:56:32+00:00,51.2713,19.3216,1
+2019-03-24 09:56:32+00:00,51.27131,19.33092,1
+2019-03-24 09:56:32+00:00,51.27131,19.32624,1
+2019-03-24 09:56:32+00:00,51.27146,19.31835,1
+2018-02-22 09:50:26.460000+00:00,51.26973,19.32626,1
+2018-02-22 09:50:26.460000+00:00,51.26973,19.32161,1
+2018-02-22 09:50:26.460000+00:00,51.26973,19.33091,1
+2018-02-22 09:50:26.460000+00:00,51.2713,19.3216,1
+2018-02-22 09:50:26.460000+00:00,51.27131,19.33092,1
+2018-02-22 09:50:26.460000+00:00,51.27131,19.32624,1
+2018-02-22 09:50:26.460000+00:00,51.27146,19.31835,1
+2016-04-03 09:54:06.537000+00:00,51.26973,19.32626,1
+2016-04-03 09:54:06.537000+00:00,51.26973,19.32161,1
+2016-04-03 09:54:06.537000+00:00,51.26973,19.33091,1
+2016-04-03 09:54:06.537000+00:00,51.2713,19.3216,1
+2016-04-03 09:54:06.537000+00:00,51.27131,19.33092,1
+2016-04-03 09:54:06.537000+00:00,51.27131,19.32624,1
+2016-04-03 09:54:06.537000+00:00,51.27146,19.31835,1
+2018-04-08 09:52:39.940000+00:00,51.26973,19.32626,1
+2018-04-08 09:52:39.940000+00:00,51.26973,19.32161,1
+2018-04-08 09:52:39.940000+00:00,51.26973,19.33091,1
+2018-04-08 09:52:39.940000+00:00,51.2713,19.3216,1
+2018-04-08 09:52:39.940000+00:00,51.27131,19.33092,1
+2018-04-08 09:52:39.940000+00:00,51.27131,19.32624,1
+2018-04-08 09:52:39.940000+00:00,51.27146,19.31835,1
+2017-09-30 09:50:13.460000+00:00,51.26973,19.32626,1
+2017-09-30 09:50:13.460000+00:00,51.26973,19.32161,1
+2017-09-30 09:50:13.460000+00:00,51.26973,19.33091,1
+2017-09-30 09:50:13.460000+00:00,51.2713,19.3216,1
+2017-09-30 09:50:13.460000+00:00,51.27131,19.33092,1
+2017-09-30 09:50:13.460000+00:00,51.27131,19.32624,1
+2017-09-30 09:50:13.460000+00:00,51.27146,19.31835,1
+2018-05-03 09:51:19.360000+00:00,51.26973,19.32626,1
+2018-05-03 09:51:19.360000+00:00,51.26973,19.32161,1
+2018-05-03 09:51:19.360000+00:00,51.26973,19.33091,1
+2018-05-03 09:51:19.360000+00:00,51.2713,19.3216,1
+2018-05-03 09:51:19.360000+00:00,51.27131,19.33092,1
+2018-05-03 09:51:19.360000+00:00,51.27131,19.32624,1
+2018-05-03 09:51:19.360000+00:00,51.27146,19.31835,1
+2020-09-09 09:56:36.018000+00:00,51.26973,19.32626,1
+2020-09-09 09:56:36.018000+00:00,51.26973,19.32161,1
+2020-09-09 09:56:36.018000+00:00,51.26973,19.33091,1
+2020-09-09 09:56:36.018000+00:00,51.2713,19.3216,1
+2020-09-09 09:56:36.018000+00:00,51.27131,19.33092,1
+2020-09-09 09:56:36.018000+00:00,51.27131,19.32624,1
+2020-09-09 09:56:36.018000+00:00,51.27146,19.31835,1
+2021-02-21 09:56:30.156000+00:00,51.26973,19.32626,1
+2021-02-21 09:56:30.156000+00:00,51.26973,19.32161,1
+2021-02-21 09:56:30.156000+00:00,51.26973,19.33091,1
+2021-02-21 09:56:30.156000+00:00,51.2713,19.3216,1
+2021-02-21 09:56:30.156000+00:00,51.27131,19.33092,1
+2021-02-21 09:56:30.156000+00:00,51.27131,19.32624,1
+2021-02-21 09:56:30.156000+00:00,51.27146,19.31835,1
+2017-08-31 09:50:23.460000+00:00,51.26973,19.32626,1
+2017-08-31 09:50:23.460000+00:00,51.26973,19.32161,1
+2017-08-31 09:50:23.460000+00:00,51.26973,19.33091,1
+2017-08-31 09:50:23.460000+00:00,51.2713,19.3216,1
+2017-08-31 09:50:23.460000+00:00,51.27131,19.33092,1
+2017-08-31 09:50:23.460000+00:00,51.27131,19.32624,1
+2017-08-31 09:50:23.460000+00:00,51.27146,19.31835,1
+2018-10-15 09:53:37.670000+00:00,51.26973,19.32626,1
+2018-10-15 09:53:37.670000+00:00,51.26973,19.32161,1
+2018-10-15 09:53:37.670000+00:00,51.26973,19.33091,1
+2018-10-15 09:53:37.670000+00:00,51.2713,19.3216,1
+2018-10-15 09:53:37.670000+00:00,51.27131,19.33092,1
+2018-10-15 09:53:37.670000+00:00,51.27131,19.32624,1
+2018-10-15 09:53:37.670000+00:00,51.27146,19.31835,1
+2017-02-27 09:50:27.063000+00:00,51.26973,19.32626,1
+2017-02-27 09:50:27.063000+00:00,51.26973,19.32161,1
+2017-02-27 09:50:27.063000+00:00,51.26973,19.33091,1
+2017-02-27 09:50:27.063000+00:00,51.2713,19.3216,1
+2017-02-27 09:50:27.063000+00:00,51.27131,19.33092,1
+2017-02-27 09:50:27.063000+00:00,51.27131,19.32624,1
+2017-02-27 09:50:27.063000+00:00,51.27146,19.31835,1
+2019-06-12 09:56:39+00:00,51.26973,19.32626,1
+2019-06-12 09:56:39+00:00,51.26973,19.32161,1
+2019-06-12 09:56:39+00:00,51.26973,19.33091,1
+2019-06-12 09:56:39+00:00,51.2713,19.3216,1
+2019-06-12 09:56:39+00:00,51.27131,19.33092,1
+2019-06-12 09:56:39+00:00,51.27131,19.32624,1
+2019-06-12 09:56:39+00:00,51.27146,19.31835,1
+2018-05-08 09:50:28.460000+00:00,51.26973,19.32626,1
+2018-05-08 09:50:28.460000+00:00,51.26973,19.32161,1
+2018-05-08 09:50:28.460000+00:00,51.26973,19.33091,1
+2018-05-08 09:50:28.460000+00:00,51.2713,19.3216,1
+2018-05-08 09:50:28.460000+00:00,51.27131,19.33092,1
+2018-05-08 09:50:28.460000+00:00,51.27131,19.32624,1
+2018-05-08 09:50:28.460000+00:00,51.27146,19.31835,1
+2020-03-18 09:56:30.185000+00:00,51.26973,19.32626,1
+2020-03-18 09:56:30.185000+00:00,51.26973,19.32161,1
+2020-03-18 09:56:30.185000+00:00,51.26973,19.33091,1
+2020-03-18 09:56:30.185000+00:00,51.2713,19.3216,1
+2020-03-18 09:56:30.185000+00:00,51.27131,19.33092,1
+2020-03-18 09:56:30.185000+00:00,51.27131,19.32624,1
+2020-03-18 09:56:30.185000+00:00,51.27146,19.31835,1
+2018-09-25 09:55:55.370000+00:00,51.26973,19.32626,1
+2018-09-25 09:55:55.370000+00:00,51.26973,19.32161,1
+2018-09-25 09:55:55.370000+00:00,51.26973,19.33091,1
+2018-09-25 09:55:55.370000+00:00,51.2713,19.3216,1
+2018-09-25 09:55:55.370000+00:00,51.27131,19.33092,1
+2018-09-25 09:55:55.370000+00:00,51.27131,19.32624,1
+2018-09-25 09:55:55.370000+00:00,51.27146,19.31835,1
+2017-03-23 16:14:53.230000+00:00,39.82796,-80.81756,1
+2017-03-23 16:14:53.230000+00:00,39.8294,-80.81813,1
+2018-10-19 16:17:50.900000+00:00,39.82796,-80.81756,1
+2018-10-19 16:17:50.900000+00:00,39.8294,-80.81813,1
+2020-07-05 16:22:17.921000+00:00,39.82796,-80.81756,1
+2020-07-05 16:22:17.921000+00:00,39.8294,-80.81813,1
+2020-03-22 16:22:11.323000+00:00,39.82796,-80.81756,0
+2020-03-22 16:22:11.323000+00:00,39.8294,-80.81813,0
+2018-11-18 16:22:10.470000+00:00,39.82796,-80.81756,1
+2018-11-18 16:22:10.470000+00:00,39.8294,-80.81813,1
+2020-04-06 16:22:10.480000+00:00,39.82796,-80.81756,0
+2020-04-06 16:22:10.480000+00:00,39.8294,-80.81813,0
+2019-06-11 16:22:16+00:00,39.82796,-80.81756,1
+2019-06-11 16:22:16+00:00,39.8294,-80.81813,1
+2019-02-21 16:22:09+00:00,39.82796,-80.81756,1
+2019-02-21 16:22:09+00:00,39.8294,-80.81813,1
+2019-11-08 16:22:15.989000+00:00,39.82796,-80.81756,0
+2019-11-08 16:22:15.989000+00:00,39.8294,-80.81813,0
+2019-04-22 16:22:16+00:00,39.82796,-80.81756,0
+2019-04-22 16:22:16+00:00,39.8294,-80.81813,0
+2016-09-04 16:17:37.960000+00:00,39.82796,-80.81756,0
+2016-09-04 16:17:37.960000+00:00,39.8294,-80.81813,0
+2017-09-19 16:20:24.530000+00:00,39.82796,-80.81756,1
+2017-09-19 16:20:24.530000+00:00,39.8294,-80.81813,1
+2018-09-29 16:16:23.810000+00:00,39.82796,-80.81756,1
+2018-09-29 16:16:23.810000+00:00,39.8294,-80.81813,1
+2020-10-08 16:22:17.050000+00:00,39.82796,-80.81756,0
+2020-10-08 16:22:17.050000+00:00,39.8294,-80.81813,0
+2020-11-02 16:22:18.334000+00:00,39.82796,-80.81756,1
+2020-11-02 16:22:18.334000+00:00,39.8294,-80.81813,1
+2019-11-18 16:22:14.752000+00:00,39.82796,-80.81756,1
+2019-11-18 16:22:14.752000+00:00,39.8294,-80.81813,1
+2019-07-26 16:22:21.725000+00:00,39.82796,-80.81756,1
+2019-07-26 16:22:21.725000+00:00,39.8294,-80.81813,1
+2017-07-26 16:18:54.130000+00:00,39.82796,-80.81756,1
+2017-07-26 16:18:54.130000+00:00,39.8294,-80.81813,1
+2018-07-01 16:18:21.900000+00:00,39.82796,-80.81756,1
+2018-07-01 16:18:21.900000+00:00,39.8294,-80.81813,1
+2019-08-25 16:22:18.029000+00:00,39.82796,-80.81756,1
+2019-08-25 16:22:18.029000+00:00,39.8294,-80.81813,1
+2020-08-09 16:22:16.753000+00:00,39.82796,-80.81756,1
+2020-08-09 16:22:16.753000+00:00,39.8294,-80.81813,1
+2019-11-03 16:22:13.702000+00:00,39.82796,-80.81756,1
+2019-11-03 16:22:13.702000+00:00,39.8294,-80.81813,1
+2018-10-24 16:21:11.250000+00:00,39.82796,-80.81756,1
+2018-10-24 16:21:11.250000+00:00,39.8294,-80.81813,1
+2019-03-23 16:22:11+00:00,39.82796,-80.81756,1
+2019-03-23 16:22:11+00:00,39.8294,-80.81813,1
+2019-10-09 16:22:15.998000+00:00,39.82796,-80.81756,1
+2019-10-09 16:22:15.998000+00:00,39.8294,-80.81813,1
+2019-08-30 16:22:14.203000+00:00,39.82796,-80.81756,1
+2019-08-30 16:22:14.203000+00:00,39.8294,-80.81813,1
+2017-01-11 10:03:51.463000+00:00,51.41883,14.56447,1
+2017-01-11 10:03:51.463000+00:00,51.41899,14.56691,1
+2017-01-11 10:03:51.463000+00:00,51.41934,14.56929,1
+2017-01-11 10:03:51.463000+00:00,51.41988,14.56409,1
+2017-01-11 10:03:51.463000+00:00,51.42004,14.56653,1
+2017-01-11 10:03:51.463000+00:00,51.42039,14.56891,1
+2017-01-11 10:03:51.463000+00:00,51.42144,14.56852,1
+2017-01-11 10:03:51.463000+00:00,51.42185,14.57592,1
+2017-01-11 10:03:51.463000+00:00,51.42236,14.57916,1
+2018-06-10 10:05:34.730000+00:00,51.41883,14.56447,1
+2018-06-10 10:05:34.730000+00:00,51.41899,14.56691,1
+2018-06-10 10:05:34.730000+00:00,51.41934,14.56929,1
+2018-06-10 10:05:34.730000+00:00,51.41988,14.56409,1
+2018-06-10 10:05:34.730000+00:00,51.42004,14.56653,1
+2018-06-10 10:05:34.730000+00:00,51.42039,14.56891,1
+2018-06-10 10:05:34.730000+00:00,51.42144,14.56852,1
+2018-06-10 10:05:34.730000+00:00,51.42185,14.57592,1
+2018-06-10 10:05:34.730000+00:00,51.42236,14.57916,1
+2019-09-11 10:16:35.705000+00:00,51.41883,14.56447,1
+2019-09-11 10:16:35.705000+00:00,51.41899,14.56691,1
+2019-09-11 10:16:35.705000+00:00,51.41934,14.56929,1
+2019-09-11 10:16:35.705000+00:00,51.41988,14.56409,1
+2019-09-11 10:16:35.705000+00:00,51.42004,14.56653,1
+2019-09-11 10:16:35.705000+00:00,51.42039,14.56891,1
+2019-09-11 10:16:35.705000+00:00,51.42144,14.56852,1
+2019-09-11 10:16:35.705000+00:00,51.42185,14.57592,1
+2019-09-11 10:16:35.705000+00:00,51.42236,14.57916,1
+2019-04-26 10:06:46+00:00,51.41883,14.56447,1
+2019-04-26 10:06:46+00:00,51.41899,14.56691,1
+2019-04-26 10:06:46+00:00,51.41934,14.56929,1
+2019-04-26 10:06:46+00:00,51.41988,14.56409,1
+2019-04-26 10:06:46+00:00,51.42004,14.56653,1
+2019-04-26 10:06:46+00:00,51.42039,14.56891,1
+2019-04-26 10:06:46+00:00,51.42144,14.56852,1
+2019-04-26 10:06:46+00:00,51.42185,14.57592,1
+2019-04-26 10:06:46+00:00,51.42236,14.57916,1
+2018-11-15 10:16:31.730000+00:00,51.41883,14.56447,1
+2018-11-15 10:16:31.730000+00:00,51.41899,14.56691,1
+2018-11-15 10:16:31.730000+00:00,51.41934,14.56929,1
+2018-11-15 10:16:31.730000+00:00,51.41988,14.56409,1
+2018-11-15 10:16:31.730000+00:00,51.42004,14.56653,1
+2018-11-15 10:16:31.730000+00:00,51.42039,14.56891,1
+2018-11-15 10:16:31.730000+00:00,51.42144,14.56852,1
+2018-11-15 10:16:31.730000+00:00,51.42185,14.57592,1
+2018-11-15 10:16:31.730000+00:00,51.42236,14.57916,1
+2019-07-25 10:06:48.183000+00:00,51.41883,14.56447,1
+2019-07-25 10:06:48.183000+00:00,51.41899,14.56691,1
+2019-07-25 10:06:48.183000+00:00,51.41934,14.56929,1
+2019-07-25 10:06:48.183000+00:00,51.41988,14.56409,1
+2019-07-25 10:06:48.183000+00:00,51.42004,14.56653,1
+2019-07-25 10:06:48.183000+00:00,51.42039,14.56891,1
+2019-07-25 10:06:48.183000+00:00,51.42144,14.56852,1
+2019-07-25 10:06:48.183000+00:00,51.42185,14.57592,1
+2019-07-25 10:06:48.183000+00:00,51.42236,14.57916,1
+2019-02-25 10:06:38+00:00,51.41883,14.56447,1
+2019-02-25 10:06:38+00:00,51.41899,14.56691,1
+2019-02-25 10:06:38+00:00,51.41934,14.56929,1
+2019-02-25 10:06:38+00:00,51.41988,14.56409,1
+2019-02-25 10:06:38+00:00,51.42004,14.56653,1
+2019-02-25 10:06:38+00:00,51.42039,14.56891,1
+2019-02-25 10:06:38+00:00,51.42144,14.56852,1
+2019-02-25 10:06:38+00:00,51.42185,14.57592,1
+2019-02-25 10:06:38+00:00,51.42236,14.57916,1
+2020-08-21 10:16:40.991000+00:00,51.41883,14.56447,1
+2020-08-21 10:16:40.991000+00:00,51.41899,14.56691,1
+2020-08-21 10:16:40.991000+00:00,51.41934,14.56929,1
+2020-08-21 10:16:40.991000+00:00,51.41988,14.56409,1
+2020-08-21 10:16:40.991000+00:00,51.42004,14.56653,1
+2020-08-21 10:16:40.991000+00:00,51.42039,14.56891,1
+2020-08-21 10:16:40.991000+00:00,51.42144,14.56852,1
+2020-08-21 10:16:40.991000+00:00,51.42185,14.57592,1
+2020-08-21 10:16:40.991000+00:00,51.42236,14.57916,1
+2017-06-03 10:10:26.460000+00:00,51.41883,14.56447,1
+2017-06-03 10:10:26.460000+00:00,51.41899,14.56691,1
+2017-06-03 10:10:26.460000+00:00,51.41934,14.56929,1
+2017-06-03 10:10:26.460000+00:00,51.41988,14.56409,1
+2017-06-03 10:10:26.460000+00:00,51.42004,14.56653,1
+2017-06-03 10:10:26.460000+00:00,51.42039,14.56891,1
+2017-06-03 10:10:26.460000+00:00,51.42144,14.56852,1
+2017-06-03 10:10:26.460000+00:00,51.42185,14.57592,1
+2017-06-03 10:10:26.460000+00:00,51.42236,14.57916,1
+2018-08-22 10:13:21.460000+00:00,51.41883,14.56447,1
+2018-08-22 10:13:21.460000+00:00,51.41899,14.56691,1
+2018-08-22 10:13:21.460000+00:00,51.41934,14.56929,1
+2018-08-22 10:13:21.460000+00:00,51.41988,14.56409,1
+2018-08-22 10:13:21.460000+00:00,51.42004,14.56653,1
+2018-08-22 10:13:21.460000+00:00,51.42039,14.56891,1
+2018-08-22 10:13:21.460000+00:00,51.42144,14.56852,1
+2018-08-22 10:13:21.460000+00:00,51.42185,14.57592,1
+2018-08-22 10:13:21.460000+00:00,51.42236,14.57916,1
+2016-10-23 10:00:47.460000+00:00,51.41883,14.56447,1
+2016-10-23 10:00:47.460000+00:00,51.41899,14.56691,1
+2016-10-23 10:00:47.460000+00:00,51.41934,14.56929,1
+2016-10-23 10:00:47.460000+00:00,51.41988,14.56409,1
+2016-10-23 10:00:47.460000+00:00,51.42004,14.56653,1
+2016-10-23 10:00:47.460000+00:00,51.42039,14.56891,1
+2016-10-23 10:00:47.460000+00:00,51.42144,14.56852,1
+2016-10-23 10:00:47.460000+00:00,51.42185,14.57592,1
+2016-10-23 10:00:47.460000+00:00,51.42236,14.57916,1
+2018-03-30 10:16:20.630000+00:00,51.41883,14.56447,1
+2018-03-30 10:16:20.630000+00:00,51.41899,14.56691,1
+2018-03-30 10:16:20.630000+00:00,51.41934,14.56929,1
+2018-03-30 10:16:20.630000+00:00,51.41988,14.56409,1
+2018-03-30 10:16:20.630000+00:00,51.42004,14.56653,1
+2018-03-30 10:16:20.630000+00:00,51.42039,14.56891,1
+2018-03-30 10:16:20.630000+00:00,51.42144,14.56852,1
+2018-03-30 10:16:20.630000+00:00,51.42185,14.57592,1
+2018-03-30 10:16:20.630000+00:00,51.42236,14.57916,1
+2020-09-12 10:06:43.683000+00:00,51.41883,14.56447,1
+2020-09-12 10:06:43.683000+00:00,51.41899,14.56691,1
+2020-09-12 10:06:43.683000+00:00,51.41934,14.56929,1
+2020-09-12 10:06:43.683000+00:00,51.41988,14.56409,1
+2020-09-12 10:06:43.683000+00:00,51.42004,14.56653,1
+2020-09-12 10:06:43.683000+00:00,51.42039,14.56891,1
+2020-09-12 10:06:43.683000+00:00,51.42144,14.56852,1
+2020-09-12 10:06:43.683000+00:00,51.42185,14.57592,1
+2020-09-12 10:06:43.683000+00:00,51.42236,14.57916,1
+2018-04-09 10:13:43.880000+00:00,51.41883,14.56447,1
+2018-04-09 10:13:43.880000+00:00,51.41899,14.56691,1
+2018-04-09 10:13:43.880000+00:00,51.41934,14.56929,1
+2018-04-09 10:13:43.880000+00:00,51.41988,14.56409,1
+2018-04-09 10:13:43.880000+00:00,51.42004,14.56653,1
+2018-04-09 10:13:43.880000+00:00,51.42039,14.56891,1
+2018-04-09 10:13:43.880000+00:00,51.42144,14.56852,1
+2018-04-09 10:13:43.880000+00:00,51.42185,14.57592,1
+2018-04-09 10:13:43.880000+00:00,51.42236,14.57916,1
+2019-04-06 10:06:43+00:00,51.41883,14.56447,1
+2019-04-06 10:06:43+00:00,51.41899,14.56691,1
+2019-04-06 10:06:43+00:00,51.41934,14.56929,1
+2019-04-06 10:06:43+00:00,51.41988,14.56409,1
+2019-04-06 10:06:43+00:00,51.42004,14.56653,1
+2019-04-06 10:06:43+00:00,51.42039,14.56891,1
+2019-04-06 10:06:43+00:00,51.42144,14.56852,1
+2019-04-06 10:06:43+00:00,51.42185,14.57592,1
+2019-04-06 10:06:43+00:00,51.42236,14.57916,1
+2019-12-20 10:16:31.479000+00:00,51.41883,14.56447,1
+2019-12-20 10:16:31.479000+00:00,51.41899,14.56691,1
+2019-12-20 10:16:31.479000+00:00,51.41934,14.56929,1
+2019-12-20 10:16:31.479000+00:00,51.41988,14.56409,1
+2019-12-20 10:16:31.479000+00:00,51.42004,14.56653,1
+2019-12-20 10:16:31.479000+00:00,51.42039,14.56891,1
+2019-12-20 10:16:31.479000+00:00,51.42144,14.56852,1
+2019-12-20 10:16:31.479000+00:00,51.42185,14.57592,1
+2019-12-20 10:16:31.479000+00:00,51.42236,14.57916,1
+2020-04-30 10:06:21.998000+00:00,51.41883,14.56447,1
+2020-04-30 10:06:21.998000+00:00,51.41899,14.56691,1
+2020-04-30 10:06:21.998000+00:00,51.41934,14.56929,1
+2020-04-30 10:06:21.998000+00:00,51.41988,14.56409,1
+2020-04-30 10:06:21.998000+00:00,51.42004,14.56653,1
+2020-04-30 10:06:21.998000+00:00,51.42039,14.56891,1
+2020-04-30 10:06:21.998000+00:00,51.42144,14.56852,1
+2020-04-30 10:06:21.998000+00:00,51.42185,14.57592,1
+2020-04-30 10:06:21.998000+00:00,51.42236,14.57916,1
+2019-02-15 10:06:39+00:00,51.41883,14.56447,1
+2019-02-15 10:06:39+00:00,51.41899,14.56691,1
+2019-02-15 10:06:39+00:00,51.41934,14.56929,1
+2019-02-15 10:06:39+00:00,51.41988,14.56409,1
+2019-02-15 10:06:39+00:00,51.42004,14.56653,1
+2019-02-15 10:06:39+00:00,51.42039,14.56891,1
+2019-02-15 10:06:39+00:00,51.42144,14.56852,1
+2019-02-15 10:06:39+00:00,51.42185,14.57592,1
+2019-02-15 10:06:39+00:00,51.42236,14.57916,1
+2020-05-30 10:06:41.188000+00:00,51.41883,14.56447,1
+2020-05-30 10:06:41.188000+00:00,51.41899,14.56691,1
+2020-05-30 10:06:41.188000+00:00,51.41934,14.56929,1
+2020-05-30 10:06:41.188000+00:00,51.41988,14.56409,1
+2020-05-30 10:06:41.188000+00:00,51.42004,14.56653,1
+2020-05-30 10:06:41.188000+00:00,51.42039,14.56891,1
+2020-05-30 10:06:41.188000+00:00,51.42144,14.56852,1
+2020-05-30 10:06:41.188000+00:00,51.42185,14.57592,1
+2020-05-30 10:06:41.188000+00:00,51.42236,14.57916,1
+2019-02-28 10:16:33+00:00,51.41883,14.56447,1
+2019-02-28 10:16:33+00:00,51.41899,14.56691,1
+2019-02-28 10:16:33+00:00,51.41934,14.56929,1
+2019-02-28 10:16:33+00:00,51.41988,14.56409,1
+2019-02-28 10:16:33+00:00,51.42004,14.56653,1
+2019-02-28 10:16:33+00:00,51.42039,14.56891,1
+2019-02-28 10:16:33+00:00,51.42144,14.56852,1
+2019-02-28 10:16:33+00:00,51.42185,14.57592,1
+2019-02-28 10:16:33+00:00,51.42236,14.57916,1
+2020-02-08 10:16:29.608000+00:00,51.41883,14.56447,1
+2020-02-08 10:16:29.608000+00:00,51.41899,14.56691,1
+2020-02-08 10:16:29.608000+00:00,51.41934,14.56929,1
+2020-02-08 10:16:29.608000+00:00,51.41988,14.56409,1
+2020-02-08 10:16:29.608000+00:00,51.42004,14.56653,1
+2020-02-08 10:16:29.608000+00:00,51.42039,14.56891,1
+2020-02-08 10:16:29.608000+00:00,51.42144,14.56852,1
+2020-02-08 10:16:29.608000+00:00,51.42185,14.57592,1
+2020-02-08 10:16:29.608000+00:00,51.42236,14.57916,1
+2018-09-18 10:05:17.900000+00:00,51.41883,14.56447,1
+2018-09-18 10:05:17.900000+00:00,51.41899,14.56691,1
+2018-09-18 10:05:17.900000+00:00,51.41934,14.56929,1
+2018-09-18 10:05:17.900000+00:00,51.41988,14.56409,1
+2018-09-18 10:05:17.900000+00:00,51.42004,14.56653,1
+2018-09-18 10:05:17.900000+00:00,51.42039,14.56891,1
+2018-09-18 10:05:17.900000+00:00,51.42144,14.56852,1
+2018-09-18 10:05:17.900000+00:00,51.42185,14.57592,1
+2018-09-18 10:05:17.900000+00:00,51.42236,14.57916,1
+2017-04-01 10:00:22.460000+00:00,51.41883,14.56447,1
+2017-04-01 10:00:22.460000+00:00,51.41899,14.56691,1
+2017-04-01 10:00:22.460000+00:00,51.41934,14.56929,1
+2017-04-01 10:00:22.460000+00:00,51.41988,14.56409,1
+2017-04-01 10:00:22.460000+00:00,51.42004,14.56653,1
+2017-04-01 10:00:22.460000+00:00,51.42039,14.56891,1
+2017-04-01 10:00:22.460000+00:00,51.42144,14.56852,1
+2017-04-01 10:00:22.460000+00:00,51.42185,14.57592,1
+2017-04-01 10:00:22.460000+00:00,51.42236,14.57916,1
+2017-08-29 10:00:26.460000+00:00,51.41883,14.56447,1
+2017-08-29 10:00:26.460000+00:00,51.41899,14.56691,1
+2017-08-29 10:00:26.460000+00:00,51.41934,14.56929,1
+2017-08-29 10:00:26.460000+00:00,51.41988,14.56409,1
+2017-08-29 10:00:26.460000+00:00,51.42004,14.56653,1
+2017-08-29 10:00:26.460000+00:00,51.42039,14.56891,1
+2017-08-29 10:00:26.460000+00:00,51.42144,14.56852,1
+2017-08-29 10:00:26.460000+00:00,51.42185,14.57592,1
+2017-08-29 10:00:26.460000+00:00,51.42236,14.57916,1
+2020-08-23 10:06:45.316000+00:00,51.41883,14.56447,1
+2020-08-23 10:06:45.316000+00:00,51.41899,14.56691,1
+2020-08-23 10:06:45.316000+00:00,51.41934,14.56929,1
+2020-08-23 10:06:45.316000+00:00,51.41988,14.56409,1
+2020-08-23 10:06:45.316000+00:00,51.42004,14.56653,1
+2020-08-23 10:06:45.316000+00:00,51.42039,14.56891,1
+2020-08-23 10:06:45.316000+00:00,51.42144,14.56852,1
+2020-08-23 10:06:45.316000+00:00,51.42185,14.57592,1
+2020-08-23 10:06:45.316000+00:00,51.42236,14.57916,1
+2020-03-24 10:16:35.350000+00:00,51.41883,14.56447,1
+2020-03-24 10:16:35.350000+00:00,51.41899,14.56691,1
+2020-03-24 10:16:35.350000+00:00,51.41934,14.56929,1
+2020-03-24 10:16:35.350000+00:00,51.41988,14.56409,1
+2020-03-24 10:16:35.350000+00:00,51.42004,14.56653,1
+2020-03-24 10:16:35.350000+00:00,51.42039,14.56891,1
+2020-03-24 10:16:35.350000+00:00,51.42144,14.56852,1
+2020-03-24 10:16:35.350000+00:00,51.42185,14.57592,1
+2020-03-24 10:16:35.350000+00:00,51.42236,14.57916,1
+2018-12-05 10:16:29.060000+00:00,51.41883,14.56447,1
+2018-12-05 10:16:29.060000+00:00,51.41899,14.56691,1
+2018-12-05 10:16:29.060000+00:00,51.41934,14.56929,1
+2018-12-05 10:16:29.060000+00:00,51.41988,14.56409,1
+2018-12-05 10:16:29.060000+00:00,51.42004,14.56653,1
+2018-12-05 10:16:29.060000+00:00,51.42039,14.56891,1
+2018-12-05 10:16:29.060000+00:00,51.42144,14.56852,1
+2018-12-05 10:16:29.060000+00:00,51.42185,14.57592,1
+2018-12-05 10:16:29.060000+00:00,51.42236,14.57916,1
+2019-12-05 10:16:31.434000+00:00,51.41883,14.56447,1
+2019-12-05 10:16:31.434000+00:00,51.41899,14.56691,1
+2019-12-05 10:16:31.434000+00:00,51.41934,14.56929,1
+2019-12-05 10:16:31.434000+00:00,51.41988,14.56409,1
+2019-12-05 10:16:31.434000+00:00,51.42004,14.56653,1
+2019-12-05 10:16:31.434000+00:00,51.42039,14.56891,1
+2019-12-05 10:16:31.434000+00:00,51.42144,14.56852,1
+2019-12-05 10:16:31.434000+00:00,51.42185,14.57592,1
+2019-12-05 10:16:31.434000+00:00,51.42236,14.57916,1
+2018-10-11 10:10:20.460000+00:00,51.41883,14.56447,1
+2018-10-11 10:10:20.460000+00:00,51.41899,14.56691,1
+2018-10-11 10:10:20.460000+00:00,51.41934,14.56929,1
+2018-10-11 10:10:20.460000+00:00,51.41988,14.56409,1
+2018-10-11 10:10:20.460000+00:00,51.42004,14.56653,1
+2018-10-11 10:10:20.460000+00:00,51.42039,14.56891,1
+2018-10-11 10:10:20.460000+00:00,51.42144,14.56852,1
+2018-10-11 10:10:20.460000+00:00,51.42185,14.57592,1
+2018-10-11 10:10:20.460000+00:00,51.42236,14.57916,1
+2019-07-03 10:16:42+00:00,51.41883,14.56447,1
+2019-07-03 10:16:42+00:00,51.41899,14.56691,1
+2019-07-03 10:16:42+00:00,51.41934,14.56929,1
+2019-07-03 10:16:42+00:00,51.41988,14.56409,1
+2019-07-03 10:16:42+00:00,51.42004,14.56653,1
+2019-07-03 10:16:42+00:00,51.42039,14.56891,1
+2019-07-03 10:16:42+00:00,51.42144,14.56852,1
+2019-07-03 10:16:42+00:00,51.42185,14.57592,1
+2019-07-03 10:16:42+00:00,51.42236,14.57916,1
+2019-04-16 10:06:45+00:00,51.41883,14.56447,1
+2019-04-16 10:06:45+00:00,51.41899,14.56691,1
+2019-04-16 10:06:45+00:00,51.41934,14.56929,1
+2019-04-16 10:06:45+00:00,51.41988,14.56409,1
+2019-04-16 10:06:45+00:00,51.42004,14.56653,1
+2019-04-16 10:06:45+00:00,51.42039,14.56891,1
+2019-04-16 10:06:45+00:00,51.42144,14.56852,1
+2019-04-16 10:06:45+00:00,51.42185,14.57592,1
+2019-04-16 10:06:45+00:00,51.42236,14.57916,1
+2020-06-22 10:16:40.032000+00:00,51.41883,14.56447,1
+2020-06-22 10:16:40.032000+00:00,51.41899,14.56691,1
+2020-06-22 10:16:40.032000+00:00,51.41934,14.56929,1
+2020-06-22 10:16:40.032000+00:00,51.41988,14.56409,1
+2020-06-22 10:16:40.032000+00:00,51.42004,14.56653,1
+2020-06-22 10:16:40.032000+00:00,51.42039,14.56891,1
+2020-06-22 10:16:40.032000+00:00,51.42144,14.56852,1
+2020-06-22 10:16:40.032000+00:00,51.42185,14.57592,1
+2020-06-22 10:16:40.032000+00:00,51.42236,14.57916,1
+2016-08-04 10:06:13.199000+00:00,51.41883,14.56447,1
+2016-08-04 10:06:13.199000+00:00,51.41899,14.56691,1
+2016-08-04 10:06:13.199000+00:00,51.41934,14.56929,1
+2016-08-04 10:06:13.199000+00:00,51.41988,14.56409,1
+2016-08-04 10:06:13.199000+00:00,51.42004,14.56653,1
+2016-08-04 10:06:13.199000+00:00,51.42039,14.56891,1
+2016-08-04 10:06:13.199000+00:00,51.42144,14.56852,1
+2016-08-04 10:06:13.199000+00:00,51.42185,14.57592,1
+2016-08-04 10:06:13.199000+00:00,51.42236,14.57916,1
+2018-08-17 10:10:24.460000+00:00,51.41883,14.56447,1
+2018-08-17 10:10:24.460000+00:00,51.41899,14.56691,1
+2018-08-17 10:10:24.460000+00:00,51.41934,14.56929,1
+2018-08-17 10:10:24.460000+00:00,51.41988,14.56409,1
+2018-08-17 10:10:24.460000+00:00,51.42004,14.56653,1
+2018-08-17 10:10:24.460000+00:00,51.42039,14.56891,1
+2018-08-17 10:10:24.460000+00:00,51.42144,14.56852,1
+2018-08-17 10:10:24.460000+00:00,51.42185,14.57592,1
+2018-08-17 10:10:24.460000+00:00,51.42236,14.57916,1
+2016-06-08 10:12:20+00:00,51.41883,14.56447,1
+2016-06-08 10:12:20+00:00,51.41899,14.56691,1
+2016-06-08 10:12:20+00:00,51.41934,14.56929,1
+2016-06-08 10:12:20+00:00,51.41988,14.56409,1
+2016-06-08 10:12:20+00:00,51.42004,14.56653,1
+2016-06-08 10:12:20+00:00,51.42039,14.56891,1
+2016-06-08 10:12:20+00:00,51.42144,14.56852,1
+2016-06-08 10:12:20+00:00,51.42185,14.57592,1
+2016-06-08 10:12:20+00:00,51.42236,14.57916,1
+2017-05-11 10:05:39.730000+00:00,51.41883,14.56447,1
+2017-05-11 10:05:39.730000+00:00,51.41899,14.56691,1
+2017-05-11 10:05:39.730000+00:00,51.41934,14.56929,1
+2017-05-11 10:05:39.730000+00:00,51.41988,14.56409,1
+2017-05-11 10:05:39.730000+00:00,51.42004,14.56653,1
+2017-05-11 10:05:39.730000+00:00,51.42039,14.56891,1
+2017-05-11 10:05:39.730000+00:00,51.42144,14.56852,1
+2017-05-11 10:05:39.730000+00:00,51.42185,14.57592,1
+2017-05-11 10:05:39.730000+00:00,51.42236,14.57916,1
+2017-04-24 10:11:20.580000+00:00,51.41883,14.56447,1
+2017-04-24 10:11:20.580000+00:00,51.41899,14.56691,1
+2017-04-24 10:11:20.580000+00:00,51.41934,14.56929,1
+2017-04-24 10:11:20.580000+00:00,51.41988,14.56409,1
+2017-04-24 10:11:20.580000+00:00,51.42004,14.56653,1
+2017-04-24 10:11:20.580000+00:00,51.42039,14.56891,1
+2017-04-24 10:11:20.580000+00:00,51.42144,14.56852,1
+2017-04-24 10:11:20.580000+00:00,51.42185,14.57592,1
+2017-04-24 10:11:20.580000+00:00,51.42236,14.57916,1
+2017-02-13 10:15:53.655000+00:00,51.41883,14.56447,1
+2017-02-13 10:15:53.655000+00:00,51.41899,14.56691,1
+2017-02-13 10:15:53.655000+00:00,51.41934,14.56929,1
+2017-02-13 10:15:53.655000+00:00,51.41988,14.56409,1
+2017-02-13 10:15:53.655000+00:00,51.42004,14.56653,1
+2017-02-13 10:15:53.655000+00:00,51.42039,14.56891,1
+2017-02-13 10:15:53.655000+00:00,51.42144,14.56852,1
+2017-02-13 10:15:53.655000+00:00,51.42185,14.57592,1
+2017-02-13 10:15:53.655000+00:00,51.42236,14.57916,1
+2020-01-21 10:06:33.233000+00:00,51.41883,14.56447,1
+2020-01-21 10:06:33.233000+00:00,51.41899,14.56691,1
+2020-01-21 10:06:33.233000+00:00,51.41934,14.56929,1
+2020-01-21 10:06:33.233000+00:00,51.41988,14.56409,1
+2020-01-21 10:06:33.233000+00:00,51.42004,14.56653,1
+2020-01-21 10:06:33.233000+00:00,51.42039,14.56891,1
+2020-01-21 10:06:33.233000+00:00,51.42144,14.56852,1
+2020-01-21 10:06:33.233000+00:00,51.42185,14.57592,1
+2020-01-21 10:06:33.233000+00:00,51.42236,14.57916,1
+2020-04-08 10:16:35.098000+00:00,51.41883,14.56447,1
+2020-04-08 10:16:35.098000+00:00,51.41899,14.56691,1
+2020-04-08 10:16:35.098000+00:00,51.41934,14.56929,1
+2020-04-08 10:16:35.098000+00:00,51.41988,14.56409,1
+2020-04-08 10:16:35.098000+00:00,51.42004,14.56653,1
+2020-04-08 10:16:35.098000+00:00,51.42039,14.56891,1
+2020-04-08 10:16:35.098000+00:00,51.42144,14.56852,1
+2020-04-08 10:16:35.098000+00:00,51.42185,14.57592,1
+2020-04-08 10:16:35.098000+00:00,51.42236,14.57916,1
+2020-04-28 10:16:40+00:00,51.41883,14.56447,1
+2020-04-28 10:16:40+00:00,51.41899,14.56691,1
+2020-04-28 10:16:40+00:00,51.41934,14.56929,1
+2020-04-28 10:16:40+00:00,51.41988,14.56409,1
+2020-04-28 10:16:40+00:00,51.42004,14.56653,1
+2020-04-28 10:16:40+00:00,51.42039,14.56891,1
+2020-04-28 10:16:40+00:00,51.42144,14.56852,1
+2020-04-28 10:16:40+00:00,51.42185,14.57592,1
+2020-04-28 10:16:40+00:00,51.42236,14.57916,1
+2018-02-13 10:15:59.860000+00:00,51.41883,14.56447,1
+2018-02-13 10:15:59.860000+00:00,51.41899,14.56691,1
+2018-02-13 10:15:59.860000+00:00,51.41934,14.56929,1
+2018-02-13 10:15:59.860000+00:00,51.41988,14.56409,1
+2018-02-13 10:15:59.860000+00:00,51.42004,14.56653,1
+2018-02-13 10:15:59.860000+00:00,51.42039,14.56891,1
+2018-02-13 10:15:59.860000+00:00,51.42144,14.56852,1
+2018-02-13 10:15:59.860000+00:00,51.42185,14.57592,1
+2018-02-13 10:15:59.860000+00:00,51.42236,14.57916,1
+2019-08-22 10:16:39.689000+00:00,51.41883,14.56447,1
+2019-08-22 10:16:39.689000+00:00,51.41899,14.56691,1
+2019-08-22 10:16:39.689000+00:00,51.41934,14.56929,1
+2019-08-22 10:16:39.689000+00:00,51.41988,14.56409,1
+2019-08-22 10:16:39.689000+00:00,51.42004,14.56653,1
+2019-08-22 10:16:39.689000+00:00,51.42039,14.56891,1
+2019-08-22 10:16:39.689000+00:00,51.42144,14.56852,1
+2019-08-22 10:16:39.689000+00:00,51.42185,14.57592,1
+2019-08-22 10:16:39.689000+00:00,51.42236,14.57916,1
+2020-09-15 10:16:41.782000+00:00,51.41883,14.56447,1
+2020-09-15 10:16:41.782000+00:00,51.41899,14.56691,1
+2020-09-15 10:16:41.782000+00:00,51.41934,14.56929,1
+2020-09-15 10:16:41.782000+00:00,51.41988,14.56409,1
+2020-09-15 10:16:41.782000+00:00,51.42004,14.56653,1
+2020-09-15 10:16:41.782000+00:00,51.42039,14.56891,1
+2020-09-15 10:16:41.782000+00:00,51.42144,14.56852,1
+2020-09-15 10:16:41.782000+00:00,51.42185,14.57592,1
+2020-09-15 10:16:41.782000+00:00,51.42236,14.57916,1
+2017-06-20 10:04:53.430000+00:00,51.41883,14.56447,1
+2017-06-20 10:04:53.430000+00:00,51.41899,14.56691,1
+2017-06-20 10:04:53.430000+00:00,51.41934,14.56929,1
+2017-06-20 10:04:53.430000+00:00,51.41988,14.56409,1
+2017-06-20 10:04:53.430000+00:00,51.42004,14.56653,1
+2017-06-20 10:04:53.430000+00:00,51.42039,14.56891,1
+2017-06-20 10:04:53.430000+00:00,51.42144,14.56852,1
+2017-06-20 10:04:53.430000+00:00,51.42185,14.57592,1
+2017-06-20 10:04:53.430000+00:00,51.42236,14.57916,1
+2019-02-08 10:16:37+00:00,51.41883,14.56447,1
+2019-02-08 10:16:37+00:00,51.41899,14.56691,1
+2019-02-08 10:16:37+00:00,51.41934,14.56929,1
+2019-02-08 10:16:37+00:00,51.41988,14.56409,1
+2019-02-08 10:16:37+00:00,51.42004,14.56653,1
+2019-02-08 10:16:37+00:00,51.42039,14.56891,1
+2019-02-08 10:16:37+00:00,51.42144,14.56852,1
+2019-02-08 10:16:37+00:00,51.42185,14.57592,1
+2019-02-08 10:16:37+00:00,51.42236,14.57916,1
+2018-02-23 10:15:08.690000+00:00,51.41883,14.56447,1
+2018-02-23 10:15:08.690000+00:00,51.41899,14.56691,1
+2018-02-23 10:15:08.690000+00:00,51.41934,14.56929,1
+2018-02-23 10:15:08.690000+00:00,51.41988,14.56409,1
+2018-02-23 10:15:08.690000+00:00,51.42004,14.56653,1
+2018-02-23 10:15:08.690000+00:00,51.42039,14.56891,1
+2018-02-23 10:15:08.690000+00:00,51.42144,14.56852,1
+2018-02-23 10:15:08.690000+00:00,51.42185,14.57592,1
+2018-02-23 10:15:08.690000+00:00,51.42236,14.57916,1
+2016-03-17 10:00:11.455000+00:00,51.41883,14.56447,1
+2016-03-17 10:00:11.455000+00:00,51.41899,14.56691,1
+2016-03-17 10:00:11.455000+00:00,51.41934,14.56929,1
+2016-03-17 10:00:11.455000+00:00,51.41988,14.56409,1
+2016-03-17 10:00:11.455000+00:00,51.42004,14.56653,1
+2016-03-17 10:00:11.455000+00:00,51.42039,14.56891,1
+2016-03-17 10:00:11.455000+00:00,51.42144,14.56852,1
+2016-03-17 10:00:11.455000+00:00,51.42185,14.57592,1
+2016-03-17 10:00:11.455000+00:00,51.42236,14.57916,1
+2015-10-12 10:10:24.457000+00:00,51.41883,14.56447,1
+2015-10-12 10:10:24.457000+00:00,51.41899,14.56691,1
+2015-10-12 10:10:24.457000+00:00,51.41934,14.56929,1
+2015-10-12 10:10:24.457000+00:00,51.41988,14.56409,1
+2015-10-12 10:10:24.457000+00:00,51.42004,14.56653,1
+2015-10-12 10:10:24.457000+00:00,51.42039,14.56891,1
+2015-10-12 10:10:24.457000+00:00,51.42144,14.56852,1
+2015-10-12 10:10:24.457000+00:00,51.42185,14.57592,1
+2015-10-12 10:10:24.457000+00:00,51.42236,14.57916,1
+2020-11-21 10:06:41.979000+00:00,51.41883,14.56447,1
+2020-11-21 10:06:41.979000+00:00,51.41899,14.56691,1
+2020-11-21 10:06:41.979000+00:00,51.41934,14.56929,1
+2020-11-21 10:06:41.979000+00:00,51.41988,14.56409,1
+2020-11-21 10:06:41.979000+00:00,51.42004,14.56653,1
+2020-11-21 10:06:41.979000+00:00,51.42039,14.56891,1
+2020-11-21 10:06:41.979000+00:00,51.42144,14.56852,1
+2020-11-21 10:06:41.979000+00:00,51.42185,14.57592,1
+2020-11-21 10:06:41.979000+00:00,51.42236,14.57916,1
+2016-09-26 10:10:19.460000+00:00,51.41883,14.56447,1
+2016-09-26 10:10:19.460000+00:00,51.41899,14.56691,1
+2016-09-26 10:10:19.460000+00:00,51.41934,14.56929,1
+2016-09-26 10:10:19.460000+00:00,51.41988,14.56409,1
+2016-09-26 10:10:19.460000+00:00,51.42004,14.56653,1
+2016-09-26 10:10:19.460000+00:00,51.42039,14.56891,1
+2016-09-26 10:10:19.460000+00:00,51.42144,14.56852,1
+2016-09-26 10:10:19.460000+00:00,51.42185,14.57592,1
+2016-09-26 10:10:19.460000+00:00,51.42236,14.57916,1
+2019-02-23 10:16:33+00:00,51.41883,14.56447,1
+2019-02-23 10:16:33+00:00,51.41899,14.56691,1
+2019-02-23 10:16:33+00:00,51.41934,14.56929,1
+2019-02-23 10:16:33+00:00,51.41988,14.56409,1
+2019-02-23 10:16:33+00:00,51.42004,14.56653,1
+2019-02-23 10:16:33+00:00,51.42039,14.56891,1
+2019-02-23 10:16:33+00:00,51.42144,14.56852,1
+2019-02-23 10:16:33+00:00,51.42185,14.57592,1
+2019-02-23 10:16:33+00:00,51.42236,14.57916,1
+2020-09-22 10:06:44.856000+00:00,51.41883,14.56447,1
+2020-09-22 10:06:44.856000+00:00,51.41899,14.56691,1
+2020-09-22 10:06:44.856000+00:00,51.41934,14.56929,1
+2020-09-22 10:06:44.856000+00:00,51.41988,14.56409,1
+2020-09-22 10:06:44.856000+00:00,51.42004,14.56653,1
+2020-09-22 10:06:44.856000+00:00,51.42039,14.56891,1
+2020-09-22 10:06:44.856000+00:00,51.42144,14.56852,1
+2020-09-22 10:06:44.856000+00:00,51.42185,14.57592,1
+2020-09-22 10:06:44.856000+00:00,51.42236,14.57916,1
+2015-10-01 10:46:58.277000+00:00,49.36165,7.24038,1
+2018-09-05 10:45:27.120000+00:00,49.36165,7.24038,0
+2017-08-16 10:40:19.460000+00:00,49.36165,7.24038,0
+2017-10-15 10:45:25.943000+00:00,49.36165,7.24038,0
+2020-04-27 10:47:22.758000+00:00,49.36165,7.24038,0
+2019-07-29 10:37:28.165000+00:00,49.36165,7.24038,0
+2021-04-22 10:47:16.101000+00:00,49.36165,7.24038,0
+2017-06-19 10:30:21.460000+00:00,49.36165,7.24038,0
+2020-12-25 10:37:20.550000+00:00,49.36165,7.24038,0
+2020-07-31 10:47:23.217000+00:00,49.36165,7.24038,0
+2020-01-20 10:37:17.001000+00:00,49.36165,7.24038,0
+2020-06-21 10:47:22.968000+00:00,49.36165,7.24038,0
+2020-05-07 10:47:24.484000+00:00,49.36165,7.24038,0
+2019-07-02 10:47:25+00:00,49.36165,7.24038,0
+2020-05-19 10:37:23.371000+00:00,49.36165,7.24038,0
+2020-04-14 10:37:22.692000+00:00,49.36165,7.24038,0
+2018-06-29 10:30:21.460000+00:00,49.36165,7.24038,0
+2020-07-23 10:37:28.794000+00:00,49.36165,7.24038,0
+2020-11-18 10:47:21.138000+00:00,49.36165,7.24038,0
+2019-03-29 10:47:22+00:00,49.36165,7.24038,0
+2018-10-15 10:40:19.460000+00:00,49.36165,7.24038,0
+2018-09-17 10:31:54.480000+00:00,49.36165,7.24038,0
+2020-05-14 10:37:28.373000+00:00,49.36165,7.24038,0
+2018-07-17 10:42:58.590000+00:00,49.36165,7.24038,0
+2018-11-14 10:47:14.840000+00:00,49.36165,7.24038,0
+2018-11-16 10:37:20.640000+00:00,49.36165,7.24038,0
+2018-09-20 10:40:14.460000+00:00,49.36165,7.24038,0
+2020-04-07 10:47:17.733000+00:00,49.36165,7.24038,0
+2019-05-15 10:37:31+00:00,49.36165,7.24038,0
+2016-12-14 10:46:09.265000+00:00,49.36165,7.24038,1
+2020-05-02 10:47:16.955000+00:00,49.36165,7.24038,0
+2016-05-05 10:30:27+00:00,49.36165,7.24038,0
+2018-05-05 10:31:25.790000+00:00,49.36165,7.24038,0
+2020-03-25 10:37:19.640000+00:00,49.36165,7.24038,0
+2018-02-27 10:42:36.560000+00:00,49.36165,7.24038,0
+2019-08-21 10:47:22.788000+00:00,49.36165,7.24038,0
+2019-05-13 10:47:24+00:00,49.36165,7.24038,0
+2021-02-28 10:37:23.272000+00:00,49.36165,7.24038,0
+2019-09-10 10:47:18.883000+00:00,49.36165,7.24038,0
+2019-02-14 10:37:23+00:00,49.36165,7.24038,0
+2019-09-02 10:37:26.500000+00:00,49.36165,7.24038,0
+2018-04-18 10:45:12.080000+00:00,49.36165,7.24038,1
+2017-08-06 10:40:21.460000+00:00,49.36165,7.24038,0
+2017-07-19 10:30:23.460000+00:00,49.36165,7.24038,0
+2016-08-16 10:40:25.461000+00:00,49.36165,7.24038,0
+2021-03-03 10:47:20.287000+00:00,49.36165,7.24038,0
+2017-02-19 10:33:33.413000+00:00,49.36165,7.24038,1
+2020-07-06 10:47:24.844000+00:00,49.36165,7.24038,0
+2020-04-02 10:47:17.686000+00:00,49.36165,7.24038,0
+2020-07-21 10:47:22.244000+00:00,49.36165,7.24038,0
+2019-04-20 10:37:26+00:00,49.36165,7.24038,0
+2018-09-25 10:41:19.790000+00:00,49.36165,7.24038,0
+2019-03-31 10:37:23+00:00,49.36165,7.24038,0
+2019-06-27 10:47:28+00:00,49.36165,7.24038,1
+2019-08-31 10:47:21.082000+00:00,49.36165,7.24038,0
+2016-09-25 10:41:15.190000+00:00,49.36165,7.24038,0
+2021-02-11 10:47:19.008000+00:00,49.36165,7.24038,0
+2018-03-19 10:40:19.460000+00:00,49.36165,7.24038,0
+2016-12-04 10:45:38.833000+00:00,49.36165,7.24038,0
+2017-10-17 10:30:24.462000+00:00,49.36165,7.24038,0
+2018-04-05 16:25:09.060000+00:00,38.16988,-82.61914,0
+2018-04-05 16:25:09.060000+00:00,38.17102,-82.61547,0
+2019-02-04 16:32:42+00:00,38.16988,-82.61914,0
+2019-02-04 16:32:42+00:00,38.17102,-82.61547,0
+2018-10-09 16:12:54.400000+00:00,38.16988,-82.61914,1
+2018-10-09 16:12:54.400000+00:00,38.17102,-82.61547,1
+2019-07-29 16:32:53.607000+00:00,38.16988,-82.61914,1
+2019-07-29 16:32:53.607000+00:00,38.17102,-82.61547,1
+2019-02-21 16:22:45+00:00,38.16988,-82.61914,0
+2019-02-21 16:22:45+00:00,38.17102,-82.61547,0
+2018-07-26 16:18:43.310000+00:00,38.16988,-82.61914,1
+2018-07-26 16:18:43.310000+00:00,38.17102,-82.61547,1
+2018-10-12 16:31:44.490000+00:00,38.16988,-82.61914,0
+2018-10-12 16:31:44.490000+00:00,38.17102,-82.61547,0
+2020-05-09 16:32:49.868000+00:00,38.16988,-82.61914,1
+2020-05-09 16:32:49.868000+00:00,38.17102,-82.61547,1
+2020-02-09 16:32:37.887000+00:00,38.16988,-82.61914,0
+2020-02-09 16:32:37.887000+00:00,38.17102,-82.61547,0
+2019-11-26 16:32:40.747000+00:00,38.16988,-82.61914,1
+2019-11-26 16:32:40.747000+00:00,38.17102,-82.61547,1
+2018-05-07 16:13:17+00:00,38.16988,-82.61914,0
+2018-05-07 16:13:17+00:00,38.17102,-82.61547,0
+2016-07-26 16:15:15.045000+00:00,38.16988,-82.61914,1
+2016-07-26 16:15:15.045000+00:00,38.17102,-82.61547,1
+2018-11-23 16:22:42.220000+00:00,38.16988,-82.61914,0
+2018-11-23 16:22:42.220000+00:00,38.17102,-82.61547,0
+2020-06-08 16:32:51.786000+00:00,38.16988,-82.61914,1
+2020-06-08 16:32:51.786000+00:00,38.17102,-82.61547,1
+2018-11-03 16:17:24.240000+00:00,38.16988,-82.61914,1
+2018-11-03 16:17:24.240000+00:00,38.17102,-82.61547,1
+2020-11-07 16:22:51.457000+00:00,38.16988,-82.61914,1
+2020-11-07 16:22:51.457000+00:00,38.17102,-82.61547,1
+2017-05-15 16:31:03.820000+00:00,38.16988,-82.61914,0
+2017-05-15 16:31:03.820000+00:00,38.17102,-82.61547,0
+2019-02-16 16:22:49+00:00,38.16988,-82.61914,0
+2019-02-16 16:22:49+00:00,38.17102,-82.61547,0
+2018-03-23 16:21:53.870000+00:00,38.16988,-82.61914,0
+2018-03-23 16:21:53.870000+00:00,38.17102,-82.61547,0
+2020-02-29 16:32:40.863000+00:00,38.16988,-82.61914,0
+2020-02-29 16:32:40.863000+00:00,38.17102,-82.61547,0
+2018-10-24 16:21:11.250000+00:00,38.16988,-82.61914,1
+2018-10-24 16:21:11.250000+00:00,38.17102,-82.61547,1
+2020-11-10 16:32:46.764000+00:00,38.16988,-82.61914,1
+2020-11-10 16:32:46.764000+00:00,38.17102,-82.61547,1
+2016-12-23 16:19:35.198000+00:00,38.16988,-82.61914,0
+2016-12-23 16:19:35.198000+00:00,38.17102,-82.61547,0
+2019-12-11 16:32:41.578000+00:00,38.16988,-82.61914,1
+2019-12-11 16:32:41.578000+00:00,38.17102,-82.61547,1
+2018-10-17 16:32:23.920000+00:00,38.16988,-82.61914,1
+2018-10-17 16:32:23.920000+00:00,38.17102,-82.61547,1
+2018-04-27 16:19:05.960000+00:00,38.16988,-82.61914,0
+2018-04-27 16:19:05.960000+00:00,38.17102,-82.61547,0
+2018-11-11 16:32:42.990000+00:00,38.16988,-82.61914,1
+2018-11-11 16:32:42.990000+00:00,38.17102,-82.61547,1
+2019-01-25 16:32:42+00:00,38.16988,-82.61914,1
+2019-01-25 16:32:42+00:00,38.17102,-82.61547,1
+2020-06-03 16:32:47.319000+00:00,38.16988,-82.61914,1
+2020-06-03 16:32:47.319000+00:00,38.17102,-82.61547,1
+2018-04-20 16:25:21.270000+00:00,38.16988,-82.61914,0
+2018-04-20 16:25:21.270000+00:00,38.17102,-82.61547,0
+2020-04-09 16:32:43.487000+00:00,38.16988,-82.61914,0
+2020-04-09 16:32:43.487000+00:00,38.17102,-82.61547,0
+2019-02-09 16:32:45+00:00,38.16988,-82.61914,0
+2019-02-09 16:32:45+00:00,38.17102,-82.61547,0
+2017-10-14 16:13:30.462000+00:00,38.16988,-82.61914,0
+2017-10-14 16:13:30.462000+00:00,38.17102,-82.61547,0
+2019-03-06 16:32:39+00:00,38.16988,-82.61914,1
+2019-03-06 16:32:39+00:00,38.17102,-82.61547,1
+2019-09-22 16:32:45.863000+00:00,38.16988,-82.61914,1
+2019-09-22 16:32:45.863000+00:00,38.17102,-82.61547,1
+2018-09-04 16:22:05.960000+00:00,38.16988,-82.61914,1
+2018-09-04 16:22:05.960000+00:00,38.17102,-82.61547,1
+2019-10-09 16:22:52.256000+00:00,38.16988,-82.61914,0
+2019-10-09 16:22:52.256000+00:00,38.17102,-82.61547,0
+2020-12-02 16:22:48.870000+00:00,38.16988,-82.61914,1
+2020-12-02 16:22:48.870000+00:00,38.17102,-82.61547,1
+2020-11-05 16:32:50.141000+00:00,38.16988,-82.61914,1
+2020-11-05 16:32:50.141000+00:00,38.17102,-82.61547,1
+2017-10-02 16:26:18.730000+00:00,38.16988,-82.61914,0
+2017-10-02 16:26:18.730000+00:00,38.17102,-82.61547,0
+2020-08-09 16:22:52.995000+00:00,38.16988,-82.61914,1
+2020-08-09 16:22:52.995000+00:00,38.17102,-82.61547,1
+2019-03-23 16:22:48+00:00,38.16988,-82.61914,1
+2019-03-23 16:22:48+00:00,38.17102,-82.61547,1
+2019-10-02 16:32:47.372000+00:00,38.16988,-82.61914,1
+2019-10-02 16:32:47.372000+00:00,38.17102,-82.61547,1
+2019-06-29 16:32:54+00:00,38.16988,-82.61914,1
+2019-06-29 16:32:54+00:00,38.17102,-82.61547,1
+2017-12-21 16:27:00.460000+00:00,38.16988,-82.61914,0
+2017-12-21 16:27:00.460000+00:00,38.17102,-82.61547,0
+2017-07-26 16:18:54.130000+00:00,38.16988,-82.61914,0
+2017-07-26 16:18:54.130000+00:00,38.17102,-82.61547,0
+2016-06-09 16:25:14+00:00,38.16988,-82.61914,1
+2016-06-09 16:25:14+00:00,38.17102,-82.61547,1
+2016-10-07 16:31:54.550000+00:00,38.16988,-82.61914,0
+2016-10-07 16:31:54.550000+00:00,38.17102,-82.61547,0
+2018-06-29 16:25:34.700000+00:00,38.16988,-82.61914,1
+2018-06-29 16:25:34.700000+00:00,38.17102,-82.61547,1
+2017-11-23 16:15:55.460000+00:00,38.16988,-82.61914,0
+2017-11-23 16:15:55.460000+00:00,38.17102,-82.61547,0
+2019-09-27 16:32:45.634000+00:00,38.16988,-82.61914,1
+2019-09-27 16:32:45.634000+00:00,38.17102,-82.61547,1
+2017-05-02 16:22:29.590000+00:00,38.16988,-82.61914,0
+2017-05-02 16:22:29.590000+00:00,38.17102,-82.61547,0
+2019-11-06 16:32:45.439000+00:00,38.16988,-82.61914,0
+2019-11-06 16:32:45.439000+00:00,38.17102,-82.61547,0
+2019-02-16 16:22:31+00:00,38.9339,-82.11902,1
+2019-02-16 16:22:31+00:00,38.93829,-82.11736,1
+2019-05-07 16:22:39+00:00,38.9339,-82.11902,1
+2019-05-07 16:22:39+00:00,38.93829,-82.11736,1
+2017-05-02 16:22:29.590000+00:00,38.9339,-82.11902,1
+2017-05-02 16:22:29.590000+00:00,38.93829,-82.11736,1
+2019-01-05 16:32:26.220000+00:00,38.9339,-82.11902,1
+2019-01-05 16:32:26.220000+00:00,38.93829,-82.11736,1
+2016-09-04 16:17:37.962000+00:00,38.9339,-82.11902,1
+2016-09-04 16:17:37.962000+00:00,38.93829,-82.11736,1
+2018-10-22 16:23:22.460000+00:00,38.9339,-82.11902,1
+2018-10-22 16:23:22.460000+00:00,38.93829,-82.11736,1
+2018-04-20 16:25:21.270000+00:00,38.9339,-82.11902,0
+2018-04-20 16:25:21.270000+00:00,38.93829,-82.11736,0
+2018-12-18 16:22:26.300000+00:00,38.9339,-82.11902,1
+2018-12-18 16:22:26.300000+00:00,38.93829,-82.11736,1
+2020-05-09 16:32:30.957000+00:00,38.9339,-82.11902,1
+2020-05-09 16:32:30.957000+00:00,38.93829,-82.11736,1
+2019-03-23 16:22:33+00:00,38.9339,-82.11902,1
+2019-03-23 16:22:33+00:00,38.93829,-82.11736,1
+2020-07-15 16:22:39.584000+00:00,38.9339,-82.11902,1
+2020-07-15 16:22:39.584000+00:00,38.93829,-82.11736,1
+2018-06-09 16:25:19.280000+00:00,38.9339,-82.11902,1
+2018-06-09 16:25:19.280000+00:00,38.93829,-82.11736,1
+2020-04-04 16:32:28.562000+00:00,38.9339,-82.11902,1
+2020-04-04 16:32:28.562000+00:00,38.93829,-82.11736,1
+2020-05-31 16:22:33.148000+00:00,38.9339,-82.11902,1
+2020-05-31 16:22:33.148000+00:00,38.93829,-82.11736,1
+2018-09-14 16:14:23.160000+00:00,38.9339,-82.11902,1
+2018-09-14 16:14:23.160000+00:00,38.93829,-82.11736,1
+2020-10-16 16:32:37.160000+00:00,38.9339,-82.11902,1
+2020-10-16 16:32:37.160000+00:00,38.93829,-82.11736,1
+2020-09-21 16:32:28.846000+00:00,38.9339,-82.11902,1
+2020-09-21 16:32:28.846000+00:00,38.93829,-82.11736,1
+2019-09-14 16:22:35.005000+00:00,38.9339,-82.11902,1
+2019-09-14 16:22:35.005000+00:00,38.93829,-82.11736,1
+2018-03-16 16:29:59.920000+00:00,38.9339,-82.11902,1
+2018-03-16 16:29:59.920000+00:00,38.93829,-82.11736,1
+2019-04-27 16:22:42+00:00,38.9339,-82.11902,1
+2019-04-27 16:22:42+00:00,38.93829,-82.11736,1
+2019-10-24 16:22:35.960000+00:00,38.9339,-82.11902,1
+2019-10-24 16:22:35.960000+00:00,38.93829,-82.11736,1
+2018-04-12 16:20:42.980000+00:00,38.9339,-82.11902,1
+2018-04-12 16:20:42.980000+00:00,38.93829,-82.11736,1
+2019-11-11 16:32:33.785000+00:00,38.9339,-82.11902,1
+2019-11-11 16:32:33.785000+00:00,38.93829,-82.11736,1
+2019-09-27 16:32:31.645000+00:00,38.9339,-82.11902,1
+2019-09-27 16:32:31.645000+00:00,38.93829,-82.11736,1
+2020-03-30 16:32:27.489000+00:00,38.9339,-82.11902,1
+2020-03-30 16:32:27.489000+00:00,38.93829,-82.11736,1
+2018-10-17 16:32:23.920000+00:00,38.9339,-82.11902,1
+2018-10-17 16:32:23.920000+00:00,38.93829,-82.11736,1
+2016-08-08 16:26:11.594000+00:00,38.9339,-82.11902,1
+2016-08-08 16:26:11.594000+00:00,38.93829,-82.11736,1
+2020-11-10 16:32:27.932000+00:00,38.9339,-82.11902,1
+2020-11-10 16:32:27.932000+00:00,38.93829,-82.11736,1
+2018-07-26 16:18:43.310000+00:00,38.9339,-82.11902,1
+2018-07-26 16:18:43.310000+00:00,38.93829,-82.11736,1
+2020-12-10 16:32:23.977000+00:00,38.9339,-82.11902,1
+2020-12-10 16:32:23.977000+00:00,38.93829,-82.11736,1
+2017-01-25 16:30:55.943000+00:00,38.9339,-82.11902,1
+2017-01-25 16:30:55.943000+00:00,38.93829,-82.11736,1
+2019-10-04 16:22:35.649000+00:00,38.9339,-82.11902,1
+2019-10-04 16:22:35.649000+00:00,38.93829,-82.11736,1
+2018-09-04 16:22:05.960000+00:00,38.9339,-82.11902,1
+2018-09-04 16:22:05.960000+00:00,38.93829,-82.11736,1
+2018-03-18 16:13:59.570000+00:00,38.9339,-82.11902,1
+2018-03-18 16:13:59.570000+00:00,38.93829,-82.11736,1
+2017-09-24 16:15:36.730000+00:00,38.9339,-82.11902,1
+2017-09-24 16:15:36.730000+00:00,38.93829,-82.11736,1
+2020-04-09 16:32:24.661000+00:00,38.9339,-82.11902,1
+2020-04-09 16:32:24.661000+00:00,38.93829,-82.11736,1
+2018-05-02 16:19:42.650000+00:00,38.9339,-82.11902,1
+2018-05-02 16:19:42.650000+00:00,38.93829,-82.11736,1
+2018-03-11 16:22:50.730000+00:00,38.9339,-82.11902,1
+2018-03-11 16:22:50.730000+00:00,38.93829,-82.11736,1
+2019-09-24 16:22:31.365000+00:00,38.9339,-82.11902,1
+2019-09-24 16:22:31.365000+00:00,38.93829,-82.11736,1
+2020-11-02 16:22:39.873000+00:00,38.9339,-82.11902,1
+2020-11-02 16:22:39.873000+00:00,38.93829,-82.11736,1
+2018-05-15 16:25:23.350000+00:00,38.9339,-82.11902,1
+2018-05-15 16:25:23.350000+00:00,38.93829,-82.11736,1
+2017-09-27 16:30:59.040000+00:00,38.9339,-82.11902,1
+2017-09-27 16:30:59.040000+00:00,38.93829,-82.11736,1
+2019-04-10 16:32:31+00:00,38.9339,-82.11902,1
+2019-04-10 16:32:31+00:00,38.93829,-82.11736,1
+2017-07-26 16:18:54.130000+00:00,38.9339,-82.11902,1
+2017-07-26 16:18:54.130000+00:00,38.93829,-82.11736,1
+2018-03-06 16:27:28.790000+00:00,38.9339,-82.11902,1
+2018-03-06 16:27:28.790000+00:00,38.93829,-82.11736,1
+2019-08-25 16:22:39.550000+00:00,38.9339,-82.11902,1
+2019-08-25 16:22:39.550000+00:00,38.93829,-82.11736,1
+2019-06-11 16:22:37+00:00,38.9339,-82.11902,1
+2019-06-11 16:22:37+00:00,38.93829,-82.11736,1
+2020-03-05 16:32:24.415000+00:00,38.9339,-82.11902,1
+2020-03-05 16:32:24.415000+00:00,38.93829,-82.11736,1
+2020-09-06 16:32:30.805000+00:00,38.9339,-82.11902,1
+2020-09-06 16:32:30.805000+00:00,38.93829,-82.11736,1
+2017-11-23 16:15:55.460000+00:00,38.9339,-82.11902,1
+2017-11-23 16:15:55.460000+00:00,38.93829,-82.11736,1
+2019-12-21 16:32:25.618000+00:00,38.9339,-82.11902,1
+2019-12-21 16:32:25.618000+00:00,38.93829,-82.11736,1
+2020-11-20 16:32:32.056000+00:00,38.9339,-82.11902,1
+2020-11-20 16:32:32.056000+00:00,38.93829,-82.11736,1
+2020-06-25 16:22:40.464000+00:00,38.9339,-82.11902,1
+2020-06-25 16:22:40.464000+00:00,38.93829,-82.11736,1
+2020-06-10 16:22:37.206000+00:00,38.9339,-82.11902,1
+2020-06-10 16:22:37.206000+00:00,38.93829,-82.11736,1
+2017-12-01 16:26:31.460000+00:00,38.9339,-82.11902,1
+2017-12-01 16:26:31.460000+00:00,38.93829,-82.11736,1
+2019-09-04 16:22:37.504000+00:00,38.9339,-82.11902,1
+2019-09-04 16:22:37.504000+00:00,38.93829,-82.11736,1
+2018-11-18 16:22:28.670000+00:00,38.9339,-82.11902,1
+2018-11-18 16:22:28.670000+00:00,38.93829,-82.11736,1
+2017-08-23 16:28:10.840000+00:00,38.9339,-82.11902,1
+2017-08-23 16:28:10.840000+00:00,38.93829,-82.11736,1
+2019-03-16 16:32:23+00:00,38.9339,-82.11902,1
+2019-03-16 16:32:23+00:00,38.93829,-82.11736,1
+2020-10-01 16:32:34.740000+00:00,38.9339,-82.11902,1
+2020-10-01 16:32:34.740000+00:00,38.93829,-82.11736,1
+2017-12-21 16:27:00.460000+00:00,38.9339,-82.11902,1
+2017-12-21 16:27:00.460000+00:00,38.93829,-82.11736,1
+2019-05-11 16:02:05+00:00,41.07132,-76.66683,0
+2019-05-11 16:02:05+00:00,41.07133,-76.66683,0
+2019-05-11 16:02:05+00:00,41.07152,-76.66245,0
+2018-11-10 16:11:49.620000+00:00,41.07132,-76.66683,1
+2018-11-10 16:11:49.620000+00:00,41.07133,-76.66683,1
+2018-11-10 16:11:49.620000+00:00,41.07152,-76.66245,1
+2017-09-26 16:07:50.040000+00:00,41.07132,-76.66683,1
+2017-09-26 16:07:50.040000+00:00,41.07133,-76.66683,1
+2017-09-26 16:07:50.040000+00:00,41.07152,-76.66245,1
+2018-02-28 16:09:06.180000+00:00,41.07132,-76.66683,0
+2018-02-28 16:09:06.180000+00:00,41.07133,-76.66683,0
+2018-02-28 16:09:06.180000+00:00,41.07152,-76.66245,0
+2019-04-24 16:11:57+00:00,41.07132,-76.66683,0
+2019-04-24 16:11:57+00:00,41.07133,-76.66683,0
+2019-04-24 16:11:57+00:00,41.07152,-76.66245,0
+2019-08-02 16:11:58.823000+00:00,41.07132,-76.66683,0
+2019-08-02 16:11:58.823000+00:00,41.07133,-76.66683,0
+2019-08-02 16:11:58.823000+00:00,41.07152,-76.66245,0
+2019-06-28 16:11:55+00:00,41.07132,-76.66683,0
+2019-06-28 16:11:55+00:00,41.07133,-76.66683,0
+2019-06-28 16:11:55+00:00,41.07152,-76.66245,0
+2017-09-28 15:59:33.670000+00:00,41.07132,-76.66683,1
+2017-09-28 15:59:33.670000+00:00,41.07133,-76.66683,1
+2017-09-28 15:59:33.670000+00:00,41.07152,-76.66245,1
+2016-12-27 16:01:23.457000+00:00,41.07132,-76.66683,0
+2016-12-27 16:01:23.457000+00:00,41.07133,-76.66683,0
+2016-12-27 16:01:23.457000+00:00,41.07152,-76.66245,0
+2019-10-11 16:11:52.133000+00:00,41.07132,-76.66683,0
+2019-10-11 16:11:52.133000+00:00,41.07133,-76.66683,0
+2019-10-11 16:11:52.133000+00:00,41.07152,-76.66245,0
+2018-08-29 16:00:18.120000+00:00,41.07132,-76.66683,1
+2018-08-29 16:00:18.120000+00:00,41.07133,-76.66683,1
+2018-08-29 16:00:18.120000+00:00,41.07152,-76.66245,1
+2016-02-14 16:11:22.038000+00:00,41.07132,-76.66683,1
+2016-02-14 16:11:22.038000+00:00,41.07133,-76.66683,1
+2016-02-14 16:11:22.038000+00:00,41.07152,-76.66245,1
+2018-01-19 16:05:56.460000+00:00,41.07132,-76.66683,1
+2018-01-19 16:05:56.460000+00:00,41.07133,-76.66683,1
+2018-01-19 16:05:56.460000+00:00,41.07152,-76.66245,1
+2017-11-17 15:57:31.340000+00:00,41.07132,-76.66683,1
+2017-11-17 15:57:31.340000+00:00,41.07133,-76.66683,1
+2017-11-17 15:57:31.340000+00:00,41.07152,-76.66245,1
+2016-08-19 16:01:31.460000+00:00,41.07132,-76.66683,1
+2016-08-19 16:01:31.460000+00:00,41.07133,-76.66683,1
+2016-08-19 16:01:31.460000+00:00,41.07152,-76.66245,1
+2017-07-03 16:03:37.650000+00:00,41.07132,-76.66683,1
+2017-07-03 16:03:37.650000+00:00,41.07133,-76.66683,1
+2017-07-03 16:03:37.650000+00:00,41.07152,-76.66245,1
+2020-03-01 16:01:50.552000+00:00,41.07132,-76.66683,0
+2020-03-01 16:01:50.552000+00:00,41.07133,-76.66683,0
+2020-03-01 16:01:50.552000+00:00,41.07152,-76.66245,0
+2020-09-22 16:01:57.385000+00:00,41.07132,-76.66683,0
+2020-09-22 16:01:57.385000+00:00,41.07133,-76.66683,0
+2020-09-22 16:01:57.385000+00:00,41.07152,-76.66245,0
+2020-11-06 16:01:59.661000+00:00,41.07132,-76.66683,0
+2020-11-06 16:01:59.661000+00:00,41.07133,-76.66683,0
+2020-11-06 16:01:59.661000+00:00,41.07152,-76.66245,0
+2016-04-14 16:03:42+00:00,41.07132,-76.66683,1
+2016-04-14 16:03:42+00:00,41.07133,-76.66683,1
+2016-04-14 16:03:42+00:00,41.07152,-76.66245,1
+2020-07-02 16:11:55.867000+00:00,41.07132,-76.66683,0
+2020-07-02 16:11:55.867000+00:00,41.07133,-76.66683,0
+2020-07-02 16:11:55.867000+00:00,41.07152,-76.66245,0
+2018-03-17 15:54:15.220000+00:00,41.07132,-76.66683,0
+2018-03-17 15:54:15.220000+00:00,41.07133,-76.66683,0
+2018-03-17 15:54:15.220000+00:00,41.07152,-76.66245,0
+2018-05-09 16:05:32.100000+00:00,41.07132,-76.66683,0
+2018-05-09 16:05:32.100000+00:00,41.07133,-76.66683,0
+2018-05-09 16:05:32.100000+00:00,41.07152,-76.66245,0
+2016-03-22 16:00:29.459000+00:00,41.07132,-76.66683,1
+2016-03-22 16:00:29.459000+00:00,41.07133,-76.66683,1
+2016-03-22 16:00:29.459000+00:00,41.07152,-76.66245,1
+2019-09-03 16:01:55.104000+00:00,41.07132,-76.66683,0
+2019-09-03 16:01:55.104000+00:00,41.07133,-76.66683,0
+2019-09-03 16:01:55.104000+00:00,41.07152,-76.66245,0
+2017-07-30 16:00:22.720000+00:00,41.07132,-76.66683,1
+2017-07-30 16:00:22.720000+00:00,41.07133,-76.66683,1
+2017-07-30 16:00:22.720000+00:00,41.07152,-76.66245,1
+2018-06-30 15:59:33.210000+00:00,41.07132,-76.66683,1
+2018-06-30 15:59:33.210000+00:00,41.07133,-76.66683,1
+2018-06-30 15:59:33.210000+00:00,41.07152,-76.66245,1
+2019-03-17 16:01:52+00:00,41.07132,-76.66683,0
+2019-03-17 16:01:52+00:00,41.07133,-76.66683,0
+2019-03-17 16:01:52+00:00,41.07152,-76.66245,0
+2018-05-04 16:03:50.470000+00:00,41.07132,-76.66683,1
+2018-05-04 16:03:50.470000+00:00,41.07133,-76.66683,1
+2018-05-04 16:03:50.470000+00:00,41.07152,-76.66245,1
+2018-11-22 16:01:51.810000+00:00,41.07132,-76.66683,0
+2018-11-22 16:01:51.810000+00:00,41.07133,-76.66683,0
+2018-11-22 16:01:51.810000+00:00,41.07152,-76.66245,0
+2020-02-15 16:01:50.788000+00:00,41.07132,-76.66683,0
+2020-02-15 16:01:50.788000+00:00,41.07133,-76.66683,0
+2020-02-15 16:01:50.788000+00:00,41.07152,-76.66245,0
+2019-09-21 16:11:50.412000+00:00,41.07132,-76.66683,0
+2019-09-21 16:11:50.412000+00:00,41.07133,-76.66683,0
+2019-09-21 16:11:50.412000+00:00,41.07152,-76.66245,0
+2018-09-03 15:59:08.190000+00:00,41.07132,-76.66683,1
+2018-09-03 15:59:08.190000+00:00,41.07133,-76.66683,1
+2018-09-03 15:59:08.190000+00:00,41.07152,-76.66245,1
+2019-07-10 16:02:03+00:00,41.07132,-76.66683,1
+2019-07-10 16:02:03+00:00,41.07133,-76.66683,1
+2019-07-10 16:02:03+00:00,41.07152,-76.66245,1
+2019-01-11 16:01:54.150000+00:00,41.07132,-76.66683,1
+2019-01-11 16:01:54.150000+00:00,41.07133,-76.66683,1
+2019-01-11 16:01:54.150000+00:00,41.07152,-76.66245,1
+2018-08-09 16:00:22.720000+00:00,41.07132,-76.66683,1
+2018-08-09 16:00:22.720000+00:00,41.07133,-76.66683,1
+2018-08-09 16:00:22.720000+00:00,41.07152,-76.66245,1
+2020-05-13 16:11:55.873000+00:00,41.07132,-76.66683,0
+2020-05-13 16:11:55.873000+00:00,41.07133,-76.66683,0
+2020-05-13 16:11:55.873000+00:00,41.07152,-76.66245,0
+2020-11-09 16:11:55.194000+00:00,41.07132,-76.66683,0
+2020-11-09 16:11:55.194000+00:00,41.07133,-76.66683,0
+2020-11-09 16:11:55.194000+00:00,41.07152,-76.66245,0
+2018-05-29 16:03:02.470000+00:00,41.07132,-76.66683,0
+2018-05-29 16:03:02.470000+00:00,41.07133,-76.66683,0
+2018-05-29 16:03:02.470000+00:00,41.07152,-76.66245,0
+2018-05-21 15:53:56.080000+00:00,41.07132,-76.66683,0
+2018-05-21 15:53:56.080000+00:00,41.07133,-76.66683,0
+2018-05-21 15:53:56.080000+00:00,41.07152,-76.66245,0
+2017-10-31 16:03:56.460000+00:00,41.07132,-76.66683,1
+2017-10-31 16:03:56.460000+00:00,41.07133,-76.66683,1
+2017-10-31 16:03:56.460000+00:00,41.07152,-76.66245,1
+2019-05-06 16:01:58+00:00,41.07132,-76.66683,0
+2019-05-06 16:01:58+00:00,41.07133,-76.66683,0
+2019-05-06 16:01:58+00:00,41.07152,-76.66245,0
+2019-01-14 16:11:50.380000+00:00,41.07132,-76.66683,1
+2019-01-14 16:11:50.380000+00:00,41.07133,-76.66683,1
+2019-01-14 16:11:50.380000+00:00,41.07152,-76.66245,1
+2019-08-12 16:11:57.698000+00:00,41.07132,-76.66683,1
+2019-08-12 16:11:57.698000+00:00,41.07133,-76.66683,1
+2019-08-12 16:11:57.698000+00:00,41.07152,-76.66245,1
+2020-06-22 16:11:56.769000+00:00,41.07132,-76.66683,1
+2020-06-22 16:11:56.769000+00:00,41.07133,-76.66683,1
+2020-06-22 16:11:56.769000+00:00,41.07152,-76.66245,1
+2016-07-20 15:52:44.924000+00:00,41.07132,-76.66683,1
+2016-07-20 15:52:44.924000+00:00,41.07133,-76.66683,1
+2016-07-20 15:52:44.924000+00:00,41.07152,-76.66245,1
+2017-06-30 16:00:32.460000+00:00,41.07132,-76.66683,1
+2017-06-30 16:00:32.460000+00:00,41.07133,-76.66683,1
+2017-06-30 16:00:32.460000+00:00,41.07152,-76.66245,1
+2019-06-25 16:01:59+00:00,41.07132,-76.66683,0
+2019-06-25 16:01:59+00:00,41.07133,-76.66683,0
+2019-06-25 16:01:59+00:00,41.07152,-76.66245,0
+2020-10-15 16:11:54.761000+00:00,41.07132,-76.66683,0
+2020-10-15 16:11:54.761000+00:00,41.07133,-76.66683,0
+2020-10-15 16:11:54.761000+00:00,41.07152,-76.66245,0
+2019-03-27 16:01:54+00:00,41.07132,-76.66683,0
+2019-03-27 16:01:54+00:00,41.07133,-76.66683,0
+2019-03-27 16:01:54+00:00,41.07152,-76.66245,0
+2020-12-29 16:11:50.910000+00:00,41.07132,-76.66683,0
+2020-12-29 16:11:50.910000+00:00,41.07133,-76.66683,0
+2020-12-29 16:11:50.910000+00:00,41.07152,-76.66245,0
+2020-03-04 16:11:46.730000+00:00,41.07132,-76.66683,0
+2020-03-04 16:11:46.730000+00:00,41.07133,-76.66683,0
+2020-03-04 16:11:46.730000+00:00,41.07152,-76.66245,0
+2019-12-22 16:01:49.297000+00:00,41.07132,-76.66683,0
+2019-12-22 16:01:49.297000+00:00,41.07133,-76.66683,0
+2019-12-22 16:01:49.297000+00:00,41.07152,-76.66245,0
+2018-06-15 15:58:58.850000+00:00,41.07132,-76.66683,1
+2018-06-15 15:58:58.850000+00:00,41.07133,-76.66683,1
+2018-06-15 15:58:58.850000+00:00,41.07152,-76.66245,1
+2019-03-15 16:11:48+00:00,41.07132,-76.66683,0
+2019-03-15 16:11:48+00:00,41.07133,-76.66683,0
+2019-03-15 16:11:48+00:00,41.07152,-76.66245,0
+2020-07-27 16:11:53.503000+00:00,41.07132,-76.66683,1
+2020-07-27 16:11:53.503000+00:00,41.07133,-76.66683,1
+2020-07-27 16:11:53.503000+00:00,41.07152,-76.66245,1
+2019-12-12 16:01:50.891000+00:00,41.07132,-76.66683,0
+2019-12-12 16:01:50.891000+00:00,41.07133,-76.66683,0
+2019-12-12 16:01:50.891000+00:00,41.07152,-76.66245,0
+2018-05-11 15:54:57.410000+00:00,41.07132,-76.66683,0
+2018-05-11 15:54:57.410000+00:00,41.07133,-76.66683,0
+2018-05-11 15:54:57.410000+00:00,41.07152,-76.66245,0
+2018-07-02 10:40:21.460000+00:00,52.38264,8.99864,0
+2020-08-30 10:46:20.137000+00:00,52.38264,8.99864,1
+2019-06-14 10:36:31+00:00,52.38264,8.99864,0
+2020-09-11 10:36:23.701000+00:00,52.38264,8.99864,0
+2018-05-20 10:34:58.260000+00:00,52.38264,8.99864,0
+2019-06-27 10:46:25+00:00,52.38264,8.99864,1
+2021-02-26 10:46:15.524000+00:00,52.38264,8.99864,0
+2020-01-15 10:36:14.007000+00:00,52.38264,8.99864,0
+2018-07-17 10:42:58.590000+00:00,52.38264,8.99864,0
+2018-05-08 10:40:25.460000+00:00,52.38264,8.99864,0
+2019-02-14 10:36:19+00:00,52.38264,8.99864,0
+2019-08-28 10:36:21.138000+00:00,52.38264,8.99864,0
+2019-10-15 10:46:18.132000+00:00,52.38264,8.99864,0
+2018-06-07 10:40:22.460000+00:00,52.38264,8.99864,0
+2019-09-22 10:36:19.416000+00:00,52.38264,8.99864,1
+2021-03-05 10:36:19.048000+00:00,52.38264,8.99864,0
+2018-07-24 10:35:51.770000+00:00,52.38264,8.99864,1
+2018-12-11 10:36:11.520000+00:00,52.38264,8.99864,0
+2017-07-19 10:30:23.460000+00:00,52.38264,8.99864,1
+2021-02-23 10:36:18.158000+00:00,52.38264,8.99864,0
+2019-12-19 10:46:10.822000+00:00,52.38264,8.99864,0
+2018-03-19 10:40:19.460000+00:00,52.38264,8.99864,1
+2019-02-17 10:46:16+00:00,52.38264,8.99864,0
+2018-08-16 10:44:19.580000+00:00,52.38264,8.99864,0
+2018-05-05 10:31:25.790000+00:00,52.38264,8.99864,0
+2018-10-17 10:32:02.480000+00:00,52.38264,8.99864,1
+2020-11-03 10:46:21.784000+00:00,52.38264,8.99864,0
+2019-07-04 10:36:28+00:00,52.38264,8.99864,0
+2018-08-26 10:41:55.260000+00:00,52.38264,8.99864,0
+2021-02-13 10:36:18.320000+00:00,52.38264,8.99864,0
+2020-11-25 10:36:20.047000+00:00,52.38264,8.99864,0
+2018-08-06 10:43:40.890000+00:00,52.38264,8.99864,0
+2018-02-14 10:31:25.460000+00:00,52.38264,8.99864,0
+2020-12-25 10:36:17.037000+00:00,52.38264,8.99864,0
+2020-08-05 10:46:22.877000+00:00,52.38264,8.99864,0
+2018-09-02 10:30:20.460000+00:00,52.38264,8.99864,0
+2019-05-18 10:46:25+00:00,52.38264,8.99864,1
+2019-10-27 10:36:23.197000+00:00,52.38264,8.99864,0
+2018-08-18 10:30:15.460000+00:00,52.38264,8.99864,0
+2020-04-04 10:36:16.303000+00:00,52.38264,8.99864,0
+2018-02-07 10:42:12.460000+00:00,52.38264,8.99864,1
+2020-03-28 10:46:13.036000+00:00,52.38264,8.99864,0
+2020-08-10 10:46:20.296000+00:00,52.38264,8.99864,0
+2018-06-27 10:40:23.460000+00:00,52.38264,8.99864,0
+2018-05-13 10:40:20.460000+00:00,52.38264,8.99864,0
+2020-01-10 10:36:14.546000+00:00,52.38264,8.99864,0
+2018-01-08 10:44:15.460000+00:00,52.38264,8.99864,1
+2019-01-18 10:46:16.630000+00:00,52.38264,8.99864,0
+2020-04-17 10:46:16.979000+00:00,52.38264,8.99864,0
+2016-07-07 10:40:25.456000+00:00,52.38264,8.99864,1
+2021-03-28 10:46:15.554000+00:00,52.38264,8.99864,0
+2020-08-07 10:36:25.113000+00:00,52.38264,8.99864,0
+2019-08-06 10:46:24.355000+00:00,52.38264,8.99864,0
+2018-10-07 10:31:44.040000+00:00,52.38264,8.99864,0
+2020-04-27 10:46:19.263000+00:00,52.38264,8.99864,0
+2018-06-14 16:25:54.820000+00:00,38.97751,-81.93626,1
+2018-10-19 16:17:50.900000+00:00,38.97751,-81.93626,0
+2019-05-07 16:22:39+00:00,38.97751,-81.93626,1
+2017-10-14 16:13:30.462000+00:00,38.97751,-81.93626,1
+2016-07-06 16:19:19.375000+00:00,38.97751,-81.93626,1
+2020-10-03 16:22:37.381000+00:00,38.97751,-81.93626,0
+2018-10-24 16:21:11.250000+00:00,38.97751,-81.93626,0
+2018-09-04 16:22:05.960000+00:00,38.97751,-81.93626,1
+2018-01-25 16:25:39.460000+00:00,38.97751,-81.93626,1
+2017-10-22 16:23:32.460000+00:00,38.97751,-81.93626,1
+2019-05-02 16:22:35+00:00,38.97751,-81.93626,1
+2020-08-19 16:22:35.129000+00:00,38.97751,-81.93626,1
+2020-07-05 16:22:36.127000+00:00,38.97751,-81.93626,1
+2020-04-04 16:32:23.746000+00:00,38.97751,-81.93626,0
+2020-01-22 16:22:24.905000+00:00,38.97751,-81.93626,1
+2020-11-02 16:22:36.539000+00:00,38.97751,-81.93626,0
+2020-03-05 16:32:24.415000+00:00,38.97751,-81.93626,0
+2018-05-07 16:13:17+00:00,38.97751,-81.93626,0
+2018-05-25 16:28:14.530000+00:00,38.97751,-81.93626,0
+2020-05-26 16:22:37.610000+00:00,38.97751,-81.93626,1
+2017-12-16 16:26:52.460000+00:00,38.97751,-81.93626,1
+2018-05-12 16:17:36.370000+00:00,38.97751,-81.93626,0
+2018-08-23 16:23:56.980000+00:00,38.97751,-81.93626,1
+2019-12-11 16:32:22.765000+00:00,38.97751,-81.93626,1
+2017-10-17 16:30:07.140000+00:00,38.97751,-81.93626,0
+2020-08-09 16:22:34.945000+00:00,38.97751,-81.93626,1
+2018-03-11 16:22:50.730000+00:00,38.97751,-81.93626,1
+2018-03-31 16:22:22.490000+00:00,38.97751,-81.93626,1
+2019-11-08 16:22:34.197000+00:00,38.97751,-81.93626,0
+2020-03-30 16:32:22.645000+00:00,38.97751,-81.93626,0
+2017-10-02 16:26:18.730000+00:00,38.97751,-81.93626,1
+2019-09-04 16:22:34.188000+00:00,38.97751,-81.93626,1
+2020-01-07 16:22:26.029000+00:00,38.97751,-81.93626,1
+2020-09-21 16:32:28.846000+00:00,38.97751,-81.93626,1
+2019-02-09 16:32:26+00:00,38.97751,-81.93626,1
+2020-10-31 16:32:29.454000+00:00,38.97751,-81.93626,0
+2017-03-16 16:30:30.177000+00:00,38.97751,-81.93626,0
+2019-01-05 16:32:21.390000+00:00,38.97751,-81.93626,1
+2019-06-11 16:22:34+00:00,38.97751,-81.93626,1
+2019-12-01 16:32:25.410000+00:00,38.97751,-81.93626,1
+2019-09-12 16:32:25.094000+00:00,38.97751,-81.93626,1
+2019-03-23 16:22:30+00:00,38.97751,-81.93626,1
+2018-12-26 16:32:19.540000+00:00,38.97751,-81.93626,1
+2020-05-04 16:32:23.792000+00:00,38.97751,-81.93626,1
+2019-04-22 16:22:34+00:00,38.97751,-81.93626,1
+2020-07-15 16:22:36.267000+00:00,38.97751,-81.93626,1
+2019-09-19 16:22:31.441000+00:00,38.97751,-81.93626,1
+2018-02-14 10:31:25.460000+00:00,54.14282,12.13289,1
+2018-08-28 10:30:13.460000+00:00,54.14282,12.13289,1
+2020-06-08 10:35:45.210000+00:00,54.14282,12.13289,0
+2017-05-07 10:23:19.630000+00:00,54.14282,12.13289,1
+2021-04-19 10:35:37.908000+00:00,54.14282,12.13289,1
+2018-03-06 10:32:21.120000+00:00,54.14282,12.13289,1
+2020-11-27 10:25:46.510000+00:00,54.14282,12.13289,1
+2019-07-26 10:25:50.675000+00:00,54.14282,12.13289,1
+2017-08-30 10:25:31.340000+00:00,54.14282,12.13289,1
+2020-07-23 10:35:48.408000+00:00,54.14282,12.13289,0
+2018-10-07 10:31:44.040000+00:00,54.14282,12.13289,1
+2018-11-11 10:35:37.970000+00:00,54.14282,12.13289,1
+2019-04-20 10:35:45+00:00,54.14282,12.13289,0
+2017-09-04 10:25:11.080000+00:00,54.14282,12.13289,1
+2020-04-26 10:25:40.751000+00:00,54.14282,12.13289,0
+2017-04-30 10:30:24.460000+00:00,54.14282,12.13289,0
+2018-04-02 10:24:35+00:00,54.14282,12.13289,0
+2017-09-14 10:20:20.460000+00:00,54.14282,12.13289,0
+2018-05-20 10:34:58.260000+00:00,54.14282,12.13289,0
+2019-09-14 10:25:44.576000+00:00,54.14282,12.13289,0
+2019-05-05 10:35:51+00:00,54.14282,12.13289,1
+2020-08-07 10:35:46.301000+00:00,54.14282,12.13289,0
+2017-12-21 10:34:28.460000+00:00,54.14282,12.13289,1
+2017-06-06 10:24:56.040000+00:00,54.14282,12.13289,0
+2016-08-30 10:20:52.320000+00:00,54.14282,12.13289,1
+2018-07-16 10:20:21.460000+00:00,54.14282,12.13289,0
+2019-06-04 10:35:51+00:00,54.14282,12.13289,1
+2018-07-21 10:20:24.460000+00:00,54.14282,12.13289,0
+2017-08-08 10:30:23.460000+00:00,54.14282,12.13289,1
+2018-05-05 10:31:25.790000+00:00,54.14282,12.13289,0
+2021-02-25 10:25:45.533000+00:00,54.14282,12.13289,0
+2019-01-02 10:25:43.480000+00:00,54.14282,12.13289,0
+2021-02-13 10:35:41.437000+00:00,54.14282,12.13289,1
+2018-10-24 10:24:28.100000+00:00,54.14282,12.13289,0
+2021-04-14 10:35:37.896000+00:00,54.14282,12.13289,1
+2018-11-16 10:35:40.270000+00:00,54.14282,12.13289,1
+2020-04-19 10:35:38.024000+00:00,54.14282,12.13289,0
+2017-09-22 10:30:09.460000+00:00,54.14282,12.13289,1
+2019-02-24 10:35:41+00:00,54.14282,12.13289,1
+2017-07-19 10:30:23.460000+00:00,54.14282,12.13289,1
+2020-08-29 10:25:50.842000+00:00,54.14282,12.13289,0
+2016-05-05 10:30:27.459000+00:00,54.14282,12.13289,1
+2016-04-25 10:30:25+00:00,54.14282,12.13289,1
+2016-03-26 10:34:06.538000+00:00,54.14282,12.13289,1
+2020-04-21 10:25:46.816000+00:00,54.14282,12.13289,0
+2015-11-17 10:33:13+00:00,54.14282,12.13289,1
+2017-07-09 10:31:59.870000+00:00,54.14282,12.13289,1
+2020-07-13 10:35:47.453000+00:00,54.14282,12.13289,0
+2017-12-18 10:24:22.460000+00:00,54.14282,12.13289,1
+2018-05-10 10:34:00.530000+00:00,54.14282,12.13289,0
+2020-03-17 10:25:43.774000+00:00,54.14282,12.13289,0
+2019-09-02 10:35:46.139000+00:00,54.14282,12.13289,1
+2020-04-14 10:35:42.307000+00:00,54.14282,12.13289,0
+2018-07-19 10:30:20.460000+00:00,54.14282,12.13289,0
+2018-02-24 10:30:18.460000+00:00,54.14282,12.13289,1
+2018-07-26 10:21:50.650000+00:00,54.14282,12.13289,1
+2020-05-06 10:25:43.246000+00:00,54.14282,12.13289,0
+2018-08-08 10:34:48.040000+00:00,54.14282,12.13289,0
+2020-08-04 10:25:48.866000+00:00,54.14282,12.13289,0
+2020-08-19 10:25:51.519000+00:00,54.14282,12.13289,0
+2017-07-31 10:23:48.100000+00:00,54.14282,12.13289,1
+2019-12-14 10:46:46.106000+00:00,50.83894,6.31974,1
+2019-12-14 10:46:46.106000+00:00,50.83896,6.3205,1
+2019-12-14 10:46:46.106000+00:00,50.83896,6.31914,1
+2019-12-14 10:46:46.106000+00:00,50.83897,6.31853,1
+2019-12-14 10:46:46.106000+00:00,50.83937,6.31946,1
+2019-12-14 10:46:46.106000+00:00,50.83938,6.31885,1
+2019-12-14 10:46:46.106000+00:00,50.83949,6.32088,1
+2019-12-14 10:46:46.106000+00:00,50.8395,6.32016,1
+2019-12-14 10:46:46.106000+00:00,50.83963,6.32689,1
+2019-12-14 10:46:46.106000+00:00,50.83969,6.32491,1
+2019-12-14 10:46:46.106000+00:00,50.83972,6.32297,1
+2019-12-14 10:46:46.106000+00:00,50.84014,6.32001,1
+2019-12-14 10:46:46.106000+00:00,50.84014,6.32089,1
+2019-12-14 10:46:46.106000+00:00,50.84015,6.31916,1
+2019-09-15 10:46:51.438000+00:00,50.83894,6.31974,1
+2019-09-15 10:46:51.438000+00:00,50.83896,6.3205,1
+2019-09-15 10:46:51.438000+00:00,50.83896,6.31914,1
+2019-09-15 10:46:51.438000+00:00,50.83897,6.31853,1
+2019-09-15 10:46:51.438000+00:00,50.83937,6.31946,1
+2019-09-15 10:46:51.438000+00:00,50.83938,6.31885,1
+2019-09-15 10:46:51.438000+00:00,50.83949,6.32088,1
+2019-09-15 10:46:51.438000+00:00,50.8395,6.32016,1
+2019-09-15 10:46:51.438000+00:00,50.83963,6.32689,1
+2019-09-15 10:46:51.438000+00:00,50.83969,6.32491,1
+2019-09-15 10:46:51.438000+00:00,50.83972,6.32297,1
+2019-09-15 10:46:51.438000+00:00,50.84014,6.32001,1
+2019-09-15 10:46:51.438000+00:00,50.84014,6.32089,1
+2019-09-15 10:46:51.438000+00:00,50.84015,6.31916,1
+2016-01-19 10:51:07.606000+00:00,50.83894,6.31974,1
+2016-01-19 10:51:07.606000+00:00,50.83896,6.3205,1
+2016-01-19 10:51:07.606000+00:00,50.83896,6.31914,1
+2016-01-19 10:51:07.606000+00:00,50.83897,6.31853,1
+2016-01-19 10:51:07.606000+00:00,50.83937,6.31946,1
+2016-01-19 10:51:07.606000+00:00,50.83938,6.31885,1
+2016-01-19 10:51:07.606000+00:00,50.83949,6.32088,1
+2016-01-19 10:51:07.606000+00:00,50.8395,6.32016,1
+2016-01-19 10:51:07.606000+00:00,50.83963,6.32689,1
+2016-01-19 10:51:07.606000+00:00,50.83969,6.32491,1
+2016-01-19 10:51:07.606000+00:00,50.83972,6.32297,1
+2016-01-19 10:51:07.606000+00:00,50.84014,6.32001,1
+2016-01-19 10:51:07.606000+00:00,50.84014,6.32089,1
+2016-01-19 10:51:07.606000+00:00,50.84015,6.31916,1
+2020-11-18 10:46:52.272000+00:00,50.83894,6.31974,1
+2020-11-18 10:46:52.272000+00:00,50.83896,6.3205,1
+2020-11-18 10:46:52.272000+00:00,50.83896,6.31914,1
+2020-11-18 10:46:52.272000+00:00,50.83897,6.31853,1
+2020-11-18 10:46:52.272000+00:00,50.83937,6.31946,1
+2020-11-18 10:46:52.272000+00:00,50.83938,6.31885,1
+2020-11-18 10:46:52.272000+00:00,50.83949,6.32088,1
+2020-11-18 10:46:52.272000+00:00,50.8395,6.32016,1
+2020-11-18 10:46:52.272000+00:00,50.83963,6.32689,1
+2020-11-18 10:46:52.272000+00:00,50.83969,6.32491,1
+2020-11-18 10:46:52.272000+00:00,50.83972,6.32297,1
+2020-11-18 10:46:52.272000+00:00,50.84014,6.32001,1
+2020-11-18 10:46:52.272000+00:00,50.84014,6.32089,1
+2020-11-18 10:46:52.272000+00:00,50.84015,6.31916,1
+2020-09-14 10:46:55.739000+00:00,50.83894,6.31974,1
+2020-09-14 10:46:55.739000+00:00,50.83896,6.3205,1
+2020-09-14 10:46:55.739000+00:00,50.83896,6.31914,1
+2020-09-14 10:46:55.739000+00:00,50.83897,6.31853,1
+2020-09-14 10:46:55.739000+00:00,50.83937,6.31946,1
+2020-09-14 10:46:55.739000+00:00,50.83938,6.31885,1
+2020-09-14 10:46:55.739000+00:00,50.83949,6.32088,1
+2020-09-14 10:46:55.739000+00:00,50.8395,6.32016,1
+2020-09-14 10:46:55.739000+00:00,50.83963,6.32689,1
+2020-09-14 10:46:55.739000+00:00,50.83969,6.32491,1
+2020-09-14 10:46:55.739000+00:00,50.83972,6.32297,1
+2020-09-14 10:46:55.739000+00:00,50.84014,6.32001,1
+2020-09-14 10:46:55.739000+00:00,50.84014,6.32089,1
+2020-09-14 10:46:55.739000+00:00,50.84015,6.31916,1
+2020-10-04 10:46:57.347000+00:00,50.83894,6.31974,1
+2020-10-04 10:46:57.347000+00:00,50.83896,6.3205,1
+2020-10-04 10:46:57.347000+00:00,50.83896,6.31914,1
+2020-10-04 10:46:57.347000+00:00,50.83897,6.31853,1
+2020-10-04 10:46:57.347000+00:00,50.83937,6.31946,1
+2020-10-04 10:46:57.347000+00:00,50.83938,6.31885,1
+2020-10-04 10:46:57.347000+00:00,50.83949,6.32088,1
+2020-10-04 10:46:57.347000+00:00,50.8395,6.32016,1
+2020-10-04 10:46:57.347000+00:00,50.83963,6.32689,1
+2020-10-04 10:46:57.347000+00:00,50.83969,6.32491,1
+2020-10-04 10:46:57.347000+00:00,50.83972,6.32297,1
+2020-10-04 10:46:57.347000+00:00,50.84014,6.32001,1
+2020-10-04 10:46:57.347000+00:00,50.84014,6.32089,1
+2020-10-04 10:46:57.347000+00:00,50.84015,6.31916,1
+2018-07-02 10:40:21.460000+00:00,50.83894,6.31974,1
+2018-07-02 10:40:21.460000+00:00,50.83896,6.3205,1
+2018-07-02 10:40:21.460000+00:00,50.83896,6.31914,1
+2018-07-02 10:40:21.460000+00:00,50.83897,6.31853,1
+2018-07-02 10:40:21.460000+00:00,50.83937,6.31946,1
+2018-07-02 10:40:21.460000+00:00,50.83938,6.31885,1
+2018-07-02 10:40:21.460000+00:00,50.83949,6.32088,1
+2018-07-02 10:40:21.460000+00:00,50.8395,6.32016,1
+2018-07-02 10:40:21.460000+00:00,50.83963,6.32689,1
+2018-07-02 10:40:21.460000+00:00,50.83969,6.32491,1
+2018-07-02 10:40:21.460000+00:00,50.83972,6.32297,1
+2018-07-02 10:40:21.460000+00:00,50.84014,6.32001,1
+2018-07-02 10:40:21.460000+00:00,50.84014,6.32089,1
+2018-07-02 10:40:21.460000+00:00,50.84015,6.31916,1
+2019-04-18 10:46:57+00:00,50.83894,6.31974,1
+2019-04-18 10:46:57+00:00,50.83896,6.3205,1
+2019-04-18 10:46:57+00:00,50.83896,6.31914,1
+2019-04-18 10:46:57+00:00,50.83897,6.31853,1
+2019-04-18 10:46:57+00:00,50.83937,6.31946,1
+2019-04-18 10:46:57+00:00,50.83938,6.31885,1
+2019-04-18 10:46:57+00:00,50.83949,6.32088,1
+2019-04-18 10:46:57+00:00,50.8395,6.32016,1
+2019-04-18 10:46:57+00:00,50.83963,6.32689,1
+2019-04-18 10:46:57+00:00,50.83969,6.32491,1
+2019-04-18 10:46:57+00:00,50.83972,6.32297,1
+2019-04-18 10:46:57+00:00,50.84014,6.32001,1
+2019-04-18 10:46:57+00:00,50.84014,6.32089,1
+2019-04-18 10:46:57+00:00,50.84015,6.31916,1
+2020-07-21 10:46:53.382000+00:00,50.83894,6.31974,1
+2020-07-21 10:46:53.382000+00:00,50.83896,6.3205,1
+2020-07-21 10:46:53.382000+00:00,50.83896,6.31914,1
+2020-07-21 10:46:53.382000+00:00,50.83897,6.31853,1
+2020-07-21 10:46:53.382000+00:00,50.83937,6.31946,1
+2020-07-21 10:46:53.382000+00:00,50.83938,6.31885,1
+2020-07-21 10:46:53.382000+00:00,50.83949,6.32088,1
+2020-07-21 10:46:53.382000+00:00,50.8395,6.32016,1
+2020-07-21 10:46:53.382000+00:00,50.83963,6.32689,1
+2020-07-21 10:46:53.382000+00:00,50.83969,6.32491,1
+2020-07-21 10:46:53.382000+00:00,50.83972,6.32297,1
+2020-07-21 10:46:53.382000+00:00,50.84014,6.32001,1
+2020-07-21 10:46:53.382000+00:00,50.84014,6.32089,1
+2020-07-21 10:46:53.382000+00:00,50.84015,6.31916,1
+2018-09-30 10:44:11.960000+00:00,50.83894,6.31974,1
+2018-09-30 10:44:11.960000+00:00,50.83896,6.3205,1
+2018-09-30 10:44:11.960000+00:00,50.83896,6.31914,1
+2018-09-30 10:44:11.960000+00:00,50.83897,6.31853,1
+2018-09-30 10:44:11.960000+00:00,50.83937,6.31946,1
+2018-09-30 10:44:11.960000+00:00,50.83938,6.31885,1
+2018-09-30 10:44:11.960000+00:00,50.83949,6.32088,1
+2018-09-30 10:44:11.960000+00:00,50.8395,6.32016,1
+2018-09-30 10:44:11.960000+00:00,50.83963,6.32689,1
+2018-09-30 10:44:11.960000+00:00,50.83969,6.32491,1
+2018-09-30 10:44:11.960000+00:00,50.83972,6.32297,1
+2018-09-30 10:44:11.960000+00:00,50.84014,6.32001,1
+2018-09-30 10:44:11.960000+00:00,50.84014,6.32089,1
+2018-09-30 10:44:11.960000+00:00,50.84015,6.31916,1
+2016-05-08 10:40:27+00:00,50.83894,6.31974,1
+2016-05-08 10:40:27+00:00,50.83896,6.3205,1
+2016-05-08 10:40:27+00:00,50.83896,6.31914,1
+2016-05-08 10:40:27+00:00,50.83897,6.31853,1
+2016-05-08 10:40:27+00:00,50.83937,6.31946,1
+2016-05-08 10:40:27+00:00,50.83938,6.31885,1
+2016-05-08 10:40:27+00:00,50.83949,6.32088,1
+2016-05-08 10:40:27+00:00,50.8395,6.32016,1
+2016-05-08 10:40:27+00:00,50.83963,6.32689,1
+2016-05-08 10:40:27+00:00,50.83969,6.32491,1
+2016-05-08 10:40:27+00:00,50.83972,6.32297,1
+2016-05-08 10:40:27+00:00,50.84014,6.32001,1
+2016-05-08 10:40:27+00:00,50.84014,6.32089,1
+2016-05-08 10:40:27+00:00,50.84015,6.31916,1
+2017-08-06 10:40:21.460000+00:00,50.83894,6.31974,1
+2017-08-06 10:40:21.460000+00:00,50.83896,6.3205,1
+2017-08-06 10:40:21.460000+00:00,50.83896,6.31914,1
+2017-08-06 10:40:21.460000+00:00,50.83897,6.31853,1
+2017-08-06 10:40:21.460000+00:00,50.83937,6.31946,1
+2017-08-06 10:40:21.460000+00:00,50.83938,6.31885,1
+2017-08-06 10:40:21.460000+00:00,50.83949,6.32088,1
+2017-08-06 10:40:21.460000+00:00,50.8395,6.32016,1
+2017-08-06 10:40:21.460000+00:00,50.83963,6.32689,1
+2017-08-06 10:40:21.460000+00:00,50.83969,6.32491,1
+2017-08-06 10:40:21.460000+00:00,50.83972,6.32297,1
+2017-08-06 10:40:21.460000+00:00,50.84014,6.32001,1
+2017-08-06 10:40:21.460000+00:00,50.84014,6.32089,1
+2017-08-06 10:40:21.460000+00:00,50.84015,6.31916,1
+2018-04-18 10:45:12.080000+00:00,50.83894,6.31974,1
+2018-04-18 10:45:12.080000+00:00,50.83896,6.3205,1
+2018-04-18 10:45:12.080000+00:00,50.83896,6.31914,1
+2018-04-18 10:45:12.080000+00:00,50.83897,6.31853,1
+2018-04-18 10:45:12.080000+00:00,50.83937,6.31946,1
+2018-04-18 10:45:12.080000+00:00,50.83938,6.31885,1
+2018-04-18 10:45:12.080000+00:00,50.83949,6.32088,1
+2018-04-18 10:45:12.080000+00:00,50.8395,6.32016,1
+2018-04-18 10:45:12.080000+00:00,50.83963,6.32689,1
+2018-04-18 10:45:12.080000+00:00,50.83969,6.32491,1
+2018-04-18 10:45:12.080000+00:00,50.83972,6.32297,1
+2018-04-18 10:45:12.080000+00:00,50.84014,6.32001,1
+2018-04-18 10:45:12.080000+00:00,50.84014,6.32089,1
+2018-04-18 10:45:12.080000+00:00,50.84015,6.31916,1
+2019-05-18 10:47:00+00:00,50.83894,6.31974,1
+2019-05-18 10:47:00+00:00,50.83896,6.3205,1
+2019-05-18 10:47:00+00:00,50.83896,6.31914,1
+2019-05-18 10:47:00+00:00,50.83897,6.31853,1
+2019-05-18 10:47:00+00:00,50.83937,6.31946,1
+2019-05-18 10:47:00+00:00,50.83938,6.31885,1
+2019-05-18 10:47:00+00:00,50.83949,6.32088,1
+2019-05-18 10:47:00+00:00,50.8395,6.32016,1
+2019-05-18 10:47:00+00:00,50.83963,6.32689,1
+2019-05-18 10:47:00+00:00,50.83969,6.32491,1
+2019-05-18 10:47:00+00:00,50.83972,6.32297,1
+2019-05-18 10:47:00+00:00,50.84014,6.32001,1
+2019-05-18 10:47:00+00:00,50.84014,6.32089,1
+2019-05-18 10:47:00+00:00,50.84015,6.31916,1
+2018-03-04 10:44:07.970000+00:00,50.83894,6.31974,1
+2018-03-04 10:44:07.970000+00:00,50.83896,6.3205,1
+2018-03-04 10:44:07.970000+00:00,50.83896,6.31914,1
+2018-03-04 10:44:07.970000+00:00,50.83897,6.31853,1
+2018-03-04 10:44:07.970000+00:00,50.83937,6.31946,1
+2018-03-04 10:44:07.970000+00:00,50.83938,6.31885,1
+2018-03-04 10:44:07.970000+00:00,50.83949,6.32088,1
+2018-03-04 10:44:07.970000+00:00,50.8395,6.32016,1
+2018-03-04 10:44:07.970000+00:00,50.83963,6.32689,1
+2018-03-04 10:44:07.970000+00:00,50.83969,6.32491,1
+2018-03-04 10:44:07.970000+00:00,50.83972,6.32297,1
+2018-03-04 10:44:07.970000+00:00,50.84014,6.32001,1
+2018-03-04 10:44:07.970000+00:00,50.84014,6.32089,1
+2018-03-04 10:44:07.970000+00:00,50.84015,6.31916,1
+2021-04-27 10:46:46.734000+00:00,50.83894,6.31974,1
+2021-04-27 10:46:46.734000+00:00,50.83896,6.3205,1
+2021-04-27 10:46:46.734000+00:00,50.83896,6.31914,1
+2021-04-27 10:46:46.734000+00:00,50.83897,6.31853,1
+2021-04-27 10:46:46.734000+00:00,50.83937,6.31946,1
+2021-04-27 10:46:46.734000+00:00,50.83938,6.31885,1
+2021-04-27 10:46:46.734000+00:00,50.83949,6.32088,1
+2021-04-27 10:46:46.734000+00:00,50.8395,6.32016,1
+2021-04-27 10:46:46.734000+00:00,50.83963,6.32689,1
+2021-04-27 10:46:46.734000+00:00,50.83969,6.32491,1
+2021-04-27 10:46:46.734000+00:00,50.83972,6.32297,1
+2021-04-27 10:46:46.734000+00:00,50.84014,6.32001,1
+2021-04-27 10:46:46.734000+00:00,50.84014,6.32089,1
+2021-04-27 10:46:46.734000+00:00,50.84015,6.31916,1
+2021-02-21 10:46:53.722000+00:00,50.83894,6.31974,1
+2021-02-21 10:46:53.722000+00:00,50.83896,6.3205,1
+2021-02-21 10:46:53.722000+00:00,50.83896,6.31914,1
+2021-02-21 10:46:53.722000+00:00,50.83897,6.31853,1
+2021-02-21 10:46:53.722000+00:00,50.83937,6.31946,1
+2021-02-21 10:46:53.722000+00:00,50.83938,6.31885,1
+2021-02-21 10:46:53.722000+00:00,50.83949,6.32088,1
+2021-02-21 10:46:53.722000+00:00,50.8395,6.32016,1
+2021-02-21 10:46:53.722000+00:00,50.83963,6.32689,1
+2021-02-21 10:46:53.722000+00:00,50.83969,6.32491,1
+2021-02-21 10:46:53.722000+00:00,50.83972,6.32297,1
+2021-02-21 10:46:53.722000+00:00,50.84014,6.32001,1
+2021-02-21 10:46:53.722000+00:00,50.84014,6.32089,1
+2021-02-21 10:46:53.722000+00:00,50.84015,6.31916,1
+2019-06-02 10:46:53+00:00,50.83894,6.31974,1
+2019-06-02 10:46:53+00:00,50.83896,6.3205,1
+2019-06-02 10:46:53+00:00,50.83896,6.31914,1
+2019-06-02 10:46:53+00:00,50.83897,6.31853,1
+2019-06-02 10:46:53+00:00,50.83937,6.31946,1
+2019-06-02 10:46:53+00:00,50.83938,6.31885,1
+2019-06-02 10:46:53+00:00,50.83949,6.32088,1
+2019-06-02 10:46:53+00:00,50.8395,6.32016,1
+2019-06-02 10:46:53+00:00,50.83963,6.32689,1
+2019-06-02 10:46:53+00:00,50.83969,6.32491,1
+2019-06-02 10:46:53+00:00,50.83972,6.32297,1
+2019-06-02 10:46:53+00:00,50.84014,6.32001,1
+2019-06-02 10:46:53+00:00,50.84014,6.32089,1
+2019-06-02 10:46:53+00:00,50.84015,6.31916,1
+2015-10-01 10:40:39.461000+00:00,50.83894,6.31974,1
+2015-10-01 10:40:39.461000+00:00,50.83896,6.3205,1
+2015-10-01 10:40:39.461000+00:00,50.83896,6.31914,1
+2015-10-01 10:40:39.461000+00:00,50.83897,6.31853,1
+2015-10-01 10:40:39.461000+00:00,50.83937,6.31946,1
+2015-10-01 10:40:39.461000+00:00,50.83938,6.31885,1
+2015-10-01 10:40:39.461000+00:00,50.83949,6.32088,1
+2015-10-01 10:40:39.461000+00:00,50.8395,6.32016,1
+2015-10-01 10:40:39.461000+00:00,50.83963,6.32689,1
+2015-10-01 10:40:39.461000+00:00,50.83969,6.32491,1
+2015-10-01 10:40:39.461000+00:00,50.83972,6.32297,1
+2015-10-01 10:40:39.461000+00:00,50.84014,6.32001,1
+2015-10-01 10:40:39.461000+00:00,50.84014,6.32089,1
+2015-10-01 10:40:39.461000+00:00,50.84015,6.31916,1
+2020-06-06 10:46:57.873000+00:00,50.83894,6.31974,1
+2020-06-06 10:46:57.873000+00:00,50.83896,6.3205,1
+2020-06-06 10:46:57.873000+00:00,50.83896,6.31914,1
+2020-06-06 10:46:57.873000+00:00,50.83897,6.31853,1
+2020-06-06 10:46:57.873000+00:00,50.83937,6.31946,1
+2020-06-06 10:46:57.873000+00:00,50.83938,6.31885,1
+2020-06-06 10:46:57.873000+00:00,50.83949,6.32088,1
+2020-06-06 10:46:57.873000+00:00,50.8395,6.32016,1
+2020-06-06 10:46:57.873000+00:00,50.83963,6.32689,1
+2020-06-06 10:46:57.873000+00:00,50.83969,6.32491,1
+2020-06-06 10:46:57.873000+00:00,50.83972,6.32297,1
+2020-06-06 10:46:57.873000+00:00,50.84014,6.32001,1
+2020-06-06 10:46:57.873000+00:00,50.84014,6.32089,1
+2020-06-06 10:46:57.873000+00:00,50.84015,6.31916,1
+2018-02-27 10:42:36.560000+00:00,50.83894,6.31974,1
+2018-02-27 10:42:36.560000+00:00,50.83896,6.3205,1
+2018-02-27 10:42:36.560000+00:00,50.83896,6.31914,1
+2018-02-27 10:42:36.560000+00:00,50.83897,6.31853,1
+2018-02-27 10:42:36.560000+00:00,50.83937,6.31946,1
+2018-02-27 10:42:36.560000+00:00,50.83938,6.31885,1
+2018-02-27 10:42:36.560000+00:00,50.83949,6.32088,1
+2018-02-27 10:42:36.560000+00:00,50.8395,6.32016,1
+2018-02-27 10:42:36.560000+00:00,50.83963,6.32689,1
+2018-02-27 10:42:36.560000+00:00,50.83969,6.32491,1
+2018-02-27 10:42:36.560000+00:00,50.83972,6.32297,1
+2018-02-27 10:42:36.560000+00:00,50.84014,6.32001,1
+2018-02-27 10:42:36.560000+00:00,50.84014,6.32089,1
+2018-02-27 10:42:36.560000+00:00,50.84015,6.31916,1
+2020-04-17 10:46:51.613000+00:00,50.83894,6.31974,1
+2020-04-17 10:46:51.613000+00:00,50.83896,6.3205,1
+2020-04-17 10:46:51.613000+00:00,50.83896,6.31914,1
+2020-04-17 10:46:51.613000+00:00,50.83897,6.31853,1
+2020-04-17 10:46:51.613000+00:00,50.83937,6.31946,1
+2020-04-17 10:46:51.613000+00:00,50.83938,6.31885,1
+2020-04-17 10:46:51.613000+00:00,50.83949,6.32088,1
+2020-04-17 10:46:51.613000+00:00,50.8395,6.32016,1
+2020-04-17 10:46:51.613000+00:00,50.83963,6.32689,1
+2020-04-17 10:46:51.613000+00:00,50.83969,6.32491,1
+2020-04-17 10:46:51.613000+00:00,50.83972,6.32297,1
+2020-04-17 10:46:51.613000+00:00,50.84014,6.32001,1
+2020-04-17 10:46:51.613000+00:00,50.84014,6.32089,1
+2020-04-17 10:46:51.613000+00:00,50.84015,6.31916,1
+2019-09-10 10:46:50.023000+00:00,50.83894,6.31974,1
+2019-09-10 10:46:50.023000+00:00,50.83896,6.3205,1
+2019-09-10 10:46:50.023000+00:00,50.83896,6.31914,1
+2019-09-10 10:46:50.023000+00:00,50.83897,6.31853,1
+2019-09-10 10:46:50.023000+00:00,50.83937,6.31946,1
+2019-09-10 10:46:50.023000+00:00,50.83938,6.31885,1
+2019-09-10 10:46:50.023000+00:00,50.83949,6.32088,1
+2019-09-10 10:46:50.023000+00:00,50.8395,6.32016,1
+2019-09-10 10:46:50.023000+00:00,50.83963,6.32689,1
+2019-09-10 10:46:50.023000+00:00,50.83969,6.32491,1
+2019-09-10 10:46:50.023000+00:00,50.83972,6.32297,1
+2019-09-10 10:46:50.023000+00:00,50.84014,6.32001,1
+2019-09-10 10:46:50.023000+00:00,50.84014,6.32089,1
+2019-09-10 10:46:50.023000+00:00,50.84015,6.31916,1
+2018-08-06 10:43:40.890000+00:00,50.83894,6.31974,1
+2018-08-06 10:43:40.890000+00:00,50.83896,6.3205,1
+2018-08-06 10:43:40.890000+00:00,50.83896,6.31914,1
+2018-08-06 10:43:40.890000+00:00,50.83897,6.31853,1
+2018-08-06 10:43:40.890000+00:00,50.83937,6.31946,1
+2018-08-06 10:43:40.890000+00:00,50.83938,6.31885,1
+2018-08-06 10:43:40.890000+00:00,50.83949,6.32088,1
+2018-08-06 10:43:40.890000+00:00,50.8395,6.32016,1
+2018-08-06 10:43:40.890000+00:00,50.83963,6.32689,1
+2018-08-06 10:43:40.890000+00:00,50.83969,6.32491,1
+2018-08-06 10:43:40.890000+00:00,50.83972,6.32297,1
+2018-08-06 10:43:40.890000+00:00,50.84014,6.32001,1
+2018-08-06 10:43:40.890000+00:00,50.84014,6.32089,1
+2018-08-06 10:43:40.890000+00:00,50.84015,6.31916,1
+2019-08-31 10:46:52.218000+00:00,50.83894,6.31974,1
+2019-08-31 10:46:52.218000+00:00,50.83896,6.3205,1
+2019-08-31 10:46:52.218000+00:00,50.83896,6.31914,1
+2019-08-31 10:46:52.218000+00:00,50.83897,6.31853,1
+2019-08-31 10:46:52.218000+00:00,50.83937,6.31946,1
+2019-08-31 10:46:52.218000+00:00,50.83938,6.31885,1
+2019-08-31 10:46:52.218000+00:00,50.83949,6.32088,1
+2019-08-31 10:46:52.218000+00:00,50.8395,6.32016,1
+2019-08-31 10:46:52.218000+00:00,50.83963,6.32689,1
+2019-08-31 10:46:52.218000+00:00,50.83969,6.32491,1
+2019-08-31 10:46:52.218000+00:00,50.83972,6.32297,1
+2019-08-31 10:46:52.218000+00:00,50.84014,6.32001,1
+2019-08-31 10:46:52.218000+00:00,50.84014,6.32089,1
+2019-08-31 10:46:52.218000+00:00,50.84015,6.31916,1
+2020-04-07 10:46:48.874000+00:00,50.83894,6.31974,1
+2020-04-07 10:46:48.874000+00:00,50.83896,6.3205,1
+2020-04-07 10:46:48.874000+00:00,50.83896,6.31914,1
+2020-04-07 10:46:48.874000+00:00,50.83897,6.31853,1
+2020-04-07 10:46:48.874000+00:00,50.83937,6.31946,1
+2020-04-07 10:46:48.874000+00:00,50.83938,6.31885,1
+2020-04-07 10:46:48.874000+00:00,50.83949,6.32088,1
+2020-04-07 10:46:48.874000+00:00,50.8395,6.32016,1
+2020-04-07 10:46:48.874000+00:00,50.83963,6.32689,1
+2020-04-07 10:46:48.874000+00:00,50.83969,6.32491,1
+2020-04-07 10:46:48.874000+00:00,50.83972,6.32297,1
+2020-04-07 10:46:48.874000+00:00,50.84014,6.32001,1
+2020-04-07 10:46:48.874000+00:00,50.84014,6.32089,1
+2020-04-07 10:46:48.874000+00:00,50.84015,6.31916,1
+2019-12-04 10:46:45.525000+00:00,50.83894,6.31974,1
+2019-12-04 10:46:45.525000+00:00,50.83896,6.3205,1
+2019-12-04 10:46:45.525000+00:00,50.83896,6.31914,1
+2019-12-04 10:46:45.525000+00:00,50.83897,6.31853,1
+2019-12-04 10:46:45.525000+00:00,50.83937,6.31946,1
+2019-12-04 10:46:45.525000+00:00,50.83938,6.31885,1
+2019-12-04 10:46:45.525000+00:00,50.83949,6.32088,1
+2019-12-04 10:46:45.525000+00:00,50.8395,6.32016,1
+2019-12-04 10:46:45.525000+00:00,50.83963,6.32689,1
+2019-12-04 10:46:45.525000+00:00,50.83969,6.32491,1
+2019-12-04 10:46:45.525000+00:00,50.83972,6.32297,1
+2019-12-04 10:46:45.525000+00:00,50.84014,6.32001,1
+2019-12-04 10:46:45.525000+00:00,50.84014,6.32089,1
+2019-12-04 10:46:45.525000+00:00,50.84015,6.31916,1
+2015-12-30 10:51:53.392000+00:00,50.83894,6.31974,1
+2015-12-30 10:51:53.392000+00:00,50.83896,6.3205,1
+2015-12-30 10:51:53.392000+00:00,50.83896,6.31914,1
+2015-12-30 10:51:53.392000+00:00,50.83897,6.31853,1
+2015-12-30 10:51:53.392000+00:00,50.83937,6.31946,1
+2015-12-30 10:51:53.392000+00:00,50.83938,6.31885,1
+2015-12-30 10:51:53.392000+00:00,50.83949,6.32088,1
+2015-12-30 10:51:53.392000+00:00,50.8395,6.32016,1
+2015-12-30 10:51:53.392000+00:00,50.83963,6.32689,1
+2015-12-30 10:51:53.392000+00:00,50.83969,6.32491,1
+2015-12-30 10:51:53.392000+00:00,50.83972,6.32297,1
+2015-12-30 10:51:53.392000+00:00,50.84014,6.32001,1
+2015-12-30 10:51:53.392000+00:00,50.84014,6.32089,1
+2015-12-30 10:51:53.392000+00:00,50.84015,6.31916,1
+2019-06-27 10:46:59+00:00,50.83894,6.31974,1
+2019-06-27 10:46:59+00:00,50.83896,6.3205,1
+2019-06-27 10:46:59+00:00,50.83896,6.31914,1
+2019-06-27 10:46:59+00:00,50.83897,6.31853,1
+2019-06-27 10:46:59+00:00,50.83937,6.31946,1
+2019-06-27 10:46:59+00:00,50.83938,6.31885,1
+2019-06-27 10:46:59+00:00,50.83949,6.32088,1
+2019-06-27 10:46:59+00:00,50.8395,6.32016,1
+2019-06-27 10:46:59+00:00,50.83963,6.32689,1
+2019-06-27 10:46:59+00:00,50.83969,6.32491,1
+2019-06-27 10:46:59+00:00,50.83972,6.32297,1
+2019-06-27 10:46:59+00:00,50.84014,6.32001,1
+2019-06-27 10:46:59+00:00,50.84014,6.32089,1
+2019-06-27 10:46:59+00:00,50.84015,6.31916,1
+2019-11-29 10:46:50.858000+00:00,50.83894,6.31974,1
+2019-11-29 10:46:50.858000+00:00,50.83896,6.3205,1
+2019-11-29 10:46:50.858000+00:00,50.83896,6.31914,1
+2019-11-29 10:46:50.858000+00:00,50.83897,6.31853,1
+2019-11-29 10:46:50.858000+00:00,50.83937,6.31946,1
+2019-11-29 10:46:50.858000+00:00,50.83938,6.31885,1
+2019-11-29 10:46:50.858000+00:00,50.83949,6.32088,1
+2019-11-29 10:46:50.858000+00:00,50.8395,6.32016,1
+2019-11-29 10:46:50.858000+00:00,50.83963,6.32689,1
+2019-11-29 10:46:50.858000+00:00,50.83969,6.32491,1
+2019-11-29 10:46:50.858000+00:00,50.83972,6.32297,1
+2019-11-29 10:46:50.858000+00:00,50.84014,6.32001,1
+2019-11-29 10:46:50.858000+00:00,50.84014,6.32089,1
+2019-11-29 10:46:50.858000+00:00,50.84015,6.31916,1
+2018-11-14 10:46:45.980000+00:00,50.83894,6.31974,1
+2018-11-14 10:46:45.980000+00:00,50.83896,6.3205,1
+2018-11-14 10:46:45.980000+00:00,50.83896,6.31914,1
+2018-11-14 10:46:45.980000+00:00,50.83897,6.31853,1
+2018-11-14 10:46:45.980000+00:00,50.83937,6.31946,1
+2018-11-14 10:46:45.980000+00:00,50.83938,6.31885,1
+2018-11-14 10:46:45.980000+00:00,50.83949,6.32088,1
+2018-11-14 10:46:45.980000+00:00,50.8395,6.32016,1
+2018-11-14 10:46:45.980000+00:00,50.83963,6.32689,1
+2018-11-14 10:46:45.980000+00:00,50.83969,6.32491,1
+2018-11-14 10:46:45.980000+00:00,50.83972,6.32297,1
+2018-11-14 10:46:45.980000+00:00,50.84014,6.32001,1
+2018-11-14 10:46:45.980000+00:00,50.84014,6.32089,1
+2018-11-14 10:46:45.980000+00:00,50.84015,6.31916,1
+2017-02-18 16:03:48.462000+00:00,40.38675,-79.05873,1
+2017-02-18 16:03:48.462000+00:00,40.38713,-79.06186,1
+2019-12-30 16:12:08.580000+00:00,40.38675,-79.05873,1
+2019-12-30 16:12:08.580000+00:00,40.38713,-79.06186,1
+2020-11-09 16:12:17.703000+00:00,40.38675,-79.05873,1
+2020-11-09 16:12:17.703000+00:00,40.38713,-79.06186,1
+2019-12-23 16:22:04.528000+00:00,40.38675,-79.05873,1
+2019-12-23 16:22:04.528000+00:00,40.38713,-79.06186,1
+2019-02-16 16:22:09+00:00,40.38675,-79.05873,1
+2019-02-16 16:22:09+00:00,40.38713,-79.06186,1
+2019-11-13 16:22:08.459000+00:00,40.38675,-79.05873,1
+2019-11-13 16:22:08.459000+00:00,40.38713,-79.06186,1
+2019-10-29 16:22:12.765000+00:00,40.38675,-79.05873,1
+2019-10-29 16:22:12.765000+00:00,40.38713,-79.06186,1
+2018-06-18 16:06:55.370000+00:00,40.38675,-79.05873,1
+2018-06-18 16:06:55.370000+00:00,40.38713,-79.06186,1
+2019-05-09 16:12:17+00:00,40.38675,-79.05873,1
+2019-05-09 16:12:17+00:00,40.38713,-79.06186,1
+2017-06-11 16:13:45.460000+00:00,40.38675,-79.05873,1
+2017-06-11 16:13:45.460000+00:00,40.38713,-79.06186,1
+2019-08-10 16:22:13.280000+00:00,40.38675,-79.05873,1
+2019-08-10 16:22:13.280000+00:00,40.38713,-79.06186,1
+2019-05-02 16:22:13+00:00,40.38675,-79.05873,1
+2019-05-02 16:22:13+00:00,40.38713,-79.06186,1
+2019-10-19 16:22:12.733000+00:00,40.38675,-79.05873,1
+2019-10-19 16:22:12.733000+00:00,40.38713,-79.06186,1
+2019-08-30 16:22:10.334000+00:00,40.38675,-79.05873,1
+2019-08-30 16:22:10.334000+00:00,40.38713,-79.06186,1
+2019-01-22 16:22:06.080000+00:00,40.38675,-79.05873,1
+2019-01-22 16:22:06.080000+00:00,40.38713,-79.06186,1
+2020-08-14 16:22:15.415000+00:00,40.38675,-79.05873,1
+2020-08-14 16:22:15.415000+00:00,40.38713,-79.06186,1
+2018-03-05 16:08:54.210000+00:00,40.38675,-79.05873,1
+2018-03-05 16:08:54.210000+00:00,40.38713,-79.06186,1
+2018-02-28 16:09:06.180000+00:00,40.38675,-79.05873,1
+2018-02-28 16:09:06.180000+00:00,40.38713,-79.06186,1
+2020-07-12 16:12:17.862000+00:00,40.38675,-79.05873,1
+2020-07-12 16:12:17.862000+00:00,40.38713,-79.06186,1
+2017-10-16 16:03:09.930000+00:00,40.38675,-79.05873,1
+2017-10-16 16:03:09.930000+00:00,40.38713,-79.06186,1
+2020-09-20 16:12:18.417000+00:00,40.38675,-79.05873,1
+2020-09-20 16:12:18.417000+00:00,40.38713,-79.06186,1
+2020-11-29 16:12:13.631000+00:00,40.38675,-79.05873,1
+2020-11-29 16:12:13.631000+00:00,40.38713,-79.06186,1
+2019-04-29 16:12:17+00:00,40.38675,-79.05873,1
+2019-04-29 16:12:17+00:00,40.38713,-79.06186,1
+2020-07-02 16:12:18.362000+00:00,40.38675,-79.05873,1
+2020-07-02 16:12:18.362000+00:00,40.38713,-79.06186,1
+2017-08-17 16:01:43.200000+00:00,40.38675,-79.05873,1
+2017-08-17 16:01:43.200000+00:00,40.38713,-79.06186,1
+2018-03-18 16:13:59.570000+00:00,40.38675,-79.05873,1
+2018-03-18 16:13:59.570000+00:00,40.38713,-79.06186,1
+2019-11-15 16:12:15.316000+00:00,40.38675,-79.05873,1
+2019-11-15 16:12:15.316000+00:00,40.38713,-79.06186,1
+2018-08-22 16:04:56.020000+00:00,40.38675,-79.05873,1
+2018-08-22 16:04:56.020000+00:00,40.38713,-79.06186,1
+2020-04-03 16:12:09.639000+00:00,40.38675,-79.05873,1
+2020-04-03 16:12:09.639000+00:00,40.38713,-79.06186,1
+2020-04-11 16:22:05.763000+00:00,40.38675,-79.05873,1
+2020-04-11 16:22:05.763000+00:00,40.38713,-79.06186,1
+2020-05-26 16:22:15.538000+00:00,40.38675,-79.05873,1
+2020-05-26 16:22:15.538000+00:00,40.38713,-79.06186,1
+2020-11-24 16:12:13.705000+00:00,40.38675,-79.05873,1
+2020-11-24 16:12:13.705000+00:00,40.38713,-79.06186,1
+2017-08-12 16:00:56.910000+00:00,40.38675,-79.05873,1
+2017-08-12 16:00:56.910000+00:00,40.38713,-79.06186,1
+2020-02-23 16:12:08.224000+00:00,40.38675,-79.05873,1
+2020-02-23 16:12:08.224000+00:00,40.38713,-79.06186,1
+2018-06-16 16:17:01.300000+00:00,40.38675,-79.05873,1
+2018-06-16 16:17:01.300000+00:00,40.38713,-79.06186,1
+2017-06-18 16:00:33.650000+00:00,40.38675,-79.05873,1
+2017-06-18 16:00:33.650000+00:00,40.38713,-79.06186,1
+2018-05-02 16:19:42.650000+00:00,40.38675,-79.05873,1
+2018-05-02 16:19:42.650000+00:00,40.38713,-79.06186,1
+2020-09-13 09:39:25.260000+00:00,40.40829,21.78994,0
+2020-09-13 09:39:25.260000+00:00,40.40929,21.7894,0
+2020-09-13 09:39:25.260000+00:00,40.4103,21.78887,0
+2020-09-13 09:39:25.260000+00:00,40.41133,21.78836,0
+2017-12-20 09:23:58.460000+00:00,40.40829,21.78994,1
+2017-12-20 09:23:58.460000+00:00,40.40929,21.7894,1
+2017-12-20 09:23:58.460000+00:00,40.4103,21.78887,1
+2017-12-20 09:23:58.460000+00:00,40.41133,21.78836,1
+2020-08-19 09:39:24.759000+00:00,40.40829,21.78994,0
+2020-08-19 09:39:24.759000+00:00,40.40929,21.7894,0
+2020-08-19 09:39:24.759000+00:00,40.4103,21.78887,0
+2020-08-19 09:39:24.759000+00:00,40.41133,21.78836,0
+2020-09-15 09:29:26.903000+00:00,40.40829,21.78994,0
+2020-09-15 09:29:26.903000+00:00,40.40929,21.7894,0
+2020-09-15 09:29:26.903000+00:00,40.4103,21.78887,0
+2020-09-15 09:29:26.903000+00:00,40.41133,21.78836,0
+2020-04-26 09:39:23.355000+00:00,40.40829,21.78994,1
+2020-04-26 09:39:23.355000+00:00,40.40929,21.7894,1
+2020-04-26 09:39:23.355000+00:00,40.4103,21.78887,1
+2020-04-26 09:39:23.355000+00:00,40.41133,21.78836,1
+2018-01-27 09:32:41.460000+00:00,40.40829,21.78994,1
+2018-01-27 09:32:41.460000+00:00,40.40929,21.7894,1
+2018-01-27 09:32:41.460000+00:00,40.4103,21.78887,1
+2018-01-27 09:32:41.460000+00:00,40.41133,21.78836,1
+2018-04-12 09:31:25.580000+00:00,40.40829,21.78994,1
+2018-04-12 09:31:25.580000+00:00,40.40929,21.7894,1
+2018-04-12 09:31:25.580000+00:00,40.4103,21.78887,1
+2018-04-12 09:31:25.580000+00:00,40.41133,21.78836,1
+2019-02-26 09:39:19+00:00,40.40829,21.78994,1
+2019-02-26 09:39:19+00:00,40.40929,21.7894,1
+2019-02-26 09:39:19+00:00,40.4103,21.78887,1
+2019-02-26 09:39:19+00:00,40.41133,21.78836,1
+2018-01-19 09:24:46.870000+00:00,40.40829,21.78994,1
+2018-01-19 09:24:46.870000+00:00,40.40929,21.7894,1
+2018-01-19 09:24:46.870000+00:00,40.4103,21.78887,1
+2018-01-19 09:24:46.870000+00:00,40.41133,21.78836,1
+2017-09-01 09:28:54.760000+00:00,40.40829,21.78994,1
+2017-09-01 09:28:54.760000+00:00,40.40929,21.7894,1
+2017-09-01 09:28:54.760000+00:00,40.4103,21.78887,1
+2017-09-01 09:28:54.760000+00:00,40.41133,21.78836,1
+2017-12-08 09:33:54.460000+00:00,40.40829,21.78994,1
+2017-12-08 09:33:54.460000+00:00,40.40929,21.7894,1
+2017-12-08 09:33:54.460000+00:00,40.4103,21.78887,1
+2017-12-08 09:33:54.460000+00:00,40.41133,21.78836,1
+2020-09-03 09:39:25.830000+00:00,40.40829,21.78994,0
+2020-09-03 09:39:25.830000+00:00,40.40929,21.7894,0
+2020-09-03 09:39:25.830000+00:00,40.4103,21.78887,0
+2020-09-03 09:39:25.830000+00:00,40.41133,21.78836,0
+2016-12-20 09:24:04.457000+00:00,40.40829,21.78994,1
+2016-12-20 09:24:04.457000+00:00,40.40929,21.7894,1
+2016-12-20 09:24:04.457000+00:00,40.4103,21.78887,1
+2016-12-20 09:24:04.457000+00:00,40.41133,21.78836,1
+2016-04-04 09:24:09+00:00,40.40829,21.78994,1
+2016-04-04 09:24:09+00:00,40.40929,21.7894,1
+2016-04-04 09:24:09+00:00,40.4103,21.78887,1
+2016-04-04 09:24:09+00:00,40.41133,21.78836,1
+2018-04-17 09:32:12.870000+00:00,40.40829,21.78994,1
+2018-04-17 09:32:12.870000+00:00,40.40929,21.7894,1
+2018-04-17 09:32:12.870000+00:00,40.4103,21.78887,1
+2018-04-17 09:32:12.870000+00:00,40.41133,21.78836,1
+2019-10-11 09:29:26.154000+00:00,40.40829,21.78994,1
+2019-10-11 09:29:26.154000+00:00,40.40929,21.7894,1
+2019-10-11 09:29:26.154000+00:00,40.4103,21.78887,1
+2019-10-11 09:29:26.154000+00:00,40.41133,21.78836,1
+2020-09-10 09:29:28.760000+00:00,40.40829,21.78994,0
+2020-09-10 09:29:28.760000+00:00,40.40929,21.7894,0
+2020-09-10 09:29:28.760000+00:00,40.4103,21.78887,0
+2020-09-10 09:29:28.760000+00:00,40.41133,21.78836,0
+2018-08-22 09:27:11.530000+00:00,40.40829,21.78994,1
+2018-08-22 09:27:11.530000+00:00,40.40929,21.7894,1
+2018-08-22 09:27:11.530000+00:00,40.4103,21.78887,1
+2018-08-22 09:27:11.530000+00:00,40.41133,21.78836,1
+2017-03-30 09:28:49.550000+00:00,40.40829,21.78994,1
+2017-03-30 09:28:49.550000+00:00,40.40929,21.7894,1
+2017-03-30 09:28:49.550000+00:00,40.4103,21.78887,1
+2017-03-30 09:28:49.550000+00:00,40.41133,21.78836,1
+2016-04-27 09:30:37.456000+00:00,40.40829,21.78994,1
+2016-04-27 09:30:37.456000+00:00,40.40929,21.7894,1
+2016-04-27 09:30:37.456000+00:00,40.4103,21.78887,1
+2016-04-27 09:30:37.456000+00:00,40.41133,21.78836,1
+2019-11-23 09:39:18.176000+00:00,40.40829,21.78994,1
+2019-11-23 09:39:18.176000+00:00,40.40929,21.7894,1
+2019-11-23 09:39:18.176000+00:00,40.4103,21.78887,1
+2019-11-23 09:39:18.176000+00:00,40.41133,21.78836,1
+2017-10-14 09:35:30.724000+00:00,40.40829,21.78994,1
+2017-10-14 09:35:30.724000+00:00,40.40929,21.7894,1
+2017-10-14 09:35:30.724000+00:00,40.4103,21.78887,1
+2017-10-14 09:35:30.724000+00:00,40.41133,21.78836,1
+2019-07-03 09:29:33+00:00,40.40829,21.78994,0
+2019-07-03 09:29:33+00:00,40.40929,21.7894,0
+2019-07-03 09:29:33+00:00,40.4103,21.78887,0
+2019-07-03 09:29:33+00:00,40.41133,21.78836,0
+2016-05-27 09:34:41+00:00,40.40829,21.78994,1
+2016-05-27 09:34:41+00:00,40.40929,21.7894,1
+2016-05-27 09:34:41+00:00,40.4103,21.78887,1
+2016-05-27 09:34:41+00:00,40.41133,21.78836,1
+2016-09-14 09:30:30.460000+00:00,40.40829,21.78994,1
+2016-09-14 09:30:30.460000+00:00,40.40929,21.7894,1
+2016-09-14 09:30:30.460000+00:00,40.4103,21.78887,1
+2016-09-14 09:30:30.460000+00:00,40.41133,21.78836,1
+2019-02-16 09:39:20+00:00,40.40829,21.78994,1
+2019-02-16 09:39:20+00:00,40.40929,21.7894,1
+2019-02-16 09:39:20+00:00,40.4103,21.78887,1
+2019-02-16 09:39:20+00:00,40.41133,21.78836,1
+2017-01-02 09:38:05.791000+00:00,40.40829,21.78994,1
+2017-01-02 09:38:05.791000+00:00,40.40929,21.7894,1
+2017-01-02 09:38:05.791000+00:00,40.4103,21.78887,1
+2017-01-02 09:38:05.791000+00:00,40.41133,21.78836,1
+2019-11-05 09:29:27.917000+00:00,40.40829,21.78994,1
+2019-11-05 09:29:27.917000+00:00,40.40929,21.7894,1
+2019-11-05 09:29:27.917000+00:00,40.4103,21.78887,1
+2019-11-05 09:29:27.917000+00:00,40.41133,21.78836,1
+2020-02-26 09:39:16.255000+00:00,40.40829,21.78994,1
+2020-02-26 09:39:16.255000+00:00,40.40929,21.7894,1
+2020-02-26 09:39:16.255000+00:00,40.4103,21.78887,1
+2020-02-26 09:39:16.255000+00:00,40.41133,21.78836,1
+2017-08-22 09:28:56.770000+00:00,40.40829,21.78994,1
+2017-08-22 09:28:56.770000+00:00,40.40929,21.7894,1
+2017-08-22 09:28:56.770000+00:00,40.4103,21.78887,1
+2017-08-22 09:28:56.770000+00:00,40.41133,21.78836,1
+2019-06-06 09:39:29+00:00,40.40829,21.78994,1
+2019-06-06 09:39:29+00:00,40.40929,21.7894,1
+2019-06-06 09:39:29+00:00,40.4103,21.78887,1
+2019-06-06 09:39:29+00:00,40.41133,21.78836,1
+2020-11-14 09:29:25.921000+00:00,40.40829,21.78994,1
+2020-11-14 09:29:25.921000+00:00,40.40929,21.7894,1
+2020-11-14 09:29:25.921000+00:00,40.4103,21.78887,1
+2020-11-14 09:29:25.921000+00:00,40.41133,21.78836,1
+2018-09-16 09:23:06.410000+00:00,40.40829,21.78994,1
+2018-09-16 09:23:06.410000+00:00,40.40929,21.7894,1
+2018-09-16 09:23:06.410000+00:00,40.4103,21.78887,1
+2018-09-16 09:23:06.410000+00:00,40.41133,21.78836,1
+2020-09-30 09:29:30.694000+00:00,40.40829,21.78994,0
+2020-09-30 09:29:30.694000+00:00,40.40929,21.7894,0
+2020-09-30 09:29:30.694000+00:00,40.4103,21.78887,0
+2020-09-30 09:29:30.694000+00:00,40.41133,21.78836,0
+2019-04-12 09:39:23+00:00,40.40829,21.78994,1
+2019-04-12 09:39:23+00:00,40.40929,21.7894,1
+2019-04-12 09:39:23+00:00,40.4103,21.78887,1
+2019-04-12 09:39:23+00:00,40.41133,21.78836,1
+2019-08-17 09:29:28.022000+00:00,40.40829,21.78994,0
+2019-08-17 09:29:28.022000+00:00,40.40929,21.7894,0
+2019-08-17 09:29:28.022000+00:00,40.4103,21.78887,0
+2019-08-17 09:29:28.022000+00:00,40.41133,21.78836,0
+2019-09-14 09:39:21.399000+00:00,40.40829,21.78994,0
+2019-09-14 09:39:21.399000+00:00,40.40929,21.7894,0
+2019-09-14 09:39:21.399000+00:00,40.4103,21.78887,0
+2019-09-14 09:39:21.399000+00:00,40.41133,21.78836,0
+2016-10-04 09:31:38.010000+00:00,40.40829,21.78994,1
+2016-10-04 09:31:38.010000+00:00,40.40929,21.7894,1
+2016-10-04 09:31:38.010000+00:00,40.4103,21.78887,1
+2016-10-04 09:31:38.010000+00:00,40.41133,21.78836,1
+2020-11-27 09:39:21.122000+00:00,40.40829,21.78994,1
+2020-11-27 09:39:21.122000+00:00,40.40929,21.7894,1
+2020-11-27 09:39:21.122000+00:00,40.4103,21.78887,1
+2020-11-27 09:39:21.122000+00:00,40.41133,21.78836,1
+2019-04-22 09:39:24+00:00,40.40829,21.78994,1
+2019-04-22 09:39:24+00:00,40.40929,21.7894,1
+2019-04-22 09:39:24+00:00,40.4103,21.78887,1
+2019-04-22 09:39:24+00:00,40.41133,21.78836,1
+2018-08-15 09:38:26.080000+00:00,40.40829,21.78994,1
+2018-08-15 09:38:26.080000+00:00,40.40929,21.7894,1
+2018-08-15 09:38:26.080000+00:00,40.4103,21.78887,1
+2018-08-15 09:38:26.080000+00:00,40.41133,21.78836,1
+2018-03-03 09:30:28.060000+00:00,40.40829,21.78994,1
+2018-03-03 09:30:28.060000+00:00,40.40929,21.7894,1
+2018-03-03 09:30:28.060000+00:00,40.4103,21.78887,1
+2018-03-03 09:30:28.060000+00:00,40.41133,21.78836,1
+2017-02-28 09:27:13.746000+00:00,40.40829,21.78994,1
+2017-02-28 09:27:13.746000+00:00,40.40929,21.7894,1
+2017-02-28 09:27:13.746000+00:00,40.4103,21.78887,1
+2017-02-28 09:27:13.746000+00:00,40.41133,21.78836,1
+2020-06-02 09:29:31.365000+00:00,40.40829,21.78994,0
+2020-06-02 09:29:31.365000+00:00,40.40929,21.7894,0
+2020-06-02 09:29:31.365000+00:00,40.4103,21.78887,0
+2020-06-02 09:29:31.365000+00:00,40.41133,21.78836,0
+2017-12-23 09:35:45.080000+00:00,40.40829,21.78994,1
+2017-12-23 09:35:45.080000+00:00,40.40929,21.7894,1
+2017-12-23 09:35:45.080000+00:00,40.4103,21.78887,1
+2017-12-23 09:35:45.080000+00:00,40.41133,21.78836,1
+2016-05-14 09:20:34+00:00,40.40829,21.78994,0
+2016-05-14 09:20:34+00:00,40.40929,21.7894,0
+2016-05-14 09:20:34+00:00,40.4103,21.78887,0
+2016-05-14 09:20:34+00:00,40.41133,21.78836,0
+2017-12-25 09:28:07.180000+00:00,40.40829,21.78994,1
+2017-12-25 09:28:07.180000+00:00,40.40929,21.7894,1
+2017-12-25 09:28:07.180000+00:00,40.4103,21.78887,1
+2017-12-25 09:28:07.180000+00:00,40.41133,21.78836,1
+2018-07-16 09:32:20.080000+00:00,40.40829,21.78994,1
+2018-07-16 09:32:20.080000+00:00,40.40929,21.7894,1
+2018-07-16 09:32:20.080000+00:00,40.4103,21.78887,1
+2018-07-16 09:32:20.080000+00:00,40.41133,21.78836,1
+2020-08-31 09:29:29.959000+00:00,40.40829,21.78994,0
+2020-08-31 09:29:29.959000+00:00,40.40929,21.7894,0
+2020-08-31 09:29:29.959000+00:00,40.4103,21.78887,0
+2020-08-31 09:29:29.959000+00:00,40.41133,21.78836,0
+2019-07-11 09:39:26+00:00,40.40829,21.78994,0
+2019-07-11 09:39:26+00:00,40.40929,21.7894,0
+2019-07-11 09:39:26+00:00,40.4103,21.78887,0
+2019-07-11 09:39:26+00:00,40.41133,21.78836,0
+2018-05-02 09:37:28.360000+00:00,40.40829,21.78994,1
+2018-05-02 09:37:28.360000+00:00,40.40929,21.7894,1
+2018-05-02 09:37:28.360000+00:00,40.4103,21.78887,1
+2018-05-02 09:37:28.360000+00:00,40.41133,21.78836,1
+2019-08-20 09:39:23.757000+00:00,40.40829,21.78994,0
+2019-08-20 09:39:23.757000+00:00,40.40929,21.7894,0
+2019-08-20 09:39:23.757000+00:00,40.4103,21.78887,0
+2019-08-20 09:39:23.757000+00:00,40.41133,21.78836,0
+2018-08-07 09:23:21.240000+00:00,40.40829,21.78994,1
+2018-08-07 09:23:21.240000+00:00,40.40929,21.7894,1
+2018-08-07 09:23:21.240000+00:00,40.4103,21.78887,1
+2018-08-07 09:23:21.240000+00:00,40.41133,21.78836,1
+2020-01-04 09:29:19.539000+00:00,40.40829,21.78994,1
+2020-01-04 09:29:19.539000+00:00,40.40929,21.7894,1
+2020-01-04 09:29:19.539000+00:00,40.4103,21.78887,1
+2020-01-04 09:29:19.539000+00:00,40.41133,21.78836,1
+2017-10-19 09:32:14.480000+00:00,40.40829,21.78994,1
+2017-10-19 09:32:14.480000+00:00,40.40929,21.7894,1
+2017-10-19 09:32:14.480000+00:00,40.4103,21.78887,1
+2017-10-19 09:32:14.480000+00:00,40.41133,21.78836,1
+2018-07-13 09:28:11.250000+00:00,40.40829,21.78994,1
+2018-07-13 09:28:11.250000+00:00,40.40929,21.7894,1
+2018-07-13 09:28:11.250000+00:00,40.4103,21.78887,1
+2018-07-13 09:28:11.250000+00:00,40.41133,21.78836,1
+2018-03-10 09:21:38.830000+00:00,40.40829,21.78994,1
+2018-03-10 09:21:38.830000+00:00,40.40929,21.7894,1
+2018-03-10 09:21:38.830000+00:00,40.4103,21.78887,1
+2018-03-10 09:21:38.830000+00:00,40.41133,21.78836,1
+2019-04-29 09:29:28+00:00,40.40829,21.78994,1
+2019-04-29 09:29:28+00:00,40.40929,21.7894,1
+2019-04-29 09:29:28+00:00,40.4103,21.78887,1
+2019-04-29 09:29:28+00:00,40.41133,21.78836,1
+2021-04-03 09:29:22.949000+00:00,40.40829,21.78994,1
+2021-04-03 09:29:22.949000+00:00,40.40929,21.7894,1
+2021-04-03 09:29:22.949000+00:00,40.4103,21.78887,1
+2021-04-03 09:29:22.949000+00:00,40.41133,21.78836,1
+2015-12-06 09:23:51+00:00,40.40829,21.78994,1
+2015-12-06 09:23:51+00:00,40.40929,21.7894,1
+2015-12-06 09:23:51+00:00,40.4103,21.78887,1
+2015-12-06 09:23:51+00:00,40.41133,21.78836,1
+2019-07-31 09:39:25.883000+00:00,40.40829,21.78994,0
+2019-07-31 09:39:25.883000+00:00,40.40929,21.7894,0
+2019-07-31 09:39:25.883000+00:00,40.4103,21.78887,0
+2019-07-31 09:39:25.883000+00:00,40.41133,21.78836,0
+2016-06-16 09:34:38.180000+00:00,40.40829,21.78994,1
+2016-06-16 09:34:38.180000+00:00,40.40929,21.7894,1
+2016-06-16 09:34:38.180000+00:00,40.4103,21.78887,1
+2016-06-16 09:34:38.180000+00:00,40.41133,21.78836,1
+2018-05-04 09:25:16.470000+00:00,40.40829,21.78994,1
+2018-05-04 09:25:16.470000+00:00,40.40929,21.7894,1
+2018-05-04 09:25:16.470000+00:00,40.4103,21.78887,1
+2018-05-04 09:25:16.470000+00:00,40.41133,21.78836,1
+2018-07-21 09:34:01.710000+00:00,40.40829,21.78994,1
+2018-07-21 09:34:01.710000+00:00,40.40929,21.7894,1
+2018-07-21 09:34:01.710000+00:00,40.4103,21.78887,1
+2018-07-21 09:34:01.710000+00:00,40.41133,21.78836,1
+2019-09-09 09:39:19.936000+00:00,40.40829,21.78994,0
+2019-09-09 09:39:19.936000+00:00,40.40929,21.7894,0
+2019-09-09 09:39:19.936000+00:00,40.4103,21.78887,0
+2019-09-09 09:39:19.936000+00:00,40.41133,21.78836,0
+2019-02-28 09:29:20+00:00,40.40829,21.78994,1
+2019-02-28 09:29:20+00:00,40.40929,21.7894,1
+2019-02-28 09:29:20+00:00,40.4103,21.78887,1
+2019-02-28 09:29:20+00:00,40.41133,21.78836,1
+2015-07-29 09:20:04.464000+00:00,40.40829,21.78994,1
+2015-07-29 09:20:04.464000+00:00,40.40929,21.7894,1
+2015-07-29 09:20:04.464000+00:00,40.4103,21.78887,1
+2015-07-29 09:20:04.464000+00:00,40.41133,21.78836,1
+2017-11-23 09:38:09.510000+00:00,40.40829,21.78994,1
+2017-11-23 09:38:09.510000+00:00,40.40929,21.7894,1
+2017-11-23 09:38:09.510000+00:00,40.4103,21.78887,1
+2017-11-23 09:38:09.510000+00:00,40.41133,21.78836,1
+2021-02-20 09:39:20.673000+00:00,40.40829,21.78994,1
+2021-02-20 09:39:20.673000+00:00,40.40929,21.7894,1
+2021-02-20 09:39:20.673000+00:00,40.4103,21.78887,1
+2021-02-20 09:39:20.673000+00:00,40.41133,21.78836,1
+2019-06-13 09:29:32+00:00,40.40829,21.78994,1
+2019-06-13 09:29:32+00:00,40.40929,21.7894,1
+2019-06-13 09:29:32+00:00,40.4103,21.78887,1
+2019-06-13 09:29:32+00:00,40.41133,21.78836,1
+2019-09-16 09:29:24.273000+00:00,40.40829,21.78994,0
+2019-09-16 09:29:24.273000+00:00,40.40929,21.7894,0
+2019-09-16 09:29:24.273000+00:00,40.4103,21.78887,0
+2019-09-16 09:29:24.273000+00:00,40.41133,21.78836,0
+2020-08-04 09:39:27.165000+00:00,40.40829,21.78994,0
+2020-08-04 09:39:27.165000+00:00,40.40929,21.7894,0
+2020-08-04 09:39:27.165000+00:00,40.4103,21.78887,0
+2020-08-04 09:39:27.165000+00:00,40.41133,21.78836,0
+2019-05-24 09:29:33+00:00,40.40829,21.78994,1
+2019-05-24 09:29:33+00:00,40.40929,21.7894,1
+2019-05-24 09:29:33+00:00,40.4103,21.78887,1
+2019-05-24 09:29:33+00:00,40.41133,21.78836,1
+2020-01-17 09:39:15.150000+00:00,40.40829,21.78994,1
+2020-01-17 09:39:15.150000+00:00,40.40929,21.7894,1
+2020-01-17 09:39:15.150000+00:00,40.4103,21.78887,1
+2020-01-17 09:39:15.150000+00:00,40.41133,21.78836,1
+2020-07-10 09:39:23.006000+00:00,40.40829,21.78994,0
+2020-07-10 09:39:23.006000+00:00,40.40929,21.7894,0
+2020-07-10 09:39:23.006000+00:00,40.4103,21.78887,0
+2020-07-10 09:39:23.006000+00:00,40.41133,21.78836,0
+2016-02-14 09:25:26.434000+00:00,40.40829,21.78994,1
+2016-02-14 09:25:26.434000+00:00,40.40929,21.7894,1
+2016-02-14 09:25:26.434000+00:00,40.4103,21.78887,1
+2016-02-14 09:25:26.434000+00:00,40.41133,21.78836,1
+2017-06-28 09:28:15.470000+00:00,40.40829,21.78994,1
+2017-06-28 09:28:15.470000+00:00,40.40929,21.7894,1
+2017-06-28 09:28:15.470000+00:00,40.4103,21.78887,1
+2017-06-28 09:28:15.470000+00:00,40.41133,21.78836,1
+2020-07-27 09:29:27.512000+00:00,40.40829,21.78994,0
+2020-07-27 09:29:27.512000+00:00,40.40929,21.7894,0
+2020-07-27 09:29:27.512000+00:00,40.4103,21.78887,0
+2020-07-27 09:29:27.512000+00:00,40.41133,21.78836,0
+2019-08-02 09:29:32.891000+00:00,40.40829,21.78994,0
+2019-08-02 09:29:32.891000+00:00,40.40929,21.7894,0
+2019-08-02 09:29:32.891000+00:00,40.4103,21.78887,0
+2019-08-02 09:29:32.891000+00:00,40.41133,21.78836,0
+2016-12-10 09:23:56.460000+00:00,40.40829,21.78994,1
+2016-12-10 09:23:56.460000+00:00,40.40929,21.7894,1
+2016-12-10 09:23:56.460000+00:00,40.4103,21.78887,1
+2016-12-10 09:23:56.460000+00:00,40.41133,21.78836,1
+2019-07-18 09:29:30.215000+00:00,40.40829,21.78994,0
+2019-07-18 09:29:30.215000+00:00,40.40929,21.7894,0
+2019-07-18 09:29:30.215000+00:00,40.4103,21.78887,0
+2019-07-18 09:29:30.215000+00:00,40.41133,21.78836,0
+2021-01-18 09:29:25.883000+00:00,40.40829,21.78994,1
+2021-01-18 09:29:25.883000+00:00,40.40929,21.7894,1
+2021-01-18 09:29:25.883000+00:00,40.4103,21.78887,1
+2021-01-18 09:29:25.883000+00:00,40.41133,21.78836,1
+2019-10-06 09:29:27.344000+00:00,40.40829,21.78994,1
+2019-10-06 09:29:27.344000+00:00,40.40929,21.7894,1
+2019-10-06 09:29:27.344000+00:00,40.4103,21.78887,1
+2019-10-06 09:29:27.344000+00:00,40.41133,21.78836,1
+2021-03-29 09:29:22.727000+00:00,40.40829,21.78994,1
+2021-03-29 09:29:22.727000+00:00,40.40929,21.7894,1
+2021-03-29 09:29:22.727000+00:00,40.4103,21.78887,1
+2021-03-29 09:29:22.727000+00:00,40.41133,21.78836,1
+2018-08-17 09:26:12.420000+00:00,40.40829,21.78994,1
+2018-08-17 09:26:12.420000+00:00,40.40929,21.7894,1
+2018-08-17 09:26:12.420000+00:00,40.4103,21.78887,1
+2018-08-17 09:26:12.420000+00:00,40.41133,21.78836,1
+2020-11-24 09:29:25.302000+00:00,40.40829,21.78994,1
+2020-11-24 09:29:25.302000+00:00,40.40929,21.7894,1
+2020-11-24 09:29:25.302000+00:00,40.4103,21.78887,1
+2020-11-24 09:29:25.302000+00:00,40.41133,21.78836,1
+2017-11-05 09:29:02.400000+00:00,40.40829,21.78994,1
+2017-11-05 09:29:02.400000+00:00,40.40929,21.7894,1
+2017-11-05 09:29:02.400000+00:00,40.4103,21.78887,1
+2017-11-05 09:29:02.400000+00:00,40.41133,21.78836,1
+2021-01-01 09:39:21.412000+00:00,40.40829,21.78994,1
+2021-01-01 09:39:21.412000+00:00,40.40929,21.7894,1
+2021-01-01 09:39:21.412000+00:00,40.4103,21.78887,1
+2021-01-01 09:39:21.412000+00:00,40.41133,21.78836,1
+2019-06-28 09:29:29+00:00,40.40829,21.78994,0
+2019-06-28 09:29:29+00:00,40.40929,21.7894,0
+2019-06-28 09:29:29+00:00,40.4103,21.78887,0
+2019-06-28 09:29:29+00:00,40.41133,21.78836,0
+2020-04-13 09:29:24.054000+00:00,40.40829,21.78994,1
+2020-04-13 09:29:24.054000+00:00,40.40929,21.7894,1
+2020-04-13 09:29:24.054000+00:00,40.4103,21.78887,1
+2020-04-13 09:29:24.054000+00:00,40.41133,21.78836,1
+2020-07-02 09:29:29.936000+00:00,40.40829,21.78994,0
+2020-07-02 09:29:29.936000+00:00,40.40929,21.7894,0
+2020-07-02 09:29:29.936000+00:00,40.4103,21.78887,0
+2020-07-02 09:29:29.936000+00:00,40.41133,21.78836,0
+2017-06-01 09:36:08.370000+00:00,40.40829,21.78994,1
+2017-06-01 09:36:08.370000+00:00,40.40929,21.7894,1
+2017-06-01 09:36:08.370000+00:00,40.4103,21.78887,1
+2017-06-01 09:36:08.370000+00:00,40.41133,21.78836,1
+2018-09-01 09:22:21.910000+00:00,40.40829,21.78994,1
+2018-09-01 09:22:21.910000+00:00,40.40929,21.7894,1
+2018-09-01 09:22:21.910000+00:00,40.4103,21.78887,1
+2018-09-01 09:22:21.910000+00:00,40.41133,21.78836,1
+2016-10-31 09:28:33.390000+00:00,40.40829,21.78994,1
+2016-10-31 09:28:33.390000+00:00,40.40929,21.7894,1
+2016-10-31 09:28:33.390000+00:00,40.4103,21.78887,1
+2016-10-31 09:28:33.390000+00:00,40.41133,21.78836,1
+2018-06-08 09:28:04.650000+00:00,40.40829,21.78994,1
+2018-06-08 09:28:04.650000+00:00,40.40929,21.7894,1
+2018-06-08 09:28:04.650000+00:00,40.4103,21.78887,1
+2018-06-08 09:28:04.650000+00:00,40.41133,21.78836,1
+2016-07-26 09:38:59.936000+00:00,40.40829,21.78994,1
+2016-07-26 09:38:59.936000+00:00,40.40929,21.7894,1
+2016-07-26 09:38:59.936000+00:00,40.4103,21.78887,1
+2016-07-26 09:38:59.936000+00:00,40.41133,21.78836,1
+2018-03-08 09:36:05.980000+00:00,40.40829,21.78994,1
+2018-03-08 09:36:05.980000+00:00,40.40929,21.7894,1
+2018-03-08 09:36:05.980000+00:00,40.4103,21.78887,1
+2018-03-08 09:36:05.980000+00:00,40.41133,21.78836,1
+2020-01-22 09:39:14.579000+00:00,40.40829,21.78994,1
+2020-01-22 09:39:14.579000+00:00,40.40929,21.7894,1
+2020-01-22 09:39:14.579000+00:00,40.4103,21.78887,1
+2020-01-22 09:39:14.579000+00:00,40.41133,21.78836,1
+2016-08-12 09:20:31.462000+00:00,40.40829,21.78994,1
+2016-08-12 09:20:31.462000+00:00,40.40929,21.7894,1
+2016-08-12 09:20:31.462000+00:00,40.4103,21.78887,1
+2016-08-12 09:20:31.462000+00:00,40.41133,21.78836,1
+2017-09-24 09:38:45.550000+00:00,40.40829,21.78994,1
+2017-09-24 09:38:45.550000+00:00,40.40929,21.7894,1
+2017-09-24 09:38:45.550000+00:00,40.4103,21.78887,1
+2017-09-24 09:38:45.550000+00:00,40.41133,21.78836,1
+2019-06-21 09:39:25+00:00,40.40829,21.78994,1
+2019-06-21 09:39:25+00:00,40.40929,21.7894,1
+2019-06-21 09:39:25+00:00,40.4103,21.78887,1
+2019-06-21 09:39:25+00:00,40.41133,21.78836,1
+2020-06-30 09:39:23.584000+00:00,40.40829,21.78994,0
+2020-06-30 09:39:23.584000+00:00,40.40929,21.7894,0
+2020-06-30 09:39:23.584000+00:00,40.4103,21.78887,0
+2020-06-30 09:39:23.584000+00:00,40.41133,21.78836,0
+2017-08-07 09:27:25.350000+00:00,40.40829,21.78994,1
+2017-08-07 09:27:25.350000+00:00,40.40929,21.7894,1
+2017-08-07 09:27:25.350000+00:00,40.4103,21.78887,1
+2017-08-07 09:27:25.350000+00:00,40.41133,21.78836,1
+2017-08-27 09:28:18.470000+00:00,40.40829,21.78994,1
+2017-08-27 09:28:18.470000+00:00,40.40929,21.7894,1
+2017-08-27 09:28:18.470000+00:00,40.4103,21.78887,1
+2017-08-27 09:28:18.470000+00:00,40.41133,21.78836,1
+2019-09-19 09:39:21.016000+00:00,40.40829,21.78994,0
+2019-09-19 09:39:21.016000+00:00,40.40929,21.7894,0
+2019-09-19 09:39:21.016000+00:00,40.4103,21.78887,0
+2019-09-19 09:39:21.016000+00:00,40.41133,21.78836,0
+2019-04-04 09:29:28+00:00,40.40829,21.78994,1
+2019-04-04 09:29:28+00:00,40.40929,21.7894,1
+2019-04-04 09:29:28+00:00,40.4103,21.78887,1
+2019-04-04 09:29:28+00:00,40.41133,21.78836,1
+2017-07-13 09:28:57.160000+00:00,40.40829,21.78994,1
+2017-07-13 09:28:57.160000+00:00,40.40929,21.7894,1
+2017-07-13 09:28:57.160000+00:00,40.4103,21.78887,1
+2017-07-13 09:28:57.160000+00:00,40.41133,21.78836,1
+2019-03-10 09:29:20+00:00,40.40829,21.78994,1
+2019-03-10 09:29:20+00:00,40.40929,21.7894,1
+2019-03-10 09:29:20+00:00,40.4103,21.78887,1
+2019-03-10 09:29:20+00:00,40.41133,21.78836,1
+2016-07-13 09:20:32.463000+00:00,40.40829,21.78994,1
+2016-07-13 09:20:32.463000+00:00,40.40929,21.7894,1
+2016-07-13 09:20:32.463000+00:00,40.4103,21.78887,1
+2016-07-13 09:20:32.463000+00:00,40.41133,21.78836,1
+2020-11-19 09:29:27.681000+00:00,40.40829,21.78994,1
+2020-11-19 09:29:27.681000+00:00,40.40929,21.7894,1
+2020-11-19 09:29:27.681000+00:00,40.4103,21.78887,1
+2020-11-19 09:29:27.681000+00:00,40.41133,21.78836,1
+2021-02-17 09:29:24.247000+00:00,40.40829,21.78994,1
+2021-02-17 09:29:24.247000+00:00,40.40929,21.7894,1
+2021-02-17 09:29:24.247000+00:00,40.4103,21.78887,1
+2021-02-17 09:29:24.247000+00:00,40.41133,21.78836,1
+2018-12-31 10:38:47.940000+00:00,43.46876,5.48413,0
+2018-12-31 10:38:47.940000+00:00,43.47085,5.48509,0
+2018-07-14 10:30:23.460000+00:00,43.46876,5.48413,0
+2018-07-14 10:30:23.460000+00:00,43.47085,5.48509,0
+2017-10-07 10:32:41.160000+00:00,43.46876,5.48413,0
+2017-10-07 10:32:41.160000+00:00,43.47085,5.48509,0
+2018-06-09 10:32:14.910000+00:00,43.46876,5.48413,0
+2018-06-09 10:32:14.910000+00:00,43.47085,5.48509,0
+2019-04-15 10:38:59+00:00,43.46876,5.48413,0
+2019-04-15 10:38:59+00:00,43.47085,5.48509,0
+2021-05-04 10:38:51.055000+00:00,43.46876,5.48413,0
+2021-05-04 10:38:51.055000+00:00,43.47085,5.48509,0
+2020-02-14 10:38:47.393000+00:00,43.46876,5.48413,0
+2020-02-14 10:38:47.393000+00:00,43.47085,5.48509,0
+2018-06-14 10:30:21.460000+00:00,43.46876,5.48413,0
+2018-06-14 10:30:21.460000+00:00,43.47085,5.48509,0
+2020-04-29 10:38:49.924000+00:00,43.46876,5.48413,0
+2020-04-29 10:38:49.924000+00:00,43.47085,5.48509,0
+2017-12-06 10:34:17.460000+00:00,43.46876,5.48413,1
+2017-12-06 10:34:17.460000+00:00,43.47085,5.48509,1
+2019-03-21 10:38:52+00:00,43.46876,5.48413,0
+2019-03-21 10:38:52+00:00,43.47085,5.48509,0
+2018-08-08 10:34:48.040000+00:00,43.46876,5.48413,0
+2018-08-08 10:34:48.040000+00:00,43.47085,5.48509,0
+2020-02-04 10:38:45.838000+00:00,43.46876,5.48413,0
+2020-02-04 10:38:45.838000+00:00,43.47085,5.48509,0
+2019-07-29 10:38:58.891000+00:00,43.46876,5.48413,0
+2019-07-29 10:38:58.891000+00:00,43.47085,5.48509,0
+2017-11-21 10:33:23.460000+00:00,43.46876,5.48413,1
+2017-11-21 10:33:23.460000+00:00,43.47085,5.48509,1
+2018-02-04 10:35:32.070000+00:00,43.46876,5.48413,0
+2018-02-04 10:35:32.070000+00:00,43.47085,5.48509,0
+2018-10-22 10:30:53.460000+00:00,43.46876,5.48413,0
+2018-10-22 10:30:53.460000+00:00,43.47085,5.48509,0
+2018-07-24 10:35:51.770000+00:00,43.46876,5.48413,1
+2018-07-24 10:35:51.770000+00:00,43.47085,5.48509,1
+2020-06-08 10:38:56.309000+00:00,43.46876,5.48413,0
+2020-06-08 10:38:56.309000+00:00,43.47085,5.48509,0
+2017-05-30 10:30:24.460000+00:00,43.46876,5.48413,0
+2017-05-30 10:30:24.460000+00:00,43.47085,5.48509,0
+2017-08-18 10:34:21.570000+00:00,43.46876,5.48413,0
+2017-08-18 10:34:21.570000+00:00,43.47085,5.48509,0
+2019-01-30 10:38:50+00:00,43.46876,5.48413,0
+2019-01-30 10:38:50+00:00,43.47085,5.48509,0
+2016-05-05 10:30:27.459000+00:00,43.46876,5.48413,0
+2016-05-05 10:30:27.459000+00:00,43.47085,5.48509,0
+2019-03-26 10:38:55+00:00,43.46876,5.48413,0
+2019-03-26 10:38:55+00:00,43.47085,5.48509,0
+2019-12-31 10:38:49.179000+00:00,43.46876,5.48413,0
+2019-12-31 10:38:49.179000+00:00,43.47085,5.48509,0
+2017-07-24 10:30:22.460000+00:00,43.46876,5.48413,0
+2017-07-24 10:30:22.460000+00:00,43.47085,5.48509,0
+2020-11-20 10:38:56.536000+00:00,43.46876,5.48413,0
+2020-11-20 10:38:56.536000+00:00,43.47085,5.48509,0
+2020-05-19 10:38:54.097000+00:00,43.46876,5.48413,0
+2020-05-19 10:38:54.097000+00:00,43.47085,5.48509,0
+2016-02-05 10:35:56.319000+00:00,43.46876,5.48413,0
+2016-02-05 10:35:56.319000+00:00,43.47085,5.48509,0
+2018-05-25 10:30:24.460000+00:00,43.46876,5.48413,0
+2018-05-25 10:30:24.460000+00:00,43.47085,5.48509,0
+2019-03-16 10:38:52+00:00,43.46876,5.48413,0
+2019-03-16 10:38:52+00:00,43.47085,5.48509,0
+2016-09-02 10:32:28.730000+00:00,43.46876,5.48413,1
+2016-09-02 10:32:28.730000+00:00,43.47085,5.48509,1
+2020-11-10 10:38:58.226000+00:00,43.46876,5.48413,0
+2020-11-10 10:38:58.226000+00:00,43.47085,5.48509,0
+2016-12-21 10:34:34.462000+00:00,43.46876,5.48413,1
+2016-12-21 10:34:34.462000+00:00,43.47085,5.48509,1
+2019-09-07 10:38:53.292000+00:00,43.46876,5.48413,0
+2019-09-07 10:38:53.292000+00:00,43.47085,5.48509,0
+2020-09-06 10:38:56.908000+00:00,43.46876,5.48413,0
+2020-09-06 10:38:56.908000+00:00,43.47085,5.48509,0
+2019-12-21 10:38:49.058000+00:00,43.46876,5.48413,0
+2019-12-21 10:38:49.058000+00:00,43.47085,5.48509,0
+2017-09-12 10:30:13.460000+00:00,43.46876,5.48413,0
+2017-09-12 10:30:13.460000+00:00,43.47085,5.48509,0
+2019-12-06 10:38:51.682000+00:00,43.46876,5.48413,0
+2019-12-06 10:38:51.682000+00:00,43.47085,5.48509,0
+2019-01-10 10:38:49.520000+00:00,43.46876,5.48413,0
+2019-01-10 10:38:49.520000+00:00,43.47085,5.48509,0
+2015-12-27 10:47:38.736000+00:00,43.46876,5.48413,0
+2015-12-27 10:47:38.736000+00:00,43.47085,5.48509,0
+2020-11-30 10:38:54.033000+00:00,43.46876,5.48413,0
+2020-11-30 10:38:54.033000+00:00,43.47085,5.48509,0
+2020-03-20 10:38:52.106000+00:00,43.46876,5.48413,0
+2020-03-20 10:38:52.106000+00:00,43.47085,5.48509,0
+2020-07-18 10:38:55.562000+00:00,43.46876,5.48413,0
+2020-07-18 10:38:55.562000+00:00,43.47085,5.48509,0
+2017-06-29 10:30:20.460000+00:00,43.46876,5.48413,1
+2017-06-29 10:30:20.460000+00:00,43.47085,5.48509,1
+2016-09-22 10:33:57.530000+00:00,43.46876,5.48413,1
+2016-09-22 10:33:57.530000+00:00,43.47085,5.48509,1
+2017-06-09 10:30:23.460000+00:00,43.46876,5.48413,0
+2017-06-09 10:30:23.460000+00:00,43.47085,5.48509,0
+2017-08-13 10:30:20.460000+00:00,43.46876,5.48413,0
+2017-08-13 10:30:20.460000+00:00,43.47085,5.48509,0
+2017-09-07 10:30:21.460000+00:00,43.46876,5.48413,0
+2017-09-07 10:30:21.460000+00:00,43.47085,5.48509,0
+2019-04-20 10:38:57+00:00,43.46876,5.48413,0
+2019-04-20 10:38:57+00:00,43.47085,5.48509,0
+2019-03-11 10:38:49+00:00,43.46876,5.48413,0
+2019-03-11 10:38:49+00:00,43.47085,5.48509,0
+2018-10-02 10:38:21.900000+00:00,43.46876,5.48413,0
+2018-10-02 10:38:21.900000+00:00,43.47085,5.48509,0
+2021-01-24 10:38:53.997000+00:00,43.46876,5.48413,0
+2021-01-24 10:38:53.997000+00:00,43.47085,5.48509,0
+2018-07-29 10:38:15.690000+00:00,43.46876,5.48413,1
+2018-07-29 10:38:15.690000+00:00,43.47085,5.48509,1
+2019-08-03 10:39:01.873000+00:00,43.46876,5.48413,0
+2019-08-03 10:39:01.873000+00:00,43.47085,5.48509,0
+2019-11-20 16:15:12.183000+00:00,29.72905,-81.62764,1
+2019-11-20 16:15:12.183000+00:00,29.73052,-81.62645,1
+2016-11-20 16:13:53.900000+00:00,29.72905,-81.62764,1
+2016-11-20 16:13:53.900000+00:00,29.73052,-81.62645,1
+2019-07-23 16:15:16.966000+00:00,29.72905,-81.62764,1
+2019-07-23 16:15:16.966000+00:00,29.73052,-81.62645,1
+2018-04-19 16:11:03.020000+00:00,29.72905,-81.62764,1
+2018-04-19 16:11:03.020000+00:00,29.73052,-81.62645,1
+2018-08-17 16:04:40.490000+00:00,29.72905,-81.62764,1
+2018-08-17 16:04:40.490000+00:00,29.73052,-81.62645,1
+2017-09-01 16:12:36.420000+00:00,29.72905,-81.62764,1
+2017-09-01 16:12:36.420000+00:00,29.73052,-81.62645,1
+2018-05-29 16:14:38.770000+00:00,29.72905,-81.62764,1
+2018-05-29 16:14:38.770000+00:00,29.73052,-81.62645,1
+2020-09-25 16:15:17.274000+00:00,29.72905,-81.62764,1
+2020-09-25 16:15:17.274000+00:00,29.73052,-81.62645,1
+2018-03-05 16:08:54.210000+00:00,29.72905,-81.62764,1
+2018-03-05 16:08:54.210000+00:00,29.73052,-81.62645,1
+2019-04-24 16:15:21+00:00,29.72905,-81.62764,1
+2019-04-24 16:15:21+00:00,29.73052,-81.62645,1
+2017-09-26 16:07:50.040000+00:00,29.72905,-81.62764,1
+2017-09-26 16:07:50.040000+00:00,29.73052,-81.62645,1
+2017-12-20 16:06:45.460000+00:00,29.72905,-81.62764,1
+2017-12-20 16:06:45.460000+00:00,29.73052,-81.62645,1
+2018-06-13 16:11:00.410000+00:00,29.72905,-81.62764,1
+2018-06-13 16:11:00.410000+00:00,29.73052,-81.62645,1
+2020-12-29 16:15:14.524000+00:00,29.72905,-81.62764,1
+2020-12-29 16:15:14.524000+00:00,29.73052,-81.62645,1
+2018-09-16 16:07:45.200000+00:00,29.72905,-81.62764,1
+2018-09-16 16:07:45.200000+00:00,29.73052,-81.62645,1
+2017-12-10 16:06:35.460000+00:00,29.72905,-81.62764,1
+2017-12-10 16:06:35.460000+00:00,29.73052,-81.62645,1
+2020-10-30 16:15:19.751000+00:00,29.72905,-81.62764,1
+2020-10-30 16:15:19.751000+00:00,29.73052,-81.62645,1
+2020-05-08 16:15:12.610000+00:00,29.72905,-81.62764,1
+2020-05-08 16:15:12.610000+00:00,29.73052,-81.62645,1
+2016-11-30 16:13:21.960000+00:00,29.72905,-81.62764,1
+2016-11-30 16:13:21.960000+00:00,29.73052,-81.62645,1
+2018-04-04 16:05:33.100000+00:00,29.72905,-81.62764,1
+2018-04-04 16:05:33.100000+00:00,29.73052,-81.62645,1
+2018-04-14 16:06:28.210000+00:00,29.72905,-81.62764,1
+2018-04-14 16:06:28.210000+00:00,29.73052,-81.62645,1
+2018-12-25 16:15:10.860000+00:00,29.72905,-81.62764,1
+2018-12-25 16:15:10.860000+00:00,29.73052,-81.62645,1
+2020-03-04 16:15:10.336000+00:00,29.72905,-81.62764,1
+2020-03-04 16:15:10.336000+00:00,29.73052,-81.62645,1
+2020-05-23 16:15:20.441000+00:00,29.72905,-81.62764,1
+2020-05-23 16:15:20.441000+00:00,29.73052,-81.62645,1
+2018-01-04 16:06:39.460000+00:00,29.72905,-81.62764,1
+2018-01-04 16:06:39.460000+00:00,29.73052,-81.62645,1
+2020-03-14 16:15:10.858000+00:00,29.72905,-81.62764,1
+2020-03-14 16:15:10.858000+00:00,29.73052,-81.62645,1
+2016-12-30 16:12:42.017000+00:00,29.72905,-81.62764,1
+2016-12-30 16:12:42.017000+00:00,29.73052,-81.62645,1
+2018-10-16 16:08:15.200000+00:00,29.72905,-81.62764,1
+2018-10-16 16:08:15.200000+00:00,29.73052,-81.62645,1
+2017-11-25 16:06:05.460000+00:00,29.72905,-81.62764,1
+2017-11-25 16:06:05.460000+00:00,29.73052,-81.62645,1
+2017-05-09 16:13:50.360000+00:00,29.72905,-81.62764,1
+2017-05-09 16:13:50.360000+00:00,29.73052,-81.62645,1
+2016-02-14 16:11:22.038000+00:00,29.72905,-81.62764,1
+2016-02-14 16:11:22.038000+00:00,29.73052,-81.62645,1
+2018-09-21 16:11:42.620000+00:00,29.72905,-81.62764,1
+2018-09-21 16:11:42.620000+00:00,29.73052,-81.62645,1
+2018-09-06 16:04:55.240000+00:00,29.72905,-81.62764,1
+2018-09-06 16:04:55.240000+00:00,29.73052,-81.62645,1
+2020-02-03 16:15:06.461000+00:00,29.72905,-81.62764,1
+2020-02-03 16:15:06.461000+00:00,29.73052,-81.62645,1
+2020-04-28 16:15:10.230000+00:00,29.72905,-81.62764,1
+2020-04-28 16:15:10.230000+00:00,29.73052,-81.62645,1
+2019-03-10 16:15:09+00:00,29.72905,-81.62764,1
+2019-03-10 16:15:09+00:00,29.73052,-81.62645,1
+2018-06-28 16:06:01.250000+00:00,29.72905,-81.62764,1
+2018-06-28 16:06:01.250000+00:00,29.73052,-81.62645,1
+2018-11-30 16:15:06.030000+00:00,29.72905,-81.62764,1
+2018-11-30 16:15:06.030000+00:00,29.73052,-81.62645,1
+2019-05-04 16:15:22+00:00,29.72905,-81.62764,1
+2019-05-04 16:15:22+00:00,29.73052,-81.62645,1
+2018-03-15 16:06:47.100000+00:00,29.72905,-81.62764,1
+2018-03-15 16:06:47.100000+00:00,29.73052,-81.62645,1
+2018-10-31 16:10:37.100000+00:00,29.72905,-81.62764,1
+2018-10-31 16:10:37.100000+00:00,29.73052,-81.62645,1
+2019-05-14 16:15:23+00:00,29.72905,-81.62764,1
+2019-05-14 16:15:23+00:00,29.73052,-81.62645,1
+2016-07-13 16:13:21.504000+00:00,29.72905,-81.62764,1
+2016-07-13 16:13:21.504000+00:00,29.73052,-81.62645,1
+2017-11-20 16:14:45.840000+00:00,29.72905,-81.62764,1
+2017-11-20 16:14:45.840000+00:00,29.73052,-81.62645,1
+2019-12-15 16:15:09.465000+00:00,29.72905,-81.62764,1
+2019-12-15 16:15:09.465000+00:00,29.73052,-81.62645,1
+2017-11-05 10:13:28.650000+00:00,51.83552,14.46186,1
+2017-11-05 10:13:28.650000+00:00,51.83561,14.45769,1
+2017-11-05 10:13:28.650000+00:00,51.83567,14.45352,1
+2017-11-05 10:13:28.650000+00:00,51.83658,14.46244,1
+2017-11-05 10:13:28.650000+00:00,51.83661,14.45822,1
+2017-11-05 10:13:28.650000+00:00,51.83667,14.45402,1
+2017-11-05 10:13:28.650000+00:00,51.8376,14.46295,1
+2017-11-05 10:13:28.650000+00:00,51.83766,14.45877,1
+2017-11-05 10:13:28.650000+00:00,51.83771,14.45458,1
+2016-09-26 10:10:19.460000+00:00,51.83552,14.46186,1
+2016-09-26 10:10:19.460000+00:00,51.83561,14.45769,1
+2016-09-26 10:10:19.460000+00:00,51.83567,14.45352,1
+2016-09-26 10:10:19.460000+00:00,51.83658,14.46244,1
+2016-09-26 10:10:19.460000+00:00,51.83661,14.45822,1
+2016-09-26 10:10:19.460000+00:00,51.83667,14.45402,1
+2016-09-26 10:10:19.460000+00:00,51.8376,14.46295,1
+2016-09-26 10:10:19.460000+00:00,51.83766,14.45877,1
+2016-09-26 10:10:19.460000+00:00,51.83771,14.45458,1
+2018-07-23 10:10:36.890000+00:00,51.83552,14.46186,1
+2018-07-23 10:10:36.890000+00:00,51.83561,14.45769,1
+2018-07-23 10:10:36.890000+00:00,51.83567,14.45352,1
+2018-07-23 10:10:36.890000+00:00,51.83658,14.46244,1
+2018-07-23 10:10:36.890000+00:00,51.83661,14.45822,1
+2018-07-23 10:10:36.890000+00:00,51.83667,14.45402,1
+2018-07-23 10:10:36.890000+00:00,51.8376,14.46295,1
+2018-07-23 10:10:36.890000+00:00,51.83766,14.45877,1
+2018-07-23 10:10:36.890000+00:00,51.83771,14.45458,1
+2018-04-19 10:14:57.040000+00:00,51.83552,14.46186,1
+2018-04-19 10:14:57.040000+00:00,51.83561,14.45769,1
+2018-04-19 10:14:57.040000+00:00,51.83567,14.45352,1
+2018-04-19 10:14:57.040000+00:00,51.83658,14.46244,1
+2018-04-19 10:14:57.040000+00:00,51.83661,14.45822,1
+2018-04-19 10:14:57.040000+00:00,51.83667,14.45402,1
+2018-04-19 10:14:57.040000+00:00,51.8376,14.46295,1
+2018-04-19 10:14:57.040000+00:00,51.83766,14.45877,1
+2018-04-19 10:14:57.040000+00:00,51.83771,14.45458,1
+2017-08-17 10:10:21.460000+00:00,51.83552,14.46186,1
+2017-08-17 10:10:21.460000+00:00,51.83561,14.45769,1
+2017-08-17 10:10:21.460000+00:00,51.83567,14.45352,1
+2017-08-17 10:10:21.460000+00:00,51.83658,14.46244,1
+2017-08-17 10:10:21.460000+00:00,51.83661,14.45822,1
+2017-08-17 10:10:21.460000+00:00,51.83667,14.45402,1
+2017-08-17 10:10:21.460000+00:00,51.8376,14.46295,1
+2017-08-17 10:10:21.460000+00:00,51.83766,14.45877,1
+2017-08-17 10:10:21.460000+00:00,51.83771,14.45458,1
+2019-08-22 10:16:25.404000+00:00,51.83552,14.46186,1
+2019-08-22 10:16:25.404000+00:00,51.83561,14.45769,1
+2019-08-22 10:16:25.404000+00:00,51.83567,14.45352,1
+2019-08-22 10:16:25.404000+00:00,51.83658,14.46244,1
+2019-08-22 10:16:25.404000+00:00,51.83661,14.45822,1
+2019-08-22 10:16:25.404000+00:00,51.83667,14.45402,1
+2019-08-22 10:16:25.404000+00:00,51.8376,14.46295,1
+2019-08-22 10:16:25.404000+00:00,51.83766,14.45877,1
+2019-08-22 10:16:25.404000+00:00,51.83771,14.45458,1
+2020-06-27 10:16:28.562000+00:00,51.83552,14.46186,1
+2020-06-27 10:16:28.562000+00:00,51.83561,14.45769,1
+2020-06-27 10:16:28.562000+00:00,51.83567,14.45352,1
+2020-06-27 10:16:28.562000+00:00,51.83658,14.46244,1
+2020-06-27 10:16:28.562000+00:00,51.83661,14.45822,1
+2020-06-27 10:16:28.562000+00:00,51.83667,14.45402,1
+2020-06-27 10:16:28.562000+00:00,51.8376,14.46295,1
+2020-06-27 10:16:28.562000+00:00,51.83766,14.45877,1
+2020-06-27 10:16:28.562000+00:00,51.83771,14.45458,1
+2019-12-20 10:16:17.169000+00:00,51.83552,14.46186,1
+2019-12-20 10:16:17.169000+00:00,51.83561,14.45769,1
+2019-12-20 10:16:17.169000+00:00,51.83567,14.45352,1
+2019-12-20 10:16:17.169000+00:00,51.83658,14.46244,1
+2019-12-20 10:16:17.169000+00:00,51.83661,14.45822,1
+2019-12-20 10:16:17.169000+00:00,51.83667,14.45402,1
+2019-12-20 10:16:17.169000+00:00,51.8376,14.46295,1
+2019-12-20 10:16:17.169000+00:00,51.83766,14.45877,1
+2019-12-20 10:16:17.169000+00:00,51.83771,14.45458,1
+2020-08-21 10:16:26.699000+00:00,51.83552,14.46186,1
+2020-08-21 10:16:26.699000+00:00,51.83561,14.45769,1
+2020-08-21 10:16:26.699000+00:00,51.83567,14.45352,1
+2020-08-21 10:16:26.699000+00:00,51.83658,14.46244,1
+2020-08-21 10:16:26.699000+00:00,51.83661,14.45822,1
+2020-08-21 10:16:26.699000+00:00,51.83667,14.45402,1
+2020-08-21 10:16:26.699000+00:00,51.8376,14.46295,1
+2020-08-21 10:16:26.699000+00:00,51.83766,14.45877,1
+2020-08-21 10:16:26.699000+00:00,51.83771,14.45458,1
+2016-05-09 10:10:30.463000+00:00,51.83552,14.46186,1
+2016-05-09 10:10:30.463000+00:00,51.83561,14.45769,1
+2016-05-09 10:10:30.463000+00:00,51.83567,14.45352,1
+2016-05-09 10:10:30.463000+00:00,51.83658,14.46244,1
+2016-05-09 10:10:30.463000+00:00,51.83661,14.45822,1
+2016-05-09 10:10:30.463000+00:00,51.83667,14.45402,1
+2016-05-09 10:10:30.463000+00:00,51.8376,14.46295,1
+2016-05-09 10:10:30.463000+00:00,51.83766,14.45877,1
+2016-05-09 10:10:30.463000+00:00,51.83771,14.45458,1
+2020-05-18 10:16:28.567000+00:00,51.83552,14.46186,1
+2020-05-18 10:16:28.567000+00:00,51.83561,14.45769,1
+2020-05-18 10:16:28.567000+00:00,51.83567,14.45352,1
+2020-05-18 10:16:28.567000+00:00,51.83658,14.46244,1
+2020-05-18 10:16:28.567000+00:00,51.83661,14.45822,1
+2020-05-18 10:16:28.567000+00:00,51.83667,14.45402,1
+2020-05-18 10:16:28.567000+00:00,51.8376,14.46295,1
+2020-05-18 10:16:28.567000+00:00,51.83766,14.45877,1
+2020-05-18 10:16:28.567000+00:00,51.83771,14.45458,1
+2018-12-05 10:16:14.760000+00:00,51.83552,14.46186,1
+2018-12-05 10:16:14.760000+00:00,51.83561,14.45769,1
+2018-12-05 10:16:14.760000+00:00,51.83567,14.45352,1
+2018-12-05 10:16:14.760000+00:00,51.83658,14.46244,1
+2018-12-05 10:16:14.760000+00:00,51.83661,14.45822,1
+2018-12-05 10:16:14.760000+00:00,51.83667,14.45402,1
+2018-12-05 10:16:14.760000+00:00,51.8376,14.46295,1
+2018-12-05 10:16:14.760000+00:00,51.83766,14.45877,1
+2018-12-05 10:16:14.760000+00:00,51.83771,14.45458,1
+2019-05-24 10:16:26+00:00,51.83552,14.46186,1
+2019-05-24 10:16:26+00:00,51.83561,14.45769,1
+2019-05-24 10:16:26+00:00,51.83567,14.45352,1
+2019-05-24 10:16:26+00:00,51.83658,14.46244,1
+2019-05-24 10:16:26+00:00,51.83661,14.45822,1
+2019-05-24 10:16:26+00:00,51.83667,14.45402,1
+2019-05-24 10:16:26+00:00,51.8376,14.46295,1
+2019-05-24 10:16:26+00:00,51.83766,14.45877,1
+2019-05-24 10:16:26+00:00,51.83771,14.45458,1
+2016-09-16 10:10:45.710000+00:00,51.83552,14.46186,1
+2016-09-16 10:10:45.710000+00:00,51.83561,14.45769,1
+2016-09-16 10:10:45.710000+00:00,51.83567,14.45352,1
+2016-09-16 10:10:45.710000+00:00,51.83658,14.46244,1
+2016-09-16 10:10:45.710000+00:00,51.83661,14.45822,1
+2016-09-16 10:10:45.710000+00:00,51.83667,14.45402,1
+2016-09-16 10:10:45.710000+00:00,51.8376,14.46295,1
+2016-09-16 10:10:45.710000+00:00,51.83766,14.45877,1
+2016-09-16 10:10:45.710000+00:00,51.83771,14.45458,1
+2017-09-11 10:10:22.460000+00:00,51.83552,14.46186,1
+2017-09-11 10:10:22.460000+00:00,51.83561,14.45769,1
+2017-09-11 10:10:22.460000+00:00,51.83567,14.45352,1
+2017-09-11 10:10:22.460000+00:00,51.83658,14.46244,1
+2017-09-11 10:10:22.460000+00:00,51.83661,14.45822,1
+2017-09-11 10:10:22.460000+00:00,51.83667,14.45402,1
+2017-09-11 10:10:22.460000+00:00,51.8376,14.46295,1
+2017-09-11 10:10:22.460000+00:00,51.83766,14.45877,1
+2017-09-11 10:10:22.460000+00:00,51.83771,14.45458,1
+2015-07-24 10:10:08+00:00,51.83552,14.46186,1
+2015-07-24 10:10:08+00:00,51.83561,14.45769,1
+2015-07-24 10:10:08+00:00,51.83567,14.45352,1
+2015-07-24 10:10:08+00:00,51.83658,14.46244,1
+2015-07-24 10:10:08+00:00,51.83661,14.45822,1
+2015-07-24 10:10:08+00:00,51.83667,14.45402,1
+2015-07-24 10:10:08+00:00,51.8376,14.46295,1
+2015-07-24 10:10:08+00:00,51.83766,14.45877,1
+2015-07-24 10:10:08+00:00,51.83771,14.45458,1
+2019-04-04 10:16:23+00:00,51.83552,14.46186,1
+2019-04-04 10:16:23+00:00,51.83561,14.45769,1
+2019-04-04 10:16:23+00:00,51.83567,14.45352,1
+2019-04-04 10:16:23+00:00,51.83658,14.46244,1
+2019-04-04 10:16:23+00:00,51.83661,14.45822,1
+2019-04-04 10:16:23+00:00,51.83667,14.45402,1
+2019-04-04 10:16:23+00:00,51.8376,14.46295,1
+2019-04-04 10:16:23+00:00,51.83766,14.45877,1
+2019-04-04 10:16:23+00:00,51.83771,14.45458,1
+2020-08-16 10:16:29.034000+00:00,51.83552,14.46186,1
+2020-08-16 10:16:29.034000+00:00,51.83561,14.45769,1
+2020-08-16 10:16:29.034000+00:00,51.83567,14.45352,1
+2020-08-16 10:16:29.034000+00:00,51.83658,14.46244,1
+2020-08-16 10:16:29.034000+00:00,51.83661,14.45822,1
+2020-08-16 10:16:29.034000+00:00,51.83667,14.45402,1
+2020-08-16 10:16:29.034000+00:00,51.8376,14.46295,1
+2020-08-16 10:16:29.034000+00:00,51.83766,14.45877,1
+2020-08-16 10:16:29.034000+00:00,51.83771,14.45458,1
+2020-12-19 10:16:18.999000+00:00,51.83552,14.46186,1
+2020-12-19 10:16:18.999000+00:00,51.83561,14.45769,1
+2020-12-19 10:16:18.999000+00:00,51.83567,14.45352,1
+2020-12-19 10:16:18.999000+00:00,51.83658,14.46244,1
+2020-12-19 10:16:18.999000+00:00,51.83661,14.45822,1
+2020-12-19 10:16:18.999000+00:00,51.83667,14.45402,1
+2020-12-19 10:16:18.999000+00:00,51.8376,14.46295,1
+2020-12-19 10:16:18.999000+00:00,51.83766,14.45877,1
+2020-12-19 10:16:18.999000+00:00,51.83771,14.45458,1
+2020-07-02 10:16:25.462000+00:00,51.83552,14.46186,1
+2020-07-02 10:16:25.462000+00:00,51.83561,14.45769,1
+2020-07-02 10:16:25.462000+00:00,51.83567,14.45352,1
+2020-07-02 10:16:25.462000+00:00,51.83658,14.46244,1
+2020-07-02 10:16:25.462000+00:00,51.83661,14.45822,1
+2020-07-02 10:16:25.462000+00:00,51.83667,14.45402,1
+2020-07-02 10:16:25.462000+00:00,51.8376,14.46295,1
+2020-07-02 10:16:25.462000+00:00,51.83766,14.45877,1
+2020-07-02 10:16:25.462000+00:00,51.83771,14.45458,1
+2019-06-03 10:16:25+00:00,51.83552,14.46186,1
+2019-06-03 10:16:25+00:00,51.83561,14.45769,1
+2019-06-03 10:16:25+00:00,51.83567,14.45352,1
+2019-06-03 10:16:25+00:00,51.83658,14.46244,1
+2019-06-03 10:16:25+00:00,51.83661,14.45822,1
+2019-06-03 10:16:25+00:00,51.83667,14.45402,1
+2019-06-03 10:16:25+00:00,51.8376,14.46295,1
+2019-06-03 10:16:25+00:00,51.83766,14.45877,1
+2019-06-03 10:16:25+00:00,51.83771,14.45458,1
+2020-08-11 10:16:26.583000+00:00,51.83552,14.46186,1
+2020-08-11 10:16:26.583000+00:00,51.83561,14.45769,1
+2020-08-11 10:16:26.583000+00:00,51.83567,14.45352,1
+2020-08-11 10:16:26.583000+00:00,51.83658,14.46244,1
+2020-08-11 10:16:26.583000+00:00,51.83661,14.45822,1
+2020-08-11 10:16:26.583000+00:00,51.83667,14.45402,1
+2020-08-11 10:16:26.583000+00:00,51.8376,14.46295,1
+2020-08-11 10:16:26.583000+00:00,51.83766,14.45877,1
+2020-08-11 10:16:26.583000+00:00,51.83771,14.45458,1
+2020-01-24 10:16:16.253000+00:00,51.83552,14.46186,1
+2020-01-24 10:16:16.253000+00:00,51.83561,14.45769,1
+2020-01-24 10:16:16.253000+00:00,51.83567,14.45352,1
+2020-01-24 10:16:16.253000+00:00,51.83658,14.46244,1
+2020-01-24 10:16:16.253000+00:00,51.83661,14.45822,1
+2020-01-24 10:16:16.253000+00:00,51.83667,14.45402,1
+2020-01-24 10:16:16.253000+00:00,51.8376,14.46295,1
+2020-01-24 10:16:16.253000+00:00,51.83766,14.45877,1
+2020-01-24 10:16:16.253000+00:00,51.83771,14.45458,1
+2019-03-20 10:16:22+00:00,51.83552,14.46186,1
+2019-03-20 10:16:22+00:00,51.83561,14.45769,1
+2019-03-20 10:16:22+00:00,51.83567,14.45352,1
+2019-03-20 10:16:22+00:00,51.83658,14.46244,1
+2019-03-20 10:16:22+00:00,51.83661,14.45822,1
+2019-03-20 10:16:22+00:00,51.83667,14.45402,1
+2019-03-20 10:16:22+00:00,51.8376,14.46295,1
+2019-03-20 10:16:22+00:00,51.83766,14.45877,1
+2019-03-20 10:16:22+00:00,51.83771,14.45458,1
+2020-04-23 10:16:17.423000+00:00,51.83552,14.46186,1
+2020-04-23 10:16:17.423000+00:00,51.83561,14.45769,1
+2020-04-23 10:16:17.423000+00:00,51.83567,14.45352,1
+2020-04-23 10:16:17.423000+00:00,51.83658,14.46244,1
+2020-04-23 10:16:17.423000+00:00,51.83661,14.45822,1
+2020-04-23 10:16:17.423000+00:00,51.83667,14.45402,1
+2020-04-23 10:16:17.423000+00:00,51.8376,14.46295,1
+2020-04-23 10:16:17.423000+00:00,51.83766,14.45877,1
+2020-04-23 10:16:17.423000+00:00,51.83771,14.45458,1
+2018-04-29 10:12:58.990000+00:00,51.83552,14.46186,1
+2018-04-29 10:12:58.990000+00:00,51.83561,14.45769,1
+2018-04-29 10:12:58.990000+00:00,51.83567,14.45352,1
+2018-04-29 10:12:58.990000+00:00,51.83658,14.46244,1
+2018-04-29 10:12:58.990000+00:00,51.83661,14.45822,1
+2018-04-29 10:12:58.990000+00:00,51.83667,14.45402,1
+2018-04-29 10:12:58.990000+00:00,51.8376,14.46295,1
+2018-04-29 10:12:58.990000+00:00,51.83766,14.45877,1
+2018-04-29 10:12:58.990000+00:00,51.83771,14.45458,1
+2019-08-27 10:16:27.495000+00:00,51.83552,14.46186,1
+2019-08-27 10:16:27.495000+00:00,51.83561,14.45769,1
+2019-08-27 10:16:27.495000+00:00,51.83567,14.45352,1
+2019-08-27 10:16:27.495000+00:00,51.83658,14.46244,1
+2019-08-27 10:16:27.495000+00:00,51.83661,14.45822,1
+2019-08-27 10:16:27.495000+00:00,51.83667,14.45402,1
+2019-08-27 10:16:27.495000+00:00,51.8376,14.46295,1
+2019-08-27 10:16:27.495000+00:00,51.83766,14.45877,1
+2019-08-27 10:16:27.495000+00:00,51.83771,14.45458,1
+2016-06-16 16:22:33.196000+00:00,38.47321,-81.82017,1
+2016-06-16 16:22:33.196000+00:00,38.4747,-81.82118,1
+2016-06-16 16:22:33.196000+00:00,38.47637,-81.82185,1
+2019-09-29 16:22:47.460000+00:00,38.47321,-81.82017,1
+2019-09-29 16:22:47.460000+00:00,38.4747,-81.82118,1
+2019-09-29 16:22:47.460000+00:00,38.47637,-81.82185,1
+2020-09-23 16:22:51.138000+00:00,38.47321,-81.82017,1
+2020-09-23 16:22:51.138000+00:00,38.4747,-81.82118,1
+2020-09-23 16:22:51.138000+00:00,38.47637,-81.82185,1
+2020-02-16 16:22:39.608000+00:00,38.47321,-81.82017,1
+2020-02-16 16:22:39.608000+00:00,38.4747,-81.82118,1
+2020-02-16 16:22:39.608000+00:00,38.47637,-81.82185,1
+2020-12-22 16:22:44.842000+00:00,38.47321,-81.82017,1
+2020-12-22 16:22:44.842000+00:00,38.4747,-81.82118,1
+2020-12-22 16:22:44.842000+00:00,38.47637,-81.82185,1
+2019-12-23 16:22:40.971000+00:00,38.47321,-81.82017,1
+2019-12-23 16:22:40.971000+00:00,38.4747,-81.82118,1
+2019-12-23 16:22:40.971000+00:00,38.47637,-81.82185,1
+2020-08-19 16:22:49.493000+00:00,38.47321,-81.82017,1
+2020-08-19 16:22:49.493000+00:00,38.4747,-81.82118,1
+2020-08-19 16:22:49.493000+00:00,38.47637,-81.82185,1
+2019-08-25 16:22:50.592000+00:00,38.47321,-81.82017,1
+2019-08-25 16:22:50.592000+00:00,38.4747,-81.82118,1
+2019-08-25 16:22:50.592000+00:00,38.47637,-81.82185,1
+2020-10-23 16:22:51.289000+00:00,38.47321,-81.82017,1
+2020-10-23 16:22:51.289000+00:00,38.4747,-81.82118,1
+2020-10-23 16:22:51.289000+00:00,38.47637,-81.82185,1
+2020-05-31 16:22:47.510000+00:00,38.47321,-81.82017,1
+2020-05-31 16:22:47.510000+00:00,38.4747,-81.82118,1
+2020-05-31 16:22:47.510000+00:00,38.47637,-81.82185,1
+2018-06-06 16:19:35.230000+00:00,38.47321,-81.82017,1
+2018-06-06 16:19:35.230000+00:00,38.4747,-81.82118,1
+2018-06-06 16:19:35.230000+00:00,38.47637,-81.82185,1
+2018-07-01 16:18:21.900000+00:00,38.47321,-81.82017,1
+2018-07-01 16:18:21.900000+00:00,38.4747,-81.82118,1
+2018-07-01 16:18:21.900000+00:00,38.47637,-81.82185,1
+2019-06-26 16:22:54+00:00,38.47321,-81.82017,1
+2019-06-26 16:22:54+00:00,38.4747,-81.82118,1
+2019-06-26 16:22:54+00:00,38.47637,-81.82185,1
+2018-07-11 16:21:02.090000+00:00,38.47321,-81.82017,1
+2018-07-11 16:21:02.090000+00:00,38.4747,-81.82118,1
+2018-07-11 16:21:02.090000+00:00,38.47637,-81.82185,1
+2020-10-03 16:22:51.735000+00:00,38.47321,-81.82017,1
+2020-10-03 16:22:51.735000+00:00,38.4747,-81.82118,1
+2020-10-03 16:22:51.735000+00:00,38.47637,-81.82185,1
+2019-09-24 16:22:45.731000+00:00,38.47321,-81.82017,0
+2019-09-24 16:22:45.731000+00:00,38.4747,-81.82118,0
+2019-09-24 16:22:45.731000+00:00,38.47637,-81.82185,0
+2018-03-23 16:21:53.870000+00:00,38.47321,-81.82017,1
+2018-03-23 16:21:53.870000+00:00,38.4747,-81.82118,1
+2018-03-23 16:21:53.870000+00:00,38.47637,-81.82185,1
+2018-09-19 16:15:37.060000+00:00,38.47321,-81.82017,1
+2018-09-19 16:15:37.060000+00:00,38.4747,-81.82118,1
+2018-09-19 16:15:37.060000+00:00,38.47637,-81.82185,1
+2018-01-02 16:16:44.460000+00:00,38.47321,-81.82017,1
+2018-01-02 16:16:44.460000+00:00,38.4747,-81.82118,1
+2018-01-02 16:16:44.460000+00:00,38.47637,-81.82185,1
+2019-06-11 16:22:48+00:00,38.47321,-81.82017,1
+2019-06-11 16:22:48+00:00,38.4747,-81.82118,1
+2019-06-11 16:22:48+00:00,38.47637,-81.82185,1
+2019-10-29 16:22:49.202000+00:00,38.47321,-81.82017,1
+2019-10-29 16:22:49.202000+00:00,38.4747,-81.82118,1
+2019-10-29 16:22:49.202000+00:00,38.47637,-81.82185,1
+2019-02-16 16:22:45+00:00,38.47321,-81.82017,1
+2019-02-16 16:22:45+00:00,38.4747,-81.82118,1
+2019-02-16 16:22:45+00:00,38.47637,-81.82185,1
+2019-05-02 10:26:37+00:00,51.40037,11.94748,1
+2019-05-02 10:26:37+00:00,51.40095,11.94893,1
+2020-05-21 10:26:34.995000+00:00,51.40037,11.94748,1
+2020-05-21 10:26:34.995000+00:00,51.40095,11.94893,1
+2018-05-12 10:21:48.440000+00:00,51.40037,11.94748,1
+2018-05-12 10:21:48.440000+00:00,51.40095,11.94893,1
+2018-06-06 10:25:12.690000+00:00,51.40037,11.94748,1
+2018-06-06 10:25:12.690000+00:00,51.40095,11.94893,1
+2021-02-20 10:26:27.184000+00:00,51.40037,11.94748,1
+2021-02-20 10:26:27.184000+00:00,51.40095,11.94893,1
+2018-02-16 10:26:01.900000+00:00,51.40037,11.94748,1
+2018-02-16 10:26:01.900000+00:00,51.40095,11.94893,1
+2019-08-25 10:26:31.069000+00:00,51.40037,11.94748,1
+2019-08-25 10:26:31.069000+00:00,51.40095,11.94893,1
+2020-11-07 10:26:33.816000+00:00,51.40037,11.94748,1
+2020-11-07 10:26:33.816000+00:00,51.40095,11.94893,1
+2020-04-21 10:26:30.385000+00:00,51.40037,11.94748,1
+2020-04-21 10:26:30.385000+00:00,51.40095,11.94893,1
+2020-04-01 10:26:25.222000+00:00,51.40037,11.94748,1
+2020-04-01 10:26:25.222000+00:00,51.40095,11.94893,1
+2017-08-25 10:21:14.960000+00:00,51.40037,11.94748,1
+2017-08-25 10:21:14.960000+00:00,51.40095,11.94893,1
+2018-11-18 10:26:23.010000+00:00,51.40037,11.94748,1
+2018-11-18 10:26:23.010000+00:00,51.40095,11.94893,1
+2018-07-26 10:21:50.650000+00:00,51.40037,11.94748,1
+2018-07-26 10:21:50.650000+00:00,51.40095,11.94893,1
+2020-07-30 10:26:35.093000+00:00,51.40037,11.94748,1
+2020-07-30 10:26:35.093000+00:00,51.40095,11.94893,1
+2021-04-21 10:26:20.125000+00:00,51.40037,11.94748,1
+2021-04-21 10:26:20.125000+00:00,51.40095,11.94893,1
+2019-08-30 10:26:33.073000+00:00,51.40037,11.94748,1
+2019-08-30 10:26:33.073000+00:00,51.40095,11.94893,1
+2020-08-29 10:26:34.422000+00:00,51.40037,11.94748,1
+2020-08-29 10:26:34.422000+00:00,51.40095,11.94893,1
+2018-05-07 10:20:22.460000+00:00,51.40037,11.94748,1
+2018-05-07 10:20:22.460000+00:00,51.40095,11.94893,1
+2018-04-22 10:21:15.970000+00:00,51.40037,11.94748,1
+2018-04-22 10:21:15.970000+00:00,51.40095,11.94893,1
+2020-08-04 10:26:32.443000+00:00,51.40037,11.94748,1
+2020-08-04 10:26:32.443000+00:00,51.40095,11.94893,1
+2018-04-02 10:24:35+00:00,51.40037,11.94748,1
+2018-04-02 10:24:35+00:00,51.40095,11.94893,1
+2019-03-13 10:26:26+00:00,51.40037,11.94748,1
+2019-03-13 10:26:26+00:00,51.40095,11.94893,1
+2020-01-02 10:26:23.818000+00:00,51.40037,11.94748,1
+2020-01-02 10:26:23.818000+00:00,51.40095,11.94893,1
+2018-08-10 10:20:23.460000+00:00,51.40037,11.94748,1
+2018-08-10 10:20:23.460000+00:00,51.40095,11.94893,1
+2020-09-18 10:26:34.022000+00:00,51.40037,11.94748,1
+2020-09-18 10:26:34.022000+00:00,51.40095,11.94893,1
+2019-04-17 10:26:31+00:00,51.40037,11.94748,1
+2019-04-17 10:26:31+00:00,51.40095,11.94893,1
+2016-05-02 10:20:27.462000+00:00,51.40037,11.94748,1
+2016-05-02 10:20:27.462000+00:00,51.40095,11.94893,1
+2019-08-07 09:28:56.814000+00:00,42.28165,23.03247,1
+2019-08-07 09:28:56.814000+00:00,42.28258,23.03434,1
+2019-08-07 09:28:56.814000+00:00,42.28274,23.03264,1
+2017-09-06 09:25:48.550000+00:00,42.28165,23.03247,1
+2017-09-06 09:25:48.550000+00:00,42.28258,23.03434,1
+2017-09-06 09:25:48.550000+00:00,42.28274,23.03264,1
+2016-12-10 09:23:56.460000+00:00,42.28165,23.03247,1
+2016-12-10 09:23:56.460000+00:00,42.28258,23.03434,1
+2016-12-10 09:23:56.460000+00:00,42.28274,23.03264,1
+2020-10-30 09:28:57.860000+00:00,42.28165,23.03247,1
+2020-10-30 09:28:57.860000+00:00,42.28258,23.03434,1
+2020-10-30 09:28:57.860000+00:00,42.28274,23.03264,1
+2017-08-17 09:26:15.810000+00:00,42.28165,23.03247,1
+2017-08-17 09:26:15.810000+00:00,42.28258,23.03434,1
+2017-08-17 09:26:15.810000+00:00,42.28274,23.03264,1
+2017-11-25 09:23:16.460000+00:00,42.28165,23.03247,1
+2017-11-25 09:23:16.460000+00:00,42.28258,23.03434,1
+2017-11-25 09:23:16.460000+00:00,42.28274,23.03264,1
+2020-10-20 09:28:58.187000+00:00,42.28165,23.03247,1
+2020-10-20 09:28:58.187000+00:00,42.28258,23.03434,1
+2020-10-20 09:28:58.187000+00:00,42.28274,23.03264,1
+2019-10-16 09:28:55.799000+00:00,42.28165,23.03247,1
+2019-10-16 09:28:55.799000+00:00,42.28258,23.03434,1
+2019-10-16 09:28:55.799000+00:00,42.28274,23.03264,1
+2018-04-14 09:20:29.460000+00:00,42.28165,23.03247,1
+2018-04-14 09:20:29.460000+00:00,42.28258,23.03434,1
+2018-04-14 09:20:29.460000+00:00,42.28274,23.03264,1
+2017-02-28 09:27:13.746000+00:00,42.28165,23.03247,1
+2017-02-28 09:27:13.746000+00:00,42.28258,23.03434,1
+2017-02-28 09:27:13.746000+00:00,42.28274,23.03264,1
+2017-06-28 09:28:15.470000+00:00,42.28165,23.03247,1
+2017-06-28 09:28:15.470000+00:00,42.28258,23.03434,1
+2017-06-28 09:28:15.470000+00:00,42.28274,23.03264,1
+2018-07-28 09:26:58.710000+00:00,42.28165,23.03247,1
+2018-07-28 09:26:58.710000+00:00,42.28258,23.03434,1
+2018-07-28 09:26:58.710000+00:00,42.28274,23.03264,1
+2019-04-04 09:28:55+00:00,42.28165,23.03247,1
+2019-04-04 09:28:55+00:00,42.28258,23.03434,1
+2019-04-04 09:28:55+00:00,42.28274,23.03264,1
+2020-02-03 09:28:44.598000+00:00,42.28165,23.03247,0
+2020-02-03 09:28:44.598000+00:00,42.28258,23.03434,0
+2020-02-03 09:28:44.598000+00:00,42.28274,23.03264,0
+2019-10-11 09:28:53.812000+00:00,42.28165,23.03247,1
+2019-10-11 09:28:53.812000+00:00,42.28258,23.03434,1
+2019-10-11 09:28:53.812000+00:00,42.28274,23.03264,1
+2017-08-27 09:28:18.470000+00:00,42.28165,23.03247,1
+2017-08-27 09:28:18.470000+00:00,42.28258,23.03434,1
+2017-08-27 09:28:18.470000+00:00,42.28274,23.03264,1
+2015-12-26 09:31:55.860000+00:00,42.28165,23.03247,1
+2015-12-26 09:31:55.860000+00:00,42.28258,23.03434,1
+2015-12-26 09:31:55.860000+00:00,42.28274,23.03264,1
+2021-02-02 09:28:52.250000+00:00,42.28165,23.03247,1
+2021-02-02 09:28:52.250000+00:00,42.28258,23.03434,1
+2021-02-02 09:28:52.250000+00:00,42.28274,23.03264,1
+2018-04-29 09:24:07.530000+00:00,42.28165,23.03247,1
+2018-04-29 09:24:07.530000+00:00,42.28258,23.03434,1
+2018-04-29 09:24:07.530000+00:00,42.28274,23.03264,1
+2017-09-16 09:20:25.460000+00:00,42.28165,23.03247,1
+2017-09-16 09:20:25.460000+00:00,42.28258,23.03434,1
+2017-09-16 09:20:25.460000+00:00,42.28274,23.03264,1
+2018-10-26 09:26:37.420000+00:00,42.28165,23.03247,1
+2018-10-26 09:26:37.420000+00:00,42.28258,23.03434,1
+2018-10-26 09:26:37.420000+00:00,42.28274,23.03264,1
+2020-02-08 09:28:47.143000+00:00,42.28165,23.03247,1
+2020-02-08 09:28:47.143000+00:00,42.28258,23.03434,1
+2020-02-08 09:28:47.143000+00:00,42.28274,23.03264,1
+2017-02-18 09:27:38.389000+00:00,42.28165,23.03247,1
+2017-02-18 09:27:38.389000+00:00,42.28258,23.03434,1
+2017-02-18 09:27:38.389000+00:00,42.28274,23.03264,1
+2017-12-25 09:28:07.180000+00:00,42.28165,23.03247,1
+2017-12-25 09:28:07.180000+00:00,42.28258,23.03434,1
+2017-12-25 09:28:07.180000+00:00,42.28274,23.03264,1
+2016-09-11 09:28:37.120000+00:00,42.28165,23.03247,1
+2016-09-11 09:28:37.120000+00:00,42.28258,23.03434,1
+2016-09-11 09:28:37.120000+00:00,42.28274,23.03264,1
+2018-02-28 09:25:36.940000+00:00,42.28165,23.03247,1
+2018-02-28 09:25:36.940000+00:00,42.28258,23.03434,1
+2018-02-28 09:25:36.940000+00:00,42.28274,23.03264,1
+2020-09-25 09:28:55.328000+00:00,42.28165,23.03247,1
+2020-09-25 09:28:55.328000+00:00,42.28258,23.03434,1
+2020-09-25 09:28:55.328000+00:00,42.28274,23.03264,1
+2020-04-18 09:28:47.891000+00:00,42.28165,23.03247,0
+2020-04-18 09:28:47.891000+00:00,42.28258,23.03434,0
+2020-04-18 09:28:47.891000+00:00,42.28274,23.03264,0
+2021-03-19 09:28:51.761000+00:00,42.28165,23.03247,1
+2021-03-19 09:28:51.761000+00:00,42.28258,23.03434,1
+2021-03-19 09:28:51.761000+00:00,42.28274,23.03264,1
+2016-07-13 09:20:32.463000+00:00,42.28165,23.03247,1
+2016-07-13 09:20:32.463000+00:00,42.28258,23.03434,1
+2016-07-13 09:20:32.463000+00:00,42.28274,23.03264,1
+2017-07-13 09:20:28.460000+00:00,42.28165,23.03247,1
+2017-07-13 09:20:28.460000+00:00,42.28258,23.03434,1
+2017-07-13 09:20:28.460000+00:00,42.28274,23.03264,1
+2021-01-18 09:28:53.548000+00:00,42.28165,23.03247,1
+2021-01-18 09:28:53.548000+00:00,42.28258,23.03434,1
+2021-01-18 09:28:53.548000+00:00,42.28274,23.03264,1
+2019-12-15 09:28:47.646000+00:00,42.28165,23.03247,1
+2019-12-15 09:28:47.646000+00:00,42.28258,23.03434,1
+2019-12-15 09:28:47.646000+00:00,42.28274,23.03264,1
+2017-08-22 09:20:24.460000+00:00,42.28165,23.03247,1
+2017-08-22 09:20:24.460000+00:00,42.28258,23.03434,1
+2017-08-22 09:20:24.460000+00:00,42.28274,23.03264,1
+2019-08-27 09:28:54.108000+00:00,42.28165,23.03247,1
+2019-08-27 09:28:54.108000+00:00,42.28258,23.03434,1
+2019-08-27 09:28:54.108000+00:00,42.28274,23.03264,1
+2016-10-01 09:20:24.460000+00:00,42.28165,23.03247,1
+2016-10-01 09:20:24.460000+00:00,42.28258,23.03434,1
+2016-10-01 09:20:24.460000+00:00,42.28274,23.03264,1
+2020-01-24 09:28:46.004000+00:00,42.28165,23.03247,1
+2020-01-24 09:28:46.004000+00:00,42.28258,23.03434,1
+2020-01-24 09:28:46.004000+00:00,42.28274,23.03264,1
+2017-10-16 09:27:40.395000+00:00,42.28165,23.03247,1
+2017-10-16 09:27:40.395000+00:00,42.28258,23.03434,1
+2017-10-16 09:27:40.395000+00:00,42.28274,23.03264,1
+2016-05-24 09:20:34+00:00,42.28165,23.03247,1
+2016-05-24 09:20:34+00:00,42.28258,23.03434,1
+2016-05-24 09:20:34+00:00,42.28274,23.03264,1
+2016-04-04 09:24:09.357000+00:00,42.28165,23.03247,1
+2016-04-04 09:24:09.357000+00:00,42.28258,23.03434,1
+2016-04-04 09:24:09.357000+00:00,42.28274,23.03264,1
+2018-04-18 16:37:25.150000+00:00,33.6282,-87.05913,1
+2018-04-18 16:37:25.150000+00:00,33.63378,-87.05568,1
+2019-07-12 16:44:18.554000+00:00,33.6282,-87.05913,1
+2019-07-12 16:44:18.554000+00:00,33.63378,-87.05568,1
+2019-05-18 16:44:13+00:00,33.6282,-87.05913,1
+2019-05-18 16:44:13+00:00,33.63378,-87.05568,1
+2017-09-20 16:37:39.300000+00:00,33.6282,-87.05913,1
+2017-09-20 16:37:39.300000+00:00,33.63378,-87.05568,1
+2020-06-06 16:44:11.827000+00:00,33.6282,-87.05913,1
+2020-06-06 16:44:11.827000+00:00,33.63378,-87.05568,1
+2020-04-17 16:44:04.871000+00:00,33.6282,-87.05913,1
+2020-04-17 16:44:04.871000+00:00,33.63378,-87.05568,1
+2020-07-16 16:44:10.956000+00:00,33.6282,-87.05913,1
+2020-07-16 16:44:10.956000+00:00,33.63378,-87.05568,1
+2019-06-02 16:44:17+00:00,33.6282,-87.05913,1
+2019-06-02 16:44:17+00:00,33.63378,-87.05568,1
+2019-12-19 16:44:04.630000+00:00,33.6282,-87.05913,1
+2019-12-19 16:44:04.630000+00:00,33.63378,-87.05568,1
+2017-05-08 16:34:26.790000+00:00,33.6282,-87.05913,1
+2017-05-08 16:34:26.790000+00:00,33.63378,-87.05568,1
+2019-05-23 16:44:18+00:00,33.6282,-87.05913,1
+2019-05-23 16:44:18+00:00,33.63378,-87.05568,1
+2017-11-24 16:36:14.460000+00:00,33.6282,-87.05913,1
+2017-11-24 16:36:14.460000+00:00,33.63378,-87.05568,1
+2020-01-28 16:44:02.181000+00:00,33.6282,-87.05913,1
+2020-01-28 16:44:02.181000+00:00,33.63378,-87.05568,1
+2018-09-20 16:43:33.250000+00:00,33.6282,-87.05913,1
+2018-09-20 16:43:33.250000+00:00,33.63378,-87.05568,1
+2017-02-17 16:41:48.334000+00:00,33.6282,-87.05913,1
+2017-02-17 16:41:48.334000+00:00,33.63378,-87.05568,1
+2017-03-29 16:39:58.920000+00:00,33.6282,-87.05913,1
+2017-03-29 16:39:58.920000+00:00,33.63378,-87.05568,1
+2020-02-27 16:44:06.973000+00:00,33.6282,-87.05913,1
+2020-02-27 16:44:06.973000+00:00,33.63378,-87.05568,1
+2017-11-04 16:43:43.020000+00:00,33.6282,-87.05913,1
+2017-11-04 16:43:43.020000+00:00,33.63378,-87.05568,1
+2016-11-09 16:39:17.790000+00:00,33.6282,-87.05913,1
+2016-11-09 16:39:17.790000+00:00,33.63378,-87.05568,1
+2018-01-18 16:36:11.460000+00:00,33.6282,-87.05913,1
+2018-01-18 16:36:11.460000+00:00,33.63378,-87.05568,1
+2018-10-30 16:42:33.940000+00:00,33.6282,-87.05913,1
+2018-10-30 16:42:33.940000+00:00,33.63378,-87.05568,1
+2020-01-08 16:44:04.500000+00:00,33.6282,-87.05913,1
+2020-01-08 16:44:04.500000+00:00,33.63378,-87.05568,1
+2016-10-20 16:36:26.070000+00:00,33.6282,-87.05913,1
+2016-10-20 16:36:26.070000+00:00,33.63378,-87.05568,1
+2018-05-08 16:35:58.570000+00:00,33.6282,-87.05913,1
+2018-05-08 16:35:58.570000+00:00,33.63378,-87.05568,1
+2018-03-04 16:43:59.220000+00:00,33.6282,-87.05913,1
+2018-03-04 16:43:59.220000+00:00,33.63378,-87.05568,1
+2018-02-27 16:33:14.460000+00:00,33.6282,-87.05913,1
+2018-02-27 16:33:14.460000+00:00,33.63378,-87.05568,1
+2020-11-13 16:44:10.635000+00:00,33.6282,-87.05913,1
+2020-11-13 16:44:10.635000+00:00,33.63378,-87.05568,1
+2019-04-13 16:44:14+00:00,33.6282,-87.05913,1
+2019-04-13 16:44:14+00:00,33.63378,-87.05568,1
+2019-08-01 16:44:17.650000+00:00,33.6282,-87.05913,1
+2019-08-01 16:44:17.650000+00:00,33.63378,-87.05568,1
+2017-09-05 16:34:29.370000+00:00,33.6282,-87.05913,1
+2017-09-05 16:34:29.370000+00:00,33.63378,-87.05568,1
+2019-09-20 16:44:09.032000+00:00,33.6282,-87.05913,1
+2019-09-20 16:44:09.032000+00:00,33.63378,-87.05568,1
+2016-09-30 16:42:59.310000+00:00,33.6282,-87.05913,1
+2016-09-30 16:42:59.310000+00:00,33.63378,-87.05568,1
+2020-11-03 16:44:12.190000+00:00,33.6282,-87.05913,1
+2020-11-03 16:44:12.190000+00:00,33.63378,-87.05568,1
+2017-10-30 16:34:05.460000+00:00,33.6282,-87.05913,1
+2017-10-30 16:34:05.460000+00:00,33.63378,-87.05568,1
+2018-12-24 16:44:05.790000+00:00,33.6282,-87.05913,1
+2018-12-24 16:44:05.790000+00:00,33.63378,-87.05568,1
+2018-03-19 11:33:12.460000+00:00,53.36861,-2.68576,1
+2018-03-19 11:33:12.460000+00:00,53.36937,-2.68417,1
+2018-03-19 11:33:12.460000+00:00,53.3698,-2.686,1
+2018-03-19 11:33:12.460000+00:00,53.37056,-2.68446,1
+2018-03-19 11:33:12.460000+00:00,53.3734,-2.69085,1
+2018-03-19 11:33:12.460000+00:00,53.37378,-2.69268,1
+2018-03-19 11:33:12.460000+00:00,53.37414,-2.68928,1
+2018-03-19 11:33:12.460000+00:00,53.37457,-2.69113,1
+2019-11-29 11:36:12.152000+00:00,53.36861,-2.68576,1
+2019-11-29 11:36:12.152000+00:00,53.36937,-2.68417,1
+2019-11-29 11:36:12.152000+00:00,53.3698,-2.686,1
+2019-11-29 11:36:12.152000+00:00,53.37056,-2.68446,1
+2019-11-29 11:36:12.152000+00:00,53.3734,-2.69085,1
+2019-11-29 11:36:12.152000+00:00,53.37378,-2.69268,1
+2019-11-29 11:36:12.152000+00:00,53.37414,-2.68928,1
+2019-11-29 11:36:12.152000+00:00,53.37457,-2.69113,1
+2019-01-28 11:36:13+00:00,53.36861,-2.68576,0
+2019-01-28 11:36:13+00:00,53.36937,-2.68417,0
+2019-01-28 11:36:13+00:00,53.3698,-2.686,0
+2019-01-28 11:36:13+00:00,53.37056,-2.68446,0
+2019-01-28 11:36:13+00:00,53.3734,-2.69085,0
+2019-01-28 11:36:13+00:00,53.37378,-2.69268,0
+2019-01-28 11:36:13+00:00,53.37414,-2.68928,0
+2019-01-28 11:36:13+00:00,53.37457,-2.69113,0
+2019-12-01 11:26:19.632000+00:00,53.36861,-2.68576,1
+2019-12-01 11:26:19.632000+00:00,53.36937,-2.68417,1
+2019-12-01 11:26:19.632000+00:00,53.3698,-2.686,1
+2019-12-01 11:26:19.632000+00:00,53.37056,-2.68446,1
+2019-12-01 11:26:19.632000+00:00,53.3734,-2.69085,1
+2019-12-01 11:26:19.632000+00:00,53.37378,-2.69268,1
+2019-12-01 11:26:19.632000+00:00,53.37414,-2.68928,1
+2019-12-01 11:26:19.632000+00:00,53.37457,-2.69113,1
+2020-01-18 11:36:10.563000+00:00,53.36861,-2.68576,1
+2020-01-18 11:36:10.563000+00:00,53.36937,-2.68417,1
+2020-01-18 11:36:10.563000+00:00,53.3698,-2.686,1
+2020-01-18 11:36:10.563000+00:00,53.37056,-2.68446,1
+2020-01-18 11:36:10.563000+00:00,53.3734,-2.69085,1
+2020-01-18 11:36:10.563000+00:00,53.37378,-2.69268,1
+2020-01-18 11:36:10.563000+00:00,53.37414,-2.68928,1
+2020-01-18 11:36:10.563000+00:00,53.37457,-2.69113,1
+2017-12-14 11:34:54.460000+00:00,53.36861,-2.68576,1
+2017-12-14 11:34:54.460000+00:00,53.36937,-2.68417,1
+2017-12-14 11:34:54.460000+00:00,53.3698,-2.686,1
+2017-12-14 11:34:54.460000+00:00,53.37056,-2.68446,1
+2017-12-14 11:34:54.460000+00:00,53.3734,-2.69085,1
+2017-12-14 11:34:54.460000+00:00,53.37378,-2.69268,1
+2017-12-14 11:34:54.460000+00:00,53.37414,-2.68928,1
+2017-12-14 11:34:54.460000+00:00,53.37457,-2.69113,1
+2019-06-22 11:36:24+00:00,53.36861,-2.68576,0
+2019-06-22 11:36:24+00:00,53.36937,-2.68417,0
+2019-06-22 11:36:24+00:00,53.3698,-2.686,0
+2019-06-22 11:36:24+00:00,53.37056,-2.68446,0
+2019-06-22 11:36:24+00:00,53.3734,-2.69085,0
+2019-06-22 11:36:24+00:00,53.37378,-2.69268,0
+2019-06-22 11:36:24+00:00,53.37414,-2.68928,0
+2019-06-22 11:36:24+00:00,53.37457,-2.69113,0
+2019-11-11 11:26:23.124000+00:00,53.36861,-2.68576,1
+2019-11-11 11:26:23.124000+00:00,53.36937,-2.68417,1
+2019-11-11 11:26:23.124000+00:00,53.3698,-2.686,1
+2019-11-11 11:26:23.124000+00:00,53.37056,-2.68446,1
+2019-11-11 11:26:23.124000+00:00,53.3734,-2.69085,1
+2019-11-11 11:26:23.124000+00:00,53.37378,-2.69268,1
+2019-11-11 11:26:23.124000+00:00,53.37414,-2.68928,1
+2019-11-11 11:26:23.124000+00:00,53.37457,-2.69113,1
+2018-02-24 11:22:28.440000+00:00,53.36861,-2.68576,1
+2018-02-24 11:22:28.440000+00:00,53.36937,-2.68417,1
+2018-02-24 11:22:28.440000+00:00,53.3698,-2.686,1
+2018-02-24 11:22:28.440000+00:00,53.37056,-2.68446,1
+2018-02-24 11:22:28.440000+00:00,53.3734,-2.69085,1
+2018-02-24 11:22:28.440000+00:00,53.37378,-2.69268,1
+2018-02-24 11:22:28.440000+00:00,53.37414,-2.68928,1
+2018-02-24 11:22:28.440000+00:00,53.37457,-2.69113,1
+2017-03-06 11:21:06.457000+00:00,53.36861,-2.68576,1
+2017-03-06 11:21:06.457000+00:00,53.36937,-2.68417,1
+2017-03-06 11:21:06.457000+00:00,53.3698,-2.686,1
+2017-03-06 11:21:06.457000+00:00,53.37056,-2.68446,1
+2017-03-06 11:21:06.457000+00:00,53.3734,-2.69085,1
+2017-03-06 11:21:06.457000+00:00,53.37378,-2.69268,1
+2017-03-06 11:21:06.457000+00:00,53.37414,-2.68928,1
+2017-03-06 11:21:06.457000+00:00,53.37457,-2.69113,1
+2020-02-29 11:26:16.151000+00:00,53.36861,-2.68576,1
+2020-02-29 11:26:16.151000+00:00,53.36937,-2.68417,1
+2020-02-29 11:26:16.151000+00:00,53.3698,-2.686,1
+2020-02-29 11:26:16.151000+00:00,53.37056,-2.68446,1
+2020-02-29 11:26:16.151000+00:00,53.3734,-2.69085,1
+2020-02-29 11:26:16.151000+00:00,53.37378,-2.69268,1
+2020-02-29 11:26:16.151000+00:00,53.37414,-2.68928,1
+2020-02-29 11:26:16.151000+00:00,53.37457,-2.69113,1
+2016-02-10 11:22:14.462000+00:00,53.36861,-2.68576,1
+2016-02-10 11:22:14.462000+00:00,53.36937,-2.68417,1
+2016-02-10 11:22:14.462000+00:00,53.3698,-2.686,1
+2016-02-10 11:22:14.462000+00:00,53.37056,-2.68446,1
+2016-02-10 11:22:14.462000+00:00,53.3734,-2.69085,1
+2016-02-10 11:22:14.462000+00:00,53.37378,-2.69268,1
+2016-02-10 11:22:14.462000+00:00,53.37414,-2.68928,1
+2016-02-10 11:22:14.462000+00:00,53.37457,-2.69113,1
+2017-12-01 11:24:25.460000+00:00,53.36861,-2.68576,1
+2017-12-01 11:24:25.460000+00:00,53.36937,-2.68417,1
+2017-12-01 11:24:25.460000+00:00,53.3698,-2.686,1
+2017-12-01 11:24:25.460000+00:00,53.37056,-2.68446,1
+2017-12-01 11:24:25.460000+00:00,53.3734,-2.69085,1
+2017-12-01 11:24:25.460000+00:00,53.37378,-2.69268,1
+2017-12-01 11:24:25.460000+00:00,53.37414,-2.68928,1
+2017-12-01 11:24:25.460000+00:00,53.37457,-2.69113,1
+2019-01-08 11:36:11.850000+00:00,53.36861,-2.68576,0
+2019-01-08 11:36:11.850000+00:00,53.36937,-2.68417,0
+2019-01-08 11:36:11.850000+00:00,53.3698,-2.686,0
+2019-01-08 11:36:11.850000+00:00,53.37056,-2.68446,0
+2019-01-08 11:36:11.850000+00:00,53.3734,-2.69085,0
+2019-01-08 11:36:11.850000+00:00,53.37378,-2.69268,0
+2019-01-08 11:36:11.850000+00:00,53.37414,-2.68928,0
+2019-01-08 11:36:11.850000+00:00,53.37457,-2.69113,0
+2019-05-14 17:04:07+00:00,34.41967,-92.13619,0
+2019-05-14 17:04:07+00:00,34.42147,-92.13821,0
+2017-04-24 17:00:27.390000+00:00,34.41967,-92.13619,1
+2017-04-24 17:00:27.390000+00:00,34.42147,-92.13821,1
+2018-01-24 16:55:56.460000+00:00,34.41967,-92.13619,1
+2018-01-24 16:55:56.460000+00:00,34.42147,-92.13821,1
+2017-07-13 17:00:19.330000+00:00,34.41967,-92.13619,1
+2017-07-13 17:00:19.330000+00:00,34.42147,-92.13821,1
+2020-07-27 17:04:09.049000+00:00,34.41967,-92.13619,1
+2020-07-27 17:04:09.049000+00:00,34.42147,-92.13821,1
+2020-08-21 17:04:06.945000+00:00,34.41967,-92.13619,1
+2020-08-21 17:04:06.945000+00:00,34.42147,-92.13821,1
+2018-01-29 17:03:09.040000+00:00,34.41967,-92.13619,1
+2018-01-29 17:03:09.040000+00:00,34.42147,-92.13821,1
+2019-09-01 17:04:03.843000+00:00,34.41967,-92.13619,1
+2019-09-01 17:04:03.843000+00:00,34.42147,-92.13821,1
+2020-12-09 17:04:00.986000+00:00,34.41967,-92.13619,0
+2020-12-09 17:04:00.986000+00:00,34.42147,-92.13821,0
+2018-06-03 17:00:35.980000+00:00,34.41967,-92.13619,1
+2018-06-03 17:00:35.980000+00:00,34.42147,-92.13821,1
+2018-07-13 16:54:40.810000+00:00,34.41967,-92.13619,1
+2018-07-13 16:54:40.810000+00:00,34.42147,-92.13821,1
+2016-12-15 16:57:11.455000+00:00,34.41967,-92.13619,1
+2016-12-15 16:57:11.455000+00:00,34.42147,-92.13821,1
+2019-11-15 17:04:01.996000+00:00,34.41967,-92.13619,1
+2019-11-15 17:04:01.996000+00:00,34.42147,-92.13821,1
+2019-11-05 17:04:03.489000+00:00,34.41967,-92.13619,0
+2019-11-05 17:04:03.489000+00:00,34.42147,-92.13821,0
+2020-02-08 17:03:55.601000+00:00,34.41967,-92.13619,0
+2020-02-08 17:03:55.601000+00:00,34.42147,-92.13821,0
+2020-07-12 17:04:04.991000+00:00,34.41967,-92.13619,1
+2020-07-12 17:04:04.991000+00:00,34.42147,-92.13821,1
+2020-05-23 17:04:04.043000+00:00,34.41967,-92.13619,1
+2020-05-23 17:04:04.043000+00:00,34.42147,-92.13821,1
+2020-05-18 17:04:08.817000+00:00,34.41967,-92.13619,1
+2020-05-18 17:04:08.817000+00:00,34.42147,-92.13821,1
+2020-08-11 17:04:06.831000+00:00,34.41967,-92.13619,1
+2020-08-11 17:04:06.831000+00:00,34.42147,-92.13821,1
+2018-10-21 16:54:27.800000+00:00,34.41967,-92.13619,1
+2018-10-21 16:54:27.800000+00:00,34.42147,-92.13821,1
+2018-04-09 16:55:00.840000+00:00,34.41967,-92.13619,1
+2018-04-09 16:55:00.840000+00:00,34.42147,-92.13821,1
+2018-11-15 17:03:57.630000+00:00,34.41967,-92.13619,1
+2018-11-15 17:03:57.630000+00:00,34.42147,-92.13821,1
+2020-03-29 17:03:59.468000+00:00,34.41967,-92.13619,1
+2020-03-29 17:03:59.468000+00:00,34.42147,-92.13821,1
+2016-06-08 17:01:45+00:00,34.41967,-92.13619,1
+2016-06-08 17:01:45+00:00,34.42147,-92.13821,1
+2018-05-29 17:00:26.550000+00:00,34.41967,-92.13619,1
+2018-05-29 17:00:26.550000+00:00,34.42147,-92.13821,1
+2019-06-03 17:04:05+00:00,34.41967,-92.13619,1
+2019-06-03 17:04:05+00:00,34.42147,-92.13821,1
+2020-04-18 17:04:03.801000+00:00,34.41967,-92.13619,1
+2020-04-18 17:04:03.801000+00:00,34.42147,-92.13821,1
+2019-12-30 17:03:58.126000+00:00,34.41967,-92.13619,1
+2019-12-30 17:03:58.126000+00:00,34.42147,-92.13821,1
+2020-11-19 17:04:04.056000+00:00,34.41967,-92.13619,0
+2020-11-19 17:04:04.056000+00:00,34.42147,-92.13821,0
+2017-12-28 16:16:54.460000+00:00,40.51113,-79.19316,1
+2017-12-28 16:16:54.460000+00:00,40.5117,-79.1948,1
+2017-12-28 16:16:54.460000+00:00,40.51243,-79.19243,1
+2020-05-26 16:22:15.538000+00:00,40.51113,-79.19316,1
+2020-05-26 16:22:15.538000+00:00,40.5117,-79.1948,1
+2020-05-26 16:22:15.538000+00:00,40.51243,-79.19243,1
+2018-04-22 16:11:53.630000+00:00,40.51113,-79.19316,1
+2018-04-22 16:11:53.630000+00:00,40.5117,-79.1948,1
+2018-04-22 16:11:53.630000+00:00,40.51243,-79.19243,1
+2018-03-13 16:17:02.100000+00:00,40.51113,-79.19316,1
+2018-03-13 16:17:02.100000+00:00,40.5117,-79.1948,1
+2018-03-13 16:17:02.100000+00:00,40.51243,-79.19243,1
+2017-09-19 16:20:24.530000+00:00,40.51113,-79.19316,1
+2017-09-19 16:20:24.530000+00:00,40.5117,-79.1948,1
+2017-09-19 16:20:24.530000+00:00,40.51243,-79.19243,1
+2020-11-07 16:22:11.338000+00:00,40.51113,-79.19316,0
+2020-11-07 16:22:11.338000+00:00,40.5117,-79.1948,0
+2020-11-07 16:22:11.338000+00:00,40.51243,-79.19243,0
+2018-07-16 16:13:01.580000+00:00,40.51113,-79.19316,1
+2018-07-16 16:13:01.580000+00:00,40.5117,-79.1948,1
+2018-07-16 16:13:01.580000+00:00,40.51243,-79.19243,1
+2020-09-08 16:22:12.100000+00:00,40.51113,-79.19316,0
+2020-09-08 16:22:12.100000+00:00,40.5117,-79.1948,0
+2020-09-08 16:22:12.100000+00:00,40.51243,-79.19243,0
+2019-07-01 16:22:14+00:00,40.51113,-79.19316,1
+2019-07-01 16:22:14+00:00,40.5117,-79.1948,1
+2019-07-01 16:22:14+00:00,40.51243,-79.19243,1
+2020-03-04 16:12:09.228000+00:00,40.51113,-79.19316,1
+2020-03-04 16:12:09.228000+00:00,40.5117,-79.1948,1
+2020-03-04 16:12:09.228000+00:00,40.51243,-79.19243,1
+2019-10-09 16:22:12.123000+00:00,40.51113,-79.19316,1
+2019-10-09 16:22:12.123000+00:00,40.5117,-79.1948,1
+2019-10-09 16:22:12.123000+00:00,40.51243,-79.19243,1
+2019-09-04 16:22:12.121000+00:00,40.51113,-79.19316,1
+2019-09-04 16:22:12.121000+00:00,40.5117,-79.1948,1
+2019-09-04 16:22:12.121000+00:00,40.51243,-79.19243,1
+2017-06-18 16:00:33.650000+00:00,40.51113,-79.19316,1
+2017-06-18 16:00:33.650000+00:00,40.5117,-79.1948,1
+2017-06-18 16:00:33.650000+00:00,40.51243,-79.19243,1
+2018-05-19 16:03:25.120000+00:00,40.51113,-79.19316,1
+2018-05-19 16:03:25.120000+00:00,40.5117,-79.1948,1
+2018-05-19 16:03:25.120000+00:00,40.51243,-79.19243,1
+2018-05-02 16:19:42.650000+00:00,40.51113,-79.19316,1
+2018-05-02 16:19:42.650000+00:00,40.5117,-79.1948,1
+2018-05-02 16:19:42.650000+00:00,40.51243,-79.19243,1
+2020-11-14 16:12:14.371000+00:00,40.51113,-79.19316,0
+2020-11-14 16:12:14.371000+00:00,40.5117,-79.1948,0
+2020-11-14 16:12:14.371000+00:00,40.51243,-79.19243,0
+2019-04-24 16:12:20+00:00,40.51113,-79.19316,1
+2019-04-24 16:12:20+00:00,40.5117,-79.1948,1
+2019-04-24 16:12:20+00:00,40.51243,-79.19243,1
+2020-09-20 16:12:18.417000+00:00,40.51113,-79.19316,0
+2020-09-20 16:12:18.417000+00:00,40.5117,-79.1948,0
+2020-09-20 16:12:18.417000+00:00,40.51243,-79.19243,0
+2018-08-15 16:14:03.180000+00:00,40.51113,-79.19316,1
+2018-08-15 16:14:03.180000+00:00,40.5117,-79.1948,1
+2018-08-15 16:14:03.180000+00:00,40.51243,-79.19243,1
+2017-09-24 16:15:36.730000+00:00,40.51113,-79.19316,1
+2017-09-24 16:15:36.730000+00:00,40.5117,-79.1948,1
+2017-09-24 16:15:36.730000+00:00,40.51243,-79.19243,1
+2020-04-11 16:22:05.763000+00:00,40.51113,-79.19316,0
+2020-04-11 16:22:05.763000+00:00,40.5117,-79.1948,0
+2020-04-11 16:22:05.763000+00:00,40.51243,-79.19243,0
+2019-08-12 16:12:20.190000+00:00,40.51113,-79.19316,1
+2019-08-12 16:12:20.190000+00:00,40.5117,-79.1948,1
+2019-08-12 16:12:20.190000+00:00,40.51243,-79.19243,1
+2016-05-07 16:18:58+00:00,40.51113,-79.19316,1
+2016-05-07 16:18:58+00:00,40.5117,-79.1948,1
+2016-05-07 16:18:58+00:00,40.51243,-79.19243,1
+2018-07-26 16:18:43.310000+00:00,40.51113,-79.19316,1
+2018-07-26 16:18:43.310000+00:00,40.5117,-79.1948,1
+2018-07-26 16:18:43.310000+00:00,40.51243,-79.19243,1
+2019-05-24 16:12:22+00:00,40.51113,-79.19316,0
+2019-05-24 16:12:22+00:00,40.5117,-79.1948,0
+2019-05-24 16:12:22+00:00,40.51243,-79.19243,0
+2019-03-23 16:22:08+00:00,40.51113,-79.19316,1
+2019-03-23 16:22:08+00:00,40.5117,-79.1948,1
+2019-03-23 16:22:08+00:00,40.51243,-79.19243,1
+2018-03-25 16:02:19.670000+00:00,40.51113,-79.19316,1
+2018-03-25 16:02:19.670000+00:00,40.5117,-79.1948,1
+2018-03-25 16:02:19.670000+00:00,40.51243,-79.19243,1
+2019-08-10 16:22:13.280000+00:00,40.51113,-79.19316,1
+2019-08-10 16:22:13.280000+00:00,40.5117,-79.1948,1
+2019-08-10 16:22:13.280000+00:00,40.51243,-79.19243,1
+2018-03-05 16:08:54.210000+00:00,40.51113,-79.19316,1
+2018-03-05 16:08:54.210000+00:00,40.5117,-79.1948,1
+2018-03-05 16:08:54.210000+00:00,40.51243,-79.19243,1
+2019-09-21 16:12:12.903000+00:00,40.51113,-79.19316,1
+2019-09-21 16:12:12.903000+00:00,40.5117,-79.1948,1
+2019-09-21 16:12:12.903000+00:00,40.51243,-79.19243,1
+2018-07-01 16:18:21.900000+00:00,40.51113,-79.19316,1
+2018-07-01 16:18:21.900000+00:00,40.5117,-79.1948,1
+2018-07-01 16:18:21.900000+00:00,40.51243,-79.19243,1
+2019-10-14 16:22:10.718000+00:00,40.51113,-79.19316,1
+2019-10-14 16:22:10.718000+00:00,40.5117,-79.1948,1
+2019-10-14 16:22:10.718000+00:00,40.51243,-79.19243,1
+2018-12-18 16:22:04.220000+00:00,40.51113,-79.19316,1
+2018-12-18 16:22:04.220000+00:00,40.5117,-79.1948,1
+2018-12-18 16:22:04.220000+00:00,40.51243,-79.19243,1
+2019-02-21 16:22:05+00:00,40.51113,-79.19316,1
+2019-02-21 16:22:05+00:00,40.5117,-79.1948,1
+2019-02-21 16:22:05+00:00,40.51243,-79.19243,1
+2019-03-18 16:22:08+00:00,40.51113,-79.19316,1
+2019-03-18 16:22:08+00:00,40.5117,-79.1948,1
+2019-03-18 16:22:08+00:00,40.51243,-79.19243,1
+2018-08-05 16:17:51.800000+00:00,40.51113,-79.19316,1
+2018-08-05 16:17:51.800000+00:00,40.5117,-79.1948,1
+2018-08-05 16:17:51.800000+00:00,40.51243,-79.19243,1
+2019-09-09 16:22:08.171000+00:00,40.51113,-79.19316,1
+2019-09-09 16:22:08.171000+00:00,40.5117,-79.1948,1
+2019-09-09 16:22:08.171000+00:00,40.51243,-79.19243,1
+2018-02-28 16:09:06.180000+00:00,40.51113,-79.19316,1
+2018-02-28 16:09:06.180000+00:00,40.5117,-79.1948,1
+2018-02-28 16:09:06.180000+00:00,40.51243,-79.19243,1
+2018-04-04 17:03:25.540000+00:00,35.67388,-91.4062,1
+2018-04-04 17:03:25.540000+00:00,35.67609,-91.40762,1
+2019-09-16 17:03:44.693000+00:00,35.67388,-91.4062,1
+2019-09-16 17:03:44.693000+00:00,35.67609,-91.40762,1
+2020-06-12 17:03:47.520000+00:00,35.67388,-91.4062,1
+2020-06-12 17:03:47.520000+00:00,35.67609,-91.40762,1
+2018-09-11 16:53:49.300000+00:00,35.67388,-91.4062,1
+2018-09-11 16:53:49.300000+00:00,35.67609,-91.40762,1
+2019-02-03 17:03:42+00:00,35.67388,-91.4062,1
+2019-02-03 17:03:42+00:00,35.67609,-91.40762,1
+2018-05-24 16:51:06.370000+00:00,35.67388,-91.4062,1
+2018-05-24 16:51:06.370000+00:00,35.67609,-91.40762,1
+2019-01-24 17:03:41+00:00,35.67388,-91.4062,1
+2019-01-24 17:03:41+00:00,35.67609,-91.40762,1
+2020-11-04 17:03:49.898000+00:00,35.67388,-91.4062,0
+2020-11-04 17:03:49.898000+00:00,35.67609,-91.40762,0
+2017-01-04 17:02:14.333000+00:00,35.67388,-91.4062,1
+2017-01-04 17:02:14.333000+00:00,35.67609,-91.40762,1
+2018-11-10 17:03:42.690000+00:00,35.67388,-91.4062,1
+2018-11-10 17:03:42.690000+00:00,35.67609,-91.40762,1
+2019-01-29 17:03:45+00:00,35.67388,-91.4062,1
+2019-01-29 17:03:45+00:00,35.67609,-91.40762,1
+2018-06-28 17:01:23.270000+00:00,35.67388,-91.4062,1
+2018-06-28 17:01:23.270000+00:00,35.67609,-91.40762,1
+2018-03-15 16:54:24.960000+00:00,35.67388,-91.4062,1
+2018-03-15 16:54:24.960000+00:00,35.67609,-91.40762,1
+2019-09-06 17:03:47.260000+00:00,35.67388,-91.4062,1
+2019-09-06 17:03:47.260000+00:00,35.67609,-91.40762,1
+2020-11-19 17:03:45.782000+00:00,35.67388,-91.4062,1
+2020-11-19 17:03:45.782000+00:00,35.67609,-91.40762,1
+2019-11-20 17:03:46.158000+00:00,35.67388,-91.4062,1
+2019-11-20 17:03:46.158000+00:00,35.67609,-91.40762,1
+2019-03-05 17:03:39+00:00,35.67388,-91.4062,0
+2019-03-05 17:03:39+00:00,35.67609,-91.40762,0
+2018-01-04 16:56:57.460000+00:00,35.67388,-91.4062,1
+2018-01-04 16:56:57.460000+00:00,35.67609,-91.40762,1
+2017-09-18 16:47:33.690000+00:00,35.67388,-91.4062,1
+2017-09-18 16:47:33.690000+00:00,35.67609,-91.40762,1
+2018-12-25 17:03:37.820000+00:00,35.67388,-91.4062,1
+2018-12-25 17:03:37.820000+00:00,35.67609,-91.40762,1
+2018-06-18 16:56:12+00:00,35.67388,-91.4062,1
+2018-06-18 16:56:12+00:00,35.67609,-91.40762,1
+2018-05-19 17:01:43.310000+00:00,35.67388,-91.4062,1
+2018-05-19 17:01:43.310000+00:00,35.67609,-91.40762,1
+2020-08-16 17:03:50.978000+00:00,35.67388,-91.4062,1
+2020-08-16 17:03:50.978000+00:00,35.67609,-91.40762,1
+2020-12-04 17:03:43.684000+00:00,35.67388,-91.4062,1
+2020-12-04 17:03:43.684000+00:00,35.67609,-91.40762,1
+2016-10-26 16:54:01.460000+00:00,35.67388,-91.4062,1
+2016-10-26 16:54:01.460000+00:00,35.67609,-91.40762,1
+2017-04-24 17:00:27.390000+00:00,35.67388,-91.4062,1
+2017-04-24 17:00:27.390000+00:00,35.67609,-91.40762,1
+2018-11-26 11:26:22.460000+00:00,52.8624,-1.26116,1
+2018-11-26 11:26:22.460000+00:00,52.86312,-1.25945,1
+2018-11-26 11:26:22.460000+00:00,52.86371,-1.26129,1
+2018-11-26 11:26:22.460000+00:00,52.86445,-1.2596,1
+2018-11-26 11:26:22.460000+00:00,52.86516,-1.2614,1
+2018-11-26 11:26:22.460000+00:00,52.86588,-1.25977,1
+2018-11-26 11:26:22.460000+00:00,52.86646,-1.26157,1
+2018-11-26 11:26:22.460000+00:00,52.86717,-1.2599,1
+2018-12-11 11:26:24.170000+00:00,52.8624,-1.26116,1
+2018-12-11 11:26:24.170000+00:00,52.86312,-1.25945,1
+2018-12-11 11:26:24.170000+00:00,52.86371,-1.26129,1
+2018-12-11 11:26:24.170000+00:00,52.86445,-1.2596,1
+2018-12-11 11:26:24.170000+00:00,52.86516,-1.2614,1
+2018-12-11 11:26:24.170000+00:00,52.86588,-1.25977,1
+2018-12-11 11:26:24.170000+00:00,52.86646,-1.26157,1
+2018-12-11 11:26:24.170000+00:00,52.86717,-1.2599,1
+2017-12-08 11:15:49.620000+00:00,52.8624,-1.26116,1
+2017-12-08 11:15:49.620000+00:00,52.86312,-1.25945,1
+2017-12-08 11:15:49.620000+00:00,52.86371,-1.26129,1
+2017-12-08 11:15:49.620000+00:00,52.86445,-1.2596,1
+2017-12-08 11:15:49.620000+00:00,52.86516,-1.2614,1
+2017-12-08 11:15:49.620000+00:00,52.86588,-1.25977,1
+2017-12-08 11:15:49.620000+00:00,52.86646,-1.26157,1
+2017-12-08 11:15:49.620000+00:00,52.86717,-1.2599,1
+2021-02-28 11:26:29.383000+00:00,52.8624,-1.26116,0
+2021-02-28 11:26:29.383000+00:00,52.86312,-1.25945,0
+2021-02-28 11:26:29.383000+00:00,52.86371,-1.26129,0
+2021-02-28 11:26:29.383000+00:00,52.86445,-1.2596,0
+2021-02-28 11:26:29.383000+00:00,52.86516,-1.2614,0
+2021-02-28 11:26:29.383000+00:00,52.86588,-1.25977,0
+2021-02-28 11:26:29.383000+00:00,52.86646,-1.26157,0
+2021-02-28 11:26:29.383000+00:00,52.86717,-1.2599,0
+2018-09-27 11:23:30.160000+00:00,52.8624,-1.26116,1
+2018-09-27 11:23:30.160000+00:00,52.86312,-1.25945,1
+2018-09-27 11:23:30.160000+00:00,52.86371,-1.26129,1
+2018-09-27 11:23:30.160000+00:00,52.86445,-1.2596,1
+2018-09-27 11:23:30.160000+00:00,52.86516,-1.2614,1
+2018-09-27 11:23:30.160000+00:00,52.86588,-1.25977,1
+2018-09-27 11:23:30.160000+00:00,52.86646,-1.26157,1
+2018-09-27 11:23:30.160000+00:00,52.86717,-1.2599,1
+2017-01-05 11:24:39.461000+00:00,52.8624,-1.26116,1
+2017-01-05 11:24:39.461000+00:00,52.86312,-1.25945,1
+2017-01-05 11:24:39.461000+00:00,52.86371,-1.26129,1
+2017-01-05 11:24:39.461000+00:00,52.86445,-1.2596,1
+2017-01-05 11:24:39.461000+00:00,52.86516,-1.2614,1
+2017-01-05 11:24:39.461000+00:00,52.86588,-1.25977,1
+2017-01-05 11:24:39.461000+00:00,52.86646,-1.26157,1
+2017-01-05 11:24:39.461000+00:00,52.86717,-1.2599,1
+2019-01-17 11:16:33.830000+00:00,52.8624,-1.26116,1
+2019-01-17 11:16:33.830000+00:00,52.86312,-1.25945,1
+2019-01-17 11:16:33.830000+00:00,52.86371,-1.26129,1
+2019-01-17 11:16:33.830000+00:00,52.86445,-1.2596,1
+2019-01-17 11:16:33.830000+00:00,52.86516,-1.2614,1
+2019-01-17 11:16:33.830000+00:00,52.86588,-1.25977,1
+2019-01-17 11:16:33.830000+00:00,52.86646,-1.26157,1
+2019-01-17 11:16:33.830000+00:00,52.86717,-1.2599,1
+2016-04-20 11:22:42+00:00,52.8624,-1.26116,1
+2016-04-20 11:22:42+00:00,52.86312,-1.25945,1
+2016-04-20 11:22:42+00:00,52.86371,-1.26129,1
+2016-04-20 11:22:42+00:00,52.86445,-1.2596,1
+2016-04-20 11:22:42+00:00,52.86516,-1.2614,1
+2016-04-20 11:22:42+00:00,52.86588,-1.25977,1
+2016-04-20 11:22:42+00:00,52.86646,-1.26157,1
+2016-04-20 11:22:42+00:00,52.86717,-1.2599,1
+2020-03-02 11:16:31.719000+00:00,52.8624,-1.26116,1
+2020-03-02 11:16:31.719000+00:00,52.86312,-1.25945,1
+2020-03-02 11:16:31.719000+00:00,52.86371,-1.26129,1
+2020-03-02 11:16:31.719000+00:00,52.86445,-1.2596,1
+2020-03-02 11:16:31.719000+00:00,52.86516,-1.2614,1
+2020-03-02 11:16:31.719000+00:00,52.86588,-1.25977,1
+2020-03-02 11:16:31.719000+00:00,52.86646,-1.26157,1
+2020-03-02 11:16:31.719000+00:00,52.86717,-1.2599,1
+2020-08-12 11:26:34.006000+00:00,52.8624,-1.26116,0
+2020-08-12 11:26:34.006000+00:00,52.86312,-1.25945,0
+2020-08-12 11:26:34.006000+00:00,52.86371,-1.26129,0
+2020-08-12 11:26:34.006000+00:00,52.86445,-1.2596,0
+2020-08-12 11:26:34.006000+00:00,52.86516,-1.2614,0
+2020-08-12 11:26:34.006000+00:00,52.86588,-1.25977,0
+2020-08-12 11:26:34.006000+00:00,52.86646,-1.26157,0
+2020-08-12 11:26:34.006000+00:00,52.86717,-1.2599,0
+2017-01-25 11:23:33.458000+00:00,52.8624,-1.26116,1
+2017-01-25 11:23:33.458000+00:00,52.86312,-1.25945,1
+2017-01-25 11:23:33.458000+00:00,52.86371,-1.26129,1
+2017-01-25 11:23:33.458000+00:00,52.86445,-1.2596,1
+2017-01-25 11:23:33.458000+00:00,52.86516,-1.2614,1
+2017-01-25 11:23:33.458000+00:00,52.86588,-1.25977,1
+2017-01-25 11:23:33.458000+00:00,52.86646,-1.26157,1
+2017-01-25 11:23:33.458000+00:00,52.86717,-1.2599,1
+2020-08-24 11:16:39.659000+00:00,52.8624,-1.26116,1
+2020-08-24 11:16:39.659000+00:00,52.86312,-1.25945,1
+2020-08-24 11:16:39.659000+00:00,52.86371,-1.26129,1
+2020-08-24 11:16:39.659000+00:00,52.86445,-1.2596,1
+2020-08-24 11:16:39.659000+00:00,52.86516,-1.2614,1
+2020-08-24 11:16:39.659000+00:00,52.86588,-1.25977,1
+2020-08-24 11:16:39.659000+00:00,52.86646,-1.26157,1
+2020-08-24 11:16:39.659000+00:00,52.86717,-1.2599,1
+2017-12-01 11:24:25.460000+00:00,52.8624,-1.26116,1
+2017-12-01 11:24:25.460000+00:00,52.86312,-1.25945,1
+2017-12-01 11:24:25.460000+00:00,52.86371,-1.26129,1
+2017-12-01 11:24:25.460000+00:00,52.86445,-1.2596,1
+2017-12-01 11:24:25.460000+00:00,52.86516,-1.2614,1
+2017-12-01 11:24:25.460000+00:00,52.86588,-1.25977,1
+2017-12-01 11:24:25.460000+00:00,52.86646,-1.26157,1
+2017-12-01 11:24:25.460000+00:00,52.86717,-1.2599,1
diff --git a/people-and-planet-ai/geospatial-classification/noxfile_config.py b/people-and-planet-ai/geospatial-classification/noxfile_config.py
new file mode 100644
index 00000000000..fdc5de57de4
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/noxfile_config.py
@@ -0,0 +1,45 @@
+# Copyright 2022 Google LLC
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+# Default TEST_CONFIG_OVERRIDE for python repos.
+
+# You can copy this file into your directory, then it will be imported from
+# the noxfile.py.
+
+# The source of truth:
+# https://github.com/GoogleCloudPlatform/python-docs-samples/blob/main/noxfile_config.py
+
+TEST_CONFIG_OVERRIDE = {
+ # You can opt out from the test for specific Python versions.
+ # > ℹ️ We're opting out of all Python versions except 3.9 which is latest version TensorFlow supports
+ "ignored_versions": ["2.7", "3.6", "3.7", "3.8", "3.10"],
+ # Old samples are opted out of enforcing Python type hints
+ # All new samples should feature them
+ "enforce_type_hints": True,
+ # An envvar key for determining the project id to use. Change it
+ # to 'BUILD_SPECIFIC_GCLOUD_PROJECT' if you want to opt in using a
+ # build specific Cloud project. You can also use your own string
+ # to use your own Cloud project.
+ "gcloud_project_env": "GOOGLE_CLOUD_PROJECT",
+ # 'gcloud_project_env': 'BUILD_SPECIFIC_GCLOUD_PROJECT',
+ # If you need to use a specific version of pip,
+ # change pip_version_override to the string representation
+ # of the version number, for example, "20.2.4"
+ "pip_version_override": None,
+ # A dictionary you want to inject into your test. Don't put any
+ # secrets here. These values will override predefined values.
+ "envs": {
+ "PYTEST_ADDOPTS": "-n=8", # parallelize tests in multiple CPUs
+ },
+}
diff --git a/people-and-planet-ai/geospatial-classification/requirements-test.txt b/people-and-planet-ai/geospatial-classification/requirements-test.txt
new file mode 100644
index 00000000000..36b8687fa2e
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/requirements-test.txt
@@ -0,0 +1,2 @@
+pytest==6.2.4
+pytest-xdist==2.5.0
diff --git a/people-and-planet-ai/geospatial-classification/requirements.txt b/people-and-planet-ai/geospatial-classification/requirements.txt
new file mode 100644
index 00000000000..dce50a3ef4c
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/requirements.txt
@@ -0,0 +1,9 @@
+numpy==1.21.4; python_version > "3.6"
+numpy==1.19.5; python_version <= "3.6"
+tensorflow==2.7.0
+earthengine-api==0.1.292
+pytest==6.2.4
+pytest-xdist==2.5.0
+google-cloud-aiplatform==1.8.0
+pandas==1.3.5
+folium==0.8.3
diff --git a/people-and-planet-ai/geospatial-classification/serving_app/Dockerfile b/people-and-planet-ai/geospatial-classification/serving_app/Dockerfile
new file mode 100644
index 00000000000..24fe02c4ab2
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/serving_app/Dockerfile
@@ -0,0 +1,8 @@
+FROM python:3.9-slim
+
+WORKDIR /app
+
+COPY *.py ./
+COPY requirements.txt ./
+
+RUN pip install --no-cache-dir -r requirements.txt
diff --git a/people-and-planet-ai/geospatial-classification/serving_app/main.py b/people-and-planet-ai/geospatial-classification/serving_app/main.py
new file mode 100644
index 00000000000..3d871180157
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/serving_app/main.py
@@ -0,0 +1,55 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+
+# Copyright 2022 Google LLC
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+import flask
+
+app = flask.Flask(__name__)
+
+
+@app.route("/ping", methods=["POST"])
+def run_root() -> str:
+ args = flask.request.get_json() or {}
+ return {
+ "response": "Your request was successful! 🎉",
+ "args": args["message"],
+ }
+
+
+@app.route("/predict", methods=["POST"])
+def run_predict() -> dict:
+ import predict
+
+ try:
+ args = flask.request.get_json() or {}
+ bucket = args["bucket"]
+ model_dir = f"gs://{bucket}/model_output"
+ data = args["data"]
+ predictions = predict.run(data, model_dir)
+
+ return {
+ "method": "predict",
+ "model_dir": model_dir,
+ "predictions": predictions,
+ }
+ except Exception as e:
+ return {"error": f"{type(e).__name__}: {e}"}
+
+
+if __name__ == "__main__":
+ import os
+
+ app.run(debug=True, host="0.0.0.0", port=int(os.environ.get("PORT", 8080)))
diff --git a/people-and-planet-ai/geospatial-classification/serving_app/predict.py b/people-and-planet-ai/geospatial-classification/serving_app/predict.py
new file mode 100644
index 00000000000..1fb70d07d9a
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/serving_app/predict.py
@@ -0,0 +1,25 @@
+# Copyright 2022 Google LLC
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+import numpy as np
+import tensorflow as tf
+
+
+def run(data: dict, model_dir: str) -> dict:
+ model = tf.keras.models.load_model(model_dir)
+ prediction_values = np.array(list(data.values()))
+ transposed = np.transpose(prediction_values, (1, 2, 0))
+ predictions = model.predict(np.expand_dims(transposed, axis=0)).tolist()
+
+ return {"predictions": predictions}
diff --git a/people-and-planet-ai/geospatial-classification/serving_app/requirements.txt b/people-and-planet-ai/geospatial-classification/serving_app/requirements.txt
new file mode 100644
index 00000000000..2aefd41b798
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/serving_app/requirements.txt
@@ -0,0 +1,4 @@
+Flask==2.0.1
+gunicorn==20.1.0
+numpy==1.21.4
+tensorflow==2.7.0
diff --git a/people-and-planet-ai/geospatial-classification/task.py b/people-and-planet-ai/geospatial-classification/task.py
new file mode 100644
index 00000000000..2dbc4806caf
--- /dev/null
+++ b/people-and-planet-ai/geospatial-classification/task.py
@@ -0,0 +1,148 @@
+# Copyright 2022 Google LLC
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+
+"""This training script trains binary classifier on Sentinel-2 satellite images.
+The model is a fully convolutional neural network that predicts whether a power
+plant is turned on or off.
+
+A Sentinel-2 image consists of 13 bands. Each band contains the data for a
+specific range of the electromagnetic spectrum.
+
+A JPEG image consists of three channels: Red, Green, and Blue. For Sentinel-2
+images, these correspond to Band 4 (red), Band 3 (green), and Band 2 (blue).
+These bands contain the raw pixel data directly from the satellite sensors.
+For more information on the Sentinel-2 dataset:
+https://developers.google.com/earth-engine/datasets/catalog/COPERNICUS_S2
+"""
+
+import argparse
+from typing import Tuple
+
+import tensorflow as tf
+
+BANDS = [
+ "B1",
+ "B2",
+ "B3",
+ "B4",
+ "B5",
+ "B6",
+ "B7",
+ "B8",
+ "B8A",
+ "B9",
+ "B10",
+ "B11",
+ "B12",
+]
+LABEL = "is_powered_on"
+BATCH_SIZE = 64
+
+
+def get_args() -> dict:
+ """Parses args."""
+
+ parser = argparse.ArgumentParser()
+ parser.add_argument("--bucket", required=True, type=str, help="GCS Bucket")
+ args = parser.parse_args()
+ return args
+
+
+def parse_tfrecord(example_proto: bytes, features_dict: dict) -> dict:
+ """Parses a single tf.train.Example."""
+
+ return tf.io.parse_single_example(example_proto, features_dict)
+
+
+def create_features_dict() -> dict:
+ """Creates dict of features."""
+
+ features_dict = {
+ name: tf.io.FixedLenFeature(shape=[33, 33], dtype=tf.float32) for name in BANDS
+ }
+
+ features_dict[LABEL] = tf.io.FixedLenFeature(shape=[1, 1], dtype=tf.float32)
+
+ return features_dict
+
+
+def get_feature_and_label_vectors(
+ inputs: dict, features_dict: dict
+) -> Tuple[tf.Tensor, int]:
+ """Formats data."""
+
+ label_value = tf.cast(inputs.pop(LABEL), tf.int32)
+ features_vec = [inputs[name] for name in BANDS]
+ # (bands, x, y) -> (x, y, bands)
+ features_vec = tf.transpose(features_vec, [1, 2, 0])
+ return features_vec, label_value
+
+
+def create_datasets(bucket: str) -> Tuple[tf.data.Dataset, tf.data.Dataset]:
+ """Creates training and validation datasets."""
+
+ train_data_dir = f"gs://{bucket}/geospatial_training.tfrecord.gz"
+ eval_data_dir = f"gs://{bucket}/geospatial_validation.tfrecord.gz"
+ features_dict = create_features_dict()
+
+ training_dataset = (
+ tf.data.TFRecordDataset(train_data_dir, compression_type="GZIP")
+ .map(lambda example_proto: parse_tfrecord(example_proto, features_dict))
+ .map(lambda inputs: get_feature_and_label_vectors(inputs, features_dict))
+ .batch(64)
+ )
+
+ validation_dataset = (
+ tf.data.TFRecordDataset(eval_data_dir, compression_type="GZIP")
+ .map(lambda example_proto: parse_tfrecord(example_proto, features_dict))
+ .map(lambda inputs: get_feature_and_label_vectors(inputs, features_dict))
+ .batch(64)
+ )
+
+ return training_dataset, validation_dataset
+
+
+def create_model(training_dataset: tf.data.Dataset) -> tf.keras.Model:
+ """Creates model."""
+
+ feature_ds = training_dataset.map(lambda x, y: x)
+ normalizer = tf.keras.layers.experimental.preprocessing.Normalization()
+ normalizer.adapt(feature_ds)
+
+ inputs = tf.keras.Input(shape=(None, None, 13))
+ x = normalizer(inputs)
+ x = tf.keras.layers.Conv2D(filters=32, kernel_size=33, activation="relu")(x)
+ outputs = tf.keras.layers.Dense(1, activation="sigmoid")(x)
+
+ model = tf.keras.Model(inputs=inputs, outputs=outputs)
+
+ model.compile(
+ optimizer=tf.keras.optimizers.Adam(0.0001),
+ loss="binary_crossentropy",
+ metrics=["accuracy"],
+ )
+ return model
+
+
+def main() -> None:
+ args = get_args()
+ training_dataset, validation_dataset = create_datasets(args.bucket)
+ model = create_model(training_dataset)
+ model.fit(training_dataset, validation_data=validation_dataset, epochs=20)
+ model.save(f"gs://{args.bucket}/model_output")
+
+
+if __name__ == "__main__":
+ main()